{"env_info": "sys.platform: linux\nPython: 3.9.19 (main, May 6 2024, 19:43:03) [GCC 11.2.0]\nCUDA available: True\nGPU 0,1,2,3,4,5,6,7: NVIDIA A100-SXM4-80GB\nCUDA_HOME: /mnt/petrelfs/share/cuda-11.7/\nNVCC: Cuda compilation tools, release 11.7, V11.7.99\nGCC: gcc (GCC) 7.3.0\nPyTorch: 1.12.0+cu113\nPyTorch compiling details: PyTorch built with:\n - GCC 9.3\n - C++ Version: 201402\n - Intel(R) Math Kernel Library Version 2020.0.0 Product Build 20191122 for Intel(R) 64 architecture applications\n - Intel(R) MKL-DNN v2.6.0 (Git Hash 52b5f107dd9cf10910aaa19cb47f3abf9b349815)\n - OpenMP 201511 (a.k.a. OpenMP 4.5)\n - LAPACK is enabled (usually provided by MKL)\n - NNPACK is enabled\n - CPU capability usage: AVX2\n - CUDA Runtime 11.3\n - NVCC architecture flags: -gencode;arch=compute_37,code=sm_37;-gencode;arch=compute_50,code=sm_50;-gencode;arch=compute_60,code=sm_60;-gencode;arch=compute_70,code=sm_70;-gencode;arch=compute_75,code=sm_75;-gencode;arch=compute_80,code=sm_80;-gencode;arch=compute_86,code=sm_86\n - CuDNN 8.3.2 (built against CUDA 11.5)\n - Magma 2.5.2\n - Build settings: BLAS_INFO=mkl, BUILD_TYPE=Release, CUDA_VERSION=11.3, CUDNN_VERSION=8.3.2, CXX_COMPILER=/opt/rh/devtoolset-9/root/usr/bin/c++, CXX_FLAGS= -Wno-deprecated -fvisibility-inlines-hidden -DUSE_PTHREADPOOL -fopenmp -DNDEBUG -DUSE_KINETO -DUSE_FBGEMM -DUSE_QNNPACK -DUSE_PYTORCH_QNNPACK -DUSE_XNNPACK -DSYMBOLICATE_MOBILE_DEBUG_HANDLE -DEDGE_PROFILER_USE_KINETO -O2 -fPIC -Wno-narrowing -Wall -Wextra -Werror=return-type -Wno-missing-field-initializers -Wno-type-limits -Wno-array-bounds -Wno-unknown-pragmas -Wno-unused-parameter -Wno-unused-function -Wno-unused-result -Wno-unused-local-typedefs -Wno-strict-overflow -Wno-strict-aliasing -Wno-error=deprecated-declarations -Wno-stringop-overflow -Wno-psabi -Wno-error=pedantic -Wno-error=redundant-decls -Wno-error=old-style-cast -fdiagnostics-color=always -faligned-new -Wno-unused-but-set-variable -Wno-maybe-uninitialized -fno-math-errno -fno-trapping-math -Werror=format -Werror=cast-function-type -Wno-stringop-overflow, LAPACK_INFO=mkl, PERF_WITH_AVX=1, PERF_WITH_AVX2=1, PERF_WITH_AVX512=1, TORCH_VERSION=1.12.0, USE_CUDA=ON, USE_CUDNN=ON, USE_EXCEPTION_PTR=1, USE_GFLAGS=OFF, USE_GLOG=OFF, USE_MKL=ON, USE_MKLDNN=OFF, USE_MPI=OFF, USE_NCCL=ON, USE_NNPACK=ON, USE_OPENMP=ON, USE_ROCM=OFF, \n\nTorchVision: 0.13.0+cu113\nOpenCV: 4.9.0\nMMCV: 1.7.0\nMMCV Compiler: GCC 7.3\nMMCV CUDA Compiler: 11.7\nMMSegmentation: 0.27.0+6d3ca17", "seed": 1473895943, "exp_name": "upernet_internvit_h6b_512_512_80k_ade20k_bs16_lr4e-5.py", "mmseg_version": "0.27.0+6d3ca17", "config": "norm_cfg = dict(type='SyncBN', requires_grad=True)\nmodel = dict(\n type='EncoderDecoder',\n pretrained=None,\n backbone=dict(\n type='PIIPTwoBranch',\n n_points=4,\n deform_num_heads=16,\n cffn_ratio=0.25,\n deform_ratio=0.5,\n with_cffn=True,\n interact_attn_type='deform',\n interaction_drop_path_rate=0.4,\n interaction_proj=False,\n norm_layer='none',\n branch1=dict(\n img_size=512,\n pretrain_img_size=224,\n patch_size=16,\n pretrain_patch_size=14,\n depth=48,\n embed_dim=3200,\n num_heads=25,\n mlp_ratio=4,\n qkv_bias=False,\n init_values=0.1,\n with_cp=True,\n use_flash_attn=True,\n qk_normalization=True,\n layerscale_force_fp32=False,\n with_fpn=False,\n drop_path_rate=0.4,\n pretrained='pretrained/intern_vit_6b_224px.pth',\n norm_layer_type='RMSNorm',\n mlp_type='fused_mlp'),\n branch2=dict(\n img_size=512,\n pretrain_img_size=224,\n patch_size=16,\n pretrain_patch_size=14,\n depth=32,\n embed_dim=1280,\n num_heads=16,\n mlp_ratio=4,\n qkv_bias=True,\n init_values=1.0,\n with_cp=True,\n use_flash_attn=True,\n qk_normalization=False,\n layerscale_force_fp32=False,\n with_fpn=False,\n drop_path_rate=0.4,\n pretrained='pretrained/mae_pretrain_vit_huge.pth',\n norm_layer_type='LayerNorm',\n mlp_type='fused_mlp')),\n decode_head=dict(\n type='UPerHead',\n in_channels=[3200, 3200, 3200, 3200],\n in_index=[0, 1, 2, 3],\n pool_scales=(1, 2, 3, 6),\n channels=1536,\n dropout_ratio=0.1,\n num_classes=150,\n norm_cfg=dict(type='SyncBN', requires_grad=True),\n align_corners=False,\n loss_decode=dict(\n type='CrossEntropyLoss', use_sigmoid=False, loss_weight=1.0)),\n auxiliary_head=dict(\n type='FCNHead',\n in_channels=3200,\n in_index=2,\n channels=1536,\n num_convs=1,\n concat_input=False,\n dropout_ratio=0.1,\n num_classes=150,\n norm_cfg=dict(type='SyncBN', requires_grad=True),\n align_corners=False,\n loss_decode=dict(\n type='CrossEntropyLoss', use_sigmoid=False, loss_weight=0.4)),\n train_cfg=dict(),\n test_cfg=dict(mode='slide', crop_size=(512, 512), stride=(341, 341)))\ndataset_type = 'ADE20KDataset'\ndata_root = 'data/ade/ADEChallengeData2016'\nimg_norm_cfg = dict(\n mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True)\ncrop_size = (512, 512)\ntrain_pipeline = [\n dict(type='LoadImageFromFile'),\n dict(type='LoadAnnotations', reduce_zero_label=True),\n dict(type='Resize', img_scale=(2048, 512), ratio_range=(0.5, 2.0)),\n dict(type='RandomCrop', crop_size=(512, 512), cat_max_ratio=0.75),\n dict(type='RandomFlip', prob=0.5),\n dict(type='PhotoMetricDistortion'),\n dict(\n type='Normalize',\n mean=[123.675, 116.28, 103.53],\n std=[58.395, 57.12, 57.375],\n to_rgb=True),\n dict(type='Pad', size=(512, 512), pad_val=0, seg_pad_val=255),\n dict(type='DefaultFormatBundle'),\n dict(type='Collect', keys=['img', 'gt_semantic_seg'])\n]\ntest_pipeline = [\n dict(type='LoadImageFromFile'),\n dict(\n type='MultiScaleFlipAug',\n img_scale=(2048, 512),\n flip=False,\n transforms=[\n dict(\n type='SETR_Resize',\n keep_ratio=True,\n crop_size=(512, 512),\n setr_multi_scale=True),\n dict(type='RandomFlip'),\n dict(\n type='Normalize',\n mean=[123.675, 116.28, 103.53],\n std=[58.395, 57.12, 57.375],\n to_rgb=True),\n dict(type='ImageToTensor', keys=['img']),\n dict(type='Collect', keys=['img'])\n ])\n]\ndata = dict(\n samples_per_gpu=2,\n workers_per_gpu=4,\n train=dict(\n type='ADE20KDataset',\n data_root='data/ade/ADEChallengeData2016',\n img_dir='images/training',\n ann_dir='annotations/training',\n pipeline=[\n dict(type='LoadImageFromFile'),\n dict(type='LoadAnnotations', reduce_zero_label=True),\n dict(type='Resize', img_scale=(2048, 512), ratio_range=(0.5, 2.0)),\n dict(type='RandomCrop', crop_size=(512, 512), cat_max_ratio=0.75),\n dict(type='RandomFlip', prob=0.5),\n dict(type='PhotoMetricDistortion'),\n dict(\n type='Normalize',\n mean=[123.675, 116.28, 103.53],\n std=[58.395, 57.12, 57.375],\n to_rgb=True),\n dict(type='Pad', size=(512, 512), pad_val=0, seg_pad_val=255),\n dict(type='DefaultFormatBundle'),\n dict(type='Collect', keys=['img', 'gt_semantic_seg'])\n ]),\n val=dict(\n type='ADE20KDataset',\n data_root='data/ade/ADEChallengeData2016',\n img_dir='images/validation',\n ann_dir='annotations/validation',\n pipeline=[\n dict(type='LoadImageFromFile'),\n dict(\n type='MultiScaleFlipAug',\n img_scale=(2048, 512),\n flip=False,\n transforms=[\n dict(\n type='SETR_Resize',\n keep_ratio=True,\n crop_size=(512, 512),\n setr_multi_scale=True),\n dict(type='RandomFlip'),\n dict(\n type='Normalize',\n mean=[123.675, 116.28, 103.53],\n std=[58.395, 57.12, 57.375],\n to_rgb=True),\n dict(type='ImageToTensor', keys=['img']),\n dict(type='Collect', keys=['img'])\n ])\n ]),\n test=dict(\n type='ADE20KDataset',\n data_root='data/ade/ADEChallengeData2016',\n img_dir='images/validation',\n ann_dir='annotations/validation',\n pipeline=[\n dict(type='LoadImageFromFile'),\n dict(\n type='MultiScaleFlipAug',\n img_scale=(2048, 512),\n flip=False,\n transforms=[\n dict(\n type='SETR_Resize',\n keep_ratio=True,\n crop_size=(512, 512),\n setr_multi_scale=True),\n dict(type='RandomFlip'),\n dict(\n type='Normalize',\n mean=[123.675, 116.28, 103.53],\n std=[58.395, 57.12, 57.375],\n to_rgb=True),\n dict(type='ImageToTensor', keys=['img']),\n dict(type='Collect', keys=['img'])\n ])\n ]))\nlog_config = dict(\n interval=50,\n hooks=[\n dict(type='TextLoggerHook', by_epoch=False),\n dict(type='TensorboardLoggerHook')\n ])\ndist_params = dict(backend='nccl')\nlog_level = 'INFO'\nload_from = None\nresume_from = None\nworkflow = [('train', 1)]\ncudnn_benchmark = True\noptimizer = dict(\n type='AdamW',\n lr=4e-05,\n betas=(0.9, 0.999),\n weight_decay=0.05,\n constructor='CustomLayerDecayOptimizerConstructor',\n paramwise_cfg=dict(num_layers=48, layer_decay_rate=0.95, skip_stride=1.5))\noptimizer_config = dict()\nlr_config = dict(\n policy='poly',\n warmup='linear',\n warmup_iters=1500,\n warmup_ratio=1e-06,\n power=1.0,\n min_lr=0.0,\n by_epoch=False)\nrunner = dict(type='IterBasedRunner', max_iters=80000)\ncheckpoint_config = dict(\n by_epoch=False, interval=2000, deepspeed=True, max_keep_ckpts=1)\nevaluation = dict(interval=1000, metric='mIoU', pre_eval=True, save_best=None)\ndeepspeed = True\ndeepspeed_config = 'zero_configs/adam_zero1_bf16.json'\npretrained = None\ncustom_hooks = [dict(type='ToBFloat16Hook', priority=49)]\nwork_dir = './work_dirs/upernet_internvit_h6b_512_512_80k_ade20k_bs16_lr4e-5'\ngpu_ids = range(0, 8)\nauto_resume = True\ndevice = 'cuda'\nseed = 1473895943\n", "CLASSES": ["wall", "building", "sky", "floor", "tree", "ceiling", "road", "bed ", "windowpane", "grass", "cabinet", "sidewalk", "person", "earth", "door", "table", "mountain", "plant", "curtain", "chair", "car", "water", "painting", "sofa", "shelf", "house", "sea", "mirror", "rug", "field", "armchair", "seat", "fence", "desk", "rock", "wardrobe", "lamp", "bathtub", "railing", "cushion", "base", "box", "column", "signboard", "chest of drawers", "counter", "sand", "sink", "skyscraper", "fireplace", "refrigerator", "grandstand", "path", "stairs", "runway", "case", "pool table", "pillow", "screen door", "stairway", "river", "bridge", "bookcase", "blind", "coffee table", "toilet", "flower", "book", "hill", "bench", "countertop", "stove", "palm", "kitchen island", "computer", "swivel chair", "boat", "bar", "arcade machine", "hovel", "bus", "towel", "light", "truck", "tower", "chandelier", "awning", "streetlight", "booth", "television receiver", "airplane", "dirt track", "apparel", "pole", "land", "bannister", "escalator", "ottoman", "bottle", "buffet", "poster", "stage", "van", "ship", "fountain", "conveyer belt", "canopy", "washer", "plaything", "swimming pool", "stool", "barrel", "basket", "waterfall", "tent", "bag", "minibike", "cradle", "oven", "ball", "food", "step", "tank", "trade name", "microwave", "pot", "animal", "bicycle", "lake", "dishwasher", "screen", "blanket", "sculpture", "hood", "sconce", "vase", "traffic light", "tray", "ashcan", "fan", "pier", "crt screen", "plate", "monitor", "bulletin board", "shower", "radiator", "glass", "clock", "flag"], "PALETTE": [[120, 120, 120], [180, 120, 120], [6, 230, 230], [80, 50, 50], [4, 200, 3], [120, 120, 80], [140, 140, 140], [204, 5, 255], [230, 230, 230], [4, 250, 7], [224, 5, 255], [235, 255, 7], [150, 5, 61], [120, 120, 70], [8, 255, 51], [255, 6, 82], [143, 255, 140], [204, 255, 4], [255, 51, 7], [204, 70, 3], [0, 102, 200], [61, 230, 250], [255, 6, 51], [11, 102, 255], [255, 7, 71], [255, 9, 224], [9, 7, 230], [220, 220, 220], [255, 9, 92], [112, 9, 255], [8, 255, 214], [7, 255, 224], [255, 184, 6], [10, 255, 71], [255, 41, 10], [7, 255, 255], [224, 255, 8], [102, 8, 255], [255, 61, 6], [255, 194, 7], [255, 122, 8], [0, 255, 20], [255, 8, 41], [255, 5, 153], [6, 51, 255], [235, 12, 255], [160, 150, 20], [0, 163, 255], [140, 140, 140], [250, 10, 15], [20, 255, 0], [31, 255, 0], [255, 31, 0], [255, 224, 0], [153, 255, 0], [0, 0, 255], [255, 71, 0], [0, 235, 255], [0, 173, 255], [31, 0, 255], [11, 200, 200], [255, 82, 0], [0, 255, 245], [0, 61, 255], [0, 255, 112], [0, 255, 133], [255, 0, 0], [255, 163, 0], [255, 102, 0], [194, 255, 0], [0, 143, 255], [51, 255, 0], [0, 82, 255], [0, 255, 41], [0, 255, 173], [10, 0, 255], [173, 255, 0], [0, 255, 153], [255, 92, 0], [255, 0, 255], [255, 0, 245], [255, 0, 102], [255, 173, 0], [255, 0, 20], [255, 184, 184], [0, 31, 255], [0, 255, 61], [0, 71, 255], [255, 0, 204], [0, 255, 194], [0, 255, 82], [0, 10, 255], [0, 112, 255], [51, 0, 255], [0, 194, 255], [0, 122, 255], [0, 255, 163], [255, 153, 0], [0, 255, 10], [255, 112, 0], [143, 255, 0], [82, 0, 255], [163, 255, 0], [255, 235, 0], [8, 184, 170], [133, 0, 255], [0, 255, 92], [184, 0, 255], [255, 0, 31], [0, 184, 255], [0, 214, 255], [255, 0, 112], [92, 255, 0], [0, 224, 255], [112, 224, 255], [70, 184, 160], [163, 0, 255], [153, 0, 255], [71, 255, 0], [255, 0, 163], [255, 204, 0], [255, 0, 143], [0, 255, 235], [133, 255, 0], [255, 0, 235], [245, 0, 255], [255, 0, 122], [255, 245, 0], [10, 190, 212], [214, 255, 0], [0, 204, 255], [20, 0, 255], [255, 255, 0], [0, 153, 255], [0, 41, 255], [0, 255, 204], [41, 0, 255], [41, 255, 0], [173, 0, 255], [0, 245, 255], [71, 0, 255], [122, 0, 255], [0, 255, 184], [0, 92, 255], [184, 255, 0], [0, 133, 255], [255, 214, 0], [25, 194, 194], [102, 255, 0], [92, 0, 255]]} {"mode": "train", "epoch": 1, "iter": 50, "lr": 0.0, "memory": 72263, "data_time": 0.01176, "decode.loss_ce": 4.10691, "decode.acc_seg": 0.4028, "aux.loss_ce": 1.62909, "aux.acc_seg": 0.65814, "loss": 5.736, "time": 2.26368} {"mode": "train", "epoch": 1, "iter": 100, "lr": 0.0, "memory": 72263, "data_time": 0.00986, "decode.loss_ce": 3.91203, "decode.acc_seg": 5.62351, "aux.loss_ce": 1.57378, "aux.acc_seg": 3.24367, "loss": 5.48582, "time": 1.9772} {"mode": "train", "epoch": 1, "iter": 150, "lr": 0.0, "memory": 72263, "data_time": 0.00956, "decode.loss_ce": 3.60576, "decode.acc_seg": 23.99753, "aux.loss_ce": 1.52822, "aux.acc_seg": 14.01864, "loss": 5.13398, "time": 1.97635} {"mode": "train", "epoch": 1, "iter": 200, "lr": 1e-05, "memory": 72263, "data_time": 0.00969, "decode.loss_ce": 2.96531, "decode.acc_seg": 35.94202, "aux.loss_ce": 1.37621, "aux.acc_seg": 29.36989, "loss": 4.34153, "time": 1.97755} {"mode": "train", "epoch": 1, "iter": 250, "lr": 1e-05, "memory": 72263, "data_time": 0.00998, "decode.loss_ce": 2.33411, "decode.acc_seg": 45.26722, "aux.loss_ce": 1.08234, "aux.acc_seg": 39.16111, "loss": 3.41645, "time": 1.97827} {"mode": "train", "epoch": 1, "iter": 300, "lr": 1e-05, "memory": 72263, "data_time": 0.01013, "decode.loss_ce": 1.95936, "decode.acc_seg": 53.29227, "aux.loss_ce": 0.90355, "aux.acc_seg": 47.64222, "loss": 2.86291, "time": 1.98102} {"mode": "train", "epoch": 1, "iter": 350, "lr": 1e-05, "memory": 72263, "data_time": 0.01024, "decode.loss_ce": 1.72802, "decode.acc_seg": 57.6607, "aux.loss_ce": 0.78909, "aux.acc_seg": 53.10962, "loss": 2.51711, "time": 1.97931} {"mode": "train", "epoch": 1, "iter": 400, "lr": 1e-05, "memory": 72263, "data_time": 0.00946, "decode.loss_ce": 1.51751, "decode.acc_seg": 61.78156, "aux.loss_ce": 0.67995, "aux.acc_seg": 59.39772, "loss": 2.19746, "time": 1.97943} {"mode": "train", "epoch": 1, "iter": 450, "lr": 1e-05, "memory": 72263, "data_time": 0.0097, "decode.loss_ce": 1.34799, "decode.acc_seg": 64.24139, "aux.loss_ce": 0.6031, "aux.acc_seg": 62.42167, "loss": 1.95109, "time": 1.98119} {"mode": "train", "epoch": 1, "iter": 500, "lr": 1e-05, "memory": 72263, "data_time": 0.0096, "decode.loss_ce": 1.33775, "decode.acc_seg": 64.1809, "aux.loss_ce": 0.59204, "aux.acc_seg": 62.43566, "loss": 1.92979, "time": 1.9808} {"mode": "train", "epoch": 1, "iter": 550, "lr": 1e-05, "memory": 72263, "data_time": 0.01014, "decode.loss_ce": 1.19679, "decode.acc_seg": 66.49904, "aux.loss_ce": 0.52061, "aux.acc_seg": 65.35734, "loss": 1.7174, "time": 1.98192} {"mode": "train", "epoch": 1, "iter": 600, "lr": 2e-05, "memory": 72263, "data_time": 0.00988, "decode.loss_ce": 1.17511, "decode.acc_seg": 66.78066, "aux.loss_ce": 0.51029, "aux.acc_seg": 65.88674, "loss": 1.68541, "time": 1.98041} {"mode": "train", "epoch": 1, "iter": 650, "lr": 2e-05, "memory": 72263, "data_time": 0.00955, "decode.loss_ce": 1.05719, "decode.acc_seg": 69.22411, "aux.loss_ce": 0.45236, "aux.acc_seg": 68.90921, "loss": 1.50955, "time": 1.98087} {"mode": "train", "epoch": 1, "iter": 700, "lr": 2e-05, "memory": 72263, "data_time": 0.00963, "decode.loss_ce": 1.04235, "decode.acc_seg": 69.86512, "aux.loss_ce": 0.44533, "aux.acc_seg": 69.37588, "loss": 1.48768, "time": 1.98164} {"mode": "train", "epoch": 1, "iter": 750, "lr": 2e-05, "memory": 72263, "data_time": 0.00959, "decode.loss_ce": 1.0033, "decode.acc_seg": 69.23196, "aux.loss_ce": 0.43152, "aux.acc_seg": 68.91732, "loss": 1.43482, "time": 1.98106} {"mode": "train", "epoch": 1, "iter": 800, "lr": 2e-05, "memory": 72263, "data_time": 0.00942, "decode.loss_ce": 0.92818, "decode.acc_seg": 72.03273, "aux.loss_ce": 0.39694, "aux.acc_seg": 71.46815, "loss": 1.32511, "time": 1.98317} {"mode": "train", "epoch": 1, "iter": 850, "lr": 2e-05, "memory": 72263, "data_time": 0.00964, "decode.loss_ce": 0.89809, "decode.acc_seg": 72.14546, "aux.loss_ce": 0.37977, "aux.acc_seg": 71.63919, "loss": 1.27786, "time": 1.98187} {"mode": "train", "epoch": 1, "iter": 900, "lr": 2e-05, "memory": 72263, "data_time": 0.00977, "decode.loss_ce": 0.89417, "decode.acc_seg": 72.82892, "aux.loss_ce": 0.37314, "aux.acc_seg": 72.65768, "loss": 1.26731, "time": 1.98095} {"mode": "train", "epoch": 1, "iter": 950, "lr": 3e-05, "memory": 72263, "data_time": 0.00951, "decode.loss_ce": 0.84753, "decode.acc_seg": 73.40773, "aux.loss_ce": 0.34952, "aux.acc_seg": 73.59265, "loss": 1.19705, "time": 1.97987} {"mode": "train", "epoch": 1, "iter": 1000, "lr": 3e-05, "memory": 72263, "data_time": 0.00982, "decode.loss_ce": 0.83049, "decode.acc_seg": 73.41624, "aux.loss_ce": 0.34038, "aux.acc_seg": 73.68354, "loss": 1.17087, "time": 1.98098} {"mode": "val", "epoch": 1, "iter": 250, "lr": 3e-05, "aAcc": 0.769, "mIoU": 0.2916, "mAcc": 0.4002, "IoU.wall": 0.6736, "IoU.building": 0.7684, "IoU.sky": 0.9051, "IoU.floor": 0.7526, "IoU.tree": 0.7076, "IoU.ceiling": 0.7801, "IoU.road": 0.7822, "IoU.bed ": 0.8452, "IoU.windowpane": 0.5613, "IoU.grass": 0.5442, "IoU.cabinet": 0.5315, "IoU.sidewalk": 0.5688, "IoU.person": 0.701, "IoU.earth": 0.3407, "IoU.door": 0.4576, "IoU.table": 0.5071, "IoU.mountain": 0.6002, "IoU.plant": 0.4478, "IoU.curtain": 0.615, "IoU.chair": 0.4483, "IoU.car": 0.7519, "IoU.water": 0.424, "IoU.painting": 0.6066, "IoU.sofa": 0.6579, "IoU.shelf": 0.279, "IoU.house": 0.3152, "IoU.sea": 0.4546, "IoU.mirror": 0.3834, "IoU.rug": 0.5963, "IoU.field": 0.2253, "IoU.armchair": 0.3909, "IoU.seat": 0.5994, "IoU.fence": 0.3689, "IoU.desk": 0.3533, "IoU.rock": 0.5512, "IoU.wardrobe": 0.4523, "IoU.lamp": 0.4773, "IoU.bathtub": 0.7285, "IoU.railing": 0.2502, "IoU.cushion": 0.4758, "IoU.base": 0.0034, "IoU.box": 0.0745, "IoU.column": 0.0593, "IoU.signboard": 0.1517, "IoU.chest of drawers": 0.3581, "IoU.counter": 0.3078, "IoU.sand": 0.4438, "IoU.sink": 0.5204, "IoU.skyscraper": 0.4357, "IoU.fireplace": 0.5769, "IoU.refrigerator": 0.6392, "IoU.grandstand": 0.1558, "IoU.path": 0.0007, "IoU.stairs": 0.0362, "IoU.runway": 0.6217, "IoU.case": 0.2727, "IoU.pool table": 0.7707, "IoU.pillow": 0.2725, "IoU.screen door": 0.4711, "IoU.stairway": 0.2491, "IoU.river": 0.1517, "IoU.bridge": 0.5919, "IoU.bookcase": 0.2789, "IoU.blind": 0.0, "IoU.coffee table": 0.4648, "IoU.toilet": 0.768, "IoU.flower": 0.1154, "IoU.book": 0.1712, "IoU.hill": 0.0, "IoU.bench": 0.4158, "IoU.countertop": 0.1329, "IoU.stove": 0.6057, "IoU.palm": 0.4335, "IoU.kitchen island": 0.1218, "IoU.computer": 0.548, "IoU.swivel chair": 0.3725, "IoU.boat": 0.4353, "IoU.bar": 0.4648, "IoU.arcade machine": 0.8463, "IoU.hovel": 0.0976, "IoU.bus": 0.7758, "IoU.towel": 0.0902, "IoU.light": 0.0, "IoU.truck": 0.3644, "IoU.tower": 0.1893, "IoU.chandelier": 0.5201, "IoU.awning": 0.0797, "IoU.streetlight": 0.0, "IoU.booth": 0.0, "IoU.television receiver": 0.5115, "IoU.airplane": 0.4025, "IoU.dirt track": 0.0, "IoU.apparel": 0.1395, "IoU.pole": 0.0, "IoU.land": 0.0, "IoU.bannister": 0.0, "IoU.escalator": 0.0, "IoU.ottoman": 0.0128, "IoU.bottle": 0.0048, "IoU.buffet": 0.0, "IoU.poster": 0.0, "IoU.stage": 0.0, "IoU.van": 0.0016, "IoU.ship": 0.0, "IoU.fountain": 0.0003, "IoU.conveyer belt": 0.7088, "IoU.canopy": 0.0892, "IoU.washer": 0.8238, "IoU.plaything": 0.0, "IoU.swimming pool": 0.3695, "IoU.stool": 0.0, "IoU.barrel": 0.0337, "IoU.basket": 0.0, "IoU.waterfall": 0.5016, "IoU.tent": 0.8859, "IoU.bag": 0.0, "IoU.minibike": 0.0543, "IoU.cradle": 0.6502, "IoU.oven": 0.0, "IoU.ball": 0.1534, "IoU.food": 0.0148, "IoU.step": 0.0, "IoU.tank": 0.0, "IoU.trade name": 0.0, "IoU.microwave": 0.6186, "IoU.pot": 0.0, "IoU.animal": 0.0, "IoU.bicycle": 0.0, "IoU.lake": 0.0, "IoU.dishwasher": 0.024, "IoU.screen": 0.4069, "IoU.blanket": 0.0, "IoU.sculpture": 0.0, "IoU.hood": 0.0, "IoU.sconce": 0.0, "IoU.vase": 0.0, "IoU.traffic light": 0.0, "IoU.tray": 0.0, "IoU.ashcan": 0.0, "IoU.fan": 0.0, "IoU.pier": 0.0, "IoU.crt screen": 0.0, "IoU.plate": 0.0, "IoU.monitor": 0.0, "IoU.bulletin board": 0.0, "IoU.shower": 0.0, "IoU.radiator": 0.0, "IoU.glass": 0.0, "IoU.clock": 0.0, "IoU.flag": 0.0, "Acc.wall": 0.7533, "Acc.building": 0.927, "Acc.sky": 0.9437, "Acc.floor": 0.8636, "Acc.tree": 0.8696, "Acc.ceiling": 0.9396, "Acc.road": 0.8658, "Acc.bed ": 0.9546, "Acc.windowpane": 0.7965, "Acc.grass": 0.6121, "Acc.cabinet": 0.752, "Acc.sidewalk": 0.8426, "Acc.person": 0.883, "Acc.earth": 0.4888, "Acc.door": 0.6341, "Acc.table": 0.6261, "Acc.mountain": 0.7899, "Acc.plant": 0.5488, "Acc.curtain": 0.8938, "Acc.chair": 0.5409, "Acc.car": 0.8976, "Acc.water": 0.5738, "Acc.painting": 0.854, "Acc.sofa": 0.8804, "Acc.shelf": 0.4134, "Acc.house": 0.45, "Acc.sea": 0.5638, "Acc.mirror": 0.8821, "Acc.rug": 0.7706, "Acc.field": 0.7854, "Acc.armchair": 0.6881, "Acc.seat": 0.8291, "Acc.fence": 0.5726, "Acc.desk": 0.5859, "Acc.rock": 0.748, "Acc.wardrobe": 0.8208, "Acc.lamp": 0.6469, "Acc.bathtub": 0.8271, "Acc.railing": 0.3299, "Acc.cushion": 0.6713, "Acc.base": 0.0034, "Acc.box": 0.0811, "Acc.column": 0.0594, "Acc.signboard": 0.1781, "Acc.chest of drawers": 0.6826, "Acc.counter": 0.3565, "Acc.sand": 0.5472, "Acc.sink": 0.7546, "Acc.skyscraper": 0.5841, "Acc.fireplace": 0.9312, "Acc.refrigerator": 0.7924, "Acc.grandstand": 0.1633, "Acc.path": 0.0007, "Acc.stairs": 0.0371, "Acc.runway": 0.8989, "Acc.case": 0.934, "Acc.pool table": 0.9833, "Acc.pillow": 0.2932, "Acc.screen door": 0.5318, "Acc.stairway": 0.6122, "Acc.river": 0.6596, "Acc.bridge": 0.7274, "Acc.bookcase": 0.7069, "Acc.blind": 0.0, "Acc.coffee table": 0.7701, "Acc.toilet": 0.9292, "Acc.flower": 0.2111, "Acc.book": 0.1877, "Acc.hill": 0.0, "Acc.bench": 0.4806, "Acc.countertop": 0.135, "Acc.stove": 0.8264, "Acc.palm": 0.7732, "Acc.kitchen island": 0.1291, "Acc.computer": 0.8123, "Acc.swivel chair": 0.6224, "Acc.boat": 0.8111, "Acc.bar": 0.8531, "Acc.arcade machine": 0.9616, "Acc.hovel": 0.1096, "Acc.bus": 0.9574, "Acc.towel": 0.0906, "Acc.light": 0.0, "Acc.truck": 0.4511, "Acc.tower": 0.2877, "Acc.chandelier": 0.6672, "Acc.awning": 0.0892, "Acc.streetlight": 0.0, "Acc.booth": 0.0, "Acc.television receiver": 0.619, "Acc.airplane": 0.4352, "Acc.dirt track": 0.0, "Acc.apparel": 0.1618, "Acc.pole": 0.0, "Acc.land": 0.0, "Acc.bannister": 0.0, "Acc.escalator": 0.0, "Acc.ottoman": 0.0128, "Acc.bottle": 0.0048, "Acc.buffet": 0.0, "Acc.poster": 0.0, "Acc.stage": 0.0, "Acc.van": 0.0016, "Acc.ship": 0.0, "Acc.fountain": 0.0003, "Acc.conveyer belt": 0.7608, "Acc.canopy": 0.09, "Acc.washer": 0.9647, "Acc.plaything": 0.0, "Acc.swimming pool": 0.3881, "Acc.stool": 0.0, "Acc.barrel": 0.6061, "Acc.basket": 0.0, "Acc.waterfall": 0.7354, "Acc.tent": 0.9804, "Acc.bag": 0.0, "Acc.minibike": 0.0547, "Acc.cradle": 0.9765, "Acc.oven": 0.0, "Acc.ball": 0.157, "Acc.food": 0.0149, "Acc.step": 0.0, "Acc.tank": 0.0, "Acc.trade name": 0.0, "Acc.microwave": 0.6375, "Acc.pot": 0.0, "Acc.animal": 0.0, "Acc.bicycle": 0.0, "Acc.lake": 0.0, "Acc.dishwasher": 0.024, "Acc.screen": 0.4116, "Acc.blanket": 0.0, "Acc.sculpture": 0.0, "Acc.hood": 0.0, "Acc.sconce": 0.0, "Acc.vase": 0.0, "Acc.traffic light": 0.0, "Acc.tray": 0.0, "Acc.ashcan": 0.0, "Acc.fan": 0.0, "Acc.pier": 0.0, "Acc.crt screen": 0.0, "Acc.plate": 0.0, "Acc.monitor": 0.0, "Acc.bulletin board": 0.0, "Acc.shower": 0.0, "Acc.radiator": 0.0, "Acc.glass": 0.0, "Acc.clock": 0.0, "Acc.flag": 0.0} {"mode": "train", "epoch": 1, "iter": 1050, "lr": 3e-05, "memory": 72263, "data_time": 3.43106, "decode.loss_ce": 0.78128, "decode.acc_seg": 73.98346, "aux.loss_ce": 0.32423, "aux.acc_seg": 73.97133, "loss": 1.10551, "time": 5.40239} {"mode": "train", "epoch": 1, "iter": 1100, "lr": 3e-05, "memory": 72263, "data_time": 0.01037, "decode.loss_ce": 0.84463, "decode.acc_seg": 72.41262, "aux.loss_ce": 0.34444, "aux.acc_seg": 72.85226, "loss": 1.18907, "time": 1.98652} {"mode": "train", "epoch": 1, "iter": 1150, "lr": 3e-05, "memory": 72263, "data_time": 0.00983, "decode.loss_ce": 0.83249, "decode.acc_seg": 73.08889, "aux.loss_ce": 0.33827, "aux.acc_seg": 73.57185, "loss": 1.17076, "time": 1.98295} {"mode": "train", "epoch": 1, "iter": 1200, "lr": 3e-05, "memory": 72263, "data_time": 0.00973, "decode.loss_ce": 0.7454, "decode.acc_seg": 74.67125, "aux.loss_ce": 0.30202, "aux.acc_seg": 75.26175, "loss": 1.04742, "time": 1.98295} {"mode": "train", "epoch": 1, "iter": 1250, "lr": 3e-05, "memory": 72263, "data_time": 0.01042, "decode.loss_ce": 0.74537, "decode.acc_seg": 74.83791, "aux.loss_ce": 0.30048, "aux.acc_seg": 75.20136, "loss": 1.04586, "time": 1.98125} {"mode": "train", "epoch": 2, "iter": 1300, "lr": 3e-05, "memory": 72263, "data_time": 0.06124, "decode.loss_ce": 0.74146, "decode.acc_seg": 75.40532, "aux.loss_ce": 0.30054, "aux.acc_seg": 75.75161, "loss": 1.042, "time": 2.03709} {"mode": "train", "epoch": 2, "iter": 1350, "lr": 4e-05, "memory": 72263, "data_time": 0.01016, "decode.loss_ce": 0.74122, "decode.acc_seg": 75.21923, "aux.loss_ce": 0.29984, "aux.acc_seg": 75.94464, "loss": 1.04106, "time": 1.98244} {"mode": "train", "epoch": 2, "iter": 1400, "lr": 4e-05, "memory": 72263, "data_time": 0.00975, "decode.loss_ce": 0.7325, "decode.acc_seg": 75.08453, "aux.loss_ce": 0.29248, "aux.acc_seg": 75.6497, "loss": 1.02498, "time": 1.98193} {"mode": "train", "epoch": 2, "iter": 1450, "lr": 4e-05, "memory": 72263, "data_time": 0.01007, "decode.loss_ce": 0.71139, "decode.acc_seg": 74.94937, "aux.loss_ce": 0.28387, "aux.acc_seg": 75.62597, "loss": 0.99526, "time": 1.98271} {"mode": "train", "epoch": 2, "iter": 1500, "lr": 4e-05, "memory": 72263, "data_time": 0.00999, "decode.loss_ce": 0.71847, "decode.acc_seg": 75.10407, "aux.loss_ce": 0.28654, "aux.acc_seg": 75.61888, "loss": 1.00501, "time": 1.98013} {"mode": "train", "epoch": 2, "iter": 1550, "lr": 4e-05, "memory": 72263, "data_time": 0.0097, "decode.loss_ce": 0.65655, "decode.acc_seg": 77.14895, "aux.loss_ce": 0.26167, "aux.acc_seg": 77.55981, "loss": 0.91822, "time": 1.98241} {"mode": "train", "epoch": 2, "iter": 1600, "lr": 4e-05, "memory": 72263, "data_time": 0.00974, "decode.loss_ce": 0.68564, "decode.acc_seg": 76.45599, "aux.loss_ce": 0.27188, "aux.acc_seg": 77.50953, "loss": 0.95753, "time": 1.97987} {"mode": "train", "epoch": 2, "iter": 1650, "lr": 4e-05, "memory": 72263, "data_time": 0.00972, "decode.loss_ce": 0.67034, "decode.acc_seg": 75.8606, "aux.loss_ce": 0.26658, "aux.acc_seg": 76.5971, "loss": 0.93692, "time": 1.98248} {"mode": "train", "epoch": 2, "iter": 1700, "lr": 4e-05, "memory": 72263, "data_time": 0.00968, "decode.loss_ce": 0.73541, "decode.acc_seg": 74.76168, "aux.loss_ce": 0.29235, "aux.acc_seg": 75.28108, "loss": 1.02777, "time": 1.98005} {"mode": "train", "epoch": 2, "iter": 1750, "lr": 4e-05, "memory": 72263, "data_time": 0.01008, "decode.loss_ce": 0.65837, "decode.acc_seg": 76.32445, "aux.loss_ce": 0.26221, "aux.acc_seg": 76.87357, "loss": 0.92058, "time": 1.98168} {"mode": "train", "epoch": 2, "iter": 1800, "lr": 4e-05, "memory": 72263, "data_time": 0.00971, "decode.loss_ce": 0.6634, "decode.acc_seg": 77.12766, "aux.loss_ce": 0.26245, "aux.acc_seg": 77.87479, "loss": 0.92585, "time": 1.98146} {"mode": "train", "epoch": 2, "iter": 1850, "lr": 4e-05, "memory": 72263, "data_time": 0.00983, "decode.loss_ce": 0.64139, "decode.acc_seg": 76.73823, "aux.loss_ce": 0.25301, "aux.acc_seg": 77.39197, "loss": 0.89441, "time": 1.9792} {"mode": "train", "epoch": 2, "iter": 1900, "lr": 4e-05, "memory": 72263, "data_time": 0.00964, "decode.loss_ce": 0.69352, "decode.acc_seg": 75.17888, "aux.loss_ce": 0.27265, "aux.acc_seg": 75.7413, "loss": 0.96617, "time": 1.98032} {"mode": "train", "epoch": 2, "iter": 1950, "lr": 4e-05, "memory": 72263, "data_time": 0.01008, "decode.loss_ce": 0.69005, "decode.acc_seg": 75.67619, "aux.loss_ce": 0.2729, "aux.acc_seg": 76.30018, "loss": 0.96296, "time": 1.98244} {"mode": "train", "epoch": 2, "iter": 2000, "lr": 4e-05, "memory": 72263, "data_time": 0.01025, "decode.loss_ce": 0.67585, "decode.acc_seg": 76.06779, "aux.loss_ce": 0.26647, "aux.acc_seg": 76.66747, "loss": 0.94232, "time": 3.49589} {"mode": "val", "epoch": 2, "iter": 250, "lr": 4e-05, "aAcc": 0.8001, "mIoU": 0.4132, "mAcc": 0.5492, "IoU.wall": 0.7459, "IoU.building": 0.7993, "IoU.sky": 0.9224, "IoU.floor": 0.7904, "IoU.tree": 0.6518, "IoU.ceiling": 0.8255, "IoU.road": 0.8023, "IoU.bed ": 0.8666, "IoU.windowpane": 0.5684, "IoU.grass": 0.5935, "IoU.cabinet": 0.5755, "IoU.sidewalk": 0.5962, "IoU.person": 0.7474, "IoU.earth": 0.2063, "IoU.door": 0.4552, "IoU.table": 0.5378, "IoU.mountain": 0.5833, "IoU.plant": 0.2947, "IoU.curtain": 0.7132, "IoU.chair": 0.4906, "IoU.car": 0.5822, "IoU.water": 0.5443, "IoU.painting": 0.7106, "IoU.sofa": 0.7099, "IoU.shelf": 0.385, "IoU.house": 0.2735, "IoU.sea": 0.5251, "IoU.mirror": 0.7068, "IoU.rug": 0.6509, "IoU.field": 0.0761, "IoU.armchair": 0.4165, "IoU.seat": 0.6302, "IoU.fence": 0.4446, "IoU.desk": 0.4012, "IoU.rock": 0.5354, "IoU.wardrobe": 0.4665, "IoU.lamp": 0.5377, "IoU.bathtub": 0.7291, "IoU.railing": 0.3707, "IoU.cushion": 0.5652, "IoU.base": 0.3039, "IoU.box": 0.1662, "IoU.column": 0.4513, "IoU.signboard": 0.2719, "IoU.chest of drawers": 0.2634, "IoU.counter": 0.3083, "IoU.sand": 0.4187, "IoU.sink": 0.6631, "IoU.skyscraper": 0.5648, "IoU.fireplace": 0.6246, "IoU.refrigerator": 0.7227, "IoU.grandstand": 0.4196, "IoU.path": 0.1564, "IoU.stairs": 0.3659, "IoU.runway": 0.6615, "IoU.case": 0.5139, "IoU.pool table": 0.8473, "IoU.pillow": 0.5126, "IoU.screen door": 0.5788, "IoU.stairway": 0.3033, "IoU.river": 0.2274, "IoU.bridge": 0.5777, "IoU.bookcase": 0.1764, "IoU.blind": 0.0412, "IoU.coffee table": 0.4527, "IoU.toilet": 0.8093, "IoU.flower": 0.2885, "IoU.book": 0.4116, "IoU.hill": 0.1215, "IoU.bench": 0.4458, "IoU.countertop": 0.4866, "IoU.stove": 0.6796, "IoU.palm": 0.4511, "IoU.kitchen island": 0.3706, "IoU.computer": 0.7214, "IoU.swivel chair": 0.4193, "IoU.boat": 0.3722, "IoU.bar": 0.5243, "IoU.arcade machine": 0.8408, "IoU.hovel": 0.0665, "IoU.bus": 0.8722, "IoU.towel": 0.6362, "IoU.light": 0.3424, "IoU.truck": 0.0878, "IoU.tower": 0.2476, "IoU.chandelier": 0.5496, "IoU.awning": 0.2734, "IoU.streetlight": 0.116, "IoU.booth": 0.3343, "IoU.television receiver": 0.7163, "IoU.airplane": 0.5109, "IoU.dirt track": 0.0, "IoU.apparel": 0.4087, "IoU.pole": 0.0147, "IoU.land": 0.0, "IoU.bannister": 0.0, "IoU.escalator": 0.4474, "IoU.ottoman": 0.4226, "IoU.bottle": 0.1074, "IoU.buffet": 0.0, "IoU.poster": 0.1191, "IoU.stage": 0.1869, "IoU.van": 0.0123, "IoU.ship": 0.0, "IoU.fountain": 0.5826, "IoU.conveyer belt": 0.625, "IoU.canopy": 0.213, "IoU.washer": 0.8505, "IoU.plaything": 0.3091, "IoU.swimming pool": 0.5751, "IoU.stool": 0.2221, "IoU.barrel": 0.0387, "IoU.basket": 0.3128, "IoU.waterfall": 0.4925, "IoU.tent": 0.8543, "IoU.bag": 0.0, "IoU.minibike": 0.6631, "IoU.cradle": 0.7427, "IoU.oven": 0.0722, "IoU.ball": 0.3398, "IoU.food": 0.5061, "IoU.step": 0.0, "IoU.tank": 0.3071, "IoU.trade name": 0.0002, "IoU.microwave": 0.783, "IoU.pot": 0.2246, "IoU.animal": 0.4529, "IoU.bicycle": 0.4985, "IoU.lake": 0.0, "IoU.dishwasher": 0.542, "IoU.screen": 0.6075, "IoU.blanket": 0.0, "IoU.sculpture": 0.233, "IoU.hood": 0.6441, "IoU.sconce": 0.0001, "IoU.vase": 0.1565, "IoU.traffic light": 0.0034, "IoU.tray": 0.0032, "IoU.ashcan": 0.2575, "IoU.fan": 0.4542, "IoU.pier": 0.529, "IoU.crt screen": 0.0, "IoU.plate": 0.3797, "IoU.monitor": 0.5755, "IoU.bulletin board": 0.1969, "IoU.shower": 0.0, "IoU.radiator": 0.256, "IoU.glass": 0.0, "IoU.clock": 0.0119, "IoU.flag": 0.4235, "Acc.wall": 0.8456, "Acc.building": 0.948, "Acc.sky": 0.9597, "Acc.floor": 0.9059, "Acc.tree": 0.8479, "Acc.ceiling": 0.9203, "Acc.road": 0.8587, "Acc.bed ": 0.9307, "Acc.windowpane": 0.8592, "Acc.grass": 0.9296, "Acc.cabinet": 0.6615, "Acc.sidewalk": 0.8319, "Acc.person": 0.8909, "Acc.earth": 0.2397, "Acc.door": 0.5148, "Acc.table": 0.6277, "Acc.mountain": 0.658, "Acc.plant": 0.323, "Acc.curtain": 0.7905, "Acc.chair": 0.59, "Acc.car": 0.5996, "Acc.water": 0.7713, "Acc.painting": 0.8507, "Acc.sofa": 0.913, "Acc.shelf": 0.7507, "Acc.house": 0.3104, "Acc.sea": 0.8191, "Acc.mirror": 0.8469, "Acc.rug": 0.7315, "Acc.field": 0.1061, "Acc.armchair": 0.707, "Acc.seat": 0.8623, "Acc.fence": 0.5327, "Acc.desk": 0.7313, "Acc.rock": 0.5828, "Acc.wardrobe": 0.608, "Acc.lamp": 0.7024, "Acc.bathtub": 0.8385, "Acc.railing": 0.4785, "Acc.cushion": 0.728, "Acc.base": 0.4444, "Acc.box": 0.1864, "Acc.column": 0.7378, "Acc.signboard": 0.328, "Acc.chest of drawers": 0.7576, "Acc.counter": 0.3642, "Acc.sand": 0.4592, "Acc.sink": 0.7902, "Acc.skyscraper": 0.8369, "Acc.fireplace": 0.9387, "Acc.refrigerator": 0.8656, "Acc.grandstand": 0.8239, "Acc.path": 0.2191, "Acc.stairs": 0.6025, "Acc.runway": 0.9009, "Acc.case": 0.6307, "Acc.pool table": 0.957, "Acc.pillow": 0.5566, "Acc.screen door": 0.9715, "Acc.stairway": 0.344, "Acc.river": 0.328, "Acc.bridge": 0.8998, "Acc.bookcase": 0.2082, "Acc.blind": 0.0412, "Acc.coffee table": 0.8484, "Acc.toilet": 0.9636, "Acc.flower": 0.4554, "Acc.book": 0.5674, "Acc.hill": 0.1713, "Acc.bench": 0.5074, "Acc.countertop": 0.6743, "Acc.stove": 0.9217, "Acc.palm": 0.5228, "Acc.kitchen island": 0.5769, "Acc.computer": 0.8462, "Acc.swivel chair": 0.7502, "Acc.boat": 0.8897, "Acc.bar": 0.8051, "Acc.arcade machine": 0.9406, "Acc.hovel": 0.0667, "Acc.bus": 0.9457, "Acc.towel": 0.7996, "Acc.light": 0.4289, "Acc.truck": 0.8346, "Acc.tower": 0.3544, "Acc.chandelier": 0.8644, "Acc.awning": 0.6544, "Acc.streetlight": 0.1635, "Acc.booth": 0.6457, "Acc.television receiver": 0.7967, "Acc.airplane": 0.5757, "Acc.dirt track": 0.0, "Acc.apparel": 0.7205, "Acc.pole": 0.015, "Acc.land": 0.0, "Acc.bannister": 0.0, "Acc.escalator": 0.5454, "Acc.ottoman": 0.6756, "Acc.bottle": 0.1142, "Acc.buffet": 0.0, "Acc.poster": 0.1247, "Acc.stage": 0.3123, "Acc.van": 0.0132, "Acc.ship": 0.0, "Acc.fountain": 0.6545, "Acc.conveyer belt": 0.9784, "Acc.canopy": 0.2291, "Acc.washer": 0.9612, "Acc.plaything": 0.3853, "Acc.swimming pool": 0.8073, "Acc.stool": 0.2896, "Acc.barrel": 0.6482, "Acc.basket": 0.4561, "Acc.waterfall": 0.7518, "Acc.tent": 0.9643, "Acc.bag": 0.0, "Acc.minibike": 0.7894, "Acc.cradle": 0.9668, "Acc.oven": 0.0732, "Acc.ball": 0.6467, "Acc.food": 0.5811, "Acc.step": 0.0, "Acc.tank": 0.3194, "Acc.trade name": 0.0002, "Acc.microwave": 0.9503, "Acc.pot": 0.2393, "Acc.animal": 0.4757, "Acc.bicycle": 0.6795, "Acc.lake": 0.0, "Acc.dishwasher": 0.6602, "Acc.screen": 0.8309, "Acc.blanket": 0.0, "Acc.sculpture": 0.2362, "Acc.hood": 0.8845, "Acc.sconce": 0.0001, "Acc.vase": 0.1732, "Acc.traffic light": 0.0034, "Acc.tray": 0.0034, "Acc.ashcan": 0.2638, "Acc.fan": 0.5887, "Acc.pier": 0.7032, "Acc.crt screen": 0.0, "Acc.plate": 0.6614, "Acc.monitor": 0.6889, "Acc.bulletin board": 0.2525, "Acc.shower": 0.0, "Acc.radiator": 0.2563, "Acc.glass": 0.0, "Acc.clock": 0.0119, "Acc.flag": 0.4266} {"mode": "train", "epoch": 2, "iter": 2050, "lr": 4e-05, "memory": 72263, "data_time": 2.227, "decode.loss_ce": 0.6941, "decode.acc_seg": 75.54167, "aux.loss_ce": 0.27458, "aux.acc_seg": 76.20001, "loss": 0.96868, "time": 4.19868} {"mode": "train", "epoch": 2, "iter": 2100, "lr": 4e-05, "memory": 72263, "data_time": 0.00991, "decode.loss_ce": 0.63419, "decode.acc_seg": 76.44133, "aux.loss_ce": 0.2527, "aux.acc_seg": 76.62613, "loss": 0.88689, "time": 1.98322} {"mode": "train", "epoch": 2, "iter": 2150, "lr": 4e-05, "memory": 72263, "data_time": 0.01011, "decode.loss_ce": 0.65153, "decode.acc_seg": 76.60064, "aux.loss_ce": 0.26004, "aux.acc_seg": 76.89326, "loss": 0.91157, "time": 1.98142} {"mode": "train", "epoch": 2, "iter": 2200, "lr": 4e-05, "memory": 72263, "data_time": 0.01037, "decode.loss_ce": 0.63275, "decode.acc_seg": 76.64609, "aux.loss_ce": 0.24941, "aux.acc_seg": 77.24191, "loss": 0.88216, "time": 1.98293} {"mode": "train", "epoch": 2, "iter": 2250, "lr": 4e-05, "memory": 72263, "data_time": 0.00957, "decode.loss_ce": 0.64303, "decode.acc_seg": 76.86764, "aux.loss_ce": 0.25427, "aux.acc_seg": 77.34468, "loss": 0.8973, "time": 1.9806} {"mode": "train", "epoch": 2, "iter": 2300, "lr": 4e-05, "memory": 72263, "data_time": 0.00969, "decode.loss_ce": 0.69593, "decode.acc_seg": 75.2687, "aux.loss_ce": 0.27582, "aux.acc_seg": 75.88506, "loss": 0.97175, "time": 1.98303} {"mode": "train", "epoch": 2, "iter": 2350, "lr": 4e-05, "memory": 72263, "data_time": 0.00961, "decode.loss_ce": 0.66863, "decode.acc_seg": 75.88935, "aux.loss_ce": 0.26486, "aux.acc_seg": 76.32669, "loss": 0.93348, "time": 1.97852} {"mode": "train", "epoch": 2, "iter": 2400, "lr": 4e-05, "memory": 72263, "data_time": 0.01036, "decode.loss_ce": 0.59126, "decode.acc_seg": 77.99031, "aux.loss_ce": 0.23461, "aux.acc_seg": 78.43184, "loss": 0.82587, "time": 1.98514} {"mode": "train", "epoch": 2, "iter": 2450, "lr": 4e-05, "memory": 72263, "data_time": 0.00964, "decode.loss_ce": 0.60678, "decode.acc_seg": 78.0585, "aux.loss_ce": 0.23852, "aux.acc_seg": 78.52955, "loss": 0.8453, "time": 1.9811} {"mode": "train", "epoch": 2, "iter": 2500, "lr": 4e-05, "memory": 72263, "data_time": 0.00987, "decode.loss_ce": 0.58401, "decode.acc_seg": 78.36465, "aux.loss_ce": 0.23129, "aux.acc_seg": 78.67201, "loss": 0.8153, "time": 1.981} {"mode": "train", "epoch": 3, "iter": 2550, "lr": 4e-05, "memory": 72263, "data_time": 0.05775, "decode.loss_ce": 0.63015, "decode.acc_seg": 77.57261, "aux.loss_ce": 0.25082, "aux.acc_seg": 77.85729, "loss": 0.88097, "time": 2.02997} {"mode": "train", "epoch": 3, "iter": 2600, "lr": 4e-05, "memory": 72263, "data_time": 0.00961, "decode.loss_ce": 0.58595, "decode.acc_seg": 78.77261, "aux.loss_ce": 0.23026, "aux.acc_seg": 79.44141, "loss": 0.81621, "time": 1.98015} {"mode": "train", "epoch": 3, "iter": 2650, "lr": 4e-05, "memory": 72263, "data_time": 0.00973, "decode.loss_ce": 0.56621, "decode.acc_seg": 79.38833, "aux.loss_ce": 0.22385, "aux.acc_seg": 79.93133, "loss": 0.79006, "time": 1.98231} {"mode": "train", "epoch": 3, "iter": 2700, "lr": 4e-05, "memory": 72263, "data_time": 0.01035, "decode.loss_ce": 0.57367, "decode.acc_seg": 78.46424, "aux.loss_ce": 0.22689, "aux.acc_seg": 79.14802, "loss": 0.80055, "time": 1.98047} {"mode": "train", "epoch": 3, "iter": 2750, "lr": 4e-05, "memory": 72263, "data_time": 0.0097, "decode.loss_ce": 0.59865, "decode.acc_seg": 77.34202, "aux.loss_ce": 0.23612, "aux.acc_seg": 77.80939, "loss": 0.83477, "time": 1.98023} {"mode": "train", "epoch": 3, "iter": 2800, "lr": 4e-05, "memory": 72263, "data_time": 0.01047, "decode.loss_ce": 0.5464, "decode.acc_seg": 79.28397, "aux.loss_ce": 0.21425, "aux.acc_seg": 79.84577, "loss": 0.76065, "time": 1.98352} {"mode": "train", "epoch": 3, "iter": 2850, "lr": 4e-05, "memory": 72263, "data_time": 0.01031, "decode.loss_ce": 0.56759, "decode.acc_seg": 79.14945, "aux.loss_ce": 0.22546, "aux.acc_seg": 79.37565, "loss": 0.79305, "time": 1.981} {"mode": "train", "epoch": 3, "iter": 2900, "lr": 4e-05, "memory": 72263, "data_time": 0.01066, "decode.loss_ce": 0.58228, "decode.acc_seg": 78.10544, "aux.loss_ce": 0.22959, "aux.acc_seg": 78.81183, "loss": 0.81188, "time": 1.98194} {"mode": "train", "epoch": 3, "iter": 2950, "lr": 4e-05, "memory": 72263, "data_time": 0.00973, "decode.loss_ce": 0.57867, "decode.acc_seg": 78.37106, "aux.loss_ce": 0.22901, "aux.acc_seg": 78.76, "loss": 0.80768, "time": 1.98044} {"mode": "train", "epoch": 3, "iter": 3000, "lr": 4e-05, "memory": 72263, "data_time": 0.00962, "decode.loss_ce": 0.59731, "decode.acc_seg": 78.04794, "aux.loss_ce": 0.23553, "aux.acc_seg": 78.36926, "loss": 0.83285, "time": 1.98193} {"mode": "val", "epoch": 3, "iter": 250, "lr": 4e-05, "aAcc": 0.8212, "mIoU": 0.4687, "mAcc": 0.6116, "IoU.wall": 0.7607, "IoU.building": 0.8174, "IoU.sky": 0.9289, "IoU.floor": 0.8004, "IoU.tree": 0.7251, "IoU.ceiling": 0.8328, "IoU.road": 0.8228, "IoU.bed ": 0.8797, "IoU.windowpane": 0.5973, "IoU.grass": 0.6162, "IoU.cabinet": 0.5494, "IoU.sidewalk": 0.6372, "IoU.person": 0.7791, "IoU.earth": 0.2759, "IoU.door": 0.5087, "IoU.table": 0.5623, "IoU.mountain": 0.6296, "IoU.plant": 0.5203, "IoU.curtain": 0.7084, "IoU.chair": 0.5466, "IoU.car": 0.8117, "IoU.water": 0.6231, "IoU.painting": 0.7522, "IoU.sofa": 0.739, "IoU.shelf": 0.3567, "IoU.house": 0.4848, "IoU.sea": 0.7123, "IoU.mirror": 0.7088, "IoU.rug": 0.6745, "IoU.field": 0.1831, "IoU.armchair": 0.5115, "IoU.seat": 0.6401, "IoU.fence": 0.1734, "IoU.desk": 0.466, "IoU.rock": 0.5878, "IoU.wardrobe": 0.4659, "IoU.lamp": 0.5694, "IoU.bathtub": 0.7615, "IoU.railing": 0.3027, "IoU.cushion": 0.5987, "IoU.base": 0.2937, "IoU.box": 0.2347, "IoU.column": 0.486, "IoU.signboard": 0.2952, "IoU.chest of drawers": 0.4296, "IoU.counter": 0.3643, "IoU.sand": 0.3731, "IoU.sink": 0.6673, "IoU.skyscraper": 0.4789, "IoU.fireplace": 0.6349, "IoU.refrigerator": 0.6948, "IoU.grandstand": 0.6144, "IoU.path": 0.2098, "IoU.stairs": 0.266, "IoU.runway": 0.678, "IoU.case": 0.5409, "IoU.pool table": 0.8788, "IoU.pillow": 0.5896, "IoU.screen door": 0.6858, "IoU.stairway": 0.3323, "IoU.river": 0.0901, "IoU.bridge": 0.738, "IoU.bookcase": 0.1954, "IoU.blind": 0.4219, "IoU.coffee table": 0.4644, "IoU.toilet": 0.8574, "IoU.flower": 0.3236, "IoU.book": 0.4636, "IoU.hill": 0.039, "IoU.bench": 0.6102, "IoU.countertop": 0.498, "IoU.stove": 0.6178, "IoU.palm": 0.4418, "IoU.kitchen island": 0.2924, "IoU.computer": 0.7153, "IoU.swivel chair": 0.432, "IoU.boat": 0.5377, "IoU.bar": 0.541, "IoU.arcade machine": 0.8779, "IoU.hovel": 0.2676, "IoU.bus": 0.8723, "IoU.towel": 0.6306, "IoU.light": 0.242, "IoU.truck": 0.342, "IoU.tower": 0.0127, "IoU.chandelier": 0.593, "IoU.awning": 0.2095, "IoU.streetlight": 0.155, "IoU.booth": 0.3804, "IoU.television receiver": 0.6933, "IoU.airplane": 0.7234, "IoU.dirt track": 0.1523, "IoU.apparel": 0.2521, "IoU.pole": 0.0216, "IoU.land": 0.0052, "IoU.bannister": 0.0452, "IoU.escalator": 0.6, "IoU.ottoman": 0.4221, "IoU.bottle": 0.2587, "IoU.buffet": 0.4867, "IoU.poster": 0.2257, "IoU.stage": 0.1273, "IoU.van": 0.3934, "IoU.ship": 0.7115, "IoU.fountain": 0.112, "IoU.conveyer belt": 0.5537, "IoU.canopy": 0.3933, "IoU.washer": 0.8097, "IoU.plaything": 0.2218, "IoU.swimming pool": 0.5951, "IoU.stool": 0.263, "IoU.barrel": 0.3505, "IoU.basket": 0.3527, "IoU.waterfall": 0.632, "IoU.tent": 0.9289, "IoU.bag": 0.177, "IoU.minibike": 0.6802, "IoU.cradle": 0.728, "IoU.oven": 0.2089, "IoU.ball": 0.3147, "IoU.food": 0.5519, "IoU.step": 0.0021, "IoU.tank": 0.6133, "IoU.trade name": 0.0, "IoU.microwave": 0.8131, "IoU.pot": 0.4781, "IoU.animal": 0.6579, "IoU.bicycle": 0.4949, "IoU.lake": 0.0, "IoU.dishwasher": 0.5349, "IoU.screen": 0.5856, "IoU.blanket": 0.0008, "IoU.sculpture": 0.5346, "IoU.hood": 0.6595, "IoU.sconce": 0.2346, "IoU.vase": 0.3121, "IoU.traffic light": 0.1958, "IoU.tray": 0.0744, "IoU.ashcan": 0.4471, "IoU.fan": 0.2326, "IoU.pier": 0.4014, "IoU.crt screen": 0.0, "IoU.plate": 0.4434, "IoU.monitor": 0.6337, "IoU.bulletin board": 0.438, "IoU.shower": 0.0, "IoU.radiator": 0.5052, "IoU.glass": 0.0, "IoU.clock": 0.2019, "IoU.flag": 0.5857, "Acc.wall": 0.8697, "Acc.building": 0.897, "Acc.sky": 0.9607, "Acc.floor": 0.8726, "Acc.tree": 0.8948, "Acc.ceiling": 0.9374, "Acc.road": 0.8852, "Acc.bed ": 0.9672, "Acc.windowpane": 0.6946, "Acc.grass": 0.9538, "Acc.cabinet": 0.5916, "Acc.sidewalk": 0.792, "Acc.person": 0.8688, "Acc.earth": 0.3501, "Acc.door": 0.7468, "Acc.table": 0.7133, "Acc.mountain": 0.7101, "Acc.plant": 0.62, "Acc.curtain": 0.9042, "Acc.chair": 0.6631, "Acc.car": 0.9265, "Acc.water": 0.8564, "Acc.painting": 0.8643, "Acc.sofa": 0.8582, "Acc.shelf": 0.4762, "Acc.house": 0.7413, "Acc.sea": 0.8785, "Acc.mirror": 0.8183, "Acc.rug": 0.8573, "Acc.field": 0.2367, "Acc.armchair": 0.6502, "Acc.seat": 0.846, "Acc.fence": 0.191, "Acc.desk": 0.708, "Acc.rock": 0.7759, "Acc.wardrobe": 0.855, "Acc.lamp": 0.6659, "Acc.bathtub": 0.8327, "Acc.railing": 0.4731, "Acc.cushion": 0.6982, "Acc.base": 0.3337, "Acc.box": 0.2884, "Acc.column": 0.6043, "Acc.signboard": 0.3672, "Acc.chest of drawers": 0.6495, "Acc.counter": 0.484, "Acc.sand": 0.7806, "Acc.sink": 0.8163, "Acc.skyscraper": 0.8244, "Acc.fireplace": 0.9402, "Acc.refrigerator": 0.902, "Acc.grandstand": 0.673, "Acc.path": 0.3133, "Acc.stairs": 0.3712, "Acc.runway": 0.8767, "Acc.case": 0.6677, "Acc.pool table": 0.9768, "Acc.pillow": 0.6723, "Acc.screen door": 0.9557, "Acc.stairway": 0.7913, "Acc.river": 0.0968, "Acc.bridge": 0.8462, "Acc.bookcase": 0.2727, "Acc.blind": 0.5122, "Acc.coffee table": 0.8535, "Acc.toilet": 0.9286, "Acc.flower": 0.4443, "Acc.book": 0.7038, "Acc.hill": 0.0513, "Acc.bench": 0.6772, "Acc.countertop": 0.6355, "Acc.stove": 0.934, "Acc.palm": 0.7257, "Acc.kitchen island": 0.8384, "Acc.computer": 0.8983, "Acc.swivel chair": 0.827, "Acc.boat": 0.8874, "Acc.bar": 0.6582, "Acc.arcade machine": 0.9457, "Acc.hovel": 0.271, "Acc.bus": 0.9608, "Acc.towel": 0.8363, "Acc.light": 0.2534, "Acc.truck": 0.611, "Acc.tower": 0.0127, "Acc.chandelier": 0.7808, "Acc.awning": 0.2244, "Acc.streetlight": 0.2103, "Acc.booth": 0.7458, "Acc.television receiver": 0.855, "Acc.airplane": 0.9493, "Acc.dirt track": 0.1639, "Acc.apparel": 0.3152, "Acc.pole": 0.0218, "Acc.land": 0.0053, "Acc.bannister": 0.0653, "Acc.escalator": 0.7935, "Acc.ottoman": 0.7453, "Acc.bottle": 0.7776, "Acc.buffet": 0.6752, "Acc.poster": 0.2539, "Acc.stage": 0.1867, "Acc.van": 0.4833, "Acc.ship": 0.8001, "Acc.fountain": 0.1128, "Acc.conveyer belt": 0.9939, "Acc.canopy": 0.4659, "Acc.washer": 0.9752, "Acc.plaything": 0.2911, "Acc.swimming pool": 0.8709, "Acc.stool": 0.6652, "Acc.barrel": 0.697, "Acc.basket": 0.574, "Acc.waterfall": 0.7738, "Acc.tent": 0.9513, "Acc.bag": 0.1851, "Acc.minibike": 0.8297, "Acc.cradle": 0.9826, "Acc.oven": 0.282, "Acc.ball": 0.6654, "Acc.food": 0.6761, "Acc.step": 0.0021, "Acc.tank": 0.9316, "Acc.trade name": 0.0, "Acc.microwave": 0.9196, "Acc.pot": 0.5826, "Acc.animal": 0.6933, "Acc.bicycle": 0.627, "Acc.lake": 0.0, "Acc.dishwasher": 0.5808, "Acc.screen": 0.8543, "Acc.blanket": 0.0008, "Acc.sculpture": 0.5907, "Acc.hood": 0.8929, "Acc.sconce": 0.2592, "Acc.vase": 0.431, "Acc.traffic light": 0.3304, "Acc.tray": 0.1369, "Acc.ashcan": 0.5475, "Acc.fan": 0.2462, "Acc.pier": 0.5445, "Acc.crt screen": 0.0, "Acc.plate": 0.6873, "Acc.monitor": 0.8286, "Acc.bulletin board": 0.523, "Acc.shower": 0.0, "Acc.radiator": 0.5627, "Acc.glass": 0.0, "Acc.clock": 0.2024, "Acc.flag": 0.6478} {"mode": "train", "epoch": 3, "iter": 3050, "lr": 4e-05, "memory": 72263, "data_time": 2.20048, "decode.loss_ce": 0.56106, "decode.acc_seg": 79.12923, "aux.loss_ce": 0.22183, "aux.acc_seg": 79.61009, "loss": 0.78289, "time": 4.17256} {"mode": "train", "epoch": 3, "iter": 3100, "lr": 4e-05, "memory": 72263, "data_time": 0.01071, "decode.loss_ce": 0.56315, "decode.acc_seg": 79.16833, "aux.loss_ce": 0.22485, "aux.acc_seg": 79.38269, "loss": 0.788, "time": 1.98281} {"mode": "train", "epoch": 3, "iter": 3150, "lr": 4e-05, "memory": 72263, "data_time": 0.01046, "decode.loss_ce": 0.56677, "decode.acc_seg": 78.2749, "aux.loss_ce": 0.22301, "aux.acc_seg": 78.82723, "loss": 0.78978, "time": 1.98418} {"mode": "train", "epoch": 3, "iter": 3200, "lr": 4e-05, "memory": 72263, "data_time": 0.00993, "decode.loss_ce": 0.56688, "decode.acc_seg": 79.07372, "aux.loss_ce": 0.22405, "aux.acc_seg": 79.41821, "loss": 0.79093, "time": 1.97919} {"mode": "train", "epoch": 3, "iter": 3250, "lr": 4e-05, "memory": 72263, "data_time": 0.01049, "decode.loss_ce": 0.56298, "decode.acc_seg": 79.21847, "aux.loss_ce": 0.22112, "aux.acc_seg": 79.74478, "loss": 0.78409, "time": 1.97991} {"mode": "train", "epoch": 3, "iter": 3300, "lr": 4e-05, "memory": 72263, "data_time": 0.01013, "decode.loss_ce": 0.57594, "decode.acc_seg": 78.60213, "aux.loss_ce": 0.22798, "aux.acc_seg": 79.0444, "loss": 0.80392, "time": 1.98079} {"mode": "train", "epoch": 3, "iter": 3350, "lr": 4e-05, "memory": 72263, "data_time": 0.00957, "decode.loss_ce": 0.56612, "decode.acc_seg": 79.08329, "aux.loss_ce": 0.22465, "aux.acc_seg": 79.40399, "loss": 0.79077, "time": 1.98193} {"mode": "train", "epoch": 3, "iter": 3400, "lr": 4e-05, "memory": 72263, "data_time": 0.01019, "decode.loss_ce": 0.60043, "decode.acc_seg": 77.59538, "aux.loss_ce": 0.23726, "aux.acc_seg": 78.13874, "loss": 0.83769, "time": 1.98077} {"mode": "train", "epoch": 3, "iter": 3450, "lr": 4e-05, "memory": 72263, "data_time": 0.01025, "decode.loss_ce": 0.56497, "decode.acc_seg": 79.36994, "aux.loss_ce": 0.22249, "aux.acc_seg": 79.82499, "loss": 0.78746, "time": 1.98325} {"mode": "train", "epoch": 3, "iter": 3500, "lr": 4e-05, "memory": 72263, "data_time": 0.00974, "decode.loss_ce": 0.59404, "decode.acc_seg": 78.31361, "aux.loss_ce": 0.23441, "aux.acc_seg": 78.78946, "loss": 0.82845, "time": 1.98017} {"mode": "train", "epoch": 3, "iter": 3550, "lr": 4e-05, "memory": 72263, "data_time": 0.00951, "decode.loss_ce": 0.57045, "decode.acc_seg": 78.91912, "aux.loss_ce": 0.22323, "aux.acc_seg": 79.51241, "loss": 0.79369, "time": 1.97961} {"mode": "train", "epoch": 3, "iter": 3600, "lr": 4e-05, "memory": 72263, "data_time": 0.00965, "decode.loss_ce": 0.55887, "decode.acc_seg": 78.36114, "aux.loss_ce": 0.22054, "aux.acc_seg": 78.72917, "loss": 0.7794, "time": 1.98003} {"mode": "train", "epoch": 3, "iter": 3650, "lr": 4e-05, "memory": 72263, "data_time": 0.00993, "decode.loss_ce": 0.55865, "decode.acc_seg": 79.17898, "aux.loss_ce": 0.22033, "aux.acc_seg": 79.60419, "loss": 0.77899, "time": 1.98058} {"mode": "train", "epoch": 3, "iter": 3700, "lr": 4e-05, "memory": 72263, "data_time": 0.00989, "decode.loss_ce": 0.61256, "decode.acc_seg": 77.79369, "aux.loss_ce": 0.24064, "aux.acc_seg": 78.39281, "loss": 0.8532, "time": 1.9805} {"mode": "train", "epoch": 3, "iter": 3750, "lr": 4e-05, "memory": 72263, "data_time": 0.01001, "decode.loss_ce": 0.569, "decode.acc_seg": 78.65171, "aux.loss_ce": 0.22568, "aux.acc_seg": 79.16154, "loss": 0.79468, "time": 1.98127} {"mode": "train", "epoch": 4, "iter": 3800, "lr": 4e-05, "memory": 72263, "data_time": 0.0516, "decode.loss_ce": 0.54156, "decode.acc_seg": 80.28916, "aux.loss_ce": 0.21349, "aux.acc_seg": 80.65819, "loss": 0.75505, "time": 2.02489} {"mode": "train", "epoch": 4, "iter": 3850, "lr": 4e-05, "memory": 72263, "data_time": 0.01013, "decode.loss_ce": 0.52445, "decode.acc_seg": 80.80104, "aux.loss_ce": 0.20717, "aux.acc_seg": 81.11315, "loss": 0.73161, "time": 1.97964} {"mode": "train", "epoch": 4, "iter": 3900, "lr": 4e-05, "memory": 72263, "data_time": 0.00982, "decode.loss_ce": 0.55584, "decode.acc_seg": 79.06065, "aux.loss_ce": 0.21978, "aux.acc_seg": 79.33937, "loss": 0.77562, "time": 1.98025} {"mode": "train", "epoch": 4, "iter": 3950, "lr": 4e-05, "memory": 72263, "data_time": 0.00992, "decode.loss_ce": 0.53513, "decode.acc_seg": 80.27839, "aux.loss_ce": 0.21008, "aux.acc_seg": 80.62126, "loss": 0.74521, "time": 1.97956} {"mode": "train", "epoch": 4, "iter": 4000, "lr": 4e-05, "memory": 72263, "data_time": 0.0101, "decode.loss_ce": 0.51848, "decode.acc_seg": 80.43667, "aux.loss_ce": 0.20379, "aux.acc_seg": 80.63441, "loss": 0.72227, "time": 3.76069} {"mode": "val", "epoch": 4, "iter": 250, "lr": 4e-05, "aAcc": 0.8276, "mIoU": 0.4808, "mAcc": 0.6309, "IoU.wall": 0.7752, "IoU.building": 0.8255, "IoU.sky": 0.9305, "IoU.floor": 0.8039, "IoU.tree": 0.7405, "IoU.ceiling": 0.8278, "IoU.road": 0.8268, "IoU.bed ": 0.877, "IoU.windowpane": 0.6178, "IoU.grass": 0.6266, "IoU.cabinet": 0.5966, "IoU.sidewalk": 0.6308, "IoU.person": 0.7757, "IoU.earth": 0.3354, "IoU.door": 0.5574, "IoU.table": 0.5916, "IoU.mountain": 0.6085, "IoU.plant": 0.555, "IoU.curtain": 0.6989, "IoU.chair": 0.5515, "IoU.car": 0.796, "IoU.water": 0.6342, "IoU.painting": 0.7062, "IoU.sofa": 0.7074, "IoU.shelf": 0.4, "IoU.house": 0.4328, "IoU.sea": 0.6443, "IoU.mirror": 0.7364, "IoU.rug": 0.564, "IoU.field": 0.3205, "IoU.armchair": 0.4775, "IoU.seat": 0.6751, "IoU.fence": 0.4812, "IoU.desk": 0.4807, "IoU.rock": 0.4433, "IoU.wardrobe": 0.5428, "IoU.lamp": 0.5812, "IoU.bathtub": 0.8203, "IoU.railing": 0.396, "IoU.cushion": 0.6009, "IoU.base": 0.3833, "IoU.box": 0.2844, "IoU.column": 0.4861, "IoU.signboard": 0.3298, "IoU.chest of drawers": 0.4351, "IoU.counter": 0.383, "IoU.sand": 0.5555, "IoU.sink": 0.6273, "IoU.skyscraper": 0.4522, "IoU.fireplace": 0.679, "IoU.refrigerator": 0.7509, "IoU.grandstand": 0.4089, "IoU.path": 0.2383, "IoU.stairs": 0.3486, "IoU.runway": 0.6438, "IoU.case": 0.5109, "IoU.pool table": 0.8959, "IoU.pillow": 0.546, "IoU.screen door": 0.741, "IoU.stairway": 0.4945, "IoU.river": 0.319, "IoU.bridge": 0.7183, "IoU.bookcase": 0.204, "IoU.blind": 0.1862, "IoU.coffee table": 0.537, "IoU.toilet": 0.8297, "IoU.flower": 0.347, "IoU.book": 0.4486, "IoU.hill": 0.0335, "IoU.bench": 0.5523, "IoU.countertop": 0.5821, "IoU.stove": 0.7732, "IoU.palm": 0.4672, "IoU.kitchen island": 0.3899, "IoU.computer": 0.7267, "IoU.swivel chair": 0.4469, "IoU.boat": 0.4218, "IoU.bar": 0.6055, "IoU.arcade machine": 0.7223, "IoU.hovel": 0.41, "IoU.bus": 0.891, "IoU.towel": 0.5549, "IoU.light": 0.2024, "IoU.truck": 0.3657, "IoU.tower": 0.0385, "IoU.chandelier": 0.6053, "IoU.awning": 0.2571, "IoU.streetlight": 0.1892, "IoU.booth": 0.3408, "IoU.television receiver": 0.6932, "IoU.airplane": 0.716, "IoU.dirt track": 0.0, "IoU.apparel": 0.4178, "IoU.pole": 0.1173, "IoU.land": 0.0, "IoU.bannister": 0.0385, "IoU.escalator": 0.546, "IoU.ottoman": 0.5241, "IoU.bottle": 0.3491, "IoU.buffet": 0.4469, "IoU.poster": 0.2542, "IoU.stage": 0.1971, "IoU.van": 0.338, "IoU.ship": 0.0, "IoU.fountain": 0.5835, "IoU.conveyer belt": 0.7459, "IoU.canopy": 0.3871, "IoU.washer": 0.8552, "IoU.plaything": 0.2574, "IoU.swimming pool": 0.5934, "IoU.stool": 0.352, "IoU.barrel": 0.4921, "IoU.basket": 0.3736, "IoU.waterfall": 0.5028, "IoU.tent": 0.5473, "IoU.bag": 0.0978, "IoU.minibike": 0.6758, "IoU.cradle": 0.7209, "IoU.oven": 0.5126, "IoU.ball": 0.3514, "IoU.food": 0.4804, "IoU.step": 0.0964, "IoU.tank": 0.4739, "IoU.trade name": 0.0157, "IoU.microwave": 0.8272, "IoU.pot": 0.4674, "IoU.animal": 0.5796, "IoU.bicycle": 0.5435, "IoU.lake": 0.0, "IoU.dishwasher": 0.6254, "IoU.screen": 0.5223, "IoU.blanket": 0.0343, "IoU.sculpture": 0.5473, "IoU.hood": 0.6414, "IoU.sconce": 0.2707, "IoU.vase": 0.3771, "IoU.traffic light": 0.2314, "IoU.tray": 0.0486, "IoU.ashcan": 0.4574, "IoU.fan": 0.3684, "IoU.pier": 0.3345, "IoU.crt screen": 0.0, "IoU.plate": 0.4627, "IoU.monitor": 0.5306, "IoU.bulletin board": 0.461, "IoU.shower": 0.0, "IoU.radiator": 0.5948, "IoU.glass": 0.0324, "IoU.clock": 0.3262, "IoU.flag": 0.5352, "Acc.wall": 0.8513, "Acc.building": 0.9238, "Acc.sky": 0.9528, "Acc.floor": 0.9024, "Acc.tree": 0.8659, "Acc.ceiling": 0.9208, "Acc.road": 0.903, "Acc.bed ": 0.9725, "Acc.windowpane": 0.7762, "Acc.grass": 0.8351, "Acc.cabinet": 0.6707, "Acc.sidewalk": 0.8029, "Acc.person": 0.9334, "Acc.earth": 0.4573, "Acc.door": 0.6809, "Acc.table": 0.7472, "Acc.mountain": 0.772, "Acc.plant": 0.7207, "Acc.curtain": 0.887, "Acc.chair": 0.6655, "Acc.car": 0.9384, "Acc.water": 0.817, "Acc.painting": 0.8514, "Acc.sofa": 0.8885, "Acc.shelf": 0.6037, "Acc.house": 0.4875, "Acc.sea": 0.755, "Acc.mirror": 0.8428, "Acc.rug": 0.6545, "Acc.field": 0.6563, "Acc.armchair": 0.6788, "Acc.seat": 0.7877, "Acc.fence": 0.6974, "Acc.desk": 0.64, "Acc.rock": 0.5044, "Acc.wardrobe": 0.803, "Acc.lamp": 0.724, "Acc.bathtub": 0.866, "Acc.railing": 0.5978, "Acc.cushion": 0.8499, "Acc.base": 0.4977, "Acc.box": 0.3439, "Acc.column": 0.609, "Acc.signboard": 0.4292, "Acc.chest of drawers": 0.7328, "Acc.counter": 0.4082, "Acc.sand": 0.8321, "Acc.sink": 0.7349, "Acc.skyscraper": 0.697, "Acc.fireplace": 0.8824, "Acc.refrigerator": 0.8364, "Acc.grandstand": 0.9175, "Acc.path": 0.3418, "Acc.stairs": 0.4019, "Acc.runway": 0.7436, "Acc.case": 0.9067, "Acc.pool table": 0.9484, "Acc.pillow": 0.5901, "Acc.screen door": 0.9254, "Acc.stairway": 0.5504, "Acc.river": 0.4895, "Acc.bridge": 0.8392, "Acc.bookcase": 0.2561, "Acc.blind": 0.1902, "Acc.coffee table": 0.8208, "Acc.toilet": 0.9689, "Acc.flower": 0.395, "Acc.book": 0.7359, "Acc.hill": 0.0351, "Acc.bench": 0.6811, "Acc.countertop": 0.7614, "Acc.stove": 0.9091, "Acc.palm": 0.7902, "Acc.kitchen island": 0.8666, "Acc.computer": 0.8295, "Acc.swivel chair": 0.6429, "Acc.boat": 0.9741, "Acc.bar": 0.8076, "Acc.arcade machine": 0.8802, "Acc.hovel": 0.7944, "Acc.bus": 0.9183, "Acc.towel": 0.6286, "Acc.light": 0.2107, "Acc.truck": 0.463, "Acc.tower": 0.0468, "Acc.chandelier": 0.8068, "Acc.awning": 0.6543, "Acc.streetlight": 0.2592, "Acc.booth": 0.7107, "Acc.television receiver": 0.7851, "Acc.airplane": 0.9079, "Acc.dirt track": 0.0, "Acc.apparel": 0.5269, "Acc.pole": 0.1368, "Acc.land": 0.0, "Acc.bannister": 0.0518, "Acc.escalator": 0.8952, "Acc.ottoman": 0.6814, "Acc.bottle": 0.7358, "Acc.buffet": 0.5956, "Acc.poster": 0.4734, "Acc.stage": 0.3315, "Acc.van": 0.4705, "Acc.ship": 0.0, "Acc.fountain": 0.741, "Acc.conveyer belt": 0.9729, "Acc.canopy": 0.4561, "Acc.washer": 0.9497, "Acc.plaything": 0.4451, "Acc.swimming pool": 0.7877, "Acc.stool": 0.5274, "Acc.barrel": 0.6538, "Acc.basket": 0.5315, "Acc.waterfall": 0.9867, "Acc.tent": 0.9975, "Acc.bag": 0.1005, "Acc.minibike": 0.8458, "Acc.cradle": 0.9876, "Acc.oven": 0.7088, "Acc.ball": 0.679, "Acc.food": 0.5897, "Acc.step": 0.1509, "Acc.tank": 0.7003, "Acc.trade name": 0.0157, "Acc.microwave": 0.954, "Acc.pot": 0.5903, "Acc.animal": 0.6091, "Acc.bicycle": 0.6896, "Acc.lake": 0.0, "Acc.dishwasher": 0.8013, "Acc.screen": 0.9581, "Acc.blanket": 0.0384, "Acc.sculpture": 0.6601, "Acc.hood": 0.7762, "Acc.sconce": 0.3125, "Acc.vase": 0.5523, "Acc.traffic light": 0.5087, "Acc.tray": 0.0634, "Acc.ashcan": 0.5348, "Acc.fan": 0.407, "Acc.pier": 0.4963, "Acc.crt screen": 0.0, "Acc.plate": 0.5123, "Acc.monitor": 0.672, "Acc.bulletin board": 0.6547, "Acc.shower": 0.0, "Acc.radiator": 0.6655, "Acc.glass": 0.0329, "Acc.clock": 0.3342, "Acc.flag": 0.8114} {"mode": "train", "epoch": 4, "iter": 4050, "lr": 4e-05, "memory": 72263, "data_time": 2.24081, "decode.loss_ce": 0.52639, "decode.acc_seg": 79.60099, "aux.loss_ce": 0.20874, "aux.acc_seg": 79.6709, "loss": 0.73513, "time": 4.21214} {"mode": "train", "epoch": 4, "iter": 4100, "lr": 4e-05, "memory": 72263, "data_time": 0.01023, "decode.loss_ce": 0.50823, "decode.acc_seg": 80.36384, "aux.loss_ce": 0.20057, "aux.acc_seg": 80.86459, "loss": 0.70881, "time": 1.98045} {"mode": "train", "epoch": 4, "iter": 4150, "lr": 4e-05, "memory": 72263, "data_time": 0.01063, "decode.loss_ce": 0.52199, "decode.acc_seg": 80.55511, "aux.loss_ce": 0.2053, "aux.acc_seg": 80.81909, "loss": 0.72728, "time": 1.98532} {"mode": "train", "epoch": 4, "iter": 4200, "lr": 4e-05, "memory": 72263, "data_time": 0.0099, "decode.loss_ce": 0.51988, "decode.acc_seg": 80.41115, "aux.loss_ce": 0.20435, "aux.acc_seg": 80.83257, "loss": 0.72423, "time": 1.98117} {"mode": "train", "epoch": 4, "iter": 4250, "lr": 4e-05, "memory": 72263, "data_time": 0.01006, "decode.loss_ce": 0.53789, "decode.acc_seg": 79.57014, "aux.loss_ce": 0.21127, "aux.acc_seg": 80.14853, "loss": 0.74916, "time": 1.97975} {"mode": "train", "epoch": 4, "iter": 4300, "lr": 4e-05, "memory": 72263, "data_time": 0.00956, "decode.loss_ce": 0.51295, "decode.acc_seg": 80.43791, "aux.loss_ce": 0.20196, "aux.acc_seg": 80.9519, "loss": 0.71491, "time": 1.97826} {"mode": "train", "epoch": 4, "iter": 4350, "lr": 4e-05, "memory": 72263, "data_time": 0.0097, "decode.loss_ce": 0.53301, "decode.acc_seg": 80.05183, "aux.loss_ce": 0.21108, "aux.acc_seg": 80.52232, "loss": 0.74409, "time": 1.97959} {"mode": "train", "epoch": 4, "iter": 4400, "lr": 4e-05, "memory": 72263, "data_time": 0.00954, "decode.loss_ce": 0.52942, "decode.acc_seg": 79.68125, "aux.loss_ce": 0.20945, "aux.acc_seg": 79.80648, "loss": 0.73887, "time": 1.97928} {"mode": "train", "epoch": 4, "iter": 4450, "lr": 4e-05, "memory": 72263, "data_time": 0.01022, "decode.loss_ce": 0.51163, "decode.acc_seg": 80.90615, "aux.loss_ce": 0.20173, "aux.acc_seg": 81.19075, "loss": 0.71336, "time": 1.98058} {"mode": "train", "epoch": 4, "iter": 4500, "lr": 4e-05, "memory": 72263, "data_time": 0.00961, "decode.loss_ce": 0.54182, "decode.acc_seg": 79.49372, "aux.loss_ce": 0.21386, "aux.acc_seg": 79.74976, "loss": 0.75568, "time": 1.98409} {"mode": "train", "epoch": 4, "iter": 4550, "lr": 4e-05, "memory": 72263, "data_time": 0.01039, "decode.loss_ce": 0.49777, "decode.acc_seg": 80.78939, "aux.loss_ce": 0.19577, "aux.acc_seg": 81.39567, "loss": 0.69354, "time": 1.98177} {"mode": "train", "epoch": 4, "iter": 4600, "lr": 4e-05, "memory": 72263, "data_time": 0.00984, "decode.loss_ce": 0.5008, "decode.acc_seg": 80.46163, "aux.loss_ce": 0.19764, "aux.acc_seg": 80.84086, "loss": 0.69844, "time": 1.98306} {"mode": "train", "epoch": 4, "iter": 4650, "lr": 4e-05, "memory": 72263, "data_time": 0.00983, "decode.loss_ce": 0.53605, "decode.acc_seg": 80.39775, "aux.loss_ce": 0.21289, "aux.acc_seg": 80.62992, "loss": 0.74894, "time": 1.97958} {"mode": "train", "epoch": 4, "iter": 4700, "lr": 4e-05, "memory": 72263, "data_time": 0.00985, "decode.loss_ce": 0.52864, "decode.acc_seg": 80.35346, "aux.loss_ce": 0.20831, "aux.acc_seg": 80.79586, "loss": 0.73694, "time": 1.98104} {"mode": "train", "epoch": 4, "iter": 4750, "lr": 4e-05, "memory": 72263, "data_time": 0.00983, "decode.loss_ce": 0.54089, "decode.acc_seg": 79.46915, "aux.loss_ce": 0.21243, "aux.acc_seg": 79.9527, "loss": 0.75332, "time": 1.97978} {"mode": "train", "epoch": 4, "iter": 4800, "lr": 4e-05, "memory": 72263, "data_time": 0.00962, "decode.loss_ce": 0.53319, "decode.acc_seg": 79.82245, "aux.loss_ce": 0.20798, "aux.acc_seg": 80.22546, "loss": 0.74117, "time": 1.98391} {"mode": "train", "epoch": 4, "iter": 4850, "lr": 4e-05, "memory": 72263, "data_time": 0.01008, "decode.loss_ce": 0.52078, "decode.acc_seg": 79.9953, "aux.loss_ce": 0.20468, "aux.acc_seg": 80.39919, "loss": 0.72546, "time": 1.98087} {"mode": "train", "epoch": 4, "iter": 4900, "lr": 4e-05, "memory": 72263, "data_time": 0.0102, "decode.loss_ce": 0.5221, "decode.acc_seg": 79.76984, "aux.loss_ce": 0.20648, "aux.acc_seg": 79.99257, "loss": 0.72857, "time": 1.97964} {"mode": "train", "epoch": 4, "iter": 4950, "lr": 4e-05, "memory": 72263, "data_time": 0.00992, "decode.loss_ce": 0.52144, "decode.acc_seg": 80.62089, "aux.loss_ce": 0.20596, "aux.acc_seg": 80.96605, "loss": 0.7274, "time": 1.97971} {"mode": "train", "epoch": 4, "iter": 5000, "lr": 4e-05, "memory": 72263, "data_time": 0.01036, "decode.loss_ce": 0.51161, "decode.acc_seg": 80.54153, "aux.loss_ce": 0.20103, "aux.acc_seg": 80.90178, "loss": 0.71264, "time": 1.98342} {"mode": "val", "epoch": 4, "iter": 250, "lr": 4e-05, "aAcc": 0.831, "mIoU": 0.4968, "mAcc": 0.6366, "IoU.wall": 0.7751, "IoU.building": 0.8216, "IoU.sky": 0.932, "IoU.floor": 0.8059, "IoU.tree": 0.7427, "IoU.ceiling": 0.8362, "IoU.road": 0.8316, "IoU.bed ": 0.8822, "IoU.windowpane": 0.6003, "IoU.grass": 0.6628, "IoU.cabinet": 0.6272, "IoU.sidewalk": 0.6375, "IoU.person": 0.7895, "IoU.earth": 0.408, "IoU.door": 0.5353, "IoU.table": 0.6278, "IoU.mountain": 0.5423, "IoU.plant": 0.5499, "IoU.curtain": 0.7051, "IoU.chair": 0.5711, "IoU.car": 0.8258, "IoU.water": 0.6154, "IoU.painting": 0.7262, "IoU.sofa": 0.7675, "IoU.shelf": 0.3827, "IoU.house": 0.5284, "IoU.sea": 0.6463, "IoU.mirror": 0.7252, "IoU.rug": 0.6524, "IoU.field": 0.2931, "IoU.armchair": 0.567, "IoU.seat": 0.6154, "IoU.fence": 0.4924, "IoU.desk": 0.4651, "IoU.rock": 0.5418, "IoU.wardrobe": 0.5463, "IoU.lamp": 0.612, "IoU.bathtub": 0.8073, "IoU.railing": 0.367, "IoU.cushion": 0.6245, "IoU.base": 0.4107, "IoU.box": 0.3227, "IoU.column": 0.486, "IoU.signboard": 0.3106, "IoU.chest of drawers": 0.3834, "IoU.counter": 0.4617, "IoU.sand": 0.3584, "IoU.sink": 0.7168, "IoU.skyscraper": 0.3439, "IoU.fireplace": 0.6867, "IoU.refrigerator": 0.7359, "IoU.grandstand": 0.3742, "IoU.path": 0.1903, "IoU.stairs": 0.3187, "IoU.runway": 0.7146, "IoU.case": 0.5646, "IoU.pool table": 0.9019, "IoU.pillow": 0.6332, "IoU.screen door": 0.6517, "IoU.stairway": 0.4503, "IoU.river": 0.0913, "IoU.bridge": 0.4652, "IoU.bookcase": 0.3018, "IoU.blind": 0.0722, "IoU.coffee table": 0.5792, "IoU.toilet": 0.8665, "IoU.flower": 0.3636, "IoU.book": 0.4382, "IoU.hill": 0.0549, "IoU.bench": 0.5792, "IoU.countertop": 0.6006, "IoU.stove": 0.7847, "IoU.palm": 0.4486, "IoU.kitchen island": 0.3846, "IoU.computer": 0.7127, "IoU.swivel chair": 0.4821, "IoU.boat": 0.7027, "IoU.bar": 0.5612, "IoU.arcade machine": 0.8342, "IoU.hovel": 0.4831, "IoU.bus": 0.7621, "IoU.towel": 0.6067, "IoU.light": 0.44, "IoU.truck": 0.0859, "IoU.tower": 0.26, "IoU.chandelier": 0.6227, "IoU.awning": 0.3984, "IoU.streetlight": 0.1823, "IoU.booth": 0.2758, "IoU.television receiver": 0.7371, "IoU.airplane": 0.7548, "IoU.dirt track": 0.0, "IoU.apparel": 0.3727, "IoU.pole": 0.0801, "IoU.land": 0.0842, "IoU.bannister": 0.0624, "IoU.escalator": 0.585, "IoU.ottoman": 0.5277, "IoU.bottle": 0.3859, "IoU.buffet": 0.4692, "IoU.poster": 0.3907, "IoU.stage": 0.1402, "IoU.van": 0.4449, "IoU.ship": 0.0773, "IoU.fountain": 0.3583, "IoU.conveyer belt": 0.7316, "IoU.canopy": 0.5948, "IoU.washer": 0.7926, "IoU.plaything": 0.2358, "IoU.swimming pool": 0.5901, "IoU.stool": 0.3966, "IoU.barrel": 0.393, "IoU.basket": 0.3779, "IoU.waterfall": 0.2632, "IoU.tent": 0.8319, "IoU.bag": 0.2096, "IoU.minibike": 0.6842, "IoU.cradle": 0.7848, "IoU.oven": 0.3638, "IoU.ball": 0.0077, "IoU.food": 0.5436, "IoU.step": 0.0193, "IoU.tank": 0.5118, "IoU.trade name": 0.2773, "IoU.microwave": 0.8104, "IoU.pot": 0.4693, "IoU.animal": 0.6975, "IoU.bicycle": 0.4934, "IoU.lake": 0.0, "IoU.dishwasher": 0.6796, "IoU.screen": 0.5741, "IoU.blanket": 0.0624, "IoU.sculpture": 0.579, "IoU.hood": 0.7016, "IoU.sconce": 0.43, "IoU.vase": 0.3551, "IoU.traffic light": 0.2384, "IoU.tray": 0.1088, "IoU.ashcan": 0.4609, "IoU.fan": 0.5393, "IoU.pier": 0.6309, "IoU.crt screen": 0.1045, "IoU.plate": 0.5318, "IoU.monitor": 0.5181, "IoU.bulletin board": 0.5637, "IoU.shower": 0.0, "IoU.radiator": 0.6338, "IoU.glass": 0.066, "IoU.clock": 0.3995, "IoU.flag": 0.6418, "Acc.wall": 0.877, "Acc.building": 0.9015, "Acc.sky": 0.9615, "Acc.floor": 0.8906, "Acc.tree": 0.861, "Acc.ceiling": 0.9199, "Acc.road": 0.8678, "Acc.bed ": 0.9587, "Acc.windowpane": 0.7338, "Acc.grass": 0.7496, "Acc.cabinet": 0.7146, "Acc.sidewalk": 0.88, "Acc.person": 0.9002, "Acc.earth": 0.6403, "Acc.door": 0.7656, "Acc.table": 0.8039, "Acc.mountain": 0.5981, "Acc.plant": 0.6356, "Acc.curtain": 0.9024, "Acc.chair": 0.6983, "Acc.car": 0.8983, "Acc.water": 0.8923, "Acc.painting": 0.8154, "Acc.sofa": 0.8932, "Acc.shelf": 0.5256, "Acc.house": 0.8113, "Acc.sea": 0.719, "Acc.mirror": 0.8155, "Acc.rug": 0.8465, "Acc.field": 0.5123, "Acc.armchair": 0.7565, "Acc.seat": 0.8779, "Acc.fence": 0.5852, "Acc.desk": 0.5622, "Acc.rock": 0.8093, "Acc.wardrobe": 0.7751, "Acc.lamp": 0.7682, "Acc.bathtub": 0.8463, "Acc.railing": 0.488, "Acc.cushion": 0.7545, "Acc.base": 0.6092, "Acc.box": 0.4099, "Acc.column": 0.6989, "Acc.signboard": 0.3903, "Acc.chest of drawers": 0.702, "Acc.counter": 0.5377, "Acc.sand": 0.5524, "Acc.sink": 0.7832, "Acc.skyscraper": 0.3586, "Acc.fireplace": 0.9135, "Acc.refrigerator": 0.8711, "Acc.grandstand": 0.8985, "Acc.path": 0.2167, "Acc.stairs": 0.3371, "Acc.runway": 0.9485, "Acc.case": 0.7829, "Acc.pool table": 0.9718, "Acc.pillow": 0.7507, "Acc.screen door": 0.9053, "Acc.stairway": 0.711, "Acc.river": 0.1019, "Acc.bridge": 0.5812, "Acc.bookcase": 0.7008, "Acc.blind": 0.0733, "Acc.coffee table": 0.6409, "Acc.toilet": 0.948, "Acc.flower": 0.5279, "Acc.book": 0.5579, "Acc.hill": 0.0666, "Acc.bench": 0.6371, "Acc.countertop": 0.716, "Acc.stove": 0.9334, "Acc.palm": 0.837, "Acc.kitchen island": 0.6458, "Acc.computer": 0.8988, "Acc.swivel chair": 0.905, "Acc.boat": 0.8932, "Acc.bar": 0.7674, "Acc.arcade machine": 0.9913, "Acc.hovel": 0.5816, "Acc.bus": 0.9672, "Acc.towel": 0.6971, "Acc.light": 0.5596, "Acc.truck": 0.0956, "Acc.tower": 0.4546, "Acc.chandelier": 0.8432, "Acc.awning": 0.6451, "Acc.streetlight": 0.2393, "Acc.booth": 0.5439, "Acc.television receiver": 0.7857, "Acc.airplane": 0.9328, "Acc.dirt track": 0.0, "Acc.apparel": 0.5282, "Acc.pole": 0.0904, "Acc.land": 0.2082, "Acc.bannister": 0.1124, "Acc.escalator": 0.8777, "Acc.ottoman": 0.7202, "Acc.bottle": 0.6647, "Acc.buffet": 0.63, "Acc.poster": 0.5309, "Acc.stage": 0.2145, "Acc.van": 0.7379, "Acc.ship": 0.0799, "Acc.fountain": 0.437, "Acc.conveyer belt": 0.9635, "Acc.canopy": 0.654, "Acc.washer": 0.8671, "Acc.plaything": 0.762, "Acc.swimming pool": 0.9146, "Acc.stool": 0.5105, "Acc.barrel": 0.6512, "Acc.basket": 0.4991, "Acc.waterfall": 0.2647, "Acc.tent": 0.9962, "Acc.bag": 0.2317, "Acc.minibike": 0.8612, "Acc.cradle": 0.9774, "Acc.oven": 0.3985, "Acc.ball": 0.0077, "Acc.food": 0.7733, "Acc.step": 0.0203, "Acc.tank": 0.7623, "Acc.trade name": 0.4721, "Acc.microwave": 0.9641, "Acc.pot": 0.5369, "Acc.animal": 0.7464, "Acc.bicycle": 0.5774, "Acc.lake": 0.0, "Acc.dishwasher": 0.746, "Acc.screen": 0.6678, "Acc.blanket": 0.0675, "Acc.sculpture": 0.6569, "Acc.hood": 0.8904, "Acc.sconce": 0.535, "Acc.vase": 0.4345, "Acc.traffic light": 0.4618, "Acc.tray": 0.1568, "Acc.ashcan": 0.551, "Acc.fan": 0.6655, "Acc.pier": 0.7686, "Acc.crt screen": 0.1528, "Acc.plate": 0.7506, "Acc.monitor": 0.7463, "Acc.bulletin board": 0.6556, "Acc.shower": 0.0, "Acc.radiator": 0.7887, "Acc.glass": 0.0678, "Acc.clock": 0.4406, "Acc.flag": 0.7042} {"mode": "train", "epoch": 4, "iter": 5050, "lr": 4e-05, "memory": 72263, "data_time": 2.19894, "decode.loss_ce": 0.53921, "decode.acc_seg": 79.73225, "aux.loss_ce": 0.21319, "aux.acc_seg": 80.13392, "loss": 0.7524, "time": 4.17212} {"mode": "train", "epoch": 5, "iter": 5100, "lr": 4e-05, "memory": 72263, "data_time": 0.05183, "decode.loss_ce": 0.4925, "decode.acc_seg": 81.34389, "aux.loss_ce": 0.1935, "aux.acc_seg": 81.62547, "loss": 0.686, "time": 2.02474} {"mode": "train", "epoch": 5, "iter": 5150, "lr": 4e-05, "memory": 72263, "data_time": 0.00971, "decode.loss_ce": 0.48414, "decode.acc_seg": 81.50661, "aux.loss_ce": 0.1912, "aux.acc_seg": 81.68186, "loss": 0.67534, "time": 1.97911} {"mode": "train", "epoch": 5, "iter": 5200, "lr": 4e-05, "memory": 72263, "data_time": 0.00976, "decode.loss_ce": 0.48247, "decode.acc_seg": 81.58512, "aux.loss_ce": 0.19098, "aux.acc_seg": 81.69437, "loss": 0.67345, "time": 1.9799} {"mode": "train", "epoch": 5, "iter": 5250, "lr": 4e-05, "memory": 72263, "data_time": 0.01012, "decode.loss_ce": 0.48803, "decode.acc_seg": 81.14581, "aux.loss_ce": 0.19327, "aux.acc_seg": 81.23281, "loss": 0.6813, "time": 1.97997} {"mode": "train", "epoch": 5, "iter": 5300, "lr": 4e-05, "memory": 72263, "data_time": 0.01015, "decode.loss_ce": 0.48269, "decode.acc_seg": 81.16502, "aux.loss_ce": 0.18984, "aux.acc_seg": 81.57728, "loss": 0.67253, "time": 1.97877} {"mode": "train", "epoch": 5, "iter": 5350, "lr": 4e-05, "memory": 72263, "data_time": 0.00976, "decode.loss_ce": 0.49507, "decode.acc_seg": 81.21255, "aux.loss_ce": 0.19537, "aux.acc_seg": 81.50698, "loss": 0.69044, "time": 1.9819} {"mode": "train", "epoch": 5, "iter": 5400, "lr": 4e-05, "memory": 72263, "data_time": 0.01002, "decode.loss_ce": 0.46898, "decode.acc_seg": 82.29685, "aux.loss_ce": 0.1861, "aux.acc_seg": 82.18125, "loss": 0.65507, "time": 1.97953} {"mode": "train", "epoch": 5, "iter": 5450, "lr": 4e-05, "memory": 72263, "data_time": 0.00969, "decode.loss_ce": 0.48396, "decode.acc_seg": 80.411, "aux.loss_ce": 0.19069, "aux.acc_seg": 80.91267, "loss": 0.67464, "time": 1.98126} {"mode": "train", "epoch": 5, "iter": 5500, "lr": 4e-05, "memory": 72263, "data_time": 0.01029, "decode.loss_ce": 0.48612, "decode.acc_seg": 81.37528, "aux.loss_ce": 0.19197, "aux.acc_seg": 81.95581, "loss": 0.67809, "time": 1.97991} {"mode": "train", "epoch": 5, "iter": 5550, "lr": 4e-05, "memory": 72263, "data_time": 0.00956, "decode.loss_ce": 0.49074, "decode.acc_seg": 81.48357, "aux.loss_ce": 0.19521, "aux.acc_seg": 81.73296, "loss": 0.68595, "time": 1.97802} {"mode": "train", "epoch": 5, "iter": 5600, "lr": 4e-05, "memory": 72263, "data_time": 0.00999, "decode.loss_ce": 0.49083, "decode.acc_seg": 81.4411, "aux.loss_ce": 0.1939, "aux.acc_seg": 81.86802, "loss": 0.68473, "time": 1.97899} {"mode": "train", "epoch": 5, "iter": 5650, "lr": 4e-05, "memory": 72263, "data_time": 0.00968, "decode.loss_ce": 0.5044, "decode.acc_seg": 80.77132, "aux.loss_ce": 0.19858, "aux.acc_seg": 81.20691, "loss": 0.70298, "time": 1.97834} {"mode": "train", "epoch": 5, "iter": 5700, "lr": 4e-05, "memory": 72263, "data_time": 0.01004, "decode.loss_ce": 0.4931, "decode.acc_seg": 81.49999, "aux.loss_ce": 0.19496, "aux.acc_seg": 81.63377, "loss": 0.68805, "time": 1.98095} {"mode": "train", "epoch": 5, "iter": 5750, "lr": 4e-05, "memory": 72263, "data_time": 0.00971, "decode.loss_ce": 0.50877, "decode.acc_seg": 80.96775, "aux.loss_ce": 0.20028, "aux.acc_seg": 81.20957, "loss": 0.70906, "time": 1.97975} {"mode": "train", "epoch": 5, "iter": 5800, "lr": 4e-05, "memory": 72263, "data_time": 0.00979, "decode.loss_ce": 0.51195, "decode.acc_seg": 80.46399, "aux.loss_ce": 0.20117, "aux.acc_seg": 80.92954, "loss": 0.71312, "time": 1.98002} {"mode": "train", "epoch": 5, "iter": 5850, "lr": 4e-05, "memory": 72263, "data_time": 0.00973, "decode.loss_ce": 0.49091, "decode.acc_seg": 81.36981, "aux.loss_ce": 0.19483, "aux.acc_seg": 81.66123, "loss": 0.68574, "time": 1.98116} {"mode": "train", "epoch": 5, "iter": 5900, "lr": 4e-05, "memory": 72263, "data_time": 0.00972, "decode.loss_ce": 0.51048, "decode.acc_seg": 81.14959, "aux.loss_ce": 0.20003, "aux.acc_seg": 81.40295, "loss": 0.71052, "time": 1.97873} {"mode": "train", "epoch": 5, "iter": 5950, "lr": 4e-05, "memory": 72263, "data_time": 0.01013, "decode.loss_ce": 0.4898, "decode.acc_seg": 81.70723, "aux.loss_ce": 0.19432, "aux.acc_seg": 81.73197, "loss": 0.68412, "time": 1.97942} {"mode": "train", "epoch": 5, "iter": 6000, "lr": 4e-05, "memory": 72263, "data_time": 0.00963, "decode.loss_ce": 0.48758, "decode.acc_seg": 81.73627, "aux.loss_ce": 0.19268, "aux.acc_seg": 81.98792, "loss": 0.68026, "time": 3.68605} {"mode": "val", "epoch": 5, "iter": 250, "lr": 4e-05, "aAcc": 0.8309, "mIoU": 0.4913, "mAcc": 0.6248, "IoU.wall": 0.7748, "IoU.building": 0.8214, "IoU.sky": 0.9361, "IoU.floor": 0.8187, "IoU.tree": 0.7452, "IoU.ceiling": 0.8303, "IoU.road": 0.8434, "IoU.bed ": 0.8581, "IoU.windowpane": 0.6273, "IoU.grass": 0.6089, "IoU.cabinet": 0.6012, "IoU.sidewalk": 0.6397, "IoU.person": 0.802, "IoU.earth": 0.3756, "IoU.door": 0.5337, "IoU.table": 0.6201, "IoU.mountain": 0.5964, "IoU.plant": 0.5251, "IoU.curtain": 0.7187, "IoU.chair": 0.5994, "IoU.car": 0.8206, "IoU.water": 0.6364, "IoU.painting": 0.7044, "IoU.sofa": 0.7568, "IoU.shelf": 0.44, "IoU.house": 0.5215, "IoU.sea": 0.6872, "IoU.mirror": 0.7334, "IoU.rug": 0.6717, "IoU.field": 0.2655, "IoU.armchair": 0.5011, "IoU.seat": 0.6908, "IoU.fence": 0.4884, "IoU.desk": 0.4911, "IoU.rock": 0.538, "IoU.wardrobe": 0.5723, "IoU.lamp": 0.6082, "IoU.bathtub": 0.8183, "IoU.railing": 0.3856, "IoU.cushion": 0.5276, "IoU.base": 0.4226, "IoU.box": 0.2334, "IoU.column": 0.4762, "IoU.signboard": 0.3385, "IoU.chest of drawers": 0.3587, "IoU.counter": 0.4242, "IoU.sand": 0.5209, "IoU.sink": 0.7125, "IoU.skyscraper": 0.4789, "IoU.fireplace": 0.6755, "IoU.refrigerator": 0.672, "IoU.grandstand": 0.4831, "IoU.path": 0.1088, "IoU.stairs": 0.3772, "IoU.runway": 0.6912, "IoU.case": 0.5345, "IoU.pool table": 0.9042, "IoU.pillow": 0.4412, "IoU.screen door": 0.7246, "IoU.stairway": 0.2944, "IoU.river": 0.3145, "IoU.bridge": 0.7405, "IoU.bookcase": 0.333, "IoU.blind": 0.2286, "IoU.coffee table": 0.5031, "IoU.toilet": 0.8568, "IoU.flower": 0.2113, "IoU.book": 0.4988, "IoU.hill": 0.0662, "IoU.bench": 0.5433, "IoU.countertop": 0.6014, "IoU.stove": 0.7619, "IoU.palm": 0.5385, "IoU.kitchen island": 0.4038, "IoU.computer": 0.7234, "IoU.swivel chair": 0.4826, "IoU.boat": 0.4032, "IoU.bar": 0.4391, "IoU.arcade machine": 0.8829, "IoU.hovel": 0.1404, "IoU.bus": 0.895, "IoU.towel": 0.6284, "IoU.light": 0.4271, "IoU.truck": 0.4085, "IoU.tower": 0.0874, "IoU.chandelier": 0.6171, "IoU.awning": 0.4031, "IoU.streetlight": 0.2048, "IoU.booth": 0.3477, "IoU.television receiver": 0.7229, "IoU.airplane": 0.6236, "IoU.dirt track": 0.0452, "IoU.apparel": 0.3701, "IoU.pole": 0.0744, "IoU.land": 0.0067, "IoU.bannister": 0.0284, "IoU.escalator": 0.5922, "IoU.ottoman": 0.5527, "IoU.bottle": 0.2568, "IoU.buffet": 0.4624, "IoU.poster": 0.099, "IoU.stage": 0.2419, "IoU.van": 0.2763, "IoU.ship": 0.4349, "IoU.fountain": 0.0925, "IoU.conveyer belt": 0.6933, "IoU.canopy": 0.2711, "IoU.washer": 0.838, "IoU.plaything": 0.3936, "IoU.swimming pool": 0.5582, "IoU.stool": 0.3383, "IoU.barrel": 0.5262, "IoU.basket": 0.3729, "IoU.waterfall": 0.6179, "IoU.tent": 0.8605, "IoU.bag": 0.2822, "IoU.minibike": 0.7036, "IoU.cradle": 0.8615, "IoU.oven": 0.5195, "IoU.ball": 0.306, "IoU.food": 0.4437, "IoU.step": 0.1047, "IoU.tank": 0.5453, "IoU.trade name": 0.0638, "IoU.microwave": 0.8068, "IoU.pot": 0.4627, "IoU.animal": 0.5438, "IoU.bicycle": 0.5689, "IoU.lake": 0.0, "IoU.dishwasher": 0.5621, "IoU.screen": 0.5712, "IoU.blanket": 0.1867, "IoU.sculpture": 0.6584, "IoU.hood": 0.0507, "IoU.sconce": 0.4576, "IoU.vase": 0.3856, "IoU.traffic light": 0.2655, "IoU.tray": 0.0861, "IoU.ashcan": 0.4419, "IoU.fan": 0.5736, "IoU.pier": 0.385, "IoU.crt screen": 0.0637, "IoU.plate": 0.5083, "IoU.monitor": 0.5652, "IoU.bulletin board": 0.5239, "IoU.shower": 0.001, "IoU.radiator": 0.592, "IoU.glass": 0.0443, "IoU.clock": 0.4193, "IoU.flag": 0.4971, "Acc.wall": 0.8523, "Acc.building": 0.9208, "Acc.sky": 0.9696, "Acc.floor": 0.8813, "Acc.tree": 0.8804, "Acc.ceiling": 0.9499, "Acc.road": 0.8929, "Acc.bed ": 0.9853, "Acc.windowpane": 0.8046, "Acc.grass": 0.7177, "Acc.cabinet": 0.6609, "Acc.sidewalk": 0.8824, "Acc.person": 0.9036, "Acc.earth": 0.5117, "Acc.door": 0.6531, "Acc.table": 0.7727, "Acc.mountain": 0.6811, "Acc.plant": 0.6207, "Acc.curtain": 0.8758, "Acc.chair": 0.8009, "Acc.car": 0.9359, "Acc.water": 0.838, "Acc.painting": 0.8654, "Acc.sofa": 0.8991, "Acc.shelf": 0.6908, "Acc.house": 0.7966, "Acc.sea": 0.8705, "Acc.mirror": 0.8233, "Acc.rug": 0.8051, "Acc.field": 0.7964, "Acc.armchair": 0.5671, "Acc.seat": 0.8517, "Acc.fence": 0.5535, "Acc.desk": 0.7005, "Acc.rock": 0.706, "Acc.wardrobe": 0.7104, "Acc.lamp": 0.7101, "Acc.bathtub": 0.8566, "Acc.railing": 0.5257, "Acc.cushion": 0.5769, "Acc.base": 0.6726, "Acc.box": 0.253, "Acc.column": 0.605, "Acc.signboard": 0.4145, "Acc.chest of drawers": 0.7577, "Acc.counter": 0.7454, "Acc.sand": 0.8392, "Acc.sink": 0.8145, "Acc.skyscraper": 0.6849, "Acc.fireplace": 0.9338, "Acc.refrigerator": 0.8982, "Acc.grandstand": 0.7797, "Acc.path": 0.1228, "Acc.stairs": 0.6348, "Acc.runway": 0.9423, "Acc.case": 0.8335, "Acc.pool table": 0.9825, "Acc.pillow": 0.501, "Acc.screen door": 0.8599, "Acc.stairway": 0.3153, "Acc.river": 0.3806, "Acc.bridge": 0.8648, "Acc.bookcase": 0.5073, "Acc.blind": 0.2393, "Acc.coffee table": 0.897, "Acc.toilet": 0.9427, "Acc.flower": 0.2227, "Acc.book": 0.6979, "Acc.hill": 0.1372, "Acc.bench": 0.6096, "Acc.countertop": 0.7977, "Acc.stove": 0.9244, "Acc.palm": 0.7303, "Acc.kitchen island": 0.7612, "Acc.computer": 0.882, "Acc.swivel chair": 0.6466, "Acc.boat": 0.4218, "Acc.bar": 0.5216, "Acc.arcade machine": 0.941, "Acc.hovel": 0.1548, "Acc.bus": 0.9549, "Acc.towel": 0.7241, "Acc.light": 0.4959, "Acc.truck": 0.4901, "Acc.tower": 0.1158, "Acc.chandelier": 0.858, "Acc.awning": 0.4978, "Acc.streetlight": 0.2649, "Acc.booth": 0.6403, "Acc.television receiver": 0.8283, "Acc.airplane": 0.7215, "Acc.dirt track": 0.0813, "Acc.apparel": 0.4518, "Acc.pole": 0.0791, "Acc.land": 0.008, "Acc.bannister": 0.0312, "Acc.escalator": 0.8879, "Acc.ottoman": 0.6915, "Acc.bottle": 0.2743, "Acc.buffet": 0.8193, "Acc.poster": 0.1008, "Acc.stage": 0.7251, "Acc.van": 0.3443, "Acc.ship": 0.658, "Acc.fountain": 0.0931, "Acc.conveyer belt": 0.9833, "Acc.canopy": 0.3367, "Acc.washer": 0.9038, "Acc.plaything": 0.6759, "Acc.swimming pool": 0.8203, "Acc.stool": 0.4573, "Acc.barrel": 0.65, "Acc.basket": 0.5466, "Acc.waterfall": 0.7054, "Acc.tent": 0.9962, "Acc.bag": 0.3094, "Acc.minibike": 0.8251, "Acc.cradle": 0.9591, "Acc.oven": 0.6167, "Acc.ball": 0.7175, "Acc.food": 0.4953, "Acc.step": 0.109, "Acc.tank": 0.7706, "Acc.trade name": 0.0645, "Acc.microwave": 0.9642, "Acc.pot": 0.523, "Acc.animal": 0.556, "Acc.bicycle": 0.7892, "Acc.lake": 0.0, "Acc.dishwasher": 0.8398, "Acc.screen": 0.9065, "Acc.blanket": 0.2147, "Acc.sculpture": 0.8368, "Acc.hood": 0.0507, "Acc.sconce": 0.5533, "Acc.vase": 0.5551, "Acc.traffic light": 0.4385, "Acc.tray": 0.102, "Acc.ashcan": 0.5589, "Acc.fan": 0.7449, "Acc.pier": 0.4278, "Acc.crt screen": 0.071, "Acc.plate": 0.5588, "Acc.monitor": 0.7769, "Acc.bulletin board": 0.5969, "Acc.shower": 0.0019, "Acc.radiator": 0.6711, "Acc.glass": 0.0448, "Acc.clock": 0.4729, "Acc.flag": 0.5106} {"mode": "train", "epoch": 5, "iter": 6050, "lr": 4e-05, "memory": 72263, "data_time": 2.19307, "decode.loss_ce": 0.49566, "decode.acc_seg": 81.28342, "aux.loss_ce": 0.19579, "aux.acc_seg": 81.667, "loss": 0.69145, "time": 4.16406} {"mode": "train", "epoch": 5, "iter": 6100, "lr": 4e-05, "memory": 72263, "data_time": 0.01002, "decode.loss_ce": 0.52612, "decode.acc_seg": 79.91145, "aux.loss_ce": 0.206, "aux.acc_seg": 80.3336, "loss": 0.73213, "time": 1.97964} {"mode": "train", "epoch": 5, "iter": 6150, "lr": 4e-05, "memory": 72263, "data_time": 0.00988, "decode.loss_ce": 0.51093, "decode.acc_seg": 80.41483, "aux.loss_ce": 0.19879, "aux.acc_seg": 80.70827, "loss": 0.70971, "time": 1.98197} {"mode": "train", "epoch": 5, "iter": 6200, "lr": 4e-05, "memory": 72263, "data_time": 0.00977, "decode.loss_ce": 0.5444, "decode.acc_seg": 79.12393, "aux.loss_ce": 0.21226, "aux.acc_seg": 79.96011, "loss": 0.75666, "time": 1.98134} {"mode": "train", "epoch": 5, "iter": 6250, "lr": 4e-05, "memory": 72263, "data_time": 0.01064, "decode.loss_ce": 0.4784, "decode.acc_seg": 81.6324, "aux.loss_ce": 0.18857, "aux.acc_seg": 81.91485, "loss": 0.66696, "time": 1.98062} {"mode": "train", "epoch": 5, "iter": 6300, "lr": 4e-05, "memory": 72263, "data_time": 0.01028, "decode.loss_ce": 0.47752, "decode.acc_seg": 81.37922, "aux.loss_ce": 0.18799, "aux.acc_seg": 81.69624, "loss": 0.66551, "time": 1.97932} {"mode": "train", "epoch": 6, "iter": 6350, "lr": 4e-05, "memory": 72263, "data_time": 0.05263, "decode.loss_ce": 0.45246, "decode.acc_seg": 82.10008, "aux.loss_ce": 0.17924, "aux.acc_seg": 82.47943, "loss": 0.6317, "time": 2.02331} {"mode": "train", "epoch": 6, "iter": 6400, "lr": 4e-05, "memory": 72263, "data_time": 0.01009, "decode.loss_ce": 0.44772, "decode.acc_seg": 82.69842, "aux.loss_ce": 0.17681, "aux.acc_seg": 83.02675, "loss": 0.62453, "time": 1.98002} {"mode": "train", "epoch": 6, "iter": 6450, "lr": 4e-05, "memory": 72263, "data_time": 0.0101, "decode.loss_ce": 0.47935, "decode.acc_seg": 81.59028, "aux.loss_ce": 0.18845, "aux.acc_seg": 81.93178, "loss": 0.6678, "time": 1.98016} {"mode": "train", "epoch": 6, "iter": 6500, "lr": 4e-05, "memory": 72263, "data_time": 0.00995, "decode.loss_ce": 0.43912, "decode.acc_seg": 83.08843, "aux.loss_ce": 0.17392, "aux.acc_seg": 83.40798, "loss": 0.61304, "time": 1.98312} {"mode": "train", "epoch": 6, "iter": 6550, "lr": 4e-05, "memory": 72263, "data_time": 0.00998, "decode.loss_ce": 0.47001, "decode.acc_seg": 81.78317, "aux.loss_ce": 0.18423, "aux.acc_seg": 82.3652, "loss": 0.65425, "time": 1.9819} {"mode": "train", "epoch": 6, "iter": 6600, "lr": 4e-05, "memory": 72263, "data_time": 0.01032, "decode.loss_ce": 0.4417, "decode.acc_seg": 83.34602, "aux.loss_ce": 0.17469, "aux.acc_seg": 83.47876, "loss": 0.61639, "time": 1.98117} {"mode": "train", "epoch": 6, "iter": 6650, "lr": 4e-05, "memory": 72263, "data_time": 0.00981, "decode.loss_ce": 0.47487, "decode.acc_seg": 82.32628, "aux.loss_ce": 0.1876, "aux.acc_seg": 82.42445, "loss": 0.66247, "time": 1.98139} {"mode": "train", "epoch": 6, "iter": 6700, "lr": 4e-05, "memory": 72263, "data_time": 0.01053, "decode.loss_ce": 0.43622, "decode.acc_seg": 82.71636, "aux.loss_ce": 0.17216, "aux.acc_seg": 83.07781, "loss": 0.60837, "time": 1.98448} {"mode": "train", "epoch": 6, "iter": 6750, "lr": 4e-05, "memory": 72263, "data_time": 0.0099, "decode.loss_ce": 0.48176, "decode.acc_seg": 81.23106, "aux.loss_ce": 0.19072, "aux.acc_seg": 81.37308, "loss": 0.67249, "time": 1.98159} {"mode": "train", "epoch": 6, "iter": 6800, "lr": 4e-05, "memory": 72263, "data_time": 0.01036, "decode.loss_ce": 0.4944, "decode.acc_seg": 81.46256, "aux.loss_ce": 0.19557, "aux.acc_seg": 81.71212, "loss": 0.68996, "time": 1.98055} {"mode": "train", "epoch": 6, "iter": 6850, "lr": 4e-05, "memory": 72263, "data_time": 0.01028, "decode.loss_ce": 0.48078, "decode.acc_seg": 81.70207, "aux.loss_ce": 0.18821, "aux.acc_seg": 82.23222, "loss": 0.66899, "time": 1.98383} {"mode": "train", "epoch": 6, "iter": 6900, "lr": 4e-05, "memory": 72263, "data_time": 0.00972, "decode.loss_ce": 0.46544, "decode.acc_seg": 83.06545, "aux.loss_ce": 0.18475, "aux.acc_seg": 83.05563, "loss": 0.65019, "time": 1.98284} {"mode": "train", "epoch": 6, "iter": 6950, "lr": 4e-05, "memory": 72263, "data_time": 0.01004, "decode.loss_ce": 0.46558, "decode.acc_seg": 81.57466, "aux.loss_ce": 0.18466, "aux.acc_seg": 81.88947, "loss": 0.65024, "time": 1.98017} {"mode": "train", "epoch": 6, "iter": 7000, "lr": 4e-05, "memory": 72263, "data_time": 0.00975, "decode.loss_ce": 0.48336, "decode.acc_seg": 80.96665, "aux.loss_ce": 0.18916, "aux.acc_seg": 81.35609, "loss": 0.67252, "time": 1.98198} {"mode": "val", "epoch": 6, "iter": 250, "lr": 4e-05, "aAcc": 0.8294, "mIoU": 0.519, "mAcc": 0.6746, "IoU.wall": 0.7505, "IoU.building": 0.8311, "IoU.sky": 0.9378, "IoU.floor": 0.8149, "IoU.tree": 0.7419, "IoU.ceiling": 0.8259, "IoU.road": 0.8485, "IoU.bed ": 0.9018, "IoU.windowpane": 0.6213, "IoU.grass": 0.6315, "IoU.cabinet": 0.613, "IoU.sidewalk": 0.6555, "IoU.person": 0.8053, "IoU.earth": 0.3342, "IoU.door": 0.4553, "IoU.table": 0.5973, "IoU.mountain": 0.5467, "IoU.plant": 0.555, "IoU.curtain": 0.7246, "IoU.chair": 0.5864, "IoU.car": 0.8261, "IoU.water": 0.5752, "IoU.painting": 0.7195, "IoU.sofa": 0.7694, "IoU.shelf": 0.3966, "IoU.house": 0.4601, "IoU.sea": 0.6562, "IoU.mirror": 0.7113, "IoU.rug": 0.6517, "IoU.field": 0.3177, "IoU.armchair": 0.5709, "IoU.seat": 0.6411, "IoU.fence": 0.4894, "IoU.desk": 0.4773, "IoU.rock": 0.5989, "IoU.wardrobe": 0.5107, "IoU.lamp": 0.6385, "IoU.bathtub": 0.8692, "IoU.railing": 0.3337, "IoU.cushion": 0.603, "IoU.base": 0.3712, "IoU.box": 0.341, "IoU.column": 0.4659, "IoU.signboard": 0.3614, "IoU.chest of drawers": 0.4192, "IoU.counter": 0.4189, "IoU.sand": 0.3912, "IoU.sink": 0.6735, "IoU.skyscraper": 0.4847, "IoU.fireplace": 0.7038, "IoU.refrigerator": 0.7721, "IoU.grandstand": 0.4913, "IoU.path": 0.2765, "IoU.stairs": 0.3488, "IoU.runway": 0.7335, "IoU.case": 0.5762, "IoU.pool table": 0.8815, "IoU.pillow": 0.6254, "IoU.screen door": 0.4545, "IoU.stairway": 0.3892, "IoU.river": 0.2391, "IoU.bridge": 0.6757, "IoU.bookcase": 0.3436, "IoU.blind": 0.4071, "IoU.coffee table": 0.5295, "IoU.toilet": 0.8808, "IoU.flower": 0.3786, "IoU.book": 0.4787, "IoU.hill": 0.0371, "IoU.bench": 0.4943, "IoU.countertop": 0.4582, "IoU.stove": 0.8053, "IoU.palm": 0.4949, "IoU.kitchen island": 0.3708, "IoU.computer": 0.7226, "IoU.swivel chair": 0.4366, "IoU.boat": 0.6474, "IoU.bar": 0.548, "IoU.arcade machine": 0.8063, "IoU.hovel": 0.1864, "IoU.bus": 0.8834, "IoU.towel": 0.6378, "IoU.light": 0.4692, "IoU.truck": 0.4379, "IoU.tower": 0.2794, "IoU.chandelier": 0.6464, "IoU.awning": 0.3374, "IoU.streetlight": 0.2231, "IoU.booth": 0.3537, "IoU.television receiver": 0.7618, "IoU.airplane": 0.6978, "IoU.dirt track": 0.0, "IoU.apparel": 0.4659, "IoU.pole": 0.19, "IoU.land": 0.0, "IoU.bannister": 0.0777, "IoU.escalator": 0.5348, "IoU.ottoman": 0.5381, "IoU.bottle": 0.3853, "IoU.buffet": 0.226, "IoU.poster": 0.3487, "IoU.stage": 0.3032, "IoU.van": 0.3825, "IoU.ship": 0.8314, "IoU.fountain": 0.364, "IoU.conveyer belt": 0.7091, "IoU.canopy": 0.2868, "IoU.washer": 0.8219, "IoU.plaything": 0.288, "IoU.swimming pool": 0.5683, "IoU.stool": 0.3953, "IoU.barrel": 0.4138, "IoU.basket": 0.3575, "IoU.waterfall": 0.6721, "IoU.tent": 0.9305, "IoU.bag": 0.2585, "IoU.minibike": 0.7065, "IoU.cradle": 0.7996, "IoU.oven": 0.5642, "IoU.ball": 0.5174, "IoU.food": 0.5841, "IoU.step": 0.2431, "IoU.tank": 0.8378, "IoU.trade name": 0.3033, "IoU.microwave": 0.8518, "IoU.pot": 0.4988, "IoU.animal": 0.634, "IoU.bicycle": 0.5608, "IoU.lake": 0.0, "IoU.dishwasher": 0.6427, "IoU.screen": 0.5585, "IoU.blanket": 0.3663, "IoU.sculpture": 0.622, "IoU.hood": 0.614, "IoU.sconce": 0.4791, "IoU.vase": 0.3825, "IoU.traffic light": 0.304, "IoU.tray": 0.1326, "IoU.ashcan": 0.4184, "IoU.fan": 0.5994, "IoU.pier": 0.3911, "IoU.crt screen": 0.0033, "IoU.plate": 0.5103, "IoU.monitor": 0.5385, "IoU.bulletin board": 0.5584, "IoU.shower": 0.0, "IoU.radiator": 0.6208, "IoU.glass": 0.0896, "IoU.clock": 0.4628, "IoU.flag": 0.6577, "Acc.wall": 0.8116, "Acc.building": 0.9172, "Acc.sky": 0.9738, "Acc.floor": 0.8719, "Acc.tree": 0.8511, "Acc.ceiling": 0.947, "Acc.road": 0.8941, "Acc.bed ": 0.9564, "Acc.windowpane": 0.8039, "Acc.grass": 0.8668, "Acc.cabinet": 0.7418, "Acc.sidewalk": 0.7971, "Acc.person": 0.9164, "Acc.earth": 0.4077, "Acc.door": 0.8401, "Acc.table": 0.7061, "Acc.mountain": 0.7118, "Acc.plant": 0.6608, "Acc.curtain": 0.8912, "Acc.chair": 0.7275, "Acc.car": 0.9361, "Acc.water": 0.7332, "Acc.painting": 0.8553, "Acc.sofa": 0.8571, "Acc.shelf": 0.5123, "Acc.house": 0.6612, "Acc.sea": 0.9401, "Acc.mirror": 0.8807, "Acc.rug": 0.8776, "Acc.field": 0.5885, "Acc.armchair": 0.7549, "Acc.seat": 0.8496, "Acc.fence": 0.571, "Acc.desk": 0.7833, "Acc.rock": 0.7347, "Acc.wardrobe": 0.7393, "Acc.lamp": 0.7938, "Acc.bathtub": 0.9414, "Acc.railing": 0.455, "Acc.cushion": 0.8507, "Acc.base": 0.465, "Acc.box": 0.5315, "Acc.column": 0.7446, "Acc.signboard": 0.5048, "Acc.chest of drawers": 0.7189, "Acc.counter": 0.6118, "Acc.sand": 0.5214, "Acc.sink": 0.8798, "Acc.skyscraper": 0.6777, "Acc.fireplace": 0.9354, "Acc.refrigerator": 0.8785, "Acc.grandstand": 0.8704, "Acc.path": 0.3962, "Acc.stairs": 0.4123, "Acc.runway": 0.9698, "Acc.case": 0.7002, "Acc.pool table": 0.9873, "Acc.pillow": 0.709, "Acc.screen door": 0.4775, "Acc.stairway": 0.6658, "Acc.river": 0.2802, "Acc.bridge": 0.8321, "Acc.bookcase": 0.5764, "Acc.blind": 0.4958, "Acc.coffee table": 0.8737, "Acc.toilet": 0.9423, "Acc.flower": 0.5518, "Acc.book": 0.7343, "Acc.hill": 0.0381, "Acc.bench": 0.5792, "Acc.countertop": 0.4942, "Acc.stove": 0.9237, "Acc.palm": 0.8112, "Acc.kitchen island": 0.8732, "Acc.computer": 0.9113, "Acc.swivel chair": 0.8805, "Acc.boat": 0.8612, "Acc.bar": 0.9006, "Acc.arcade machine": 0.9949, "Acc.hovel": 0.2297, "Acc.bus": 0.9665, "Acc.towel": 0.8156, "Acc.light": 0.6122, "Acc.truck": 0.5689, "Acc.tower": 0.5762, "Acc.chandelier": 0.8609, "Acc.awning": 0.4538, "Acc.streetlight": 0.3037, "Acc.booth": 0.5417, "Acc.television receiver": 0.8519, "Acc.airplane": 0.9623, "Acc.dirt track": 0.0, "Acc.apparel": 0.6442, "Acc.pole": 0.2433, "Acc.land": 0.0, "Acc.bannister": 0.1474, "Acc.escalator": 0.6915, "Acc.ottoman": 0.7865, "Acc.bottle": 0.6326, "Acc.buffet": 0.2272, "Acc.poster": 0.4503, "Acc.stage": 0.5807, "Acc.van": 0.5986, "Acc.ship": 0.8907, "Acc.fountain": 0.4061, "Acc.conveyer belt": 0.9628, "Acc.canopy": 0.3352, "Acc.washer": 0.9432, "Acc.plaything": 0.4312, "Acc.swimming pool": 0.853, "Acc.stool": 0.6463, "Acc.barrel": 0.6512, "Acc.basket": 0.561, "Acc.waterfall": 0.901, "Acc.tent": 0.9924, "Acc.bag": 0.321, "Acc.minibike": 0.8184, "Acc.cradle": 0.9922, "Acc.oven": 0.6864, "Acc.ball": 0.716, "Acc.food": 0.8679, "Acc.step": 0.3508, "Acc.tank": 0.9474, "Acc.trade name": 0.3999, "Acc.microwave": 0.946, "Acc.pot": 0.6897, "Acc.animal": 0.6922, "Acc.bicycle": 0.7422, "Acc.lake": 0.0, "Acc.dishwasher": 0.8448, "Acc.screen": 0.8563, "Acc.blanket": 0.6298, "Acc.sculpture": 0.7748, "Acc.hood": 0.7332, "Acc.sconce": 0.6326, "Acc.vase": 0.4881, "Acc.traffic light": 0.4847, "Acc.tray": 0.3257, "Acc.ashcan": 0.7054, "Acc.fan": 0.7983, "Acc.pier": 0.4556, "Acc.crt screen": 0.0039, "Acc.plate": 0.6142, "Acc.monitor": 0.7397, "Acc.bulletin board": 0.6616, "Acc.shower": 0.0, "Acc.radiator": 0.7614, "Acc.glass": 0.0923, "Acc.clock": 0.5392, "Acc.flag": 0.7349} {"mode": "train", "epoch": 6, "iter": 7050, "lr": 4e-05, "memory": 72263, "data_time": 2.20282, "decode.loss_ce": 0.48192, "decode.acc_seg": 80.88635, "aux.loss_ce": 0.18884, "aux.acc_seg": 81.2408, "loss": 0.67076, "time": 4.18652} {"mode": "train", "epoch": 6, "iter": 7100, "lr": 4e-05, "memory": 72263, "data_time": 0.00981, "decode.loss_ce": 0.44517, "decode.acc_seg": 82.7889, "aux.loss_ce": 0.17669, "aux.acc_seg": 82.97126, "loss": 0.62186, "time": 1.97896} {"mode": "train", "epoch": 6, "iter": 7150, "lr": 4e-05, "memory": 72263, "data_time": 0.01007, "decode.loss_ce": 0.43736, "decode.acc_seg": 83.2186, "aux.loss_ce": 0.17371, "aux.acc_seg": 83.51089, "loss": 0.61107, "time": 1.98256} {"mode": "train", "epoch": 6, "iter": 7200, "lr": 4e-05, "memory": 72263, "data_time": 0.01009, "decode.loss_ce": 0.47601, "decode.acc_seg": 80.93607, "aux.loss_ce": 0.18787, "aux.acc_seg": 81.35674, "loss": 0.66388, "time": 1.97964} {"mode": "train", "epoch": 6, "iter": 7250, "lr": 4e-05, "memory": 72263, "data_time": 0.01001, "decode.loss_ce": 0.4516, "decode.acc_seg": 82.68889, "aux.loss_ce": 0.17735, "aux.acc_seg": 83.24922, "loss": 0.62896, "time": 1.98164} {"mode": "train", "epoch": 6, "iter": 7300, "lr": 4e-05, "memory": 72263, "data_time": 0.00984, "decode.loss_ce": 0.48255, "decode.acc_seg": 81.59439, "aux.loss_ce": 0.18922, "aux.acc_seg": 81.83456, "loss": 0.67177, "time": 1.97779} {"mode": "train", "epoch": 6, "iter": 7350, "lr": 4e-05, "memory": 72263, "data_time": 0.01016, "decode.loss_ce": 0.435, "decode.acc_seg": 82.95597, "aux.loss_ce": 0.17273, "aux.acc_seg": 82.96213, "loss": 0.60773, "time": 1.98041} {"mode": "train", "epoch": 6, "iter": 7400, "lr": 4e-05, "memory": 72263, "data_time": 0.01044, "decode.loss_ce": 0.44027, "decode.acc_seg": 82.7079, "aux.loss_ce": 0.1743, "aux.acc_seg": 83.04109, "loss": 0.61457, "time": 1.98205} {"mode": "train", "epoch": 6, "iter": 7450, "lr": 4e-05, "memory": 72263, "data_time": 0.01016, "decode.loss_ce": 0.45727, "decode.acc_seg": 82.43241, "aux.loss_ce": 0.18223, "aux.acc_seg": 82.67589, "loss": 0.63949, "time": 1.9798} {"mode": "train", "epoch": 6, "iter": 7500, "lr": 4e-05, "memory": 72263, "data_time": 0.00979, "decode.loss_ce": 0.45331, "decode.acc_seg": 82.73113, "aux.loss_ce": 0.17854, "aux.acc_seg": 83.01347, "loss": 0.63186, "time": 1.98071} {"mode": "train", "epoch": 6, "iter": 7550, "lr": 4e-05, "memory": 72263, "data_time": 0.00975, "decode.loss_ce": 0.50723, "decode.acc_seg": 80.62716, "aux.loss_ce": 0.20012, "aux.acc_seg": 80.8184, "loss": 0.70736, "time": 1.97977} {"mode": "train", "epoch": 7, "iter": 7600, "lr": 4e-05, "memory": 72263, "data_time": 0.05763, "decode.loss_ce": 0.44636, "decode.acc_seg": 82.67216, "aux.loss_ce": 0.17728, "aux.acc_seg": 82.87139, "loss": 0.62364, "time": 2.03019} {"mode": "train", "epoch": 7, "iter": 7650, "lr": 4e-05, "memory": 72263, "data_time": 0.00966, "decode.loss_ce": 0.43022, "decode.acc_seg": 82.96564, "aux.loss_ce": 0.16985, "aux.acc_seg": 83.39445, "loss": 0.60007, "time": 1.97868} {"mode": "train", "epoch": 7, "iter": 7700, "lr": 4e-05, "memory": 72263, "data_time": 0.00996, "decode.loss_ce": 0.45059, "decode.acc_seg": 82.71055, "aux.loss_ce": 0.17739, "aux.acc_seg": 82.96361, "loss": 0.62798, "time": 1.98179} {"mode": "train", "epoch": 7, "iter": 7750, "lr": 4e-05, "memory": 72263, "data_time": 0.0098, "decode.loss_ce": 0.44795, "decode.acc_seg": 81.7621, "aux.loss_ce": 0.17729, "aux.acc_seg": 82.13554, "loss": 0.62525, "time": 1.97954} {"mode": "train", "epoch": 7, "iter": 7800, "lr": 4e-05, "memory": 72263, "data_time": 0.00988, "decode.loss_ce": 0.45518, "decode.acc_seg": 82.37449, "aux.loss_ce": 0.17967, "aux.acc_seg": 82.70704, "loss": 0.63485, "time": 1.97925} {"mode": "train", "epoch": 7, "iter": 7850, "lr": 4e-05, "memory": 72263, "data_time": 0.00964, "decode.loss_ce": 0.405, "decode.acc_seg": 84.08194, "aux.loss_ce": 0.1613, "aux.acc_seg": 84.22217, "loss": 0.5663, "time": 1.98069} {"mode": "train", "epoch": 7, "iter": 7900, "lr": 4e-05, "memory": 72263, "data_time": 0.0095, "decode.loss_ce": 0.43599, "decode.acc_seg": 83.04935, "aux.loss_ce": 0.17416, "aux.acc_seg": 83.13297, "loss": 0.61015, "time": 1.98003} {"mode": "train", "epoch": 7, "iter": 7950, "lr": 4e-05, "memory": 72263, "data_time": 0.00957, "decode.loss_ce": 0.42301, "decode.acc_seg": 83.42211, "aux.loss_ce": 0.16869, "aux.acc_seg": 83.43513, "loss": 0.5917, "time": 1.97913} {"mode": "train", "epoch": 7, "iter": 8000, "lr": 4e-05, "memory": 72263, "data_time": 0.00977, "decode.loss_ce": 0.43186, "decode.acc_seg": 82.74138, "aux.loss_ce": 0.17158, "aux.acc_seg": 82.81897, "loss": 0.60344, "time": 3.68894} {"mode": "val", "epoch": 7, "iter": 250, "lr": 4e-05, "aAcc": 0.8406, "mIoU": 0.5261, "mAcc": 0.6791, "IoU.wall": 0.7968, "IoU.building": 0.8378, "IoU.sky": 0.9402, "IoU.floor": 0.8249, "IoU.tree": 0.7586, "IoU.ceiling": 0.8519, "IoU.road": 0.8539, "IoU.bed ": 0.8992, "IoU.windowpane": 0.6427, "IoU.grass": 0.672, "IoU.cabinet": 0.6326, "IoU.sidewalk": 0.6636, "IoU.person": 0.8143, "IoU.earth": 0.3795, "IoU.door": 0.5668, "IoU.table": 0.6006, "IoU.mountain": 0.6243, "IoU.plant": 0.5572, "IoU.curtain": 0.7625, "IoU.chair": 0.5895, "IoU.car": 0.8435, "IoU.water": 0.4202, "IoU.painting": 0.7524, "IoU.sofa": 0.6963, "IoU.shelf": 0.4, "IoU.house": 0.4406, "IoU.sea": 0.7094, "IoU.mirror": 0.7616, "IoU.rug": 0.687, "IoU.field": 0.2885, "IoU.armchair": 0.4292, "IoU.seat": 0.5963, "IoU.fence": 0.497, "IoU.desk": 0.4772, "IoU.rock": 0.5554, "IoU.wardrobe": 0.5572, "IoU.lamp": 0.6346, "IoU.bathtub": 0.8502, "IoU.railing": 0.3562, "IoU.cushion": 0.6169, "IoU.base": 0.3273, "IoU.box": 0.3367, "IoU.column": 0.4983, "IoU.signboard": 0.3498, "IoU.chest of drawers": 0.485, "IoU.counter": 0.524, "IoU.sand": 0.3891, "IoU.sink": 0.7512, "IoU.skyscraper": 0.4333, "IoU.fireplace": 0.6841, "IoU.refrigerator": 0.771, "IoU.grandstand": 0.4424, "IoU.path": 0.2458, "IoU.stairs": 0.3803, "IoU.runway": 0.6932, "IoU.case": 0.515, "IoU.pool table": 0.9171, "IoU.pillow": 0.6319, "IoU.screen door": 0.7051, "IoU.stairway": 0.3645, "IoU.river": 0.146, "IoU.bridge": 0.7396, "IoU.bookcase": 0.3592, "IoU.blind": 0.3778, "IoU.coffee table": 0.56, "IoU.toilet": 0.8752, "IoU.flower": 0.3684, "IoU.book": 0.4847, "IoU.hill": 0.0987, "IoU.bench": 0.5277, "IoU.countertop": 0.6084, "IoU.stove": 0.8103, "IoU.palm": 0.5418, "IoU.kitchen island": 0.4416, "IoU.computer": 0.7154, "IoU.swivel chair": 0.464, "IoU.boat": 0.5036, "IoU.bar": 0.5904, "IoU.arcade machine": 0.8469, "IoU.hovel": 0.2555, "IoU.bus": 0.9042, "IoU.towel": 0.6755, "IoU.light": 0.4597, "IoU.truck": 0.4786, "IoU.tower": 0.2888, "IoU.chandelier": 0.6421, "IoU.awning": 0.383, "IoU.streetlight": 0.2474, "IoU.booth": 0.3846, "IoU.television receiver": 0.6847, "IoU.airplane": 0.785, "IoU.dirt track": 0.0574, "IoU.apparel": 0.5853, "IoU.pole": 0.2123, "IoU.land": 0.0149, "IoU.bannister": 0.1382, "IoU.escalator": 0.5611, "IoU.ottoman": 0.5474, "IoU.bottle": 0.4033, "IoU.buffet": 0.4753, "IoU.poster": 0.3402, "IoU.stage": 0.0975, "IoU.van": 0.4629, "IoU.ship": 0.5259, "IoU.fountain": 0.5425, "IoU.conveyer belt": 0.6578, "IoU.canopy": 0.5164, "IoU.washer": 0.7663, "IoU.plaything": 0.2882, "IoU.swimming pool": 0.7431, "IoU.stool": 0.4858, "IoU.barrel": 0.4633, "IoU.basket": 0.3725, "IoU.waterfall": 0.621, "IoU.tent": 0.9385, "IoU.bag": 0.2823, "IoU.minibike": 0.672, "IoU.cradle": 0.7856, "IoU.oven": 0.5134, "IoU.ball": 0.0, "IoU.food": 0.5894, "IoU.step": 0.1487, "IoU.tank": 0.6309, "IoU.trade name": 0.3214, "IoU.microwave": 0.8585, "IoU.pot": 0.5057, "IoU.animal": 0.7112, "IoU.bicycle": 0.5723, "IoU.lake": 0.0, "IoU.dishwasher": 0.6398, "IoU.screen": 0.5943, "IoU.blanket": 0.0893, "IoU.sculpture": 0.546, "IoU.hood": 0.672, "IoU.sconce": 0.517, "IoU.vase": 0.4116, "IoU.traffic light": 0.25, "IoU.tray": 0.1445, "IoU.ashcan": 0.4346, "IoU.fan": 0.6203, "IoU.pier": 0.3569, "IoU.crt screen": 0.0244, "IoU.plate": 0.5816, "IoU.monitor": 0.6226, "IoU.bulletin board": 0.5798, "IoU.shower": 0.0, "IoU.radiator": 0.6202, "IoU.glass": 0.1518, "IoU.clock": 0.4594, "IoU.flag": 0.6546, "Acc.wall": 0.8767, "Acc.building": 0.9239, "Acc.sky": 0.9658, "Acc.floor": 0.8852, "Acc.tree": 0.8906, "Acc.ceiling": 0.9202, "Acc.road": 0.9319, "Acc.bed ": 0.9689, "Acc.windowpane": 0.7827, "Acc.grass": 0.7782, "Acc.cabinet": 0.7147, "Acc.sidewalk": 0.8253, "Acc.person": 0.9404, "Acc.earth": 0.513, "Acc.door": 0.7046, "Acc.table": 0.6876, "Acc.mountain": 0.7337, "Acc.plant": 0.7272, "Acc.curtain": 0.865, "Acc.chair": 0.7341, "Acc.car": 0.9219, "Acc.water": 0.5029, "Acc.painting": 0.8987, "Acc.sofa": 0.9213, "Acc.shelf": 0.583, "Acc.house": 0.4877, "Acc.sea": 0.7923, "Acc.mirror": 0.852, "Acc.rug": 0.8347, "Acc.field": 0.4904, "Acc.armchair": 0.476, "Acc.seat": 0.8408, "Acc.fence": 0.6517, "Acc.desk": 0.8226, "Acc.rock": 0.8264, "Acc.wardrobe": 0.7732, "Acc.lamp": 0.8055, "Acc.bathtub": 0.921, "Acc.railing": 0.4882, "Acc.cushion": 0.7606, "Acc.base": 0.4195, "Acc.box": 0.6369, "Acc.column": 0.7536, "Acc.signboard": 0.4626, "Acc.chest of drawers": 0.6645, "Acc.counter": 0.6484, "Acc.sand": 0.5428, "Acc.sink": 0.8848, "Acc.skyscraper": 0.4607, "Acc.fireplace": 0.9639, "Acc.refrigerator": 0.8561, "Acc.grandstand": 0.9022, "Acc.path": 0.295, "Acc.stairs": 0.4817, "Acc.runway": 0.9344, "Acc.case": 0.7914, "Acc.pool table": 0.9826, "Acc.pillow": 0.764, "Acc.screen door": 0.841, "Acc.stairway": 0.3875, "Acc.river": 0.6769, "Acc.bridge": 0.8552, "Acc.bookcase": 0.6199, "Acc.blind": 0.4073, "Acc.coffee table": 0.8587, "Acc.toilet": 0.9575, "Acc.flower": 0.528, "Acc.book": 0.671, "Acc.hill": 0.2637, "Acc.bench": 0.6505, "Acc.countertop": 0.8635, "Acc.stove": 0.8901, "Acc.palm": 0.7656, "Acc.kitchen island": 0.7835, "Acc.computer": 0.9206, "Acc.swivel chair": 0.8839, "Acc.boat": 0.9447, "Acc.bar": 0.744, "Acc.arcade machine": 0.9864, "Acc.hovel": 0.2588, "Acc.bus": 0.9525, "Acc.towel": 0.8023, "Acc.light": 0.5218, "Acc.truck": 0.5813, "Acc.tower": 0.6425, "Acc.chandelier": 0.8887, "Acc.awning": 0.6153, "Acc.streetlight": 0.3335, "Acc.booth": 0.5724, "Acc.television receiver": 0.8648, "Acc.airplane": 0.95, "Acc.dirt track": 0.1793, "Acc.apparel": 0.7141, "Acc.pole": 0.2998, "Acc.land": 0.0239, "Acc.bannister": 0.2145, "Acc.escalator": 0.8935, "Acc.ottoman": 0.7596, "Acc.bottle": 0.6702, "Acc.buffet": 0.7975, "Acc.poster": 0.4227, "Acc.stage": 0.1153, "Acc.van": 0.7008, "Acc.ship": 0.537, "Acc.fountain": 0.5755, "Acc.conveyer belt": 0.9875, "Acc.canopy": 0.7043, "Acc.washer": 0.8687, "Acc.plaything": 0.4308, "Acc.swimming pool": 0.7842, "Acc.stool": 0.6195, "Acc.barrel": 0.6557, "Acc.basket": 0.4825, "Acc.waterfall": 0.9258, "Acc.tent": 0.9872, "Acc.bag": 0.3566, "Acc.minibike": 0.8945, "Acc.cradle": 0.9917, "Acc.oven": 0.674, "Acc.ball": 0.0, "Acc.food": 0.8752, "Acc.step": 0.1983, "Acc.tank": 0.9817, "Acc.trade name": 0.625, "Acc.microwave": 0.948, "Acc.pot": 0.6135, "Acc.animal": 0.7691, "Acc.bicycle": 0.8478, "Acc.lake": 0.0, "Acc.dishwasher": 0.6931, "Acc.screen": 0.7604, "Acc.blanket": 0.0974, "Acc.sculpture": 0.8765, "Acc.hood": 0.8109, "Acc.sconce": 0.7287, "Acc.vase": 0.5513, "Acc.traffic light": 0.6485, "Acc.tray": 0.1691, "Acc.ashcan": 0.7287, "Acc.fan": 0.7806, "Acc.pier": 0.3957, "Acc.crt screen": 0.0334, "Acc.plate": 0.7538, "Acc.monitor": 0.6871, "Acc.bulletin board": 0.6967, "Acc.shower": 0.0, "Acc.radiator": 0.7977, "Acc.glass": 0.1689, "Acc.clock": 0.6186, "Acc.flag": 0.7882} {"mode": "train", "epoch": 7, "iter": 8050, "lr": 4e-05, "memory": 72263, "data_time": 2.19401, "decode.loss_ce": 0.47463, "decode.acc_seg": 81.43995, "aux.loss_ce": 0.18776, "aux.acc_seg": 81.67754, "loss": 0.66239, "time": 4.16581} {"mode": "train", "epoch": 7, "iter": 8100, "lr": 4e-05, "memory": 72263, "data_time": 0.00961, "decode.loss_ce": 0.45981, "decode.acc_seg": 82.46337, "aux.loss_ce": 0.18178, "aux.acc_seg": 82.54502, "loss": 0.64158, "time": 1.97823} {"mode": "train", "epoch": 7, "iter": 8150, "lr": 4e-05, "memory": 72263, "data_time": 0.00968, "decode.loss_ce": 0.42638, "decode.acc_seg": 83.52982, "aux.loss_ce": 0.169, "aux.acc_seg": 83.51555, "loss": 0.59538, "time": 1.98192} {"mode": "train", "epoch": 7, "iter": 8200, "lr": 4e-05, "memory": 72263, "data_time": 0.00967, "decode.loss_ce": 0.45087, "decode.acc_seg": 81.83845, "aux.loss_ce": 0.17859, "aux.acc_seg": 82.21037, "loss": 0.62946, "time": 1.97904} {"mode": "train", "epoch": 7, "iter": 8250, "lr": 4e-05, "memory": 72263, "data_time": 0.00973, "decode.loss_ce": 0.41839, "decode.acc_seg": 83.76656, "aux.loss_ce": 0.16607, "aux.acc_seg": 83.89645, "loss": 0.58447, "time": 1.98017} {"mode": "train", "epoch": 7, "iter": 8300, "lr": 4e-05, "memory": 72263, "data_time": 0.01051, "decode.loss_ce": 0.43037, "decode.acc_seg": 83.37778, "aux.loss_ce": 0.17085, "aux.acc_seg": 83.4368, "loss": 0.60122, "time": 1.98262} {"mode": "train", "epoch": 7, "iter": 8350, "lr": 4e-05, "memory": 72263, "data_time": 0.00998, "decode.loss_ce": 0.44087, "decode.acc_seg": 83.09727, "aux.loss_ce": 0.17443, "aux.acc_seg": 83.20141, "loss": 0.6153, "time": 1.98154} {"mode": "train", "epoch": 7, "iter": 8400, "lr": 4e-05, "memory": 72263, "data_time": 0.01082, "decode.loss_ce": 0.40725, "decode.acc_seg": 84.39425, "aux.loss_ce": 0.163, "aux.acc_seg": 84.30924, "loss": 0.57025, "time": 1.98108} {"mode": "train", "epoch": 7, "iter": 8450, "lr": 4e-05, "memory": 72263, "data_time": 0.00997, "decode.loss_ce": 0.44611, "decode.acc_seg": 82.655, "aux.loss_ce": 0.17695, "aux.acc_seg": 82.79651, "loss": 0.62306, "time": 1.97953} {"mode": "train", "epoch": 7, "iter": 8500, "lr": 4e-05, "memory": 72263, "data_time": 0.01034, "decode.loss_ce": 0.42936, "decode.acc_seg": 83.10239, "aux.loss_ce": 0.16906, "aux.acc_seg": 83.36602, "loss": 0.59843, "time": 1.98188} {"mode": "train", "epoch": 7, "iter": 8550, "lr": 4e-05, "memory": 72263, "data_time": 0.00976, "decode.loss_ce": 0.43467, "decode.acc_seg": 82.7676, "aux.loss_ce": 0.17258, "aux.acc_seg": 82.99844, "loss": 0.60725, "time": 1.98158} {"mode": "train", "epoch": 7, "iter": 8600, "lr": 4e-05, "memory": 72263, "data_time": 0.01064, "decode.loss_ce": 0.43083, "decode.acc_seg": 82.79894, "aux.loss_ce": 0.17055, "aux.acc_seg": 83.05066, "loss": 0.60138, "time": 1.98238} {"mode": "train", "epoch": 7, "iter": 8650, "lr": 4e-05, "memory": 72263, "data_time": 0.01033, "decode.loss_ce": 0.45313, "decode.acc_seg": 82.4098, "aux.loss_ce": 0.17987, "aux.acc_seg": 82.65705, "loss": 0.633, "time": 1.98177} {"mode": "train", "epoch": 7, "iter": 8700, "lr": 4e-05, "memory": 72263, "data_time": 0.01042, "decode.loss_ce": 0.44502, "decode.acc_seg": 82.38444, "aux.loss_ce": 0.17806, "aux.acc_seg": 82.24093, "loss": 0.62308, "time": 1.98033} {"mode": "train", "epoch": 7, "iter": 8750, "lr": 4e-05, "memory": 72263, "data_time": 0.01024, "decode.loss_ce": 0.41722, "decode.acc_seg": 83.25677, "aux.loss_ce": 0.16567, "aux.acc_seg": 83.45694, "loss": 0.58289, "time": 1.97967} {"mode": "train", "epoch": 7, "iter": 8800, "lr": 4e-05, "memory": 72263, "data_time": 0.01, "decode.loss_ce": 0.43354, "decode.acc_seg": 83.09184, "aux.loss_ce": 0.17089, "aux.acc_seg": 83.30197, "loss": 0.60443, "time": 1.98229} {"mode": "train", "epoch": 8, "iter": 8850, "lr": 4e-05, "memory": 72263, "data_time": 0.05431, "decode.loss_ce": 0.42461, "decode.acc_seg": 83.68129, "aux.loss_ce": 0.16968, "aux.acc_seg": 83.83919, "loss": 0.59429, "time": 2.02321} {"mode": "train", "epoch": 8, "iter": 8900, "lr": 4e-05, "memory": 72263, "data_time": 0.01021, "decode.loss_ce": 0.39503, "decode.acc_seg": 84.5868, "aux.loss_ce": 0.15649, "aux.acc_seg": 84.54902, "loss": 0.55152, "time": 1.98108} {"mode": "train", "epoch": 8, "iter": 8950, "lr": 4e-05, "memory": 72263, "data_time": 0.01033, "decode.loss_ce": 0.40927, "decode.acc_seg": 83.55927, "aux.loss_ce": 0.16257, "aux.acc_seg": 83.64131, "loss": 0.57184, "time": 1.97933} {"mode": "train", "epoch": 8, "iter": 9000, "lr": 4e-05, "memory": 72263, "data_time": 0.01016, "decode.loss_ce": 0.42045, "decode.acc_seg": 83.42258, "aux.loss_ce": 0.16666, "aux.acc_seg": 83.49738, "loss": 0.58712, "time": 1.98317} {"mode": "val", "epoch": 8, "iter": 250, "lr": 4e-05, "aAcc": 0.8398, "mIoU": 0.5231, "mAcc": 0.6661, "IoU.wall": 0.7944, "IoU.building": 0.8338, "IoU.sky": 0.9422, "IoU.floor": 0.8206, "IoU.tree": 0.7518, "IoU.ceiling": 0.8526, "IoU.road": 0.8496, "IoU.bed ": 0.9112, "IoU.windowpane": 0.6454, "IoU.grass": 0.6127, "IoU.cabinet": 0.6251, "IoU.sidewalk": 0.6733, "IoU.person": 0.8243, "IoU.earth": 0.2886, "IoU.door": 0.5608, "IoU.table": 0.6135, "IoU.mountain": 0.5896, "IoU.plant": 0.565, "IoU.curtain": 0.7624, "IoU.chair": 0.5747, "IoU.car": 0.8532, "IoU.water": 0.5626, "IoU.painting": 0.7792, "IoU.sofa": 0.7135, "IoU.shelf": 0.3842, "IoU.house": 0.3825, "IoU.sea": 0.6154, "IoU.mirror": 0.7663, "IoU.rug": 0.6619, "IoU.field": 0.3137, "IoU.armchair": 0.5775, "IoU.seat": 0.5949, "IoU.fence": 0.5298, "IoU.desk": 0.5013, "IoU.rock": 0.4822, "IoU.wardrobe": 0.518, "IoU.lamp": 0.666, "IoU.bathtub": 0.8645, "IoU.railing": 0.3893, "IoU.cushion": 0.5262, "IoU.base": 0.337, "IoU.box": 0.3213, "IoU.column": 0.4922, "IoU.signboard": 0.3777, "IoU.chest of drawers": 0.4911, "IoU.counter": 0.3062, "IoU.sand": 0.4545, "IoU.sink": 0.7342, "IoU.skyscraper": 0.5178, "IoU.fireplace": 0.6686, "IoU.refrigerator": 0.8001, "IoU.grandstand": 0.4713, "IoU.path": 0.2802, "IoU.stairs": 0.286, "IoU.runway": 0.7101, "IoU.case": 0.4322, "IoU.pool table": 0.921, "IoU.pillow": 0.3354, "IoU.screen door": 0.7762, "IoU.stairway": 0.4418, "IoU.river": 0.1828, "IoU.bridge": 0.73, "IoU.bookcase": 0.3494, "IoU.blind": 0.3763, "IoU.coffee table": 0.5357, "IoU.toilet": 0.8698, "IoU.flower": 0.3555, "IoU.book": 0.4994, "IoU.hill": 0.0578, "IoU.bench": 0.6441, "IoU.countertop": 0.565, "IoU.stove": 0.798, "IoU.palm": 0.4949, "IoU.kitchen island": 0.4005, "IoU.computer": 0.757, "IoU.swivel chair": 0.464, "IoU.boat": 0.488, "IoU.bar": 0.6031, "IoU.arcade machine": 0.8678, "IoU.hovel": 0.4368, "IoU.bus": 0.9225, "IoU.towel": 0.6757, "IoU.light": 0.4635, "IoU.truck": 0.4546, "IoU.tower": 0.3097, "IoU.chandelier": 0.676, "IoU.awning": 0.3454, "IoU.streetlight": 0.2041, "IoU.booth": 0.365, "IoU.television receiver": 0.7461, "IoU.airplane": 0.8132, "IoU.dirt track": 0.0, "IoU.apparel": 0.4227, "IoU.pole": 0.2067, "IoU.land": 0.0019, "IoU.bannister": 0.0926, "IoU.escalator": 0.574, "IoU.ottoman": 0.5117, "IoU.bottle": 0.4026, "IoU.buffet": 0.4942, "IoU.poster": 0.3856, "IoU.stage": 0.2334, "IoU.van": 0.4615, "IoU.ship": 0.2272, "IoU.fountain": 0.3635, "IoU.conveyer belt": 0.8598, "IoU.canopy": 0.3218, "IoU.washer": 0.8555, "IoU.plaything": 0.2681, "IoU.swimming pool": 0.5911, "IoU.stool": 0.3639, "IoU.barrel": 0.3409, "IoU.basket": 0.3989, "IoU.waterfall": 0.689, "IoU.tent": 0.9379, "IoU.bag": 0.2337, "IoU.minibike": 0.7172, "IoU.cradle": 0.8371, "IoU.oven": 0.556, "IoU.ball": 0.5329, "IoU.food": 0.6085, "IoU.step": 0.0654, "IoU.tank": 0.4753, "IoU.trade name": 0.2755, "IoU.microwave": 0.8603, "IoU.pot": 0.5448, "IoU.animal": 0.7291, "IoU.bicycle": 0.586, "IoU.lake": 0.4403, "IoU.dishwasher": 0.6852, "IoU.screen": 0.6079, "IoU.blanket": 0.2421, "IoU.sculpture": 0.5522, "IoU.hood": 0.6348, "IoU.sconce": 0.5384, "IoU.vase": 0.4223, "IoU.traffic light": 0.2708, "IoU.tray": 0.1197, "IoU.ashcan": 0.469, "IoU.fan": 0.6158, "IoU.pier": 0.3215, "IoU.crt screen": 0.0018, "IoU.plate": 0.5629, "IoU.monitor": 0.1967, "IoU.bulletin board": 0.5635, "IoU.shower": 0.0, "IoU.radiator": 0.6282, "IoU.glass": 0.1922, "IoU.clock": 0.4771, "IoU.flag": 0.5145, "Acc.wall": 0.887, "Acc.building": 0.9226, "Acc.sky": 0.9736, "Acc.floor": 0.8972, "Acc.tree": 0.9014, "Acc.ceiling": 0.9361, "Acc.road": 0.9414, "Acc.bed ": 0.9626, "Acc.windowpane": 0.7911, "Acc.grass": 0.7342, "Acc.cabinet": 0.7129, "Acc.sidewalk": 0.7768, "Acc.person": 0.8972, "Acc.earth": 0.3567, "Acc.door": 0.7023, "Acc.table": 0.7627, "Acc.mountain": 0.7771, "Acc.plant": 0.7138, "Acc.curtain": 0.8666, "Acc.chair": 0.6347, "Acc.car": 0.9174, "Acc.water": 0.6832, "Acc.painting": 0.8815, "Acc.sofa": 0.9133, "Acc.shelf": 0.4562, "Acc.house": 0.4084, "Acc.sea": 0.8649, "Acc.mirror": 0.8717, "Acc.rug": 0.8261, "Acc.field": 0.6422, "Acc.armchair": 0.7711, "Acc.seat": 0.6886, "Acc.fence": 0.6939, "Acc.desk": 0.5959, "Acc.rock": 0.6524, "Acc.wardrobe": 0.8815, "Acc.lamp": 0.7719, "Acc.bathtub": 0.9357, "Acc.railing": 0.5263, "Acc.cushion": 0.8562, "Acc.base": 0.8199, "Acc.box": 0.3756, "Acc.column": 0.6456, "Acc.signboard": 0.4794, "Acc.chest of drawers": 0.6783, "Acc.counter": 0.3826, "Acc.sand": 0.8104, "Acc.sink": 0.8107, "Acc.skyscraper": 0.6846, "Acc.fireplace": 0.9473, "Acc.refrigerator": 0.8503, "Acc.grandstand": 0.8622, "Acc.path": 0.3604, "Acc.stairs": 0.3276, "Acc.runway": 0.9733, "Acc.case": 0.4428, "Acc.pool table": 0.9837, "Acc.pillow": 0.3529, "Acc.screen door": 0.9424, "Acc.stairway": 0.7884, "Acc.river": 0.3507, "Acc.bridge": 0.8939, "Acc.bookcase": 0.5823, "Acc.blind": 0.4041, "Acc.coffee table": 0.8889, "Acc.toilet": 0.9588, "Acc.flower": 0.6234, "Acc.book": 0.6966, "Acc.hill": 0.0922, "Acc.bench": 0.7393, "Acc.countertop": 0.8063, "Acc.stove": 0.904, "Acc.palm": 0.8862, "Acc.kitchen island": 0.5471, "Acc.computer": 0.857, "Acc.swivel chair": 0.8191, "Acc.boat": 0.8474, "Acc.bar": 0.8689, "Acc.arcade machine": 0.9865, "Acc.hovel": 0.8991, "Acc.bus": 0.9422, "Acc.towel": 0.7566, "Acc.light": 0.5084, "Acc.truck": 0.4971, "Acc.tower": 0.7183, "Acc.chandelier": 0.8212, "Acc.awning": 0.5022, "Acc.streetlight": 0.2495, "Acc.booth": 0.3857, "Acc.television receiver": 0.8266, "Acc.airplane": 0.8526, "Acc.dirt track": 0.0, "Acc.apparel": 0.4795, "Acc.pole": 0.2477, "Acc.land": 0.003, "Acc.bannister": 0.1055, "Acc.escalator": 0.878, "Acc.ottoman": 0.8175, "Acc.bottle": 0.7199, "Acc.buffet": 0.6827, "Acc.poster": 0.5126, "Acc.stage": 0.5009, "Acc.van": 0.7122, "Acc.ship": 0.2483, "Acc.fountain": 0.4039, "Acc.conveyer belt": 0.9558, "Acc.canopy": 0.4585, "Acc.washer": 0.9332, "Acc.plaything": 0.3389, "Acc.swimming pool": 0.5925, "Acc.stool": 0.6772, "Acc.barrel": 0.8388, "Acc.basket": 0.5766, "Acc.waterfall": 0.8372, "Acc.tent": 0.9858, "Acc.bag": 0.2692, "Acc.minibike": 0.8332, "Acc.cradle": 0.9779, "Acc.oven": 0.6497, "Acc.ball": 0.6986, "Acc.food": 0.7698, "Acc.step": 0.0751, "Acc.tank": 0.67, "Acc.trade name": 0.3152, "Acc.microwave": 0.9316, "Acc.pot": 0.62, "Acc.animal": 0.7925, "Acc.bicycle": 0.7861, "Acc.lake": 0.6094, "Acc.dishwasher": 0.8246, "Acc.screen": 0.9332, "Acc.blanket": 0.286, "Acc.sculpture": 0.8728, "Acc.hood": 0.697, "Acc.sconce": 0.7106, "Acc.vase": 0.5351, "Acc.traffic light": 0.6214, "Acc.tray": 0.1369, "Acc.ashcan": 0.6169, "Acc.fan": 0.7837, "Acc.pier": 0.4031, "Acc.crt screen": 0.0042, "Acc.plate": 0.787, "Acc.monitor": 0.2545, "Acc.bulletin board": 0.59, "Acc.shower": 0.0, "Acc.radiator": 0.807, "Acc.glass": 0.2304, "Acc.clock": 0.5567, "Acc.flag": 0.5474} {"mode": "train", "epoch": 8, "iter": 9050, "lr": 4e-05, "memory": 72263, "data_time": 2.35899, "decode.loss_ce": 0.42922, "decode.acc_seg": 82.88605, "aux.loss_ce": 0.17091, "aux.acc_seg": 83.12051, "loss": 0.60013, "time": 4.33032} {"mode": "train", "epoch": 8, "iter": 9100, "lr": 4e-05, "memory": 72263, "data_time": 0.01035, "decode.loss_ce": 0.38967, "decode.acc_seg": 84.02114, "aux.loss_ce": 0.15502, "aux.acc_seg": 84.17209, "loss": 0.54469, "time": 1.98074} {"mode": "train", "epoch": 8, "iter": 9150, "lr": 4e-05, "memory": 72263, "data_time": 0.00993, "decode.loss_ce": 0.40234, "decode.acc_seg": 84.10953, "aux.loss_ce": 0.16099, "aux.acc_seg": 84.06424, "loss": 0.56332, "time": 1.97966} {"mode": "train", "epoch": 8, "iter": 9200, "lr": 4e-05, "memory": 72263, "data_time": 0.00987, "decode.loss_ce": 0.37123, "decode.acc_seg": 85.30729, "aux.loss_ce": 0.14798, "aux.acc_seg": 85.37302, "loss": 0.51921, "time": 1.97944} {"mode": "train", "epoch": 8, "iter": 9250, "lr": 4e-05, "memory": 72263, "data_time": 0.00964, "decode.loss_ce": 0.3973, "decode.acc_seg": 84.41058, "aux.loss_ce": 0.15895, "aux.acc_seg": 84.54975, "loss": 0.55625, "time": 1.98315} {"mode": "train", "epoch": 8, "iter": 9300, "lr": 4e-05, "memory": 72263, "data_time": 0.01029, "decode.loss_ce": 0.40222, "decode.acc_seg": 84.16983, "aux.loss_ce": 0.16082, "aux.acc_seg": 84.20379, "loss": 0.56304, "time": 1.98003} {"mode": "train", "epoch": 8, "iter": 9350, "lr": 4e-05, "memory": 72263, "data_time": 0.01032, "decode.loss_ce": 0.43502, "decode.acc_seg": 83.6514, "aux.loss_ce": 0.1718, "aux.acc_seg": 83.79221, "loss": 0.60682, "time": 1.98055} {"mode": "train", "epoch": 8, "iter": 9400, "lr": 4e-05, "memory": 72263, "data_time": 0.00989, "decode.loss_ce": 0.41312, "decode.acc_seg": 83.89637, "aux.loss_ce": 0.16292, "aux.acc_seg": 84.03818, "loss": 0.57605, "time": 1.97847} {"mode": "train", "epoch": 8, "iter": 9450, "lr": 4e-05, "memory": 72263, "data_time": 0.01035, "decode.loss_ce": 0.43741, "decode.acc_seg": 83.30943, "aux.loss_ce": 0.17444, "aux.acc_seg": 83.32904, "loss": 0.61185, "time": 1.98148} {"mode": "train", "epoch": 8, "iter": 9500, "lr": 4e-05, "memory": 72263, "data_time": 0.00978, "decode.loss_ce": 0.41911, "decode.acc_seg": 84.05219, "aux.loss_ce": 0.16624, "aux.acc_seg": 84.13161, "loss": 0.58536, "time": 1.97934} {"mode": "train", "epoch": 8, "iter": 9550, "lr": 4e-05, "memory": 72263, "data_time": 0.00999, "decode.loss_ce": 0.41476, "decode.acc_seg": 84.3823, "aux.loss_ce": 0.16483, "aux.acc_seg": 84.53672, "loss": 0.57959, "time": 1.98048} {"mode": "train", "epoch": 8, "iter": 9600, "lr": 4e-05, "memory": 72263, "data_time": 0.01003, "decode.loss_ce": 0.40637, "decode.acc_seg": 84.80099, "aux.loss_ce": 0.16118, "aux.acc_seg": 85.01383, "loss": 0.56754, "time": 1.98089} {"mode": "train", "epoch": 8, "iter": 9650, "lr": 4e-05, "memory": 72263, "data_time": 0.01059, "decode.loss_ce": 0.41789, "decode.acc_seg": 83.50967, "aux.loss_ce": 0.16777, "aux.acc_seg": 83.3618, "loss": 0.58566, "time": 1.98012} {"mode": "train", "epoch": 8, "iter": 9700, "lr": 4e-05, "memory": 72263, "data_time": 0.00984, "decode.loss_ce": 0.41253, "decode.acc_seg": 83.92846, "aux.loss_ce": 0.16549, "aux.acc_seg": 84.01416, "loss": 0.57802, "time": 1.9808} {"mode": "train", "epoch": 8, "iter": 9750, "lr": 4e-05, "memory": 72263, "data_time": 0.01002, "decode.loss_ce": 0.42292, "decode.acc_seg": 82.97898, "aux.loss_ce": 0.16859, "aux.acc_seg": 82.7961, "loss": 0.5915, "time": 1.98024} {"mode": "train", "epoch": 8, "iter": 9800, "lr": 4e-05, "memory": 72263, "data_time": 0.01024, "decode.loss_ce": 0.43119, "decode.acc_seg": 83.08709, "aux.loss_ce": 0.17139, "aux.acc_seg": 82.94455, "loss": 0.60257, "time": 1.984} {"mode": "train", "epoch": 8, "iter": 9850, "lr": 4e-05, "memory": 72263, "data_time": 0.00994, "decode.loss_ce": 0.4289, "decode.acc_seg": 83.49246, "aux.loss_ce": 0.17034, "aux.acc_seg": 83.51969, "loss": 0.59925, "time": 1.97868} {"mode": "train", "epoch": 8, "iter": 9900, "lr": 4e-05, "memory": 72263, "data_time": 0.00972, "decode.loss_ce": 0.4153, "decode.acc_seg": 82.96473, "aux.loss_ce": 0.16574, "aux.acc_seg": 83.03078, "loss": 0.58104, "time": 1.98166} {"mode": "train", "epoch": 8, "iter": 9950, "lr": 4e-05, "memory": 72263, "data_time": 0.00994, "decode.loss_ce": 0.40999, "decode.acc_seg": 83.9287, "aux.loss_ce": 0.16353, "aux.acc_seg": 83.97773, "loss": 0.57351, "time": 1.97984} {"mode": "train", "epoch": 8, "iter": 10000, "lr": 4e-05, "memory": 72263, "data_time": 0.00959, "decode.loss_ce": 0.41685, "decode.acc_seg": 83.972, "aux.loss_ce": 0.16661, "aux.acc_seg": 84.07048, "loss": 0.58346, "time": 3.66982} {"mode": "val", "epoch": 8, "iter": 250, "lr": 4e-05, "aAcc": 0.8444, "mIoU": 0.5326, "mAcc": 0.6775, "IoU.wall": 0.803, "IoU.building": 0.8419, "IoU.sky": 0.9426, "IoU.floor": 0.8283, "IoU.tree": 0.752, "IoU.ceiling": 0.8541, "IoU.road": 0.8481, "IoU.bed ": 0.906, "IoU.windowpane": 0.6277, "IoU.grass": 0.6552, "IoU.cabinet": 0.6253, "IoU.sidewalk": 0.6768, "IoU.person": 0.8317, "IoU.earth": 0.3327, "IoU.door": 0.5764, "IoU.table": 0.6188, "IoU.mountain": 0.6626, "IoU.plant": 0.5611, "IoU.curtain": 0.77, "IoU.chair": 0.5984, "IoU.car": 0.8457, "IoU.water": 0.4522, "IoU.painting": 0.7875, "IoU.sofa": 0.7638, "IoU.shelf": 0.445, "IoU.house": 0.4952, "IoU.sea": 0.6991, "IoU.mirror": 0.7528, "IoU.rug": 0.6514, "IoU.field": 0.3412, "IoU.armchair": 0.575, "IoU.seat": 0.5818, "IoU.fence": 0.4992, "IoU.desk": 0.4259, "IoU.rock": 0.555, "IoU.wardrobe": 0.5088, "IoU.lamp": 0.6743, "IoU.bathtub": 0.8174, "IoU.railing": 0.3772, "IoU.cushion": 0.6253, "IoU.base": 0.4337, "IoU.box": 0.3441, "IoU.column": 0.5642, "IoU.signboard": 0.3462, "IoU.chest of drawers": 0.5328, "IoU.counter": 0.4554, "IoU.sand": 0.4822, "IoU.sink": 0.7289, "IoU.skyscraper": 0.3969, "IoU.fireplace": 0.7083, "IoU.refrigerator": 0.7892, "IoU.grandstand": 0.4884, "IoU.path": 0.2294, "IoU.stairs": 0.3956, "IoU.runway": 0.7028, "IoU.case": 0.433, "IoU.pool table": 0.9313, "IoU.pillow": 0.6066, "IoU.screen door": 0.8039, "IoU.stairway": 0.5319, "IoU.river": 0.1212, "IoU.bridge": 0.6701, "IoU.bookcase": 0.3256, "IoU.blind": 0.4993, "IoU.coffee table": 0.5571, "IoU.toilet": 0.8672, "IoU.flower": 0.4053, "IoU.book": 0.5304, "IoU.hill": 0.0492, "IoU.bench": 0.5613, "IoU.countertop": 0.5811, "IoU.stove": 0.823, "IoU.palm": 0.5353, "IoU.kitchen island": 0.4103, "IoU.computer": 0.7473, "IoU.swivel chair": 0.4834, "IoU.boat": 0.7245, "IoU.bar": 0.6342, "IoU.arcade machine": 0.8899, "IoU.hovel": 0.2294, "IoU.bus": 0.9103, "IoU.towel": 0.712, "IoU.light": 0.5275, "IoU.truck": 0.4717, "IoU.tower": 0.1004, "IoU.chandelier": 0.6451, "IoU.awning": 0.3311, "IoU.streetlight": 0.2883, "IoU.booth": 0.3149, "IoU.television receiver": 0.7037, "IoU.airplane": 0.7983, "IoU.dirt track": 0.0523, "IoU.apparel": 0.5103, "IoU.pole": 0.2118, "IoU.land": 0.0025, "IoU.bannister": 0.1791, "IoU.escalator": 0.5374, "IoU.ottoman": 0.5646, "IoU.bottle": 0.4126, "IoU.buffet": 0.5632, "IoU.poster": 0.2674, "IoU.stage": 0.2006, "IoU.van": 0.2633, "IoU.ship": 0.6726, "IoU.fountain": 0.4561, "IoU.conveyer belt": 0.6095, "IoU.canopy": 0.4758, "IoU.washer": 0.7778, "IoU.plaything": 0.4128, "IoU.swimming pool": 0.5262, "IoU.stool": 0.4777, "IoU.barrel": 0.4619, "IoU.basket": 0.4041, "IoU.waterfall": 0.7259, "IoU.tent": 0.9083, "IoU.bag": 0.1888, "IoU.minibike": 0.7048, "IoU.cradle": 0.8448, "IoU.oven": 0.6243, "IoU.ball": 0.0998, "IoU.food": 0.6009, "IoU.step": 0.1353, "IoU.tank": 0.5551, "IoU.trade name": 0.0888, "IoU.microwave": 0.876, "IoU.pot": 0.5459, "IoU.animal": 0.6488, "IoU.bicycle": 0.593, "IoU.lake": 0.0, "IoU.dishwasher": 0.6626, "IoU.screen": 0.5923, "IoU.blanket": 0.2224, "IoU.sculpture": 0.5747, "IoU.hood": 0.6838, "IoU.sconce": 0.538, "IoU.vase": 0.4019, "IoU.traffic light": 0.2955, "IoU.tray": 0.1445, "IoU.ashcan": 0.4954, "IoU.fan": 0.6619, "IoU.pier": 0.3849, "IoU.crt screen": 0.0033, "IoU.plate": 0.5715, "IoU.monitor": 0.4478, "IoU.bulletin board": 0.5859, "IoU.shower": 0.0, "IoU.radiator": 0.6185, "IoU.glass": 0.1252, "IoU.clock": 0.4828, "IoU.flag": 0.6711, "Acc.wall": 0.8811, "Acc.building": 0.9177, "Acc.sky": 0.9691, "Acc.floor": 0.8914, "Acc.tree": 0.9072, "Acc.ceiling": 0.9254, "Acc.road": 0.9015, "Acc.bed ": 0.9396, "Acc.windowpane": 0.7663, "Acc.grass": 0.9039, "Acc.cabinet": 0.7064, "Acc.sidewalk": 0.8257, "Acc.person": 0.9298, "Acc.earth": 0.3985, "Acc.door": 0.7458, "Acc.table": 0.7646, "Acc.mountain": 0.8215, "Acc.plant": 0.7182, "Acc.curtain": 0.8842, "Acc.chair": 0.6805, "Acc.car": 0.9314, "Acc.water": 0.5218, "Acc.painting": 0.8529, "Acc.sofa": 0.9143, "Acc.shelf": 0.5895, "Acc.house": 0.6648, "Acc.sea": 0.7565, "Acc.mirror": 0.8629, "Acc.rug": 0.861, "Acc.field": 0.4915, "Acc.armchair": 0.767, "Acc.seat": 0.768, "Acc.fence": 0.6985, "Acc.desk": 0.7999, "Acc.rock": 0.7498, "Acc.wardrobe": 0.7525, "Acc.lamp": 0.8295, "Acc.bathtub": 0.8454, "Acc.railing": 0.5049, "Acc.cushion": 0.8552, "Acc.base": 0.5604, "Acc.box": 0.555, "Acc.column": 0.7032, "Acc.signboard": 0.5393, "Acc.chest of drawers": 0.6983, "Acc.counter": 0.7317, "Acc.sand": 0.746, "Acc.sink": 0.8327, "Acc.skyscraper": 0.452, "Acc.fireplace": 0.9276, "Acc.refrigerator": 0.9074, "Acc.grandstand": 0.8741, "Acc.path": 0.2641, "Acc.stairs": 0.5068, "Acc.runway": 0.9243, "Acc.case": 0.6738, "Acc.pool table": 0.9809, "Acc.pillow": 0.705, "Acc.screen door": 0.956, "Acc.stairway": 0.6836, "Acc.river": 0.6906, "Acc.bridge": 0.8642, "Acc.bookcase": 0.5455, "Acc.blind": 0.6537, "Acc.coffee table": 0.8714, "Acc.toilet": 0.9501, "Acc.flower": 0.5411, "Acc.book": 0.7845, "Acc.hill": 0.0628, "Acc.bench": 0.6254, "Acc.countertop": 0.7703, "Acc.stove": 0.924, "Acc.palm": 0.7403, "Acc.kitchen island": 0.8939, "Acc.computer": 0.931, "Acc.swivel chair": 0.8005, "Acc.boat": 0.8874, "Acc.bar": 0.7779, "Acc.arcade machine": 0.9791, "Acc.hovel": 0.2382, "Acc.bus": 0.9557, "Acc.towel": 0.8277, "Acc.light": 0.6353, "Acc.truck": 0.5662, "Acc.tower": 0.1292, "Acc.chandelier": 0.9038, "Acc.awning": 0.4724, "Acc.streetlight": 0.4823, "Acc.booth": 0.5265, "Acc.television receiver": 0.7578, "Acc.airplane": 0.9369, "Acc.dirt track": 0.0947, "Acc.apparel": 0.6747, "Acc.pole": 0.2583, "Acc.land": 0.003, "Acc.bannister": 0.2378, "Acc.escalator": 0.8467, "Acc.ottoman": 0.8062, "Acc.bottle": 0.6515, "Acc.buffet": 0.7573, "Acc.poster": 0.3133, "Acc.stage": 0.3312, "Acc.van": 0.3141, "Acc.ship": 0.9269, "Acc.fountain": 0.5123, "Acc.conveyer belt": 0.9883, "Acc.canopy": 0.7674, "Acc.washer": 0.841, "Acc.plaything": 0.6397, "Acc.swimming pool": 0.7621, "Acc.stool": 0.604, "Acc.barrel": 0.6512, "Acc.basket": 0.5197, "Acc.waterfall": 0.9231, "Acc.tent": 0.9909, "Acc.bag": 0.1973, "Acc.minibike": 0.8916, "Acc.cradle": 0.9456, "Acc.oven": 0.7024, "Acc.ball": 0.1008, "Acc.food": 0.7308, "Acc.step": 0.1502, "Acc.tank": 0.6613, "Acc.trade name": 0.0932, "Acc.microwave": 0.9571, "Acc.pot": 0.6789, "Acc.animal": 0.6808, "Acc.bicycle": 0.7873, "Acc.lake": 0.0, "Acc.dishwasher": 0.7636, "Acc.screen": 0.9737, "Acc.blanket": 0.254, "Acc.sculpture": 0.8733, "Acc.hood": 0.726, "Acc.sconce": 0.6635, "Acc.vase": 0.7027, "Acc.traffic light": 0.596, "Acc.tray": 0.1831, "Acc.ashcan": 0.646, "Acc.fan": 0.8021, "Acc.pier": 0.421, "Acc.crt screen": 0.0039, "Acc.plate": 0.7059, "Acc.monitor": 0.8209, "Acc.bulletin board": 0.7529, "Acc.shower": 0.0, "Acc.radiator": 0.7303, "Acc.glass": 0.131, "Acc.clock": 0.6047, "Acc.flag": 0.8301} {"mode": "train", "epoch": 8, "iter": 10050, "lr": 3e-05, "memory": 72263, "data_time": 2.19169, "decode.loss_ce": 0.4522, "decode.acc_seg": 83.10811, "aux.loss_ce": 0.17768, "aux.acc_seg": 83.23364, "loss": 0.62989, "time": 4.16114} {"mode": "train", "epoch": 8, "iter": 10100, "lr": 3e-05, "memory": 72263, "data_time": 0.00971, "decode.loss_ce": 0.41636, "decode.acc_seg": 83.79419, "aux.loss_ce": 0.16634, "aux.acc_seg": 83.96208, "loss": 0.5827, "time": 1.98117} {"mode": "train", "epoch": 9, "iter": 10150, "lr": 3e-05, "memory": 72263, "data_time": 0.05798, "decode.loss_ce": 0.38366, "decode.acc_seg": 84.87849, "aux.loss_ce": 0.15367, "aux.acc_seg": 84.98058, "loss": 0.53732, "time": 2.03119} {"mode": "train", "epoch": 9, "iter": 10200, "lr": 3e-05, "memory": 72263, "data_time": 0.00962, "decode.loss_ce": 0.41439, "decode.acc_seg": 84.61393, "aux.loss_ce": 0.16449, "aux.acc_seg": 84.58623, "loss": 0.57888, "time": 1.97963} {"mode": "train", "epoch": 9, "iter": 10250, "lr": 3e-05, "memory": 72263, "data_time": 0.01046, "decode.loss_ce": 0.36152, "decode.acc_seg": 86.19789, "aux.loss_ce": 0.14387, "aux.acc_seg": 86.03124, "loss": 0.5054, "time": 1.98231} {"mode": "train", "epoch": 9, "iter": 10300, "lr": 3e-05, "memory": 72263, "data_time": 0.00987, "decode.loss_ce": 0.38575, "decode.acc_seg": 84.83246, "aux.loss_ce": 0.15502, "aux.acc_seg": 84.7254, "loss": 0.54077, "time": 1.98077} {"mode": "train", "epoch": 9, "iter": 10350, "lr": 3e-05, "memory": 72263, "data_time": 0.00971, "decode.loss_ce": 0.41958, "decode.acc_seg": 83.26449, "aux.loss_ce": 0.16781, "aux.acc_seg": 83.27415, "loss": 0.58739, "time": 1.98067} {"mode": "train", "epoch": 9, "iter": 10400, "lr": 3e-05, "memory": 72263, "data_time": 0.01025, "decode.loss_ce": 0.36336, "decode.acc_seg": 85.14321, "aux.loss_ce": 0.14474, "aux.acc_seg": 85.3039, "loss": 0.5081, "time": 1.98031} {"mode": "train", "epoch": 9, "iter": 10450, "lr": 3e-05, "memory": 72263, "data_time": 0.00973, "decode.loss_ce": 0.36908, "decode.acc_seg": 86.08366, "aux.loss_ce": 0.14836, "aux.acc_seg": 86.03262, "loss": 0.51744, "time": 1.98204} {"mode": "train", "epoch": 9, "iter": 10500, "lr": 3e-05, "memory": 72263, "data_time": 0.00982, "decode.loss_ce": 0.36503, "decode.acc_seg": 85.40767, "aux.loss_ce": 0.14621, "aux.acc_seg": 85.42282, "loss": 0.51124, "time": 1.97968} {"mode": "train", "epoch": 9, "iter": 10550, "lr": 3e-05, "memory": 72263, "data_time": 0.0101, "decode.loss_ce": 0.36578, "decode.acc_seg": 84.59455, "aux.loss_ce": 0.14728, "aux.acc_seg": 84.66431, "loss": 0.51306, "time": 1.98237} {"mode": "train", "epoch": 9, "iter": 10600, "lr": 3e-05, "memory": 72263, "data_time": 0.0096, "decode.loss_ce": 0.36038, "decode.acc_seg": 85.6662, "aux.loss_ce": 0.14465, "aux.acc_seg": 85.61449, "loss": 0.50503, "time": 1.97997} {"mode": "train", "epoch": 9, "iter": 10650, "lr": 3e-05, "memory": 72263, "data_time": 0.00961, "decode.loss_ce": 0.39239, "decode.acc_seg": 84.61538, "aux.loss_ce": 0.15657, "aux.acc_seg": 84.66829, "loss": 0.54896, "time": 1.98032} {"mode": "train", "epoch": 9, "iter": 10700, "lr": 3e-05, "memory": 72263, "data_time": 0.01039, "decode.loss_ce": 0.40307, "decode.acc_seg": 84.0023, "aux.loss_ce": 0.16119, "aux.acc_seg": 83.99382, "loss": 0.56426, "time": 1.98232} {"mode": "train", "epoch": 9, "iter": 10750, "lr": 3e-05, "memory": 72263, "data_time": 0.01041, "decode.loss_ce": 0.41161, "decode.acc_seg": 83.30777, "aux.loss_ce": 0.16368, "aux.acc_seg": 83.50251, "loss": 0.57529, "time": 1.98089} {"mode": "train", "epoch": 9, "iter": 10800, "lr": 3e-05, "memory": 72263, "data_time": 0.00969, "decode.loss_ce": 0.39607, "decode.acc_seg": 84.26737, "aux.loss_ce": 0.15792, "aux.acc_seg": 84.2945, "loss": 0.55399, "time": 1.98042} {"mode": "train", "epoch": 9, "iter": 10850, "lr": 3e-05, "memory": 72263, "data_time": 0.00972, "decode.loss_ce": 0.37679, "decode.acc_seg": 85.37419, "aux.loss_ce": 0.15219, "aux.acc_seg": 85.34947, "loss": 0.52898, "time": 1.97889} {"mode": "train", "epoch": 9, "iter": 10900, "lr": 3e-05, "memory": 72263, "data_time": 0.00972, "decode.loss_ce": 0.36455, "decode.acc_seg": 85.49097, "aux.loss_ce": 0.14611, "aux.acc_seg": 85.49592, "loss": 0.51066, "time": 1.98049} {"mode": "train", "epoch": 9, "iter": 10950, "lr": 3e-05, "memory": 72263, "data_time": 0.0103, "decode.loss_ce": 0.3865, "decode.acc_seg": 84.47301, "aux.loss_ce": 0.15336, "aux.acc_seg": 84.32345, "loss": 0.53986, "time": 1.9807} {"mode": "train", "epoch": 9, "iter": 11000, "lr": 3e-05, "memory": 72263, "data_time": 0.00999, "decode.loss_ce": 0.38603, "decode.acc_seg": 84.51389, "aux.loss_ce": 0.1553, "aux.acc_seg": 84.38873, "loss": 0.54133, "time": 1.97979} {"mode": "val", "epoch": 9, "iter": 250, "lr": 3e-05, "aAcc": 0.8419, "mIoU": 0.5363, "mAcc": 0.6765, "IoU.wall": 0.7969, "IoU.building": 0.8326, "IoU.sky": 0.9421, "IoU.floor": 0.8386, "IoU.tree": 0.748, "IoU.ceiling": 0.8459, "IoU.road": 0.8366, "IoU.bed ": 0.9085, "IoU.windowpane": 0.6448, "IoU.grass": 0.6489, "IoU.cabinet": 0.6276, "IoU.sidewalk": 0.6552, "IoU.person": 0.8364, "IoU.earth": 0.3484, "IoU.door": 0.5743, "IoU.table": 0.6032, "IoU.mountain": 0.6132, "IoU.plant": 0.5293, "IoU.curtain": 0.7779, "IoU.chair": 0.6361, "IoU.car": 0.8465, "IoU.water": 0.6142, "IoU.painting": 0.7501, "IoU.sofa": 0.7938, "IoU.shelf": 0.4148, "IoU.house": 0.485, "IoU.sea": 0.7064, "IoU.mirror": 0.7509, "IoU.rug": 0.6853, "IoU.field": 0.3284, "IoU.armchair": 0.5991, "IoU.seat": 0.6358, "IoU.fence": 0.4818, "IoU.desk": 0.4993, "IoU.rock": 0.5851, "IoU.wardrobe": 0.5339, "IoU.lamp": 0.6602, "IoU.bathtub": 0.806, "IoU.railing": 0.3577, "IoU.cushion": 0.6787, "IoU.base": 0.2993, "IoU.box": 0.3348, "IoU.column": 0.5231, "IoU.signboard": 0.4002, "IoU.chest of drawers": 0.4872, "IoU.counter": 0.4637, "IoU.sand": 0.0774, "IoU.sink": 0.7984, "IoU.skyscraper": 0.4853, "IoU.fireplace": 0.6697, "IoU.refrigerator": 0.7374, "IoU.grandstand": 0.4308, "IoU.path": 0.2447, "IoU.stairs": 0.3291, "IoU.runway": 0.679, "IoU.case": 0.5881, "IoU.pool table": 0.9336, "IoU.pillow": 0.605, "IoU.screen door": 0.7753, "IoU.stairway": 0.3999, "IoU.river": 0.2033, "IoU.bridge": 0.4677, "IoU.bookcase": 0.3351, "IoU.blind": 0.5047, "IoU.coffee table": 0.4851, "IoU.toilet": 0.8904, "IoU.flower": 0.3781, "IoU.book": 0.4962, "IoU.hill": 0.0509, "IoU.bench": 0.5195, "IoU.countertop": 0.6308, "IoU.stove": 0.8325, "IoU.palm": 0.4949, "IoU.kitchen island": 0.3864, "IoU.computer": 0.7084, "IoU.swivel chair": 0.5303, "IoU.boat": 0.6102, "IoU.bar": 0.6084, "IoU.arcade machine": 0.8968, "IoU.hovel": 0.2712, "IoU.bus": 0.9021, "IoU.towel": 0.6995, "IoU.light": 0.5193, "IoU.truck": 0.4489, "IoU.tower": 0.1571, "IoU.chandelier": 0.6591, "IoU.awning": 0.465, "IoU.streetlight": 0.2724, "IoU.booth": 0.3995, "IoU.television receiver": 0.7507, "IoU.airplane": 0.7907, "IoU.dirt track": 0.1139, "IoU.apparel": 0.4994, "IoU.pole": 0.2465, "IoU.land": 0.0042, "IoU.bannister": 0.1667, "IoU.escalator": 0.544, "IoU.ottoman": 0.4495, "IoU.bottle": 0.3931, "IoU.buffet": 0.5256, "IoU.poster": 0.403, "IoU.stage": 0.1763, "IoU.van": 0.4526, "IoU.ship": 0.7725, "IoU.fountain": 0.3967, "IoU.conveyer belt": 0.8252, "IoU.canopy": 0.4342, "IoU.washer": 0.7834, "IoU.plaything": 0.2202, "IoU.swimming pool": 0.5792, "IoU.stool": 0.4742, "IoU.barrel": 0.6108, "IoU.basket": 0.4101, "IoU.waterfall": 0.5768, "IoU.tent": 0.9347, "IoU.bag": 0.2477, "IoU.minibike": 0.6347, "IoU.cradle": 0.8887, "IoU.oven": 0.569, "IoU.ball": 0.577, "IoU.food": 0.6326, "IoU.step": 0.1339, "IoU.tank": 0.5569, "IoU.trade name": 0.2903, "IoU.microwave": 0.8924, "IoU.pot": 0.5789, "IoU.animal": 0.7027, "IoU.bicycle": 0.5971, "IoU.lake": 0.0, "IoU.dishwasher": 0.6843, "IoU.screen": 0.5924, "IoU.blanket": 0.29, "IoU.sculpture": 0.6479, "IoU.hood": 0.6559, "IoU.sconce": 0.4378, "IoU.vase": 0.4441, "IoU.traffic light": 0.2955, "IoU.tray": 0.1604, "IoU.ashcan": 0.5168, "IoU.fan": 0.6586, "IoU.pier": 0.5983, "IoU.crt screen": 0.0032, "IoU.plate": 0.5813, "IoU.monitor": 0.0503, "IoU.bulletin board": 0.5578, "IoU.shower": 0.0, "IoU.radiator": 0.601, "IoU.glass": 0.1481, "IoU.clock": 0.4483, "IoU.flag": 0.6963, "Acc.wall": 0.8807, "Acc.building": 0.9351, "Acc.sky": 0.9782, "Acc.floor": 0.8893, "Acc.tree": 0.8731, "Acc.ceiling": 0.9007, "Acc.road": 0.9033, "Acc.bed ": 0.9624, "Acc.windowpane": 0.7549, "Acc.grass": 0.7205, "Acc.cabinet": 0.7035, "Acc.sidewalk": 0.832, "Acc.person": 0.9235, "Acc.earth": 0.4842, "Acc.door": 0.7807, "Acc.table": 0.728, "Acc.mountain": 0.7795, "Acc.plant": 0.5989, "Acc.curtain": 0.8648, "Acc.chair": 0.7832, "Acc.car": 0.923, "Acc.water": 0.7956, "Acc.painting": 0.8764, "Acc.sofa": 0.8804, "Acc.shelf": 0.5331, "Acc.house": 0.5655, "Acc.sea": 0.8874, "Acc.mirror": 0.8511, "Acc.rug": 0.8153, "Acc.field": 0.7569, "Acc.armchair": 0.8383, "Acc.seat": 0.8528, "Acc.fence": 0.5884, "Acc.desk": 0.798, "Acc.rock": 0.7278, "Acc.wardrobe": 0.7504, "Acc.lamp": 0.8377, "Acc.bathtub": 0.8273, "Acc.railing": 0.4727, "Acc.cushion": 0.7882, "Acc.base": 0.8145, "Acc.box": 0.4459, "Acc.column": 0.7865, "Acc.signboard": 0.4919, "Acc.chest of drawers": 0.7857, "Acc.counter": 0.5418, "Acc.sand": 0.0969, "Acc.sink": 0.89, "Acc.skyscraper": 0.6083, "Acc.fireplace": 0.8958, "Acc.refrigerator": 0.9134, "Acc.grandstand": 0.9011, "Acc.path": 0.3563, "Acc.stairs": 0.346, "Acc.runway": 0.936, "Acc.case": 0.751, "Acc.pool table": 0.9821, "Acc.pillow": 0.6521, "Acc.screen door": 0.8388, "Acc.stairway": 0.5125, "Acc.river": 0.2325, "Acc.bridge": 0.5448, "Acc.bookcase": 0.5476, "Acc.blind": 0.6336, "Acc.coffee table": 0.9249, "Acc.toilet": 0.9496, "Acc.flower": 0.6469, "Acc.book": 0.8026, "Acc.hill": 0.1129, "Acc.bench": 0.6128, "Acc.countertop": 0.7696, "Acc.stove": 0.9287, "Acc.palm": 0.8432, "Acc.kitchen island": 0.8383, "Acc.computer": 0.9387, "Acc.swivel chair": 0.7554, "Acc.boat": 0.8438, "Acc.bar": 0.6892, "Acc.arcade machine": 0.9768, "Acc.hovel": 0.3057, "Acc.bus": 0.9718, "Acc.towel": 0.8848, "Acc.light": 0.5795, "Acc.truck": 0.5818, "Acc.tower": 0.2771, "Acc.chandelier": 0.9012, "Acc.awning": 0.5993, "Acc.streetlight": 0.337, "Acc.booth": 0.722, "Acc.television receiver": 0.869, "Acc.airplane": 0.9384, "Acc.dirt track": 0.1879, "Acc.apparel": 0.7318, "Acc.pole": 0.3337, "Acc.land": 0.0219, "Acc.bannister": 0.2749, "Acc.escalator": 0.7991, "Acc.ottoman": 0.629, "Acc.bottle": 0.5265, "Acc.buffet": 0.7144, "Acc.poster": 0.5633, "Acc.stage": 0.4883, "Acc.van": 0.7797, "Acc.ship": 0.983, "Acc.fountain": 0.4064, "Acc.conveyer belt": 0.9457, "Acc.canopy": 0.6207, "Acc.washer": 0.8449, "Acc.plaything": 0.2461, "Acc.swimming pool": 0.8925, "Acc.stool": 0.5971, "Acc.barrel": 0.7307, "Acc.basket": 0.5447, "Acc.waterfall": 0.6344, "Acc.tent": 0.9887, "Acc.bag": 0.2731, "Acc.minibike": 0.9244, "Acc.cradle": 0.9599, "Acc.oven": 0.6673, "Acc.ball": 0.6955, "Acc.food": 0.7746, "Acc.step": 0.1943, "Acc.tank": 0.6692, "Acc.trade name": 0.3189, "Acc.microwave": 0.9423, "Acc.pot": 0.6644, "Acc.animal": 0.7299, "Acc.bicycle": 0.7671, "Acc.lake": 0.0, "Acc.dishwasher": 0.7131, "Acc.screen": 0.9642, "Acc.blanket": 0.4423, "Acc.sculpture": 0.8411, "Acc.hood": 0.8138, "Acc.sconce": 0.468, "Acc.vase": 0.5969, "Acc.traffic light": 0.6034, "Acc.tray": 0.2151, "Acc.ashcan": 0.6454, "Acc.fan": 0.8535, "Acc.pier": 0.6795, "Acc.crt screen": 0.0109, "Acc.plate": 0.7618, "Acc.monitor": 0.0538, "Acc.bulletin board": 0.6887, "Acc.shower": 0.0, "Acc.radiator": 0.7541, "Acc.glass": 0.1595, "Acc.clock": 0.616, "Acc.flag": 0.7791} {"mode": "train", "epoch": 9, "iter": 11050, "lr": 3e-05, "memory": 72263, "data_time": 2.22337, "decode.loss_ce": 0.38239, "decode.acc_seg": 84.68152, "aux.loss_ce": 0.15246, "aux.acc_seg": 84.64621, "loss": 0.53484, "time": 4.19296} {"mode": "train", "epoch": 9, "iter": 11100, "lr": 3e-05, "memory": 72263, "data_time": 0.00998, "decode.loss_ce": 0.41188, "decode.acc_seg": 83.58871, "aux.loss_ce": 0.16447, "aux.acc_seg": 83.64261, "loss": 0.57634, "time": 1.98025} {"mode": "train", "epoch": 9, "iter": 11150, "lr": 3e-05, "memory": 72263, "data_time": 0.30311, "decode.loss_ce": 0.41006, "decode.acc_seg": 83.67908, "aux.loss_ce": 0.16364, "aux.acc_seg": 83.49946, "loss": 0.5737, "time": 2.28012} {"mode": "train", "epoch": 9, "iter": 11200, "lr": 3e-05, "memory": 72263, "data_time": 0.00996, "decode.loss_ce": 0.44032, "decode.acc_seg": 82.95481, "aux.loss_ce": 0.17426, "aux.acc_seg": 83.04475, "loss": 0.61459, "time": 1.98133} {"mode": "train", "epoch": 9, "iter": 11250, "lr": 3e-05, "memory": 72263, "data_time": 0.01033, "decode.loss_ce": 0.41096, "decode.acc_seg": 84.10844, "aux.loss_ce": 0.1643, "aux.acc_seg": 84.1282, "loss": 0.57526, "time": 1.98041} {"mode": "train", "epoch": 9, "iter": 11300, "lr": 3e-05, "memory": 72263, "data_time": 0.01029, "decode.loss_ce": 0.39268, "decode.acc_seg": 85.11036, "aux.loss_ce": 0.15704, "aux.acc_seg": 85.10792, "loss": 0.54972, "time": 1.98145} {"mode": "train", "epoch": 9, "iter": 11350, "lr": 3e-05, "memory": 72263, "data_time": 0.0098, "decode.loss_ce": 0.39643, "decode.acc_seg": 83.93583, "aux.loss_ce": 0.15831, "aux.acc_seg": 84.04012, "loss": 0.55474, "time": 1.98007} {"mode": "train", "epoch": 10, "iter": 11400, "lr": 3e-05, "memory": 72263, "data_time": 0.05156, "decode.loss_ce": 0.40698, "decode.acc_seg": 84.10532, "aux.loss_ce": 0.16341, "aux.acc_seg": 84.06177, "loss": 0.57039, "time": 2.02333} {"mode": "train", "epoch": 10, "iter": 11450, "lr": 3e-05, "memory": 72263, "data_time": 0.0099, "decode.loss_ce": 0.36752, "decode.acc_seg": 85.41781, "aux.loss_ce": 0.14712, "aux.acc_seg": 85.43024, "loss": 0.51464, "time": 1.9782} {"mode": "train", "epoch": 10, "iter": 11500, "lr": 3e-05, "memory": 72263, "data_time": 0.00996, "decode.loss_ce": 0.3864, "decode.acc_seg": 84.31671, "aux.loss_ce": 0.15588, "aux.acc_seg": 84.33173, "loss": 0.54228, "time": 1.97878} {"mode": "train", "epoch": 10, "iter": 11550, "lr": 3e-05, "memory": 72263, "data_time": 0.00971, "decode.loss_ce": 0.36017, "decode.acc_seg": 85.75024, "aux.loss_ce": 0.14342, "aux.acc_seg": 85.75667, "loss": 0.50359, "time": 1.97937} {"mode": "train", "epoch": 10, "iter": 11600, "lr": 3e-05, "memory": 72263, "data_time": 0.00976, "decode.loss_ce": 0.37186, "decode.acc_seg": 85.53775, "aux.loss_ce": 0.14852, "aux.acc_seg": 85.45366, "loss": 0.52038, "time": 1.97863} {"mode": "train", "epoch": 10, "iter": 11650, "lr": 3e-05, "memory": 72263, "data_time": 0.01008, "decode.loss_ce": 0.35897, "decode.acc_seg": 86.03148, "aux.loss_ce": 0.14533, "aux.acc_seg": 85.71231, "loss": 0.50429, "time": 1.98127} {"mode": "train", "epoch": 10, "iter": 11700, "lr": 3e-05, "memory": 72263, "data_time": 0.00979, "decode.loss_ce": 0.34731, "decode.acc_seg": 86.39403, "aux.loss_ce": 0.14008, "aux.acc_seg": 86.32815, "loss": 0.48738, "time": 1.97744} {"mode": "train", "epoch": 10, "iter": 11750, "lr": 3e-05, "memory": 72263, "data_time": 0.00991, "decode.loss_ce": 0.37932, "decode.acc_seg": 84.44831, "aux.loss_ce": 0.15072, "aux.acc_seg": 84.55098, "loss": 0.53004, "time": 1.97983} {"mode": "train", "epoch": 10, "iter": 11800, "lr": 3e-05, "memory": 72263, "data_time": 0.0104, "decode.loss_ce": 0.35948, "decode.acc_seg": 85.84773, "aux.loss_ce": 0.14341, "aux.acc_seg": 85.88764, "loss": 0.50289, "time": 1.98134} {"mode": "train", "epoch": 10, "iter": 11850, "lr": 3e-05, "memory": 72263, "data_time": 0.00992, "decode.loss_ce": 0.36734, "decode.acc_seg": 85.58272, "aux.loss_ce": 0.14842, "aux.acc_seg": 85.37214, "loss": 0.51577, "time": 1.9788} {"mode": "train", "epoch": 10, "iter": 11900, "lr": 3e-05, "memory": 72263, "data_time": 0.0102, "decode.loss_ce": 0.37804, "decode.acc_seg": 84.95746, "aux.loss_ce": 0.15112, "aux.acc_seg": 85.00238, "loss": 0.52916, "time": 1.98129} {"mode": "train", "epoch": 10, "iter": 11950, "lr": 3e-05, "memory": 72263, "data_time": 0.01021, "decode.loss_ce": 0.36412, "decode.acc_seg": 85.45983, "aux.loss_ce": 0.14663, "aux.acc_seg": 85.53922, "loss": 0.51076, "time": 1.98006} {"mode": "train", "epoch": 10, "iter": 12000, "lr": 3e-05, "memory": 72263, "data_time": 0.00974, "decode.loss_ce": 0.38035, "decode.acc_seg": 84.68636, "aux.loss_ce": 0.15183, "aux.acc_seg": 84.80664, "loss": 0.53218, "time": 3.71611} {"mode": "val", "epoch": 10, "iter": 250, "lr": 3e-05, "aAcc": 0.8439, "mIoU": 0.5401, "mAcc": 0.6735, "IoU.wall": 0.8002, "IoU.building": 0.8446, "IoU.sky": 0.9425, "IoU.floor": 0.8247, "IoU.tree": 0.7541, "IoU.ceiling": 0.8486, "IoU.road": 0.8294, "IoU.bed ": 0.905, "IoU.windowpane": 0.6494, "IoU.grass": 0.6683, "IoU.cabinet": 0.6266, "IoU.sidewalk": 0.6481, "IoU.person": 0.836, "IoU.earth": 0.3632, "IoU.door": 0.5606, "IoU.table": 0.6485, "IoU.mountain": 0.6434, "IoU.plant": 0.5764, "IoU.curtain": 0.7351, "IoU.chair": 0.6246, "IoU.car": 0.848, "IoU.water": 0.4366, "IoU.painting": 0.754, "IoU.sofa": 0.7747, "IoU.shelf": 0.4622, "IoU.house": 0.5194, "IoU.sea": 0.7341, "IoU.mirror": 0.7282, "IoU.rug": 0.6708, "IoU.field": 0.277, "IoU.armchair": 0.5968, "IoU.seat": 0.5924, "IoU.fence": 0.5012, "IoU.desk": 0.4957, "IoU.rock": 0.5843, "IoU.wardrobe": 0.5125, "IoU.lamp": 0.6564, "IoU.bathtub": 0.8522, "IoU.railing": 0.4009, "IoU.cushion": 0.6685, "IoU.base": 0.4116, "IoU.box": 0.3321, "IoU.column": 0.5243, "IoU.signboard": 0.3926, "IoU.chest of drawers": 0.4668, "IoU.counter": 0.404, "IoU.sand": 0.4664, "IoU.sink": 0.74, "IoU.skyscraper": 0.4858, "IoU.fireplace": 0.6942, "IoU.refrigerator": 0.8292, "IoU.grandstand": 0.4572, "IoU.path": 0.195, "IoU.stairs": 0.3162, "IoU.runway": 0.6726, "IoU.case": 0.5892, "IoU.pool table": 0.9126, "IoU.pillow": 0.6358, "IoU.screen door": 0.7919, "IoU.stairway": 0.4761, "IoU.river": 0.1359, "IoU.bridge": 0.4307, "IoU.bookcase": 0.3571, "IoU.blind": 0.306, "IoU.coffee table": 0.6751, "IoU.toilet": 0.8859, "IoU.flower": 0.4119, "IoU.book": 0.527, "IoU.hill": 0.044, "IoU.bench": 0.4986, "IoU.countertop": 0.6443, "IoU.stove": 0.8321, "IoU.palm": 0.532, "IoU.kitchen island": 0.3754, "IoU.computer": 0.7401, "IoU.swivel chair": 0.5232, "IoU.boat": 0.7298, "IoU.bar": 0.6667, "IoU.arcade machine": 0.888, "IoU.hovel": 0.5775, "IoU.bus": 0.8606, "IoU.towel": 0.7018, "IoU.light": 0.5149, "IoU.truck": 0.4125, "IoU.tower": 0.2854, "IoU.chandelier": 0.6717, "IoU.awning": 0.487, "IoU.streetlight": 0.295, "IoU.booth": 0.5011, "IoU.television receiver": 0.7414, "IoU.airplane": 0.8673, "IoU.dirt track": 0.0163, "IoU.apparel": 0.4807, "IoU.pole": 0.2078, "IoU.land": 0.0, "IoU.bannister": 0.1227, "IoU.escalator": 0.5885, "IoU.ottoman": 0.5364, "IoU.bottle": 0.3348, "IoU.buffet": 0.5806, "IoU.poster": 0.3927, "IoU.stage": 0.1995, "IoU.van": 0.4183, "IoU.ship": 0.6783, "IoU.fountain": 0.573, "IoU.conveyer belt": 0.7457, "IoU.canopy": 0.4321, "IoU.washer": 0.7943, "IoU.plaything": 0.2944, "IoU.swimming pool": 0.5175, "IoU.stool": 0.495, "IoU.barrel": 0.6304, "IoU.basket": 0.4137, "IoU.waterfall": 0.593, "IoU.tent": 0.9602, "IoU.bag": 0.2414, "IoU.minibike": 0.7222, "IoU.cradle": 0.8434, "IoU.oven": 0.5182, "IoU.ball": 0.5292, "IoU.food": 0.5683, "IoU.step": 0.0616, "IoU.tank": 0.6052, "IoU.trade name": 0.2891, "IoU.microwave": 0.8747, "IoU.pot": 0.5534, "IoU.animal": 0.5267, "IoU.bicycle": 0.5474, "IoU.lake": 0.0, "IoU.dishwasher": 0.6258, "IoU.screen": 0.5847, "IoU.blanket": 0.26, "IoU.sculpture": 0.6367, "IoU.hood": 0.5601, "IoU.sconce": 0.5465, "IoU.vase": 0.4513, "IoU.traffic light": 0.3138, "IoU.tray": 0.1798, "IoU.ashcan": 0.4699, "IoU.fan": 0.651, "IoU.pier": 0.3829, "IoU.crt screen": 0.002, "IoU.plate": 0.6024, "IoU.monitor": 0.1217, "IoU.bulletin board": 0.5129, "IoU.shower": 0.009, "IoU.radiator": 0.6155, "IoU.glass": 0.1418, "IoU.clock": 0.4761, "IoU.flag": 0.6715, "Acc.wall": 0.8773, "Acc.building": 0.9281, "Acc.sky": 0.9783, "Acc.floor": 0.8855, "Acc.tree": 0.8346, "Acc.ceiling": 0.9465, "Acc.road": 0.8712, "Acc.bed ": 0.9653, "Acc.windowpane": 0.8252, "Acc.grass": 0.8232, "Acc.cabinet": 0.7227, "Acc.sidewalk": 0.919, "Acc.person": 0.896, "Acc.earth": 0.501, "Acc.door": 0.7414, "Acc.table": 0.8191, "Acc.mountain": 0.7207, "Acc.plant": 0.7378, "Acc.curtain": 0.8524, "Acc.chair": 0.7226, "Acc.car": 0.9573, "Acc.water": 0.4799, "Acc.painting": 0.9099, "Acc.sofa": 0.8475, "Acc.shelf": 0.6355, "Acc.house": 0.562, "Acc.sea": 0.8889, "Acc.mirror": 0.8903, "Acc.rug": 0.862, "Acc.field": 0.5382, "Acc.armchair": 0.7816, "Acc.seat": 0.8773, "Acc.fence": 0.6405, "Acc.desk": 0.822, "Acc.rock": 0.8363, "Acc.wardrobe": 0.804, "Acc.lamp": 0.7644, "Acc.bathtub": 0.9309, "Acc.railing": 0.5605, "Acc.cushion": 0.8345, "Acc.base": 0.5733, "Acc.box": 0.4367, "Acc.column": 0.6477, "Acc.signboard": 0.5365, "Acc.chest of drawers": 0.657, "Acc.counter": 0.4492, "Acc.sand": 0.7634, "Acc.sink": 0.8049, "Acc.skyscraper": 0.854, "Acc.fireplace": 0.9141, "Acc.refrigerator": 0.9086, "Acc.grandstand": 0.8292, "Acc.path": 0.249, "Acc.stairs": 0.3982, "Acc.runway": 0.8839, "Acc.case": 0.8027, "Acc.pool table": 0.9904, "Acc.pillow": 0.6916, "Acc.screen door": 0.8733, "Acc.stairway": 0.551, "Acc.river": 0.6389, "Acc.bridge": 0.4907, "Acc.bookcase": 0.5424, "Acc.blind": 0.3099, "Acc.coffee table": 0.882, "Acc.toilet": 0.9308, "Acc.flower": 0.5279, "Acc.book": 0.7881, "Acc.hill": 0.0915, "Acc.bench": 0.5906, "Acc.countertop": 0.8054, "Acc.stove": 0.8783, "Acc.palm": 0.8023, "Acc.kitchen island": 0.7871, "Acc.computer": 0.9077, "Acc.swivel chair": 0.8317, "Acc.boat": 0.8906, "Acc.bar": 0.7655, "Acc.arcade machine": 0.9669, "Acc.hovel": 0.6862, "Acc.bus": 0.9795, "Acc.towel": 0.8541, "Acc.light": 0.5609, "Acc.truck": 0.4661, "Acc.tower": 0.592, "Acc.chandelier": 0.8907, "Acc.awning": 0.6147, "Acc.streetlight": 0.3661, "Acc.booth": 0.6114, "Acc.television receiver": 0.8665, "Acc.airplane": 0.9328, "Acc.dirt track": 0.0928, "Acc.apparel": 0.6014, "Acc.pole": 0.2489, "Acc.land": 0.0, "Acc.bannister": 0.1705, "Acc.escalator": 0.8315, "Acc.ottoman": 0.7637, "Acc.bottle": 0.4289, "Acc.buffet": 0.8104, "Acc.poster": 0.4686, "Acc.stage": 0.2737, "Acc.van": 0.5208, "Acc.ship": 0.9859, "Acc.fountain": 0.6758, "Acc.conveyer belt": 0.9735, "Acc.canopy": 0.732, "Acc.washer": 0.8155, "Acc.plaything": 0.4467, "Acc.swimming pool": 0.7434, "Acc.stool": 0.6196, "Acc.barrel": 0.7278, "Acc.basket": 0.6108, "Acc.waterfall": 0.9647, "Acc.tent": 0.9759, "Acc.bag": 0.2924, "Acc.minibike": 0.842, "Acc.cradle": 0.9756, "Acc.oven": 0.5507, "Acc.ball": 0.6167, "Acc.food": 0.6589, "Acc.step": 0.0639, "Acc.tank": 0.6884, "Acc.trade name": 0.3398, "Acc.microwave": 0.9208, "Acc.pot": 0.6267, "Acc.animal": 0.5316, "Acc.bicycle": 0.6959, "Acc.lake": 0.0, "Acc.dishwasher": 0.6977, "Acc.screen": 0.9373, "Acc.blanket": 0.3048, "Acc.sculpture": 0.8804, "Acc.hood": 0.6558, "Acc.sconce": 0.7209, "Acc.vase": 0.5904, "Acc.traffic light": 0.6199, "Acc.tray": 0.2303, "Acc.ashcan": 0.53, "Acc.fan": 0.7805, "Acc.pier": 0.4391, "Acc.crt screen": 0.0056, "Acc.plate": 0.711, "Acc.monitor": 0.1393, "Acc.bulletin board": 0.5635, "Acc.shower": 0.0092, "Acc.radiator": 0.7267, "Acc.glass": 0.1496, "Acc.clock": 0.6854, "Acc.flag": 0.7035} {"mode": "train", "epoch": 10, "iter": 12050, "lr": 3e-05, "memory": 72263, "data_time": 2.20691, "decode.loss_ce": 0.38079, "decode.acc_seg": 85.00628, "aux.loss_ce": 0.15302, "aux.acc_seg": 85.04012, "loss": 0.53381, "time": 4.17633} {"mode": "train", "epoch": 10, "iter": 12100, "lr": 3e-05, "memory": 72263, "data_time": 0.00979, "decode.loss_ce": 0.37172, "decode.acc_seg": 85.04587, "aux.loss_ce": 0.14905, "aux.acc_seg": 85.05081, "loss": 0.52077, "time": 1.97909} {"mode": "train", "epoch": 10, "iter": 12150, "lr": 3e-05, "memory": 72263, "data_time": 0.00963, "decode.loss_ce": 0.37301, "decode.acc_seg": 85.10168, "aux.loss_ce": 0.14985, "aux.acc_seg": 84.8738, "loss": 0.52287, "time": 1.97951} {"mode": "train", "epoch": 10, "iter": 12200, "lr": 3e-05, "memory": 72263, "data_time": 0.00962, "decode.loss_ce": 0.39368, "decode.acc_seg": 84.1782, "aux.loss_ce": 0.15916, "aux.acc_seg": 84.20192, "loss": 0.55284, "time": 1.97793} {"mode": "train", "epoch": 10, "iter": 12250, "lr": 3e-05, "memory": 72263, "data_time": 0.00983, "decode.loss_ce": 0.38688, "decode.acc_seg": 84.14084, "aux.loss_ce": 0.15489, "aux.acc_seg": 84.19923, "loss": 0.54178, "time": 1.97884} {"mode": "train", "epoch": 10, "iter": 12300, "lr": 3e-05, "memory": 72263, "data_time": 0.0101, "decode.loss_ce": 0.37535, "decode.acc_seg": 85.15314, "aux.loss_ce": 0.15074, "aux.acc_seg": 85.17957, "loss": 0.52609, "time": 1.97939} {"mode": "train", "epoch": 10, "iter": 12350, "lr": 3e-05, "memory": 72263, "data_time": 0.0096, "decode.loss_ce": 0.35063, "decode.acc_seg": 86.02086, "aux.loss_ce": 0.14202, "aux.acc_seg": 85.86298, "loss": 0.49265, "time": 1.98103} {"mode": "train", "epoch": 10, "iter": 12400, "lr": 3e-05, "memory": 72263, "data_time": 0.00964, "decode.loss_ce": 0.36173, "decode.acc_seg": 85.39856, "aux.loss_ce": 0.14582, "aux.acc_seg": 85.37713, "loss": 0.50755, "time": 1.97806} {"mode": "train", "epoch": 10, "iter": 12450, "lr": 3e-05, "memory": 72263, "data_time": 0.0098, "decode.loss_ce": 0.364, "decode.acc_seg": 85.95775, "aux.loss_ce": 0.14586, "aux.acc_seg": 85.87718, "loss": 0.50986, "time": 1.9808} {"mode": "train", "epoch": 10, "iter": 12500, "lr": 3e-05, "memory": 72263, "data_time": 0.01027, "decode.loss_ce": 0.36635, "decode.acc_seg": 85.52282, "aux.loss_ce": 0.14777, "aux.acc_seg": 85.40149, "loss": 0.51412, "time": 1.97788} {"mode": "train", "epoch": 10, "iter": 12550, "lr": 3e-05, "memory": 72263, "data_time": 0.00976, "decode.loss_ce": 0.38028, "decode.acc_seg": 85.10951, "aux.loss_ce": 0.15203, "aux.acc_seg": 85.15036, "loss": 0.53232, "time": 1.98161} {"mode": "train", "epoch": 10, "iter": 12600, "lr": 3e-05, "memory": 72263, "data_time": 0.00962, "decode.loss_ce": 0.3593, "decode.acc_seg": 85.40966, "aux.loss_ce": 0.14339, "aux.acc_seg": 85.33313, "loss": 0.5027, "time": 1.97748} {"mode": "train", "epoch": 11, "iter": 12650, "lr": 3e-05, "memory": 72263, "data_time": 0.0556, "decode.loss_ce": 0.38454, "decode.acc_seg": 85.06811, "aux.loss_ce": 0.15286, "aux.acc_seg": 85.05162, "loss": 0.5374, "time": 2.02951} {"mode": "train", "epoch": 11, "iter": 12700, "lr": 3e-05, "memory": 72263, "data_time": 0.01012, "decode.loss_ce": 0.32663, "decode.acc_seg": 86.38297, "aux.loss_ce": 0.1315, "aux.acc_seg": 86.37672, "loss": 0.45814, "time": 1.97934} {"mode": "train", "epoch": 11, "iter": 12750, "lr": 3e-05, "memory": 72263, "data_time": 0.00965, "decode.loss_ce": 0.3537, "decode.acc_seg": 85.71906, "aux.loss_ce": 0.14243, "aux.acc_seg": 85.50931, "loss": 0.49614, "time": 1.97856} {"mode": "train", "epoch": 11, "iter": 12800, "lr": 3e-05, "memory": 72263, "data_time": 0.0096, "decode.loss_ce": 0.34127, "decode.acc_seg": 86.2128, "aux.loss_ce": 0.13713, "aux.acc_seg": 86.20549, "loss": 0.4784, "time": 1.97982} {"mode": "train", "epoch": 11, "iter": 12850, "lr": 3e-05, "memory": 72263, "data_time": 0.01021, "decode.loss_ce": 0.3453, "decode.acc_seg": 86.03255, "aux.loss_ce": 0.13815, "aux.acc_seg": 86.11812, "loss": 0.48346, "time": 1.97774} {"mode": "train", "epoch": 11, "iter": 12900, "lr": 3e-05, "memory": 72263, "data_time": 0.01027, "decode.loss_ce": 0.36245, "decode.acc_seg": 85.3377, "aux.loss_ce": 0.14491, "aux.acc_seg": 85.19336, "loss": 0.50736, "time": 1.98116} {"mode": "train", "epoch": 11, "iter": 12950, "lr": 3e-05, "memory": 72263, "data_time": 0.0103, "decode.loss_ce": 0.34181, "decode.acc_seg": 86.26575, "aux.loss_ce": 0.13868, "aux.acc_seg": 86.24859, "loss": 0.48048, "time": 1.97649} {"mode": "train", "epoch": 11, "iter": 13000, "lr": 3e-05, "memory": 72263, "data_time": 0.00966, "decode.loss_ce": 0.34324, "decode.acc_seg": 86.27512, "aux.loss_ce": 0.13836, "aux.acc_seg": 86.19396, "loss": 0.4816, "time": 1.97834} {"mode": "val", "epoch": 11, "iter": 250, "lr": 3e-05, "aAcc": 0.8458, "mIoU": 0.5435, "mAcc": 0.6946, "IoU.wall": 0.804, "IoU.building": 0.8331, "IoU.sky": 0.9448, "IoU.floor": 0.8344, "IoU.tree": 0.7552, "IoU.ceiling": 0.8512, "IoU.road": 0.8481, "IoU.bed ": 0.9131, "IoU.windowpane": 0.6624, "IoU.grass": 0.6286, "IoU.cabinet": 0.6408, "IoU.sidewalk": 0.6865, "IoU.person": 0.8364, "IoU.earth": 0.3365, "IoU.door": 0.583, "IoU.table": 0.6261, "IoU.mountain": 0.5999, "IoU.plant": 0.5485, "IoU.curtain": 0.7905, "IoU.chair": 0.6011, "IoU.car": 0.8581, "IoU.water": 0.5918, "IoU.painting": 0.796, "IoU.sofa": 0.7053, "IoU.shelf": 0.3961, "IoU.house": 0.4937, "IoU.sea": 0.6595, "IoU.mirror": 0.7342, "IoU.rug": 0.6811, "IoU.field": 0.3304, "IoU.armchair": 0.5561, "IoU.seat": 0.6312, "IoU.fence": 0.5306, "IoU.desk": 0.4874, "IoU.rock": 0.5532, "IoU.wardrobe": 0.5518, "IoU.lamp": 0.6957, "IoU.bathtub": 0.857, "IoU.railing": 0.4033, "IoU.cushion": 0.6636, "IoU.base": 0.4128, "IoU.box": 0.3668, "IoU.column": 0.5269, "IoU.signboard": 0.4127, "IoU.chest of drawers": 0.4863, "IoU.counter": 0.4221, "IoU.sand": 0.4758, "IoU.sink": 0.7555, "IoU.skyscraper": 0.5053, "IoU.fireplace": 0.6785, "IoU.refrigerator": 0.8239, "IoU.grandstand": 0.4822, "IoU.path": 0.2648, "IoU.stairs": 0.3558, "IoU.runway": 0.6405, "IoU.case": 0.6058, "IoU.pool table": 0.9389, "IoU.pillow": 0.63, "IoU.screen door": 0.7577, "IoU.stairway": 0.5357, "IoU.river": 0.108, "IoU.bridge": 0.5404, "IoU.bookcase": 0.3868, "IoU.blind": 0.4027, "IoU.coffee table": 0.5811, "IoU.toilet": 0.8766, "IoU.flower": 0.3716, "IoU.book": 0.5029, "IoU.hill": 0.0656, "IoU.bench": 0.5886, "IoU.countertop": 0.5848, "IoU.stove": 0.7847, "IoU.palm": 0.453, "IoU.kitchen island": 0.3607, "IoU.computer": 0.7532, "IoU.swivel chair": 0.5291, "IoU.boat": 0.5896, "IoU.bar": 0.6344, "IoU.arcade machine": 0.907, "IoU.hovel": 0.4287, "IoU.bus": 0.9121, "IoU.towel": 0.7402, "IoU.light": 0.544, "IoU.truck": 0.4476, "IoU.tower": 0.1026, "IoU.chandelier": 0.6854, "IoU.awning": 0.3775, "IoU.streetlight": 0.2991, "IoU.booth": 0.4232, "IoU.television receiver": 0.7191, "IoU.airplane": 0.8445, "IoU.dirt track": 0.0, "IoU.apparel": 0.4964, "IoU.pole": 0.2273, "IoU.land": 0.0, "IoU.bannister": 0.1801, "IoU.escalator": 0.6082, "IoU.ottoman": 0.5317, "IoU.bottle": 0.3925, "IoU.buffet": 0.5555, "IoU.poster": 0.4401, "IoU.stage": 0.1614, "IoU.van": 0.4379, "IoU.ship": 0.7583, "IoU.fountain": 0.5552, "IoU.conveyer belt": 0.7903, "IoU.canopy": 0.4505, "IoU.washer": 0.7996, "IoU.plaything": 0.2696, "IoU.swimming pool": 0.5275, "IoU.stool": 0.4285, "IoU.barrel": 0.6181, "IoU.basket": 0.4011, "IoU.waterfall": 0.6909, "IoU.tent": 0.8738, "IoU.bag": 0.2509, "IoU.minibike": 0.7202, "IoU.cradle": 0.8893, "IoU.oven": 0.5255, "IoU.ball": 0.0885, "IoU.food": 0.6816, "IoU.step": 0.1736, "IoU.tank": 0.508, "IoU.trade name": 0.2285, "IoU.microwave": 0.8549, "IoU.pot": 0.5311, "IoU.animal": 0.6649, "IoU.bicycle": 0.5943, "IoU.lake": 0.4308, "IoU.dishwasher": 0.6314, "IoU.screen": 0.5109, "IoU.blanket": 0.3355, "IoU.sculpture": 0.6628, "IoU.hood": 0.6278, "IoU.sconce": 0.5687, "IoU.vase": 0.4548, "IoU.traffic light": 0.3515, "IoU.tray": 0.1415, "IoU.ashcan": 0.4733, "IoU.fan": 0.6659, "IoU.pier": 0.3651, "IoU.crt screen": 0.0876, "IoU.plate": 0.5849, "IoU.monitor": 0.1279, "IoU.bulletin board": 0.5564, "IoU.shower": 0.0015, "IoU.radiator": 0.6211, "IoU.glass": 0.1743, "IoU.clock": 0.4778, "IoU.flag": 0.639, "Acc.wall": 0.884, "Acc.building": 0.9105, "Acc.sky": 0.9664, "Acc.floor": 0.9046, "Acc.tree": 0.9196, "Acc.ceiling": 0.9165, "Acc.road": 0.9163, "Acc.bed ": 0.9686, "Acc.windowpane": 0.8166, "Acc.grass": 0.8161, "Acc.cabinet": 0.7295, "Acc.sidewalk": 0.8401, "Acc.person": 0.9317, "Acc.earth": 0.4087, "Acc.door": 0.7064, "Acc.table": 0.7799, "Acc.mountain": 0.7211, "Acc.plant": 0.6211, "Acc.curtain": 0.8906, "Acc.chair": 0.6646, "Acc.car": 0.9437, "Acc.water": 0.6919, "Acc.painting": 0.875, "Acc.sofa": 0.7694, "Acc.shelf": 0.4848, "Acc.house": 0.6296, "Acc.sea": 0.8147, "Acc.mirror": 0.7885, "Acc.rug": 0.7805, "Acc.field": 0.6757, "Acc.armchair": 0.8408, "Acc.seat": 0.895, "Acc.fence": 0.7091, "Acc.desk": 0.8098, "Acc.rock": 0.7698, "Acc.wardrobe": 0.6051, "Acc.lamp": 0.8197, "Acc.bathtub": 0.8978, "Acc.railing": 0.5633, "Acc.cushion": 0.8115, "Acc.base": 0.6496, "Acc.box": 0.6355, "Acc.column": 0.6521, "Acc.signboard": 0.5471, "Acc.chest of drawers": 0.7627, "Acc.counter": 0.6056, "Acc.sand": 0.6476, "Acc.sink": 0.9163, "Acc.skyscraper": 0.653, "Acc.fireplace": 0.9378, "Acc.refrigerator": 0.9017, "Acc.grandstand": 0.895, "Acc.path": 0.4093, "Acc.stairs": 0.4141, "Acc.runway": 0.8273, "Acc.case": 0.8196, "Acc.pool table": 0.9801, "Acc.pillow": 0.7104, "Acc.screen door": 0.9547, "Acc.stairway": 0.8287, "Acc.river": 0.2055, "Acc.bridge": 0.6735, "Acc.bookcase": 0.6395, "Acc.blind": 0.4262, "Acc.coffee table": 0.8785, "Acc.toilet": 0.958, "Acc.flower": 0.5597, "Acc.book": 0.7937, "Acc.hill": 0.2195, "Acc.bench": 0.7088, "Acc.countertop": 0.8306, "Acc.stove": 0.9345, "Acc.palm": 0.9251, "Acc.kitchen island": 0.8853, "Acc.computer": 0.8729, "Acc.swivel chair": 0.8382, "Acc.boat": 0.9046, "Acc.bar": 0.8476, "Acc.arcade machine": 0.9661, "Acc.hovel": 0.4928, "Acc.bus": 0.9612, "Acc.towel": 0.8886, "Acc.light": 0.6302, "Acc.truck": 0.5872, "Acc.tower": 0.175, "Acc.chandelier": 0.868, "Acc.awning": 0.5362, "Acc.streetlight": 0.4948, "Acc.booth": 0.5742, "Acc.television receiver": 0.8419, "Acc.airplane": 0.9474, "Acc.dirt track": 0.0, "Acc.apparel": 0.6895, "Acc.pole": 0.2929, "Acc.land": 0.0, "Acc.bannister": 0.2931, "Acc.escalator": 0.8799, "Acc.ottoman": 0.8258, "Acc.bottle": 0.6889, "Acc.buffet": 0.7791, "Acc.poster": 0.6649, "Acc.stage": 0.3161, "Acc.van": 0.5843, "Acc.ship": 0.8824, "Acc.fountain": 0.6119, "Acc.conveyer belt": 0.9753, "Acc.canopy": 0.8053, "Acc.washer": 0.8644, "Acc.plaything": 0.3548, "Acc.swimming pool": 0.7803, "Acc.stool": 0.6299, "Acc.barrel": 0.762, "Acc.basket": 0.5605, "Acc.waterfall": 0.9194, "Acc.tent": 0.9863, "Acc.bag": 0.2819, "Acc.minibike": 0.9025, "Acc.cradle": 0.966, "Acc.oven": 0.6862, "Acc.ball": 0.0888, "Acc.food": 0.792, "Acc.step": 0.2589, "Acc.tank": 0.7949, "Acc.trade name": 0.2532, "Acc.microwave": 0.9133, "Acc.pot": 0.5888, "Acc.animal": 0.714, "Acc.bicycle": 0.763, "Acc.lake": 0.8936, "Acc.dishwasher": 0.8396, "Acc.screen": 0.7287, "Acc.blanket": 0.3935, "Acc.sculpture": 0.859, "Acc.hood": 0.7366, "Acc.sconce": 0.7196, "Acc.vase": 0.6171, "Acc.traffic light": 0.5691, "Acc.tray": 0.2098, "Acc.ashcan": 0.5526, "Acc.fan": 0.8092, "Acc.pier": 0.4451, "Acc.crt screen": 0.3318, "Acc.plate": 0.7997, "Acc.monitor": 0.1577, "Acc.bulletin board": 0.7141, "Acc.shower": 0.0015, "Acc.radiator": 0.7754, "Acc.glass": 0.1883, "Acc.clock": 0.5511, "Acc.flag": 0.8452} {"mode": "train", "epoch": 11, "iter": 13050, "lr": 3e-05, "memory": 72263, "data_time": 2.22423, "decode.loss_ce": 0.32166, "decode.acc_seg": 86.56632, "aux.loss_ce": 0.1294, "aux.acc_seg": 86.40888, "loss": 0.45107, "time": 4.19278} {"mode": "train", "epoch": 11, "iter": 13100, "lr": 3e-05, "memory": 72263, "data_time": 0.00973, "decode.loss_ce": 0.36581, "decode.acc_seg": 85.54167, "aux.loss_ce": 0.14808, "aux.acc_seg": 85.4571, "loss": 0.5139, "time": 1.98032} {"mode": "train", "epoch": 11, "iter": 13150, "lr": 3e-05, "memory": 72263, "data_time": 0.00967, "decode.loss_ce": 0.3509, "decode.acc_seg": 85.68274, "aux.loss_ce": 0.1405, "aux.acc_seg": 85.68955, "loss": 0.4914, "time": 1.98078} {"mode": "train", "epoch": 11, "iter": 13200, "lr": 3e-05, "memory": 72263, "data_time": 0.01088, "decode.loss_ce": 0.3694, "decode.acc_seg": 85.79513, "aux.loss_ce": 0.14859, "aux.acc_seg": 85.77591, "loss": 0.51799, "time": 1.98192} {"mode": "train", "epoch": 11, "iter": 13250, "lr": 3e-05, "memory": 72263, "data_time": 0.01002, "decode.loss_ce": 0.36303, "decode.acc_seg": 85.44803, "aux.loss_ce": 0.14548, "aux.acc_seg": 85.40608, "loss": 0.5085, "time": 1.97879} {"mode": "train", "epoch": 11, "iter": 13300, "lr": 3e-05, "memory": 72263, "data_time": 0.01057, "decode.loss_ce": 0.34785, "decode.acc_seg": 85.90733, "aux.loss_ce": 0.14017, "aux.acc_seg": 85.87239, "loss": 0.48802, "time": 1.97932} {"mode": "train", "epoch": 11, "iter": 13350, "lr": 3e-05, "memory": 72263, "data_time": 0.00954, "decode.loss_ce": 0.37879, "decode.acc_seg": 85.02619, "aux.loss_ce": 0.15162, "aux.acc_seg": 85.06853, "loss": 0.53042, "time": 1.98159} {"mode": "train", "epoch": 11, "iter": 13400, "lr": 3e-05, "memory": 72263, "data_time": 0.00986, "decode.loss_ce": 0.35975, "decode.acc_seg": 85.25435, "aux.loss_ce": 0.14453, "aux.acc_seg": 85.18771, "loss": 0.50429, "time": 1.97824} {"mode": "train", "epoch": 11, "iter": 13450, "lr": 3e-05, "memory": 72263, "data_time": 0.00976, "decode.loss_ce": 0.3577, "decode.acc_seg": 85.91087, "aux.loss_ce": 0.14418, "aux.acc_seg": 85.69171, "loss": 0.50188, "time": 1.981} {"mode": "train", "epoch": 11, "iter": 13500, "lr": 3e-05, "memory": 72263, "data_time": 0.01083, "decode.loss_ce": 0.3667, "decode.acc_seg": 85.1867, "aux.loss_ce": 0.14861, "aux.acc_seg": 84.94259, "loss": 0.51531, "time": 1.98164} {"mode": "train", "epoch": 11, "iter": 13550, "lr": 3e-05, "memory": 72263, "data_time": 0.0101, "decode.loss_ce": 0.34478, "decode.acc_seg": 86.37562, "aux.loss_ce": 0.13866, "aux.acc_seg": 86.27821, "loss": 0.48344, "time": 1.98117} {"mode": "train", "epoch": 11, "iter": 13600, "lr": 3e-05, "memory": 72263, "data_time": 0.01016, "decode.loss_ce": 0.35848, "decode.acc_seg": 86.19022, "aux.loss_ce": 0.14517, "aux.acc_seg": 85.92785, "loss": 0.50364, "time": 1.98349} {"mode": "train", "epoch": 11, "iter": 13650, "lr": 3e-05, "memory": 72263, "data_time": 0.01053, "decode.loss_ce": 0.35016, "decode.acc_seg": 86.21499, "aux.loss_ce": 0.14077, "aux.acc_seg": 86.18202, "loss": 0.49093, "time": 1.98072} {"mode": "train", "epoch": 11, "iter": 13700, "lr": 3e-05, "memory": 72263, "data_time": 0.00975, "decode.loss_ce": 0.36231, "decode.acc_seg": 85.77291, "aux.loss_ce": 0.14562, "aux.acc_seg": 85.8367, "loss": 0.50794, "time": 1.98031} {"mode": "train", "epoch": 11, "iter": 13750, "lr": 3e-05, "memory": 72263, "data_time": 0.00991, "decode.loss_ce": 0.35269, "decode.acc_seg": 86.11179, "aux.loss_ce": 0.14193, "aux.acc_seg": 85.91331, "loss": 0.49461, "time": 1.97817} {"mode": "train", "epoch": 11, "iter": 13800, "lr": 3e-05, "memory": 72263, "data_time": 0.00975, "decode.loss_ce": 0.33389, "decode.acc_seg": 86.56771, "aux.loss_ce": 0.13583, "aux.acc_seg": 86.27356, "loss": 0.46972, "time": 1.98198} {"mode": "train", "epoch": 11, "iter": 13850, "lr": 3e-05, "memory": 72263, "data_time": 0.00966, "decode.loss_ce": 0.35806, "decode.acc_seg": 86.02918, "aux.loss_ce": 0.1443, "aux.acc_seg": 85.94071, "loss": 0.50236, "time": 1.97888} {"mode": "train", "epoch": 12, "iter": 13900, "lr": 3e-05, "memory": 72263, "data_time": 0.052, "decode.loss_ce": 0.35945, "decode.acc_seg": 85.59504, "aux.loss_ce": 0.14364, "aux.acc_seg": 85.55821, "loss": 0.50309, "time": 2.02339} {"mode": "train", "epoch": 12, "iter": 13950, "lr": 3e-05, "memory": 72263, "data_time": 0.01027, "decode.loss_ce": 0.30478, "decode.acc_seg": 87.76683, "aux.loss_ce": 0.12405, "aux.acc_seg": 87.58522, "loss": 0.42883, "time": 1.97833} {"mode": "train", "epoch": 12, "iter": 14000, "lr": 3e-05, "memory": 72263, "data_time": 0.01025, "decode.loss_ce": 0.32358, "decode.acc_seg": 87.37499, "aux.loss_ce": 0.13113, "aux.acc_seg": 87.14502, "loss": 0.45471, "time": 3.67191} {"mode": "val", "epoch": 12, "iter": 250, "lr": 3e-05, "aAcc": 0.8514, "mIoU": 0.5554, "mAcc": 0.6937, "IoU.wall": 0.8103, "IoU.building": 0.8407, "IoU.sky": 0.9308, "IoU.floor": 0.8414, "IoU.tree": 0.7308, "IoU.ceiling": 0.8588, "IoU.road": 0.8513, "IoU.bed ": 0.9148, "IoU.windowpane": 0.6506, "IoU.grass": 0.6769, "IoU.cabinet": 0.6482, "IoU.sidewalk": 0.6708, "IoU.person": 0.8421, "IoU.earth": 0.3849, "IoU.door": 0.5824, "IoU.table": 0.6517, "IoU.mountain": 0.6088, "IoU.plant": 0.5756, "IoU.curtain": 0.7621, "IoU.chair": 0.6564, "IoU.car": 0.8674, "IoU.water": 0.6519, "IoU.painting": 0.7736, "IoU.sofa": 0.7618, "IoU.shelf": 0.4796, "IoU.house": 0.5609, "IoU.sea": 0.7176, "IoU.mirror": 0.7548, "IoU.rug": 0.7086, "IoU.field": 0.3098, "IoU.armchair": 0.5894, "IoU.seat": 0.6802, "IoU.fence": 0.4994, "IoU.desk": 0.5714, "IoU.rock": 0.5999, "IoU.wardrobe": 0.5534, "IoU.lamp": 0.7051, "IoU.bathtub": 0.8312, "IoU.railing": 0.3884, "IoU.cushion": 0.6289, "IoU.base": 0.3811, "IoU.box": 0.3379, "IoU.column": 0.5467, "IoU.signboard": 0.3772, "IoU.chest of drawers": 0.4431, "IoU.counter": 0.3374, "IoU.sand": 0.4944, "IoU.sink": 0.7655, "IoU.skyscraper": 0.5121, "IoU.fireplace": 0.7171, "IoU.refrigerator": 0.8226, "IoU.grandstand": 0.4843, "IoU.path": 0.2668, "IoU.stairs": 0.3532, "IoU.runway": 0.6765, "IoU.case": 0.6196, "IoU.pool table": 0.9229, "IoU.pillow": 0.6361, "IoU.screen door": 0.7992, "IoU.stairway": 0.4293, "IoU.river": 0.2246, "IoU.bridge": 0.6825, "IoU.bookcase": 0.4546, "IoU.blind": 0.4268, "IoU.coffee table": 0.5843, "IoU.toilet": 0.89, "IoU.flower": 0.3855, "IoU.book": 0.5423, "IoU.hill": 0.0474, "IoU.bench": 0.6186, "IoU.countertop": 0.6366, "IoU.stove": 0.8221, "IoU.palm": 0.433, "IoU.kitchen island": 0.4032, "IoU.computer": 0.7383, "IoU.swivel chair": 0.5078, "IoU.boat": 0.728, "IoU.bar": 0.5816, "IoU.arcade machine": 0.8714, "IoU.hovel": 0.2641, "IoU.bus": 0.914, "IoU.towel": 0.7474, "IoU.light": 0.5798, "IoU.truck": 0.4862, "IoU.tower": 0.1957, "IoU.chandelier": 0.6799, "IoU.awning": 0.2873, "IoU.streetlight": 0.2956, "IoU.booth": 0.5588, "IoU.television receiver": 0.7916, "IoU.airplane": 0.8351, "IoU.dirt track": 0.0113, "IoU.apparel": 0.5183, "IoU.pole": 0.2556, "IoU.land": 0.0002, "IoU.bannister": 0.1672, "IoU.escalator": 0.6479, "IoU.ottoman": 0.5384, "IoU.bottle": 0.4101, "IoU.buffet": 0.4905, "IoU.poster": 0.3883, "IoU.stage": 0.1712, "IoU.van": 0.4603, "IoU.ship": 0.4317, "IoU.fountain": 0.4014, "IoU.conveyer belt": 0.645, "IoU.canopy": 0.5007, "IoU.washer": 0.8183, "IoU.plaything": 0.2864, "IoU.swimming pool": 0.5322, "IoU.stool": 0.5073, "IoU.barrel": 0.5155, "IoU.basket": 0.3828, "IoU.waterfall": 0.7026, "IoU.tent": 0.9117, "IoU.bag": 0.2733, "IoU.minibike": 0.7552, "IoU.cradle": 0.8266, "IoU.oven": 0.6239, "IoU.ball": 0.5053, "IoU.food": 0.5763, "IoU.step": 0.2039, "IoU.tank": 0.6933, "IoU.trade name": 0.103, "IoU.microwave": 0.8883, "IoU.pot": 0.528, "IoU.animal": 0.6634, "IoU.bicycle": 0.5842, "IoU.lake": 0.5277, "IoU.dishwasher": 0.7276, "IoU.screen": 0.6223, "IoU.blanket": 0.2643, "IoU.sculpture": 0.7145, "IoU.hood": 0.6501, "IoU.sconce": 0.5675, "IoU.vase": 0.4591, "IoU.traffic light": 0.3034, "IoU.tray": 0.1937, "IoU.ashcan": 0.4903, "IoU.fan": 0.6731, "IoU.pier": 0.3824, "IoU.crt screen": 0.0066, "IoU.plate": 0.6047, "IoU.monitor": 0.338, "IoU.bulletin board": 0.6332, "IoU.shower": 0.0032, "IoU.radiator": 0.6576, "IoU.glass": 0.1802, "IoU.clock": 0.4668, "IoU.flag": 0.6635, "Acc.wall": 0.8832, "Acc.building": 0.9426, "Acc.sky": 0.9726, "Acc.floor": 0.9002, "Acc.tree": 0.8171, "Acc.ceiling": 0.9186, "Acc.road": 0.9119, "Acc.bed ": 0.959, "Acc.windowpane": 0.7995, "Acc.grass": 0.7675, "Acc.cabinet": 0.7586, "Acc.sidewalk": 0.8065, "Acc.person": 0.9367, "Acc.earth": 0.5391, "Acc.door": 0.7503, "Acc.table": 0.7611, "Acc.mountain": 0.7848, "Acc.plant": 0.6939, "Acc.curtain": 0.9159, "Acc.chair": 0.7986, "Acc.car": 0.9375, "Acc.water": 0.7828, "Acc.painting": 0.8559, "Acc.sofa": 0.9333, "Acc.shelf": 0.7443, "Acc.house": 0.8469, "Acc.sea": 0.8491, "Acc.mirror": 0.8496, "Acc.rug": 0.8285, "Acc.field": 0.5193, "Acc.armchair": 0.6788, "Acc.seat": 0.8104, "Acc.fence": 0.6685, "Acc.desk": 0.7277, "Acc.rock": 0.8379, "Acc.wardrobe": 0.7739, "Acc.lamp": 0.8269, "Acc.bathtub": 0.8723, "Acc.railing": 0.5073, "Acc.cushion": 0.7601, "Acc.base": 0.544, "Acc.box": 0.4355, "Acc.column": 0.7103, "Acc.signboard": 0.4487, "Acc.chest of drawers": 0.7173, "Acc.counter": 0.4164, "Acc.sand": 0.6721, "Acc.sink": 0.8426, "Acc.skyscraper": 0.5586, "Acc.fireplace": 0.9514, "Acc.refrigerator": 0.9012, "Acc.grandstand": 0.8878, "Acc.path": 0.4859, "Acc.stairs": 0.4975, "Acc.runway": 0.8706, "Acc.case": 0.7301, "Acc.pool table": 0.9887, "Acc.pillow": 0.7915, "Acc.screen door": 0.8873, "Acc.stairway": 0.4912, "Acc.river": 0.4561, "Acc.bridge": 0.8351, "Acc.bookcase": 0.6074, "Acc.blind": 0.478, "Acc.coffee table": 0.893, "Acc.toilet": 0.9372, "Acc.flower": 0.6245, "Acc.book": 0.6915, "Acc.hill": 0.0864, "Acc.bench": 0.7365, "Acc.countertop": 0.7472, "Acc.stove": 0.8756, "Acc.palm": 0.8448, "Acc.kitchen island": 0.8271, "Acc.computer": 0.9246, "Acc.swivel chair": 0.9145, "Acc.boat": 0.895, "Acc.bar": 0.8719, "Acc.arcade machine": 0.9921, "Acc.hovel": 0.3208, "Acc.bus": 0.9689, "Acc.towel": 0.8102, "Acc.light": 0.7354, "Acc.truck": 0.5913, "Acc.tower": 0.2727, "Acc.chandelier": 0.8777, "Acc.awning": 0.3144, "Acc.streetlight": 0.3852, "Acc.booth": 0.7521, "Acc.television receiver": 0.8642, "Acc.airplane": 0.9521, "Acc.dirt track": 0.0248, "Acc.apparel": 0.784, "Acc.pole": 0.3496, "Acc.land": 0.0004, "Acc.bannister": 0.2055, "Acc.escalator": 0.8237, "Acc.ottoman": 0.7219, "Acc.bottle": 0.7147, "Acc.buffet": 0.5699, "Acc.poster": 0.7349, "Acc.stage": 0.2338, "Acc.van": 0.5642, "Acc.ship": 0.4481, "Acc.fountain": 0.4188, "Acc.conveyer belt": 0.9866, "Acc.canopy": 0.8057, "Acc.washer": 0.924, "Acc.plaything": 0.5928, "Acc.swimming pool": 0.77, "Acc.stool": 0.5903, "Acc.barrel": 0.6574, "Acc.basket": 0.6251, "Acc.waterfall": 0.8897, "Acc.tent": 0.9709, "Acc.bag": 0.3075, "Acc.minibike": 0.8564, "Acc.cradle": 0.9874, "Acc.oven": 0.7303, "Acc.ball": 0.7596, "Acc.food": 0.6022, "Acc.step": 0.3485, "Acc.tank": 0.9202, "Acc.trade name": 0.1057, "Acc.microwave": 0.9594, "Acc.pot": 0.6724, "Acc.animal": 0.7055, "Acc.bicycle": 0.8075, "Acc.lake": 0.6998, "Acc.dishwasher": 0.7904, "Acc.screen": 0.9602, "Acc.blanket": 0.2948, "Acc.sculpture": 0.8515, "Acc.hood": 0.7479, "Acc.sconce": 0.715, "Acc.vase": 0.6279, "Acc.traffic light": 0.6006, "Acc.tray": 0.2456, "Acc.ashcan": 0.6498, "Acc.fan": 0.8505, "Acc.pier": 0.4372, "Acc.crt screen": 0.0133, "Acc.plate": 0.7502, "Acc.monitor": 0.4135, "Acc.bulletin board": 0.7929, "Acc.shower": 0.0032, "Acc.radiator": 0.7691, "Acc.glass": 0.1985, "Acc.clock": 0.5855, "Acc.flag": 0.7516} {"mode": "train", "epoch": 12, "iter": 14050, "lr": 3e-05, "memory": 72263, "data_time": 2.22136, "decode.loss_ce": 0.34489, "decode.acc_seg": 86.28495, "aux.loss_ce": 0.13859, "aux.acc_seg": 86.05201, "loss": 0.48348, "time": 4.19022} {"mode": "train", "epoch": 12, "iter": 14100, "lr": 3e-05, "memory": 72263, "data_time": 0.01128, "decode.loss_ce": 0.35048, "decode.acc_seg": 86.37536, "aux.loss_ce": 0.14091, "aux.acc_seg": 86.12328, "loss": 0.49139, "time": 1.97975} {"mode": "train", "epoch": 12, "iter": 14150, "lr": 3e-05, "memory": 72263, "data_time": 0.01158, "decode.loss_ce": 0.33539, "decode.acc_seg": 86.55266, "aux.loss_ce": 0.13563, "aux.acc_seg": 86.41472, "loss": 0.47102, "time": 1.98173} {"mode": "train", "epoch": 12, "iter": 14200, "lr": 3e-05, "memory": 72263, "data_time": 0.00967, "decode.loss_ce": 0.32091, "decode.acc_seg": 87.04701, "aux.loss_ce": 0.12916, "aux.acc_seg": 87.12422, "loss": 0.45007, "time": 1.97882} {"mode": "train", "epoch": 12, "iter": 14250, "lr": 3e-05, "memory": 72263, "data_time": 0.01012, "decode.loss_ce": 0.33043, "decode.acc_seg": 86.88412, "aux.loss_ce": 0.13436, "aux.acc_seg": 86.60572, "loss": 0.46479, "time": 1.98036} {"mode": "train", "epoch": 12, "iter": 14300, "lr": 3e-05, "memory": 72263, "data_time": 0.00995, "decode.loss_ce": 0.32555, "decode.acc_seg": 87.25295, "aux.loss_ce": 0.1326, "aux.acc_seg": 87.13089, "loss": 0.45816, "time": 1.97813} {"mode": "train", "epoch": 12, "iter": 14350, "lr": 3e-05, "memory": 72263, "data_time": 0.00992, "decode.loss_ce": 0.32274, "decode.acc_seg": 87.04882, "aux.loss_ce": 0.13093, "aux.acc_seg": 86.90762, "loss": 0.45367, "time": 1.98081} {"mode": "train", "epoch": 12, "iter": 14400, "lr": 3e-05, "memory": 72263, "data_time": 0.00956, "decode.loss_ce": 0.36549, "decode.acc_seg": 84.94613, "aux.loss_ce": 0.14632, "aux.acc_seg": 85.06203, "loss": 0.51181, "time": 1.97654} {"mode": "train", "epoch": 12, "iter": 14450, "lr": 3e-05, "memory": 72263, "data_time": 0.01007, "decode.loss_ce": 0.33093, "decode.acc_seg": 86.55662, "aux.loss_ce": 0.13317, "aux.acc_seg": 86.5047, "loss": 0.4641, "time": 1.9812} {"mode": "train", "epoch": 12, "iter": 14500, "lr": 3e-05, "memory": 72263, "data_time": 0.0103, "decode.loss_ce": 0.34282, "decode.acc_seg": 86.49897, "aux.loss_ce": 0.13814, "aux.acc_seg": 86.36798, "loss": 0.48097, "time": 1.97671} {"mode": "train", "epoch": 12, "iter": 14550, "lr": 3e-05, "memory": 72263, "data_time": 0.00959, "decode.loss_ce": 0.35972, "decode.acc_seg": 85.99824, "aux.loss_ce": 0.14452, "aux.acc_seg": 85.99418, "loss": 0.50424, "time": 1.97992} {"mode": "train", "epoch": 12, "iter": 14600, "lr": 3e-05, "memory": 72263, "data_time": 0.00969, "decode.loss_ce": 0.3702, "decode.acc_seg": 85.17415, "aux.loss_ce": 0.14932, "aux.acc_seg": 85.08825, "loss": 0.51952, "time": 1.97788} {"mode": "train", "epoch": 12, "iter": 14650, "lr": 3e-05, "memory": 72263, "data_time": 0.01028, "decode.loss_ce": 0.33509, "decode.acc_seg": 86.77978, "aux.loss_ce": 0.13544, "aux.acc_seg": 86.55891, "loss": 0.47053, "time": 1.97817} {"mode": "train", "epoch": 12, "iter": 14700, "lr": 3e-05, "memory": 72263, "data_time": 0.0114, "decode.loss_ce": 0.33091, "decode.acc_seg": 86.86444, "aux.loss_ce": 0.13389, "aux.acc_seg": 86.63487, "loss": 0.4648, "time": 1.9813} {"mode": "train", "epoch": 12, "iter": 14750, "lr": 3e-05, "memory": 72263, "data_time": 0.0106, "decode.loss_ce": 0.34441, "decode.acc_seg": 86.30132, "aux.loss_ce": 0.13897, "aux.acc_seg": 86.15651, "loss": 0.48338, "time": 1.97751} {"mode": "train", "epoch": 12, "iter": 14800, "lr": 3e-05, "memory": 72263, "data_time": 0.01056, "decode.loss_ce": 0.31381, "decode.acc_seg": 86.97177, "aux.loss_ce": 0.127, "aux.acc_seg": 86.807, "loss": 0.44081, "time": 1.97939} {"mode": "train", "epoch": 12, "iter": 14850, "lr": 3e-05, "memory": 72263, "data_time": 0.00986, "decode.loss_ce": 0.35456, "decode.acc_seg": 86.0616, "aux.loss_ce": 0.14242, "aux.acc_seg": 85.9546, "loss": 0.49699, "time": 1.97844} {"mode": "train", "epoch": 12, "iter": 14900, "lr": 3e-05, "memory": 72263, "data_time": 0.01044, "decode.loss_ce": 0.33936, "decode.acc_seg": 86.42307, "aux.loss_ce": 0.13673, "aux.acc_seg": 86.31126, "loss": 0.4761, "time": 1.98286} {"mode": "train", "epoch": 12, "iter": 14950, "lr": 3e-05, "memory": 72263, "data_time": 0.01006, "decode.loss_ce": 0.33085, "decode.acc_seg": 86.52416, "aux.loss_ce": 0.13245, "aux.acc_seg": 86.45648, "loss": 0.46329, "time": 1.97989} {"mode": "train", "epoch": 12, "iter": 15000, "lr": 3e-05, "memory": 72263, "data_time": 0.01095, "decode.loss_ce": 0.34127, "decode.acc_seg": 86.31792, "aux.loss_ce": 0.13789, "aux.acc_seg": 86.14765, "loss": 0.47915, "time": 1.97933} {"mode": "val", "epoch": 12, "iter": 250, "lr": 3e-05, "aAcc": 0.8522, "mIoU": 0.5582, "mAcc": 0.6939, "IoU.wall": 0.8104, "IoU.building": 0.8461, "IoU.sky": 0.9449, "IoU.floor": 0.8351, "IoU.tree": 0.7681, "IoU.ceiling": 0.8524, "IoU.road": 0.8483, "IoU.bed ": 0.913, "IoU.windowpane": 0.661, "IoU.grass": 0.6456, "IoU.cabinet": 0.6433, "IoU.sidewalk": 0.6814, "IoU.person": 0.8497, "IoU.earth": 0.34, "IoU.door": 0.5809, "IoU.table": 0.6528, "IoU.mountain": 0.6189, "IoU.plant": 0.5746, "IoU.curtain": 0.7915, "IoU.chair": 0.6482, "IoU.car": 0.8658, "IoU.water": 0.6493, "IoU.painting": 0.7619, "IoU.sofa": 0.7784, "IoU.shelf": 0.4404, "IoU.house": 0.5386, "IoU.sea": 0.6232, "IoU.mirror": 0.7864, "IoU.rug": 0.6243, "IoU.field": 0.316, "IoU.armchair": 0.5775, "IoU.seat": 0.6651, "IoU.fence": 0.517, "IoU.desk": 0.4831, "IoU.rock": 0.5351, "IoU.wardrobe": 0.5895, "IoU.lamp": 0.7119, "IoU.bathtub": 0.872, "IoU.railing": 0.3993, "IoU.cushion": 0.6502, "IoU.base": 0.4012, "IoU.box": 0.3749, "IoU.column": 0.5483, "IoU.signboard": 0.425, "IoU.chest of drawers": 0.4966, "IoU.counter": 0.3985, "IoU.sand": 0.492, "IoU.sink": 0.7619, "IoU.skyscraper": 0.609, "IoU.fireplace": 0.779, "IoU.refrigerator": 0.8408, "IoU.grandstand": 0.4747, "IoU.path": 0.2662, "IoU.stairs": 0.4094, "IoU.runway": 0.6907, "IoU.case": 0.5499, "IoU.pool table": 0.9335, "IoU.pillow": 0.5428, "IoU.screen door": 0.5131, "IoU.stairway": 0.4837, "IoU.river": 0.197, "IoU.bridge": 0.7261, "IoU.bookcase": 0.3967, "IoU.blind": 0.4576, "IoU.coffee table": 0.5753, "IoU.toilet": 0.8741, "IoU.flower": 0.3668, "IoU.book": 0.5149, "IoU.hill": 0.0433, "IoU.bench": 0.6154, "IoU.countertop": 0.6373, "IoU.stove": 0.8365, "IoU.palm": 0.515, "IoU.kitchen island": 0.4752, "IoU.computer": 0.7119, "IoU.swivel chair": 0.5026, "IoU.boat": 0.5351, "IoU.bar": 0.6037, "IoU.arcade machine": 0.8841, "IoU.hovel": 0.1991, "IoU.bus": 0.9108, "IoU.towel": 0.7235, "IoU.light": 0.5772, "IoU.truck": 0.4458, "IoU.tower": 0.0449, "IoU.chandelier": 0.6893, "IoU.awning": 0.4637, "IoU.streetlight": 0.3348, "IoU.booth": 0.5909, "IoU.television receiver": 0.7712, "IoU.airplane": 0.6233, "IoU.dirt track": 0.0004, "IoU.apparel": 0.5766, "IoU.pole": 0.1993, "IoU.land": 0.0014, "IoU.bannister": 0.1882, "IoU.escalator": 0.6103, "IoU.ottoman": 0.5509, "IoU.bottle": 0.424, "IoU.buffet": 0.5667, "IoU.poster": 0.3641, "IoU.stage": 0.2237, "IoU.van": 0.3696, "IoU.ship": 0.7068, "IoU.fountain": 0.4608, "IoU.conveyer belt": 0.7073, "IoU.canopy": 0.575, "IoU.washer": 0.8657, "IoU.plaything": 0.3152, "IoU.swimming pool": 0.6825, "IoU.stool": 0.4778, "IoU.barrel": 0.6192, "IoU.basket": 0.4121, "IoU.waterfall": 0.6015, "IoU.tent": 0.9666, "IoU.bag": 0.3074, "IoU.minibike": 0.6777, "IoU.cradle": 0.8493, "IoU.oven": 0.6145, "IoU.ball": 0.0853, "IoU.food": 0.6778, "IoU.step": 0.21, "IoU.tank": 0.6132, "IoU.trade name": 0.3519, "IoU.microwave": 0.8781, "IoU.pot": 0.5415, "IoU.animal": 0.6799, "IoU.bicycle": 0.607, "IoU.lake": 0.6061, "IoU.dishwasher": 0.7592, "IoU.screen": 0.6219, "IoU.blanket": 0.219, "IoU.sculpture": 0.6701, "IoU.hood": 0.6561, "IoU.sconce": 0.5752, "IoU.vase": 0.4628, "IoU.traffic light": 0.3324, "IoU.tray": 0.1835, "IoU.ashcan": 0.5067, "IoU.fan": 0.6741, "IoU.pier": 0.3428, "IoU.crt screen": 0.2431, "IoU.plate": 0.6176, "IoU.monitor": 0.5495, "IoU.bulletin board": 0.5401, "IoU.shower": 0.005, "IoU.radiator": 0.6018, "IoU.glass": 0.1605, "IoU.clock": 0.4546, "IoU.flag": 0.6676, "Acc.wall": 0.8879, "Acc.building": 0.9438, "Acc.sky": 0.9735, "Acc.floor": 0.9026, "Acc.tree": 0.8616, "Acc.ceiling": 0.9113, "Acc.road": 0.9087, "Acc.bed ": 0.974, "Acc.windowpane": 0.7816, "Acc.grass": 0.8116, "Acc.cabinet": 0.7161, "Acc.sidewalk": 0.8404, "Acc.person": 0.9225, "Acc.earth": 0.4495, "Acc.door": 0.717, "Acc.table": 0.7669, "Acc.mountain": 0.7081, "Acc.plant": 0.6786, "Acc.curtain": 0.8982, "Acc.chair": 0.7729, "Acc.car": 0.9396, "Acc.water": 0.8475, "Acc.painting": 0.9056, "Acc.sofa": 0.9009, "Acc.shelf": 0.5672, "Acc.house": 0.6604, "Acc.sea": 0.6771, "Acc.mirror": 0.8756, "Acc.rug": 0.7069, "Acc.field": 0.7432, "Acc.armchair": 0.7535, "Acc.seat": 0.8896, "Acc.fence": 0.7554, "Acc.desk": 0.8015, "Acc.rock": 0.8651, "Acc.wardrobe": 0.8437, "Acc.lamp": 0.8319, "Acc.bathtub": 0.9002, "Acc.railing": 0.5728, "Acc.cushion": 0.8329, "Acc.base": 0.5994, "Acc.box": 0.5447, "Acc.column": 0.7176, "Acc.signboard": 0.5888, "Acc.chest of drawers": 0.7352, "Acc.counter": 0.5934, "Acc.sand": 0.8233, "Acc.sink": 0.8519, "Acc.skyscraper": 0.779, "Acc.fireplace": 0.9352, "Acc.refrigerator": 0.9223, "Acc.grandstand": 0.8784, "Acc.path": 0.3586, "Acc.stairs": 0.4672, "Acc.runway": 0.9325, "Acc.case": 0.6746, "Acc.pool table": 0.9865, "Acc.pillow": 0.5842, "Acc.screen door": 0.5354, "Acc.stairway": 0.642, "Acc.river": 0.3241, "Acc.bridge": 0.8869, "Acc.bookcase": 0.6008, "Acc.blind": 0.546, "Acc.coffee table": 0.8738, "Acc.toilet": 0.957, "Acc.flower": 0.5645, "Acc.book": 0.7447, "Acc.hill": 0.0759, "Acc.bench": 0.7363, "Acc.countertop": 0.8584, "Acc.stove": 0.9128, "Acc.palm": 0.7728, "Acc.kitchen island": 0.8527, "Acc.computer": 0.8429, "Acc.swivel chair": 0.6984, "Acc.boat": 0.9021, "Acc.bar": 0.7948, "Acc.arcade machine": 0.9888, "Acc.hovel": 0.2119, "Acc.bus": 0.9597, "Acc.towel": 0.877, "Acc.light": 0.664, "Acc.truck": 0.5462, "Acc.tower": 0.0488, "Acc.chandelier": 0.8528, "Acc.awning": 0.5855, "Acc.streetlight": 0.5161, "Acc.booth": 0.7786, "Acc.television receiver": 0.8795, "Acc.airplane": 0.7043, "Acc.dirt track": 0.001, "Acc.apparel": 0.6561, "Acc.pole": 0.2324, "Acc.land": 0.0016, "Acc.bannister": 0.2808, "Acc.escalator": 0.8681, "Acc.ottoman": 0.7789, "Acc.bottle": 0.6204, "Acc.buffet": 0.8147, "Acc.poster": 0.4531, "Acc.stage": 0.4826, "Acc.van": 0.4544, "Acc.ship": 0.8368, "Acc.fountain": 0.4805, "Acc.conveyer belt": 0.982, "Acc.canopy": 0.6741, "Acc.washer": 0.9347, "Acc.plaything": 0.4346, "Acc.swimming pool": 0.8144, "Acc.stool": 0.5831, "Acc.barrel": 0.7595, "Acc.basket": 0.5734, "Acc.waterfall": 0.7456, "Acc.tent": 0.972, "Acc.bag": 0.3654, "Acc.minibike": 0.9332, "Acc.cradle": 0.9744, "Acc.oven": 0.6838, "Acc.ball": 0.0855, "Acc.food": 0.8007, "Acc.step": 0.2802, "Acc.tank": 0.7488, "Acc.trade name": 0.4422, "Acc.microwave": 0.9532, "Acc.pot": 0.6377, "Acc.animal": 0.7159, "Acc.bicycle": 0.78, "Acc.lake": 0.6343, "Acc.dishwasher": 0.8301, "Acc.screen": 0.7482, "Acc.blanket": 0.2545, "Acc.sculpture": 0.8625, "Acc.hood": 0.788, "Acc.sconce": 0.7162, "Acc.vase": 0.639, "Acc.traffic light": 0.6691, "Acc.tray": 0.2757, "Acc.ashcan": 0.5778, "Acc.fan": 0.8175, "Acc.pier": 0.3863, "Acc.crt screen": 0.3185, "Acc.plate": 0.7372, "Acc.monitor": 0.885, "Acc.bulletin board": 0.7337, "Acc.shower": 0.0741, "Acc.radiator": 0.7584, "Acc.glass": 0.172, "Acc.clock": 0.6249, "Acc.flag": 0.7438} {"mode": "train", "epoch": 12, "iter": 15050, "lr": 3e-05, "memory": 72263, "data_time": 2.21545, "decode.loss_ce": 0.33821, "decode.acc_seg": 86.344, "aux.loss_ce": 0.13637, "aux.acc_seg": 86.18132, "loss": 0.47457, "time": 4.18896} {"mode": "train", "epoch": 12, "iter": 15100, "lr": 3e-05, "memory": 72263, "data_time": 0.01032, "decode.loss_ce": 0.35855, "decode.acc_seg": 85.96436, "aux.loss_ce": 0.14416, "aux.acc_seg": 85.7241, "loss": 0.50271, "time": 1.97805} {"mode": "train", "epoch": 12, "iter": 15150, "lr": 3e-05, "memory": 72263, "data_time": 0.00974, "decode.loss_ce": 0.34666, "decode.acc_seg": 86.37048, "aux.loss_ce": 0.14013, "aux.acc_seg": 86.34042, "loss": 0.48679, "time": 1.9806} {"mode": "train", "epoch": 13, "iter": 15200, "lr": 3e-05, "memory": 72263, "data_time": 0.05264, "decode.loss_ce": 0.3238, "decode.acc_seg": 87.07255, "aux.loss_ce": 0.13211, "aux.acc_seg": 86.88995, "loss": 0.45592, "time": 2.02357} {"mode": "train", "epoch": 13, "iter": 15250, "lr": 3e-05, "memory": 72263, "data_time": 0.00989, "decode.loss_ce": 0.33079, "decode.acc_seg": 86.57492, "aux.loss_ce": 0.13294, "aux.acc_seg": 86.42807, "loss": 0.46373, "time": 1.97814} {"mode": "train", "epoch": 13, "iter": 15300, "lr": 3e-05, "memory": 72263, "data_time": 0.01046, "decode.loss_ce": 0.31226, "decode.acc_seg": 86.98563, "aux.loss_ce": 0.12571, "aux.acc_seg": 86.94942, "loss": 0.43797, "time": 1.9793} {"mode": "train", "epoch": 13, "iter": 15350, "lr": 3e-05, "memory": 72263, "data_time": 0.01002, "decode.loss_ce": 0.32703, "decode.acc_seg": 86.93477, "aux.loss_ce": 0.13276, "aux.acc_seg": 86.75467, "loss": 0.45978, "time": 1.97756} {"mode": "train", "epoch": 13, "iter": 15400, "lr": 3e-05, "memory": 72263, "data_time": 0.00958, "decode.loss_ce": 0.33808, "decode.acc_seg": 86.76426, "aux.loss_ce": 0.13736, "aux.acc_seg": 86.51817, "loss": 0.47544, "time": 1.97809} {"mode": "train", "epoch": 13, "iter": 15450, "lr": 3e-05, "memory": 72263, "data_time": 0.0098, "decode.loss_ce": 0.31721, "decode.acc_seg": 86.8215, "aux.loss_ce": 0.12949, "aux.acc_seg": 86.72624, "loss": 0.4467, "time": 1.98077} {"mode": "train", "epoch": 13, "iter": 15500, "lr": 3e-05, "memory": 72263, "data_time": 0.00984, "decode.loss_ce": 0.33607, "decode.acc_seg": 86.82047, "aux.loss_ce": 0.13581, "aux.acc_seg": 86.60099, "loss": 0.47187, "time": 1.98021} {"mode": "train", "epoch": 13, "iter": 15550, "lr": 3e-05, "memory": 72263, "data_time": 0.01033, "decode.loss_ce": 0.32373, "decode.acc_seg": 87.19532, "aux.loss_ce": 0.13079, "aux.acc_seg": 86.94861, "loss": 0.45452, "time": 1.97779} {"mode": "train", "epoch": 13, "iter": 15600, "lr": 3e-05, "memory": 72263, "data_time": 0.00979, "decode.loss_ce": 0.30269, "decode.acc_seg": 87.85474, "aux.loss_ce": 0.12379, "aux.acc_seg": 87.55844, "loss": 0.42648, "time": 1.97933} {"mode": "train", "epoch": 13, "iter": 15650, "lr": 3e-05, "memory": 72263, "data_time": 0.00977, "decode.loss_ce": 0.32122, "decode.acc_seg": 86.92475, "aux.loss_ce": 0.13046, "aux.acc_seg": 86.72271, "loss": 0.45167, "time": 1.9775} {"mode": "train", "epoch": 13, "iter": 15700, "lr": 3e-05, "memory": 72263, "data_time": 0.00976, "decode.loss_ce": 0.33317, "decode.acc_seg": 86.84628, "aux.loss_ce": 0.13525, "aux.acc_seg": 86.5517, "loss": 0.46843, "time": 1.97813} {"mode": "train", "epoch": 13, "iter": 15750, "lr": 3e-05, "memory": 72263, "data_time": 0.01003, "decode.loss_ce": 0.3263, "decode.acc_seg": 86.45839, "aux.loss_ce": 0.13129, "aux.acc_seg": 86.3888, "loss": 0.45758, "time": 1.97794} {"mode": "train", "epoch": 13, "iter": 15800, "lr": 3e-05, "memory": 72263, "data_time": 0.01036, "decode.loss_ce": 0.32566, "decode.acc_seg": 86.60749, "aux.loss_ce": 0.13276, "aux.acc_seg": 86.39651, "loss": 0.45841, "time": 1.97922} {"mode": "train", "epoch": 13, "iter": 15850, "lr": 3e-05, "memory": 72263, "data_time": 0.00976, "decode.loss_ce": 0.31914, "decode.acc_seg": 86.94151, "aux.loss_ce": 0.12889, "aux.acc_seg": 86.97316, "loss": 0.44803, "time": 1.97834} {"mode": "train", "epoch": 13, "iter": 15900, "lr": 3e-05, "memory": 72263, "data_time": 0.00977, "decode.loss_ce": 0.32627, "decode.acc_seg": 87.15406, "aux.loss_ce": 0.13228, "aux.acc_seg": 86.92829, "loss": 0.45855, "time": 1.97925} {"mode": "train", "epoch": 13, "iter": 15950, "lr": 3e-05, "memory": 72263, "data_time": 0.00991, "decode.loss_ce": 0.30937, "decode.acc_seg": 87.78226, "aux.loss_ce": 0.12546, "aux.acc_seg": 87.6171, "loss": 0.43483, "time": 1.97832} {"mode": "train", "epoch": 13, "iter": 16000, "lr": 3e-05, "memory": 72263, "data_time": 0.01017, "decode.loss_ce": 0.32604, "decode.acc_seg": 86.87607, "aux.loss_ce": 0.13194, "aux.acc_seg": 86.72705, "loss": 0.45798, "time": 3.66767} {"mode": "val", "epoch": 13, "iter": 250, "lr": 3e-05, "aAcc": 0.8512, "mIoU": 0.5553, "mAcc": 0.6974, "IoU.wall": 0.8069, "IoU.building": 0.8251, "IoU.sky": 0.9456, "IoU.floor": 0.8395, "IoU.tree": 0.769, "IoU.ceiling": 0.8596, "IoU.road": 0.8368, "IoU.bed ": 0.9135, "IoU.windowpane": 0.6457, "IoU.grass": 0.6823, "IoU.cabinet": 0.6625, "IoU.sidewalk": 0.6866, "IoU.person": 0.8494, "IoU.earth": 0.3598, "IoU.door": 0.5696, "IoU.table": 0.6648, "IoU.mountain": 0.6262, "IoU.plant": 0.5709, "IoU.curtain": 0.7873, "IoU.chair": 0.6378, "IoU.car": 0.8712, "IoU.water": 0.6553, "IoU.painting": 0.7739, "IoU.sofa": 0.8046, "IoU.shelf": 0.4908, "IoU.house": 0.4788, "IoU.sea": 0.6932, "IoU.mirror": 0.7585, "IoU.rug": 0.6981, "IoU.field": 0.2788, "IoU.armchair": 0.6412, "IoU.seat": 0.6671, "IoU.fence": 0.5288, "IoU.desk": 0.507, "IoU.rock": 0.5958, "IoU.wardrobe": 0.5194, "IoU.lamp": 0.7058, "IoU.bathtub": 0.8636, "IoU.railing": 0.4223, "IoU.cushion": 0.6106, "IoU.base": 0.3192, "IoU.box": 0.3718, "IoU.column": 0.5355, "IoU.signboard": 0.3797, "IoU.chest of drawers": 0.489, "IoU.counter": 0.4055, "IoU.sand": 0.3983, "IoU.sink": 0.7838, "IoU.skyscraper": 0.524, "IoU.fireplace": 0.7442, "IoU.refrigerator": 0.8148, "IoU.grandstand": 0.5017, "IoU.path": 0.2055, "IoU.stairs": 0.3854, "IoU.runway": 0.6854, "IoU.case": 0.5899, "IoU.pool table": 0.931, "IoU.pillow": 0.5218, "IoU.screen door": 0.7892, "IoU.stairway": 0.4937, "IoU.river": 0.1842, "IoU.bridge": 0.7806, "IoU.bookcase": 0.385, "IoU.blind": 0.3779, "IoU.coffee table": 0.6713, "IoU.toilet": 0.8789, "IoU.flower": 0.4108, "IoU.book": 0.5371, "IoU.hill": 0.0499, "IoU.bench": 0.6128, "IoU.countertop": 0.6594, "IoU.stove": 0.8434, "IoU.palm": 0.4942, "IoU.kitchen island": 0.2168, "IoU.computer": 0.7548, "IoU.swivel chair": 0.4629, "IoU.boat": 0.4962, "IoU.bar": 0.676, "IoU.arcade machine": 0.8651, "IoU.hovel": 0.3676, "IoU.bus": 0.9084, "IoU.towel": 0.7538, "IoU.light": 0.5844, "IoU.truck": 0.474, "IoU.tower": 0.33, "IoU.chandelier": 0.6915, "IoU.awning": 0.3989, "IoU.streetlight": 0.3141, "IoU.booth": 0.3495, "IoU.television receiver": 0.7898, "IoU.airplane": 0.8138, "IoU.dirt track": 0.0, "IoU.apparel": 0.5785, "IoU.pole": 0.2257, "IoU.land": 0.0218, "IoU.bannister": 0.1917, "IoU.escalator": 0.6273, "IoU.ottoman": 0.5378, "IoU.bottle": 0.4195, "IoU.buffet": 0.6551, "IoU.poster": 0.3757, "IoU.stage": 0.2348, "IoU.van": 0.4854, "IoU.ship": 0.8116, "IoU.fountain": 0.2345, "IoU.conveyer belt": 0.8068, "IoU.canopy": 0.5356, "IoU.washer": 0.8453, "IoU.plaything": 0.2502, "IoU.swimming pool": 0.5691, "IoU.stool": 0.2892, "IoU.barrel": 0.592, "IoU.basket": 0.3994, "IoU.waterfall": 0.5655, "IoU.tent": 0.9677, "IoU.bag": 0.2454, "IoU.minibike": 0.7455, "IoU.cradle": 0.8633, "IoU.oven": 0.5974, "IoU.ball": 0.5039, "IoU.food": 0.44, "IoU.step": 0.119, "IoU.tank": 0.5456, "IoU.trade name": 0.1745, "IoU.microwave": 0.8849, "IoU.pot": 0.5513, "IoU.animal": 0.6162, "IoU.bicycle": 0.5465, "IoU.lake": 0.5812, "IoU.dishwasher": 0.6853, "IoU.screen": 0.641, "IoU.blanket": 0.3591, "IoU.sculpture": 0.7157, "IoU.hood": 0.5788, "IoU.sconce": 0.5709, "IoU.vase": 0.4803, "IoU.traffic light": 0.3243, "IoU.tray": 0.1234, "IoU.ashcan": 0.4827, "IoU.fan": 0.6709, "IoU.pier": 0.3676, "IoU.crt screen": 0.0008, "IoU.plate": 0.5028, "IoU.monitor": 0.5315, "IoU.bulletin board": 0.4102, "IoU.shower": 0.0993, "IoU.radiator": 0.6832, "IoU.glass": 0.1832, "IoU.clock": 0.4931, "IoU.flag": 0.6565, "Acc.wall": 0.8774, "Acc.building": 0.8914, "Acc.sky": 0.9743, "Acc.floor": 0.8942, "Acc.tree": 0.8999, "Acc.ceiling": 0.9433, "Acc.road": 0.9269, "Acc.bed ": 0.9601, "Acc.windowpane": 0.8343, "Acc.grass": 0.8188, "Acc.cabinet": 0.78, "Acc.sidewalk": 0.8171, "Acc.person": 0.9454, "Acc.earth": 0.4659, "Acc.door": 0.6859, "Acc.table": 0.8288, "Acc.mountain": 0.7497, "Acc.plant": 0.7364, "Acc.curtain": 0.8916, "Acc.chair": 0.7564, "Acc.car": 0.9339, "Acc.water": 0.8346, "Acc.painting": 0.8918, "Acc.sofa": 0.9192, "Acc.shelf": 0.677, "Acc.house": 0.8931, "Acc.sea": 0.7708, "Acc.mirror": 0.8181, "Acc.rug": 0.8632, "Acc.field": 0.5618, "Acc.armchair": 0.7876, "Acc.seat": 0.893, "Acc.fence": 0.6499, "Acc.desk": 0.8233, "Acc.rock": 0.7978, "Acc.wardrobe": 0.7148, "Acc.lamp": 0.8505, "Acc.bathtub": 0.9017, "Acc.railing": 0.6017, "Acc.cushion": 0.8359, "Acc.base": 0.4031, "Acc.box": 0.5148, "Acc.column": 0.714, "Acc.signboard": 0.4853, "Acc.chest of drawers": 0.6944, "Acc.counter": 0.4892, "Acc.sand": 0.5611, "Acc.sink": 0.8789, "Acc.skyscraper": 0.6423, "Acc.fireplace": 0.94, "Acc.refrigerator": 0.9095, "Acc.grandstand": 0.7507, "Acc.path": 0.2225, "Acc.stairs": 0.4424, "Acc.runway": 0.8945, "Acc.case": 0.9285, "Acc.pool table": 0.9856, "Acc.pillow": 0.5622, "Acc.screen door": 0.8579, "Acc.stairway": 0.662, "Acc.river": 0.3243, "Acc.bridge": 0.851, "Acc.bookcase": 0.4906, "Acc.blind": 0.3973, "Acc.coffee table": 0.8668, "Acc.toilet": 0.9177, "Acc.flower": 0.5389, "Acc.book": 0.7782, "Acc.hill": 0.0584, "Acc.bench": 0.7039, "Acc.countertop": 0.8544, "Acc.stove": 0.9158, "Acc.palm": 0.8306, "Acc.kitchen island": 0.2605, "Acc.computer": 0.9264, "Acc.swivel chair": 0.6272, "Acc.boat": 0.9405, "Acc.bar": 0.8353, "Acc.arcade machine": 0.9881, "Acc.hovel": 0.4286, "Acc.bus": 0.9705, "Acc.towel": 0.8482, "Acc.light": 0.7213, "Acc.truck": 0.6291, "Acc.tower": 0.9113, "Acc.chandelier": 0.8691, "Acc.awning": 0.5166, "Acc.streetlight": 0.423, "Acc.booth": 0.5261, "Acc.television receiver": 0.8569, "Acc.airplane": 0.9052, "Acc.dirt track": 0.0, "Acc.apparel": 0.8927, "Acc.pole": 0.2711, "Acc.land": 0.035, "Acc.bannister": 0.2281, "Acc.escalator": 0.8713, "Acc.ottoman": 0.7996, "Acc.bottle": 0.6594, "Acc.buffet": 0.8085, "Acc.poster": 0.6884, "Acc.stage": 0.4937, "Acc.van": 0.6848, "Acc.ship": 0.8474, "Acc.fountain": 0.2351, "Acc.conveyer belt": 0.9475, "Acc.canopy": 0.7715, "Acc.washer": 0.8967, "Acc.plaything": 0.5364, "Acc.swimming pool": 0.8388, "Acc.stool": 0.8167, "Acc.barrel": 0.6448, "Acc.basket": 0.5988, "Acc.waterfall": 0.7031, "Acc.tent": 0.9812, "Acc.bag": 0.2835, "Acc.minibike": 0.8395, "Acc.cradle": 0.9753, "Acc.oven": 0.7288, "Acc.ball": 0.7397, "Acc.food": 0.4478, "Acc.step": 0.1632, "Acc.tank": 0.6608, "Acc.trade name": 0.1851, "Acc.microwave": 0.9579, "Acc.pot": 0.6584, "Acc.animal": 0.6337, "Acc.bicycle": 0.8684, "Acc.lake": 0.5986, "Acc.dishwasher": 0.835, "Acc.screen": 0.9101, "Acc.blanket": 0.5122, "Acc.sculpture": 0.867, "Acc.hood": 0.6565, "Acc.sconce": 0.6662, "Acc.vase": 0.677, "Acc.traffic light": 0.6326, "Acc.tray": 0.1689, "Acc.ashcan": 0.5713, "Acc.fan": 0.7848, "Acc.pier": 0.432, "Acc.crt screen": 0.0008, "Acc.plate": 0.8496, "Acc.monitor": 0.863, "Acc.bulletin board": 0.8344, "Acc.shower": 0.1071, "Acc.radiator": 0.7721, "Acc.glass": 0.1981, "Acc.clock": 0.5781, "Acc.flag": 0.7544} {"mode": "train", "epoch": 13, "iter": 16050, "lr": 3e-05, "memory": 72263, "data_time": 2.20265, "decode.loss_ce": 0.34789, "decode.acc_seg": 86.20354, "aux.loss_ce": 0.14092, "aux.acc_seg": 86.00567, "loss": 0.48881, "time": 4.17297} {"mode": "train", "epoch": 13, "iter": 16100, "lr": 3e-05, "memory": 72263, "data_time": 0.01055, "decode.loss_ce": 0.3238, "decode.acc_seg": 86.76578, "aux.loss_ce": 0.13127, "aux.acc_seg": 86.50839, "loss": 0.45508, "time": 1.98105} {"mode": "train", "epoch": 13, "iter": 16150, "lr": 3e-05, "memory": 72263, "data_time": 0.01026, "decode.loss_ce": 0.32675, "decode.acc_seg": 87.26233, "aux.loss_ce": 0.13311, "aux.acc_seg": 87.13233, "loss": 0.45986, "time": 1.97821} {"mode": "train", "epoch": 13, "iter": 16200, "lr": 3e-05, "memory": 72263, "data_time": 0.01064, "decode.loss_ce": 0.33596, "decode.acc_seg": 87.01816, "aux.loss_ce": 0.1355, "aux.acc_seg": 87.04335, "loss": 0.47146, "time": 1.98039} {"mode": "train", "epoch": 13, "iter": 16250, "lr": 3e-05, "memory": 72263, "data_time": 0.01057, "decode.loss_ce": 0.32132, "decode.acc_seg": 87.05453, "aux.loss_ce": 0.13009, "aux.acc_seg": 86.96718, "loss": 0.45141, "time": 1.979} {"mode": "train", "epoch": 13, "iter": 16300, "lr": 3e-05, "memory": 72263, "data_time": 0.00987, "decode.loss_ce": 0.32717, "decode.acc_seg": 86.87387, "aux.loss_ce": 0.13364, "aux.acc_seg": 86.53045, "loss": 0.46081, "time": 1.97911} {"mode": "train", "epoch": 13, "iter": 16350, "lr": 3e-05, "memory": 72263, "data_time": 0.00985, "decode.loss_ce": 0.32717, "decode.acc_seg": 86.72225, "aux.loss_ce": 0.13195, "aux.acc_seg": 86.55002, "loss": 0.45911, "time": 1.97861} {"mode": "train", "epoch": 13, "iter": 16400, "lr": 3e-05, "memory": 72263, "data_time": 0.00998, "decode.loss_ce": 0.33019, "decode.acc_seg": 87.06394, "aux.loss_ce": 0.13356, "aux.acc_seg": 86.92703, "loss": 0.46375, "time": 1.98067} {"mode": "train", "epoch": 14, "iter": 16450, "lr": 3e-05, "memory": 72263, "data_time": 0.06147, "decode.loss_ce": 0.31208, "decode.acc_seg": 87.11273, "aux.loss_ce": 0.12672, "aux.acc_seg": 86.98978, "loss": 0.4388, "time": 2.0338} {"mode": "train", "epoch": 14, "iter": 16500, "lr": 3e-05, "memory": 72263, "data_time": 0.01004, "decode.loss_ce": 0.31044, "decode.acc_seg": 87.55769, "aux.loss_ce": 0.127, "aux.acc_seg": 87.20517, "loss": 0.43745, "time": 1.98088} {"mode": "train", "epoch": 14, "iter": 16550, "lr": 3e-05, "memory": 72263, "data_time": 0.00993, "decode.loss_ce": 0.31365, "decode.acc_seg": 87.55836, "aux.loss_ce": 0.12633, "aux.acc_seg": 87.57445, "loss": 0.43999, "time": 1.98058} {"mode": "train", "epoch": 14, "iter": 16600, "lr": 3e-05, "memory": 72263, "data_time": 0.00995, "decode.loss_ce": 0.29943, "decode.acc_seg": 87.99289, "aux.loss_ce": 0.12196, "aux.acc_seg": 87.72832, "loss": 0.42138, "time": 1.97888} {"mode": "train", "epoch": 14, "iter": 16650, "lr": 3e-05, "memory": 72263, "data_time": 0.01038, "decode.loss_ce": 0.30585, "decode.acc_seg": 87.69776, "aux.loss_ce": 0.12407, "aux.acc_seg": 87.43904, "loss": 0.42992, "time": 1.98008} {"mode": "train", "epoch": 14, "iter": 16700, "lr": 3e-05, "memory": 72263, "data_time": 0.00993, "decode.loss_ce": 0.31721, "decode.acc_seg": 87.40177, "aux.loss_ce": 0.12875, "aux.acc_seg": 87.26934, "loss": 0.44596, "time": 1.97949} {"mode": "train", "epoch": 14, "iter": 16750, "lr": 3e-05, "memory": 72263, "data_time": 0.00978, "decode.loss_ce": 0.30638, "decode.acc_seg": 87.96141, "aux.loss_ce": 0.12439, "aux.acc_seg": 87.72471, "loss": 0.43077, "time": 1.9776} {"mode": "train", "epoch": 14, "iter": 16800, "lr": 3e-05, "memory": 72263, "data_time": 0.00968, "decode.loss_ce": 0.30322, "decode.acc_seg": 87.85367, "aux.loss_ce": 0.12235, "aux.acc_seg": 87.78614, "loss": 0.42557, "time": 1.97946} {"mode": "train", "epoch": 14, "iter": 16850, "lr": 3e-05, "memory": 72263, "data_time": 0.00976, "decode.loss_ce": 0.32108, "decode.acc_seg": 86.98222, "aux.loss_ce": 0.13158, "aux.acc_seg": 86.69615, "loss": 0.45265, "time": 1.98122} {"mode": "train", "epoch": 14, "iter": 16900, "lr": 3e-05, "memory": 72263, "data_time": 0.01051, "decode.loss_ce": 0.32964, "decode.acc_seg": 87.17516, "aux.loss_ce": 0.13321, "aux.acc_seg": 86.97769, "loss": 0.46285, "time": 1.97859} {"mode": "train", "epoch": 14, "iter": 16950, "lr": 3e-05, "memory": 72263, "data_time": 0.01013, "decode.loss_ce": 0.31809, "decode.acc_seg": 87.26718, "aux.loss_ce": 0.12816, "aux.acc_seg": 87.0439, "loss": 0.44624, "time": 1.9788} {"mode": "train", "epoch": 14, "iter": 17000, "lr": 3e-05, "memory": 72263, "data_time": 0.01038, "decode.loss_ce": 0.30911, "decode.acc_seg": 87.53355, "aux.loss_ce": 0.12518, "aux.acc_seg": 87.2656, "loss": 0.43429, "time": 1.98026} {"mode": "val", "epoch": 14, "iter": 250, "lr": 3e-05, "aAcc": 0.8539, "mIoU": 0.5616, "mAcc": 0.7039, "IoU.wall": 0.8081, "IoU.building": 0.8458, "IoU.sky": 0.9458, "IoU.floor": 0.8413, "IoU.tree": 0.7678, "IoU.ceiling": 0.8666, "IoU.road": 0.8416, "IoU.bed ": 0.9182, "IoU.windowpane": 0.6458, "IoU.grass": 0.6855, "IoU.cabinet": 0.6281, "IoU.sidewalk": 0.6933, "IoU.person": 0.8492, "IoU.earth": 0.3712, "IoU.door": 0.565, "IoU.table": 0.6526, "IoU.mountain": 0.6291, "IoU.plant": 0.5928, "IoU.curtain": 0.7138, "IoU.chair": 0.6639, "IoU.car": 0.8684, "IoU.water": 0.6825, "IoU.painting": 0.8011, "IoU.sofa": 0.8053, "IoU.shelf": 0.502, "IoU.house": 0.5444, "IoU.sea": 0.7411, "IoU.mirror": 0.7846, "IoU.rug": 0.7078, "IoU.field": 0.2988, "IoU.armchair": 0.6172, "IoU.seat": 0.6548, "IoU.fence": 0.5006, "IoU.desk": 0.5325, "IoU.rock": 0.601, "IoU.wardrobe": 0.5024, "IoU.lamp": 0.7121, "IoU.bathtub": 0.8625, "IoU.railing": 0.3788, "IoU.cushion": 0.6793, "IoU.base": 0.3989, "IoU.box": 0.3033, "IoU.column": 0.5764, "IoU.signboard": 0.4255, "IoU.chest of drawers": 0.431, "IoU.counter": 0.4229, "IoU.sand": 0.4774, "IoU.sink": 0.8035, "IoU.skyscraper": 0.5256, "IoU.fireplace": 0.7472, "IoU.refrigerator": 0.8276, "IoU.grandstand": 0.5016, "IoU.path": 0.3013, "IoU.stairs": 0.3619, "IoU.runway": 0.6533, "IoU.case": 0.749, "IoU.pool table": 0.9356, "IoU.pillow": 0.596, "IoU.screen door": 0.6418, "IoU.stairway": 0.3471, "IoU.river": 0.2598, "IoU.bridge": 0.6838, "IoU.bookcase": 0.4231, "IoU.blind": 0.3786, "IoU.coffee table": 0.5836, "IoU.toilet": 0.8979, "IoU.flower": 0.4377, "IoU.book": 0.5264, "IoU.hill": 0.1067, "IoU.bench": 0.584, "IoU.countertop": 0.6675, "IoU.stove": 0.8214, "IoU.palm": 0.4395, "IoU.kitchen island": 0.4252, "IoU.computer": 0.7488, "IoU.swivel chair": 0.5407, "IoU.boat": 0.6678, "IoU.bar": 0.5885, "IoU.arcade machine": 0.8903, "IoU.hovel": 0.2017, "IoU.bus": 0.9141, "IoU.towel": 0.7606, "IoU.light": 0.5234, "IoU.truck": 0.4345, "IoU.tower": 0.2913, "IoU.chandelier": 0.7164, "IoU.awning": 0.4897, "IoU.streetlight": 0.2814, "IoU.booth": 0.4233, "IoU.television receiver": 0.7776, "IoU.airplane": 0.7336, "IoU.dirt track": 0.0187, "IoU.apparel": 0.5754, "IoU.pole": 0.2947, "IoU.land": 0.0, "IoU.bannister": 0.1823, "IoU.escalator": 0.5607, "IoU.ottoman": 0.6112, "IoU.bottle": 0.3803, "IoU.buffet": 0.4563, "IoU.poster": 0.4091, "IoU.stage": 0.2417, "IoU.van": 0.4415, "IoU.ship": 0.8587, "IoU.fountain": 0.3345, "IoU.conveyer belt": 0.8101, "IoU.canopy": 0.4722, "IoU.washer": 0.8752, "IoU.plaything": 0.3206, "IoU.swimming pool": 0.5425, "IoU.stool": 0.5341, "IoU.barrel": 0.4288, "IoU.basket": 0.4135, "IoU.waterfall": 0.6569, "IoU.tent": 0.963, "IoU.bag": 0.3117, "IoU.minibike": 0.7326, "IoU.cradle": 0.8428, "IoU.oven": 0.4996, "IoU.ball": 0.5329, "IoU.food": 0.691, "IoU.step": 0.1457, "IoU.tank": 0.535, "IoU.trade name": 0.2717, "IoU.microwave": 0.8815, "IoU.pot": 0.5575, "IoU.animal": 0.6423, "IoU.bicycle": 0.6022, "IoU.lake": 0.561, "IoU.dishwasher": 0.7074, "IoU.screen": 0.6096, "IoU.blanket": 0.4187, "IoU.sculpture": 0.7084, "IoU.hood": 0.6113, "IoU.sconce": 0.5589, "IoU.vase": 0.4522, "IoU.traffic light": 0.3377, "IoU.tray": 0.1138, "IoU.ashcan": 0.4637, "IoU.fan": 0.681, "IoU.pier": 0.3827, "IoU.crt screen": 0.0176, "IoU.plate": 0.5991, "IoU.monitor": 0.2696, "IoU.bulletin board": 0.5674, "IoU.shower": 0.0383, "IoU.radiator": 0.6473, "IoU.glass": 0.1961, "IoU.clock": 0.4454, "IoU.flag": 0.6823, "Acc.wall": 0.8766, "Acc.building": 0.9106, "Acc.sky": 0.969, "Acc.floor": 0.9039, "Acc.tree": 0.8805, "Acc.ceiling": 0.945, "Acc.road": 0.8963, "Acc.bed ": 0.9766, "Acc.windowpane": 0.8475, "Acc.grass": 0.8523, "Acc.cabinet": 0.7205, "Acc.sidewalk": 0.8645, "Acc.person": 0.9113, "Acc.earth": 0.4862, "Acc.door": 0.7117, "Acc.table": 0.7731, "Acc.mountain": 0.7959, "Acc.plant": 0.7024, "Acc.curtain": 0.8296, "Acc.chair": 0.7856, "Acc.car": 0.9312, "Acc.water": 0.8338, "Acc.painting": 0.9063, "Acc.sofa": 0.8983, "Acc.shelf": 0.6879, "Acc.house": 0.8998, "Acc.sea": 0.8378, "Acc.mirror": 0.8673, "Acc.rug": 0.8745, "Acc.field": 0.548, "Acc.armchair": 0.7434, "Acc.seat": 0.8902, "Acc.fence": 0.6905, "Acc.desk": 0.8274, "Acc.rock": 0.8305, "Acc.wardrobe": 0.7373, "Acc.lamp": 0.8301, "Acc.bathtub": 0.9212, "Acc.railing": 0.4919, "Acc.cushion": 0.795, "Acc.base": 0.6141, "Acc.box": 0.3821, "Acc.column": 0.7227, "Acc.signboard": 0.5856, "Acc.chest of drawers": 0.8166, "Acc.counter": 0.5181, "Acc.sand": 0.6613, "Acc.sink": 0.8896, "Acc.skyscraper": 0.7372, "Acc.fireplace": 0.9345, "Acc.refrigerator": 0.9386, "Acc.grandstand": 0.8684, "Acc.path": 0.3898, "Acc.stairs": 0.4949, "Acc.runway": 0.8552, "Acc.case": 0.8153, "Acc.pool table": 0.9857, "Acc.pillow": 0.6929, "Acc.screen door": 0.9402, "Acc.stairway": 0.3887, "Acc.river": 0.4689, "Acc.bridge": 0.8576, "Acc.bookcase": 0.5954, "Acc.blind": 0.3936, "Acc.coffee table": 0.876, "Acc.toilet": 0.9505, "Acc.flower": 0.5699, "Acc.book": 0.7901, "Acc.hill": 0.2225, "Acc.bench": 0.7201, "Acc.countertop": 0.8178, "Acc.stove": 0.9238, "Acc.palm": 0.8766, "Acc.kitchen island": 0.8419, "Acc.computer": 0.9054, "Acc.swivel chair": 0.8057, "Acc.boat": 0.8985, "Acc.bar": 0.7437, "Acc.arcade machine": 0.9901, "Acc.hovel": 0.2249, "Acc.bus": 0.9734, "Acc.towel": 0.8637, "Acc.light": 0.5629, "Acc.truck": 0.6603, "Acc.tower": 0.6164, "Acc.chandelier": 0.8435, "Acc.awning": 0.5931, "Acc.streetlight": 0.3416, "Acc.booth": 0.7136, "Acc.television receiver": 0.8844, "Acc.airplane": 0.8273, "Acc.dirt track": 0.1054, "Acc.apparel": 0.8877, "Acc.pole": 0.3925, "Acc.land": 0.0, "Acc.bannister": 0.2473, "Acc.escalator": 0.8917, "Acc.ottoman": 0.7702, "Acc.bottle": 0.4677, "Acc.buffet": 0.5355, "Acc.poster": 0.5346, "Acc.stage": 0.4911, "Acc.van": 0.6332, "Acc.ship": 0.9215, "Acc.fountain": 0.3407, "Acc.conveyer belt": 0.9595, "Acc.canopy": 0.6282, "Acc.washer": 0.9312, "Acc.plaything": 0.4618, "Acc.swimming pool": 0.8101, "Acc.stool": 0.5891, "Acc.barrel": 0.8587, "Acc.basket": 0.5791, "Acc.waterfall": 0.8897, "Acc.tent": 0.9826, "Acc.bag": 0.3802, "Acc.minibike": 0.899, "Acc.cradle": 0.9583, "Acc.oven": 0.608, "Acc.ball": 0.7694, "Acc.food": 0.8445, "Acc.step": 0.1801, "Acc.tank": 0.7069, "Acc.trade name": 0.3197, "Acc.microwave": 0.94, "Acc.pot": 0.6492, "Acc.animal": 0.6644, "Acc.bicycle": 0.7701, "Acc.lake": 0.642, "Acc.dishwasher": 0.767, "Acc.screen": 0.9745, "Acc.blanket": 0.5846, "Acc.sculpture": 0.8533, "Acc.hood": 0.7157, "Acc.sconce": 0.618, "Acc.vase": 0.6333, "Acc.traffic light": 0.6038, "Acc.tray": 0.1349, "Acc.ashcan": 0.6839, "Acc.fan": 0.7809, "Acc.pier": 0.4237, "Acc.crt screen": 0.0349, "Acc.plate": 0.8042, "Acc.monitor": 0.3745, "Acc.bulletin board": 0.7393, "Acc.shower": 0.0383, "Acc.radiator": 0.7706, "Acc.glass": 0.218, "Acc.clock": 0.5568, "Acc.flag": 0.7737} {"mode": "train", "epoch": 14, "iter": 17050, "lr": 3e-05, "memory": 72263, "data_time": 2.2082, "decode.loss_ce": 0.31054, "decode.acc_seg": 87.52028, "aux.loss_ce": 0.12558, "aux.acc_seg": 87.33925, "loss": 0.43612, "time": 4.17881} {"mode": "train", "epoch": 14, "iter": 17100, "lr": 3e-05, "memory": 72263, "data_time": 0.00987, "decode.loss_ce": 0.30403, "decode.acc_seg": 87.87935, "aux.loss_ce": 0.1231, "aux.acc_seg": 87.639, "loss": 0.42713, "time": 1.97782} {"mode": "train", "epoch": 14, "iter": 17150, "lr": 3e-05, "memory": 72263, "data_time": 0.00992, "decode.loss_ce": 0.3108, "decode.acc_seg": 87.75923, "aux.loss_ce": 0.12668, "aux.acc_seg": 87.51434, "loss": 0.43748, "time": 1.97768} {"mode": "train", "epoch": 14, "iter": 17200, "lr": 3e-05, "memory": 72263, "data_time": 0.01008, "decode.loss_ce": 0.33371, "decode.acc_seg": 86.61654, "aux.loss_ce": 0.13445, "aux.acc_seg": 86.46523, "loss": 0.46816, "time": 1.9795} {"mode": "train", "epoch": 14, "iter": 17250, "lr": 3e-05, "memory": 72263, "data_time": 0.01019, "decode.loss_ce": 0.30573, "decode.acc_seg": 87.62328, "aux.loss_ce": 0.12375, "aux.acc_seg": 87.44138, "loss": 0.42948, "time": 1.97942} {"mode": "train", "epoch": 14, "iter": 17300, "lr": 3e-05, "memory": 72263, "data_time": 0.01041, "decode.loss_ce": 0.33812, "decode.acc_seg": 86.87346, "aux.loss_ce": 0.13722, "aux.acc_seg": 86.62514, "loss": 0.47533, "time": 1.98061} {"mode": "train", "epoch": 14, "iter": 17350, "lr": 3e-05, "memory": 72263, "data_time": 0.00994, "decode.loss_ce": 0.32109, "decode.acc_seg": 87.2192, "aux.loss_ce": 0.12946, "aux.acc_seg": 87.1331, "loss": 0.45055, "time": 1.97744} {"mode": "train", "epoch": 14, "iter": 17400, "lr": 3e-05, "memory": 72263, "data_time": 0.01035, "decode.loss_ce": 0.33836, "decode.acc_seg": 86.36113, "aux.loss_ce": 0.13599, "aux.acc_seg": 86.30368, "loss": 0.47435, "time": 1.9778} {"mode": "train", "epoch": 14, "iter": 17450, "lr": 3e-05, "memory": 72263, "data_time": 0.01002, "decode.loss_ce": 0.33354, "decode.acc_seg": 86.86913, "aux.loss_ce": 0.13593, "aux.acc_seg": 86.67345, "loss": 0.46947, "time": 1.97902} {"mode": "train", "epoch": 14, "iter": 17500, "lr": 3e-05, "memory": 72263, "data_time": 0.01067, "decode.loss_ce": 0.31088, "decode.acc_seg": 87.5042, "aux.loss_ce": 0.12578, "aux.acc_seg": 87.2911, "loss": 0.43666, "time": 1.98024} {"mode": "train", "epoch": 14, "iter": 17550, "lr": 3e-05, "memory": 72263, "data_time": 0.01048, "decode.loss_ce": 0.31696, "decode.acc_seg": 87.48135, "aux.loss_ce": 0.12809, "aux.acc_seg": 87.38623, "loss": 0.44505, "time": 1.97947} {"mode": "train", "epoch": 14, "iter": 17600, "lr": 3e-05, "memory": 72263, "data_time": 0.01053, "decode.loss_ce": 0.3075, "decode.acc_seg": 87.45389, "aux.loss_ce": 0.12466, "aux.acc_seg": 87.35752, "loss": 0.43216, "time": 1.97918} {"mode": "train", "epoch": 14, "iter": 17650, "lr": 3e-05, "memory": 72263, "data_time": 0.0104, "decode.loss_ce": 0.29786, "decode.acc_seg": 87.06192, "aux.loss_ce": 0.12027, "aux.acc_seg": 87.10957, "loss": 0.41813, "time": 1.98189} {"mode": "train", "epoch": 15, "iter": 17700, "lr": 3e-05, "memory": 72263, "data_time": 0.0519, "decode.loss_ce": 0.3102, "decode.acc_seg": 87.40131, "aux.loss_ce": 0.12538, "aux.acc_seg": 87.25106, "loss": 0.43559, "time": 2.02173} {"mode": "train", "epoch": 15, "iter": 17750, "lr": 3e-05, "memory": 72263, "data_time": 0.01012, "decode.loss_ce": 0.3007, "decode.acc_seg": 87.53956, "aux.loss_ce": 0.12243, "aux.acc_seg": 87.44057, "loss": 0.42313, "time": 1.98082} {"mode": "train", "epoch": 15, "iter": 17800, "lr": 3e-05, "memory": 72263, "data_time": 0.01056, "decode.loss_ce": 0.29729, "decode.acc_seg": 88.17024, "aux.loss_ce": 0.12118, "aux.acc_seg": 87.93914, "loss": 0.41848, "time": 1.98081} {"mode": "train", "epoch": 15, "iter": 17850, "lr": 3e-05, "memory": 72263, "data_time": 0.01042, "decode.loss_ce": 0.29629, "decode.acc_seg": 87.88969, "aux.loss_ce": 0.11962, "aux.acc_seg": 87.82392, "loss": 0.41591, "time": 1.98131} {"mode": "train", "epoch": 15, "iter": 17900, "lr": 3e-05, "memory": 72263, "data_time": 0.01074, "decode.loss_ce": 0.29019, "decode.acc_seg": 88.18339, "aux.loss_ce": 0.11837, "aux.acc_seg": 87.98359, "loss": 0.40855, "time": 1.97849} {"mode": "train", "epoch": 15, "iter": 17950, "lr": 3e-05, "memory": 72263, "data_time": 0.01111, "decode.loss_ce": 0.2982, "decode.acc_seg": 88.21729, "aux.loss_ce": 0.12002, "aux.acc_seg": 88.06577, "loss": 0.41821, "time": 1.98131} {"mode": "train", "epoch": 15, "iter": 18000, "lr": 3e-05, "memory": 72263, "data_time": 0.01033, "decode.loss_ce": 0.29287, "decode.acc_seg": 88.36278, "aux.loss_ce": 0.11882, "aux.acc_seg": 88.19737, "loss": 0.41169, "time": 3.61911} {"mode": "val", "epoch": 15, "iter": 250, "lr": 3e-05, "aAcc": 0.8546, "mIoU": 0.5678, "mAcc": 0.7106, "IoU.wall": 0.8051, "IoU.building": 0.8458, "IoU.sky": 0.9471, "IoU.floor": 0.8353, "IoU.tree": 0.7731, "IoU.ceiling": 0.8597, "IoU.road": 0.851, "IoU.bed ": 0.9194, "IoU.windowpane": 0.6574, "IoU.grass": 0.658, "IoU.cabinet": 0.6537, "IoU.sidewalk": 0.6979, "IoU.person": 0.8529, "IoU.earth": 0.3606, "IoU.door": 0.5944, "IoU.table": 0.6518, "IoU.mountain": 0.6328, "IoU.plant": 0.5678, "IoU.curtain": 0.7802, "IoU.chair": 0.6174, "IoU.car": 0.8741, "IoU.water": 0.686, "IoU.painting": 0.7635, "IoU.sofa": 0.771, "IoU.shelf": 0.4801, "IoU.house": 0.5346, "IoU.sea": 0.7511, "IoU.mirror": 0.7406, "IoU.rug": 0.6775, "IoU.field": 0.3235, "IoU.armchair": 0.5185, "IoU.seat": 0.6967, "IoU.fence": 0.5367, "IoU.desk": 0.5919, "IoU.rock": 0.6143, "IoU.wardrobe": 0.5467, "IoU.lamp": 0.7096, "IoU.bathtub": 0.7823, "IoU.railing": 0.4161, "IoU.cushion": 0.675, "IoU.base": 0.3757, "IoU.box": 0.3246, "IoU.column": 0.5536, "IoU.signboard": 0.4263, "IoU.chest of drawers": 0.4009, "IoU.counter": 0.3513, "IoU.sand": 0.5357, "IoU.sink": 0.8341, "IoU.skyscraper": 0.5184, "IoU.fireplace": 0.6881, "IoU.refrigerator": 0.8202, "IoU.grandstand": 0.5508, "IoU.path": 0.2648, "IoU.stairs": 0.3793, "IoU.runway": 0.6842, "IoU.case": 0.6789, "IoU.pool table": 0.9373, "IoU.pillow": 0.6705, "IoU.screen door": 0.8461, "IoU.stairway": 0.5617, "IoU.river": 0.1779, "IoU.bridge": 0.7012, "IoU.bookcase": 0.4288, "IoU.blind": 0.4136, "IoU.coffee table": 0.5954, "IoU.toilet": 0.8951, "IoU.flower": 0.4236, "IoU.book": 0.5033, "IoU.hill": 0.0818, "IoU.bench": 0.6702, "IoU.countertop": 0.6553, "IoU.stove": 0.7665, "IoU.palm": 0.4909, "IoU.kitchen island": 0.4262, "IoU.computer": 0.7779, "IoU.swivel chair": 0.5312, "IoU.boat": 0.6696, "IoU.bar": 0.6168, "IoU.arcade machine": 0.8748, "IoU.hovel": 0.434, "IoU.bus": 0.9115, "IoU.towel": 0.7531, "IoU.light": 0.5632, "IoU.truck": 0.4462, "IoU.tower": 0.2491, "IoU.chandelier": 0.6968, "IoU.awning": 0.5155, "IoU.streetlight": 0.3306, "IoU.booth": 0.5366, "IoU.television receiver": 0.7675, "IoU.airplane": 0.7979, "IoU.dirt track": 0.0474, "IoU.apparel": 0.61, "IoU.pole": 0.2169, "IoU.land": 0.0043, "IoU.bannister": 0.1901, "IoU.escalator": 0.6076, "IoU.ottoman": 0.5555, "IoU.bottle": 0.3095, "IoU.buffet": 0.5526, "IoU.poster": 0.4256, "IoU.stage": 0.2049, "IoU.van": 0.5153, "IoU.ship": 0.8192, "IoU.fountain": 0.4498, "IoU.conveyer belt": 0.8114, "IoU.canopy": 0.4913, "IoU.washer": 0.7968, "IoU.plaything": 0.3141, "IoU.swimming pool": 0.5531, "IoU.stool": 0.5258, "IoU.barrel": 0.5995, "IoU.basket": 0.4066, "IoU.waterfall": 0.5468, "IoU.tent": 0.9495, "IoU.bag": 0.2519, "IoU.minibike": 0.7456, "IoU.cradle": 0.7811, "IoU.oven": 0.4881, "IoU.ball": 0.5519, "IoU.food": 0.6246, "IoU.step": 0.101, "IoU.tank": 0.5534, "IoU.trade name": 0.3161, "IoU.microwave": 0.8825, "IoU.pot": 0.5563, "IoU.animal": 0.75, "IoU.bicycle": 0.6074, "IoU.lake": 0.6099, "IoU.dishwasher": 0.7424, "IoU.screen": 0.581, "IoU.blanket": 0.2745, "IoU.sculpture": 0.615, "IoU.hood": 0.6991, "IoU.sconce": 0.5867, "IoU.vase": 0.4332, "IoU.traffic light": 0.3389, "IoU.tray": 0.1476, "IoU.ashcan": 0.5146, "IoU.fan": 0.6916, "IoU.pier": 0.3869, "IoU.crt screen": 0.0088, "IoU.plate": 0.5849, "IoU.monitor": 0.2598, "IoU.bulletin board": 0.6149, "IoU.shower": 0.0004, "IoU.radiator": 0.652, "IoU.glass": 0.2055, "IoU.clock": 0.4535, "IoU.flag": 0.6926, "Acc.wall": 0.8664, "Acc.building": 0.9256, "Acc.sky": 0.9713, "Acc.floor": 0.8837, "Acc.tree": 0.9096, "Acc.ceiling": 0.9551, "Acc.road": 0.9197, "Acc.bed ": 0.9703, "Acc.windowpane": 0.8222, "Acc.grass": 0.8425, "Acc.cabinet": 0.759, "Acc.sidewalk": 0.8545, "Acc.person": 0.9383, "Acc.earth": 0.4443, "Acc.door": 0.7429, "Acc.table": 0.7668, "Acc.mountain": 0.7381, "Acc.plant": 0.6875, "Acc.curtain": 0.9175, "Acc.chair": 0.6972, "Acc.car": 0.9246, "Acc.water": 0.8333, "Acc.painting": 0.8833, "Acc.sofa": 0.8331, "Acc.shelf": 0.6967, "Acc.house": 0.6297, "Acc.sea": 0.88, "Acc.mirror": 0.7908, "Acc.rug": 0.8979, "Acc.field": 0.6129, "Acc.armchair": 0.8964, "Acc.seat": 0.8912, "Acc.fence": 0.6834, "Acc.desk": 0.7734, "Acc.rock": 0.8522, "Acc.wardrobe": 0.848, "Acc.lamp": 0.8297, "Acc.bathtub": 0.8029, "Acc.railing": 0.5689, "Acc.cushion": 0.8596, "Acc.base": 0.6312, "Acc.box": 0.4433, "Acc.column": 0.8446, "Acc.signboard": 0.5571, "Acc.chest of drawers": 0.5449, "Acc.counter": 0.3798, "Acc.sand": 0.7376, "Acc.sink": 0.9067, "Acc.skyscraper": 0.678, "Acc.fireplace": 0.9591, "Acc.refrigerator": 0.8916, "Acc.grandstand": 0.8272, "Acc.path": 0.3511, "Acc.stairs": 0.5016, "Acc.runway": 0.901, "Acc.case": 0.883, "Acc.pool table": 0.9827, "Acc.pillow": 0.7585, "Acc.screen door": 0.89, "Acc.stairway": 0.7687, "Acc.river": 0.2523, "Acc.bridge": 0.7978, "Acc.bookcase": 0.5952, "Acc.blind": 0.4456, "Acc.coffee table": 0.8543, "Acc.toilet": 0.9517, "Acc.flower": 0.6102, "Acc.book": 0.8215, "Acc.hill": 0.202, "Acc.bench": 0.7784, "Acc.countertop": 0.8203, "Acc.stove": 0.8075, "Acc.palm": 0.848, "Acc.kitchen island": 0.847, "Acc.computer": 0.9001, "Acc.swivel chair": 0.7897, "Acc.boat": 0.895, "Acc.bar": 0.8557, "Acc.arcade machine": 0.9497, "Acc.hovel": 0.4916, "Acc.bus": 0.976, "Acc.towel": 0.9, "Acc.light": 0.6244, "Acc.truck": 0.6305, "Acc.tower": 0.6558, "Acc.chandelier": 0.8234, "Acc.awning": 0.6657, "Acc.streetlight": 0.4258, "Acc.booth": 0.6688, "Acc.television receiver": 0.9028, "Acc.airplane": 0.967, "Acc.dirt track": 0.0788, "Acc.apparel": 0.8434, "Acc.pole": 0.269, "Acc.land": 0.006, "Acc.bannister": 0.2553, "Acc.escalator": 0.8568, "Acc.ottoman": 0.7867, "Acc.bottle": 0.4014, "Acc.buffet": 0.7153, "Acc.poster": 0.7202, "Acc.stage": 0.4479, "Acc.van": 0.7638, "Acc.ship": 0.8685, "Acc.fountain": 0.4577, "Acc.conveyer belt": 0.957, "Acc.canopy": 0.6891, "Acc.washer": 0.8542, "Acc.plaything": 0.4078, "Acc.swimming pool": 0.9579, "Acc.stool": 0.6344, "Acc.barrel": 0.7079, "Acc.basket": 0.5789, "Acc.waterfall": 0.7908, "Acc.tent": 0.9893, "Acc.bag": 0.3015, "Acc.minibike": 0.8989, "Acc.cradle": 0.9894, "Acc.oven": 0.8978, "Acc.ball": 0.8043, "Acc.food": 0.7642, "Acc.step": 0.1713, "Acc.tank": 0.7124, "Acc.trade name": 0.3735, "Acc.microwave": 0.9717, "Acc.pot": 0.6391, "Acc.animal": 0.8523, "Acc.bicycle": 0.7975, "Acc.lake": 0.635, "Acc.dishwasher": 0.7892, "Acc.screen": 0.9597, "Acc.blanket": 0.3164, "Acc.sculpture": 0.8646, "Acc.hood": 0.8439, "Acc.sconce": 0.6658, "Acc.vase": 0.6092, "Acc.traffic light": 0.6499, "Acc.tray": 0.1728, "Acc.ashcan": 0.5768, "Acc.fan": 0.7827, "Acc.pier": 0.4091, "Acc.crt screen": 0.0189, "Acc.plate": 0.8381, "Acc.monitor": 0.3677, "Acc.bulletin board": 0.7126, "Acc.shower": 0.0004, "Acc.radiator": 0.8154, "Acc.glass": 0.2299, "Acc.clock": 0.5542, "Acc.flag": 0.774} {"mode": "train", "epoch": 15, "iter": 18050, "lr": 3e-05, "memory": 72263, "data_time": 2.20472, "decode.loss_ce": 0.29255, "decode.acc_seg": 87.83966, "aux.loss_ce": 0.11957, "aux.acc_seg": 87.75014, "loss": 0.41212, "time": 4.17303} {"mode": "train", "epoch": 15, "iter": 18100, "lr": 3e-05, "memory": 72263, "data_time": 0.0103, "decode.loss_ce": 0.30445, "decode.acc_seg": 87.90183, "aux.loss_ce": 0.12496, "aux.acc_seg": 87.60077, "loss": 0.42941, "time": 1.97891} {"mode": "train", "epoch": 15, "iter": 18150, "lr": 3e-05, "memory": 72263, "data_time": 0.01073, "decode.loss_ce": 0.31366, "decode.acc_seg": 87.65382, "aux.loss_ce": 0.12693, "aux.acc_seg": 87.53933, "loss": 0.44059, "time": 1.97976} {"mode": "train", "epoch": 15, "iter": 18200, "lr": 3e-05, "memory": 72263, "data_time": 0.0097, "decode.loss_ce": 0.28558, "decode.acc_seg": 88.36251, "aux.loss_ce": 0.1162, "aux.acc_seg": 88.18066, "loss": 0.40179, "time": 1.97965} {"mode": "train", "epoch": 15, "iter": 18250, "lr": 3e-05, "memory": 72263, "data_time": 0.00987, "decode.loss_ce": 0.31564, "decode.acc_seg": 87.61208, "aux.loss_ce": 0.12802, "aux.acc_seg": 87.37792, "loss": 0.44366, "time": 1.97791} {"mode": "train", "epoch": 15, "iter": 18300, "lr": 3e-05, "memory": 72263, "data_time": 0.01272, "decode.loss_ce": 0.32346, "decode.acc_seg": 87.19369, "aux.loss_ce": 0.13022, "aux.acc_seg": 87.12467, "loss": 0.45368, "time": 1.98151} {"mode": "train", "epoch": 15, "iter": 18350, "lr": 3e-05, "memory": 72263, "data_time": 0.01009, "decode.loss_ce": 0.30665, "decode.acc_seg": 87.23679, "aux.loss_ce": 0.12442, "aux.acc_seg": 87.00393, "loss": 0.43107, "time": 1.97774} {"mode": "train", "epoch": 15, "iter": 18400, "lr": 3e-05, "memory": 72263, "data_time": 0.01036, "decode.loss_ce": 0.28916, "decode.acc_seg": 88.37463, "aux.loss_ce": 0.11751, "aux.acc_seg": 88.11241, "loss": 0.40667, "time": 1.98205} {"mode": "train", "epoch": 15, "iter": 18450, "lr": 3e-05, "memory": 72263, "data_time": 0.01036, "decode.loss_ce": 0.31123, "decode.acc_seg": 87.93825, "aux.loss_ce": 0.12581, "aux.acc_seg": 87.72854, "loss": 0.43704, "time": 1.98124} {"mode": "train", "epoch": 15, "iter": 18500, "lr": 3e-05, "memory": 72263, "data_time": 0.01036, "decode.loss_ce": 0.29641, "decode.acc_seg": 87.95076, "aux.loss_ce": 0.12037, "aux.acc_seg": 87.8247, "loss": 0.41678, "time": 1.9781} {"mode": "train", "epoch": 15, "iter": 18550, "lr": 3e-05, "memory": 72263, "data_time": 0.01077, "decode.loss_ce": 0.29497, "decode.acc_seg": 87.98987, "aux.loss_ce": 0.11886, "aux.acc_seg": 87.88226, "loss": 0.41383, "time": 1.9795} {"mode": "train", "epoch": 15, "iter": 18600, "lr": 3e-05, "memory": 72263, "data_time": 0.01053, "decode.loss_ce": 0.2999, "decode.acc_seg": 87.89147, "aux.loss_ce": 0.12193, "aux.acc_seg": 87.65417, "loss": 0.42183, "time": 1.98139} {"mode": "train", "epoch": 15, "iter": 18650, "lr": 3e-05, "memory": 72263, "data_time": 0.01021, "decode.loss_ce": 0.30193, "decode.acc_seg": 87.67648, "aux.loss_ce": 0.12214, "aux.acc_seg": 87.49605, "loss": 0.42407, "time": 1.983} {"mode": "train", "epoch": 15, "iter": 18700, "lr": 3e-05, "memory": 72263, "data_time": 0.01092, "decode.loss_ce": 0.32348, "decode.acc_seg": 86.56842, "aux.loss_ce": 0.13076, "aux.acc_seg": 86.50952, "loss": 0.45424, "time": 1.97919} {"mode": "train", "epoch": 15, "iter": 18750, "lr": 3e-05, "memory": 72263, "data_time": 0.01035, "decode.loss_ce": 0.30762, "decode.acc_seg": 87.39946, "aux.loss_ce": 0.12423, "aux.acc_seg": 87.36387, "loss": 0.43185, "time": 1.97818} {"mode": "train", "epoch": 15, "iter": 18800, "lr": 3e-05, "memory": 72263, "data_time": 0.01054, "decode.loss_ce": 0.33415, "decode.acc_seg": 86.99026, "aux.loss_ce": 0.13409, "aux.acc_seg": 86.91331, "loss": 0.46824, "time": 1.9803} {"mode": "train", "epoch": 15, "iter": 18850, "lr": 3e-05, "memory": 72263, "data_time": 0.01042, "decode.loss_ce": 0.28939, "decode.acc_seg": 88.04439, "aux.loss_ce": 0.11845, "aux.acc_seg": 87.77733, "loss": 0.40784, "time": 1.9773} {"mode": "train", "epoch": 15, "iter": 18900, "lr": 3e-05, "memory": 72263, "data_time": 0.0107, "decode.loss_ce": 0.30565, "decode.acc_seg": 87.45375, "aux.loss_ce": 0.12508, "aux.acc_seg": 87.22395, "loss": 0.43073, "time": 1.9824} {"mode": "train", "epoch": 16, "iter": 18950, "lr": 3e-05, "memory": 72263, "data_time": 0.06124, "decode.loss_ce": 0.28762, "decode.acc_seg": 88.41534, "aux.loss_ce": 0.11705, "aux.acc_seg": 88.13848, "loss": 0.40467, "time": 2.03123} {"mode": "train", "epoch": 16, "iter": 19000, "lr": 3e-05, "memory": 72263, "data_time": 0.01134, "decode.loss_ce": 0.26604, "decode.acc_seg": 88.99335, "aux.loss_ce": 0.10876, "aux.acc_seg": 88.669, "loss": 0.3748, "time": 1.98246} {"mode": "val", "epoch": 16, "iter": 250, "lr": 3e-05, "aAcc": 0.8564, "mIoU": 0.5657, "mAcc": 0.6987, "IoU.wall": 0.8127, "IoU.building": 0.8474, "IoU.sky": 0.9469, "IoU.floor": 0.8408, "IoU.tree": 0.771, "IoU.ceiling": 0.8681, "IoU.road": 0.8401, "IoU.bed ": 0.9239, "IoU.windowpane": 0.6602, "IoU.grass": 0.6648, "IoU.cabinet": 0.6623, "IoU.sidewalk": 0.6931, "IoU.person": 0.8519, "IoU.earth": 0.3774, "IoU.door": 0.5896, "IoU.table": 0.6465, "IoU.mountain": 0.637, "IoU.plant": 0.5755, "IoU.curtain": 0.7915, "IoU.chair": 0.642, "IoU.car": 0.8672, "IoU.water": 0.6151, "IoU.painting": 0.7558, "IoU.sofa": 0.8017, "IoU.shelf": 0.4901, "IoU.house": 0.5301, "IoU.sea": 0.7578, "IoU.mirror": 0.7642, "IoU.rug": 0.6949, "IoU.field": 0.3209, "IoU.armchair": 0.605, "IoU.seat": 0.6702, "IoU.fence": 0.4306, "IoU.desk": 0.5334, "IoU.rock": 0.6001, "IoU.wardrobe": 0.5838, "IoU.lamp": 0.706, "IoU.bathtub": 0.8636, "IoU.railing": 0.3857, "IoU.cushion": 0.6557, "IoU.base": 0.4346, "IoU.box": 0.2628, "IoU.column": 0.5402, "IoU.signboard": 0.4092, "IoU.chest of drawers": 0.4758, "IoU.counter": 0.4244, "IoU.sand": 0.524, "IoU.sink": 0.7961, "IoU.skyscraper": 0.4805, "IoU.fireplace": 0.8056, "IoU.refrigerator": 0.841, "IoU.grandstand": 0.5346, "IoU.path": 0.2968, "IoU.stairs": 0.3616, "IoU.runway": 0.6511, "IoU.case": 0.7344, "IoU.pool table": 0.945, "IoU.pillow": 0.6765, "IoU.screen door": 0.8464, "IoU.stairway": 0.4958, "IoU.river": 0.2529, "IoU.bridge": 0.7264, "IoU.bookcase": 0.3902, "IoU.blind": 0.4124, "IoU.coffee table": 0.6036, "IoU.toilet": 0.8995, "IoU.flower": 0.4176, "IoU.book": 0.5461, "IoU.hill": 0.0444, "IoU.bench": 0.6223, "IoU.countertop": 0.6335, "IoU.stove": 0.8345, "IoU.palm": 0.5178, "IoU.kitchen island": 0.4333, "IoU.computer": 0.7775, "IoU.swivel chair": 0.5269, "IoU.boat": 0.6248, "IoU.bar": 0.6139, "IoU.arcade machine": 0.9183, "IoU.hovel": 0.1492, "IoU.bus": 0.9287, "IoU.towel": 0.7718, "IoU.light": 0.5583, "IoU.truck": 0.4635, "IoU.tower": 0.1169, "IoU.chandelier": 0.6627, "IoU.awning": 0.42, "IoU.streetlight": 0.3595, "IoU.booth": 0.3981, "IoU.television receiver": 0.8088, "IoU.airplane": 0.8706, "IoU.dirt track": 0.0298, "IoU.apparel": 0.6073, "IoU.pole": 0.2447, "IoU.land": 0.0102, "IoU.bannister": 0.1818, "IoU.escalator": 0.6107, "IoU.ottoman": 0.593, "IoU.bottle": 0.2935, "IoU.buffet": 0.4999, "IoU.poster": 0.3819, "IoU.stage": 0.2321, "IoU.van": 0.4839, "IoU.ship": 0.7875, "IoU.fountain": 0.5094, "IoU.conveyer belt": 0.8099, "IoU.canopy": 0.5587, "IoU.washer": 0.8421, "IoU.plaything": 0.4622, "IoU.swimming pool": 0.5666, "IoU.stool": 0.5879, "IoU.barrel": 0.5157, "IoU.basket": 0.427, "IoU.waterfall": 0.5886, "IoU.tent": 0.9675, "IoU.bag": 0.2033, "IoU.minibike": 0.7343, "IoU.cradle": 0.8605, "IoU.oven": 0.5198, "IoU.ball": 0.3649, "IoU.food": 0.6409, "IoU.step": 0.0776, "IoU.tank": 0.6435, "IoU.trade name": 0.1268, "IoU.microwave": 0.8682, "IoU.pot": 0.5721, "IoU.animal": 0.6887, "IoU.bicycle": 0.6085, "IoU.lake": 0.61, "IoU.dishwasher": 0.7023, "IoU.screen": 0.5791, "IoU.blanket": 0.3285, "IoU.sculpture": 0.7295, "IoU.hood": 0.7011, "IoU.sconce": 0.581, "IoU.vase": 0.4551, "IoU.traffic light": 0.3167, "IoU.tray": 0.1679, "IoU.ashcan": 0.5095, "IoU.fan": 0.6929, "IoU.pier": 0.3835, "IoU.crt screen": 0.0125, "IoU.plate": 0.5983, "IoU.monitor": 0.1137, "IoU.bulletin board": 0.5387, "IoU.shower": 0.0286, "IoU.radiator": 0.6472, "IoU.glass": 0.21, "IoU.clock": 0.4702, "IoU.flag": 0.6597, "Acc.wall": 0.8892, "Acc.building": 0.942, "Acc.sky": 0.9686, "Acc.floor": 0.9121, "Acc.tree": 0.9018, "Acc.ceiling": 0.931, "Acc.road": 0.903, "Acc.bed ": 0.973, "Acc.windowpane": 0.7903, "Acc.grass": 0.7639, "Acc.cabinet": 0.7505, "Acc.sidewalk": 0.8566, "Acc.person": 0.9432, "Acc.earth": 0.5168, "Acc.door": 0.7206, "Acc.table": 0.7636, "Acc.mountain": 0.7641, "Acc.plant": 0.6857, "Acc.curtain": 0.9082, "Acc.chair": 0.7287, "Acc.car": 0.9462, "Acc.water": 0.7294, "Acc.painting": 0.8784, "Acc.sofa": 0.9056, "Acc.shelf": 0.6625, "Acc.house": 0.6548, "Acc.sea": 0.8932, "Acc.mirror": 0.8536, "Acc.rug": 0.806, "Acc.field": 0.6231, "Acc.armchair": 0.8237, "Acc.seat": 0.8709, "Acc.fence": 0.5107, "Acc.desk": 0.7965, "Acc.rock": 0.7879, "Acc.wardrobe": 0.8147, "Acc.lamp": 0.8021, "Acc.bathtub": 0.9176, "Acc.railing": 0.5611, "Acc.cushion": 0.8078, "Acc.base": 0.6785, "Acc.box": 0.299, "Acc.column": 0.6585, "Acc.signboard": 0.5397, "Acc.chest of drawers": 0.6569, "Acc.counter": 0.5207, "Acc.sand": 0.8149, "Acc.sink": 0.8668, "Acc.skyscraper": 0.6329, "Acc.fireplace": 0.9318, "Acc.refrigerator": 0.9354, "Acc.grandstand": 0.8452, "Acc.path": 0.4031, "Acc.stairs": 0.4473, "Acc.runway": 0.8505, "Acc.case": 0.8762, "Acc.pool table": 0.9815, "Acc.pillow": 0.8096, "Acc.screen door": 0.9247, "Acc.stairway": 0.6189, "Acc.river": 0.6339, "Acc.bridge": 0.851, "Acc.bookcase": 0.6335, "Acc.blind": 0.4285, "Acc.coffee table": 0.8916, "Acc.toilet": 0.9472, "Acc.flower": 0.6059, "Acc.book": 0.7317, "Acc.hill": 0.1036, "Acc.bench": 0.7029, "Acc.countertop": 0.8489, "Acc.stove": 0.9172, "Acc.palm": 0.8126, "Acc.kitchen island": 0.9008, "Acc.computer": 0.9104, "Acc.swivel chair": 0.9341, "Acc.boat": 0.9289, "Acc.bar": 0.8564, "Acc.arcade machine": 0.9808, "Acc.hovel": 0.1587, "Acc.bus": 0.9719, "Acc.towel": 0.8891, "Acc.light": 0.8137, "Acc.truck": 0.6144, "Acc.tower": 0.1476, "Acc.chandelier": 0.9167, "Acc.awning": 0.5221, "Acc.streetlight": 0.5178, "Acc.booth": 0.7072, "Acc.television receiver": 0.873, "Acc.airplane": 0.9178, "Acc.dirt track": 0.1319, "Acc.apparel": 0.7417, "Acc.pole": 0.3178, "Acc.land": 0.0136, "Acc.bannister": 0.2373, "Acc.escalator": 0.8313, "Acc.ottoman": 0.7894, "Acc.bottle": 0.3466, "Acc.buffet": 0.6037, "Acc.poster": 0.7687, "Acc.stage": 0.4938, "Acc.van": 0.6385, "Acc.ship": 0.8531, "Acc.fountain": 0.5217, "Acc.conveyer belt": 0.9672, "Acc.canopy": 0.8044, "Acc.washer": 0.8966, "Acc.plaything": 0.6565, "Acc.swimming pool": 0.8309, "Acc.stool": 0.719, "Acc.barrel": 0.7019, "Acc.basket": 0.5354, "Acc.waterfall": 0.7213, "Acc.tent": 0.9804, "Acc.bag": 0.2231, "Acc.minibike": 0.9012, "Acc.cradle": 0.9742, "Acc.oven": 0.6086, "Acc.ball": 0.3804, "Acc.food": 0.8053, "Acc.step": 0.0846, "Acc.tank": 0.6957, "Acc.trade name": 0.1328, "Acc.microwave": 0.9655, "Acc.pot": 0.6903, "Acc.animal": 0.7262, "Acc.bicycle": 0.7917, "Acc.lake": 0.6183, "Acc.dishwasher": 0.7428, "Acc.screen": 0.9688, "Acc.blanket": 0.4336, "Acc.sculpture": 0.8415, "Acc.hood": 0.7528, "Acc.sconce": 0.7642, "Acc.vase": 0.6328, "Acc.traffic light": 0.6585, "Acc.tray": 0.213, "Acc.ashcan": 0.6684, "Acc.fan": 0.8211, "Acc.pier": 0.4033, "Acc.crt screen": 0.0352, "Acc.plate": 0.8275, "Acc.monitor": 0.1273, "Acc.bulletin board": 0.6938, "Acc.shower": 0.0412, "Acc.radiator": 0.727, "Acc.glass": 0.235, "Acc.clock": 0.5552, "Acc.flag": 0.7368} {"mode": "train", "epoch": 16, "iter": 19050, "lr": 3e-05, "memory": 72263, "data_time": 2.22051, "decode.loss_ce": 0.28232, "decode.acc_seg": 88.30307, "aux.loss_ce": 0.11522, "aux.acc_seg": 88.15063, "loss": 0.39754, "time": 4.18837} {"mode": "train", "epoch": 16, "iter": 19100, "lr": 3e-05, "memory": 72263, "data_time": 0.01015, "decode.loss_ce": 0.27623, "decode.acc_seg": 88.73376, "aux.loss_ce": 0.11286, "aux.acc_seg": 88.51185, "loss": 0.38908, "time": 1.98026} {"mode": "train", "epoch": 16, "iter": 19150, "lr": 3e-05, "memory": 72263, "data_time": 0.01096, "decode.loss_ce": 0.27815, "decode.acc_seg": 88.45297, "aux.loss_ce": 0.11409, "aux.acc_seg": 88.1385, "loss": 0.39223, "time": 1.98047} {"mode": "train", "epoch": 16, "iter": 19200, "lr": 3e-05, "memory": 72263, "data_time": 0.01023, "decode.loss_ce": 0.28466, "decode.acc_seg": 88.1666, "aux.loss_ce": 0.1161, "aux.acc_seg": 88.08371, "loss": 0.40077, "time": 1.97726} {"mode": "train", "epoch": 16, "iter": 19250, "lr": 3e-05, "memory": 72263, "data_time": 0.01037, "decode.loss_ce": 0.2843, "decode.acc_seg": 88.03399, "aux.loss_ce": 0.11644, "aux.acc_seg": 87.81927, "loss": 0.40074, "time": 1.98169} {"mode": "train", "epoch": 16, "iter": 19300, "lr": 3e-05, "memory": 72263, "data_time": 0.01019, "decode.loss_ce": 0.31724, "decode.acc_seg": 87.60756, "aux.loss_ce": 0.1276, "aux.acc_seg": 87.5172, "loss": 0.44484, "time": 1.97997} {"mode": "train", "epoch": 16, "iter": 19350, "lr": 3e-05, "memory": 72263, "data_time": 0.01025, "decode.loss_ce": 0.29429, "decode.acc_seg": 88.5851, "aux.loss_ce": 0.12054, "aux.acc_seg": 88.20274, "loss": 0.41483, "time": 1.97985} {"mode": "train", "epoch": 16, "iter": 19400, "lr": 3e-05, "memory": 72263, "data_time": 0.01075, "decode.loss_ce": 0.28388, "decode.acc_seg": 88.38649, "aux.loss_ce": 0.11582, "aux.acc_seg": 88.16638, "loss": 0.3997, "time": 1.97784} {"mode": "train", "epoch": 16, "iter": 19450, "lr": 3e-05, "memory": 72263, "data_time": 0.0113, "decode.loss_ce": 0.29144, "decode.acc_seg": 88.38181, "aux.loss_ce": 0.11809, "aux.acc_seg": 88.1564, "loss": 0.40953, "time": 1.9821} {"mode": "train", "epoch": 16, "iter": 19500, "lr": 3e-05, "memory": 72263, "data_time": 0.01037, "decode.loss_ce": 0.31513, "decode.acc_seg": 87.0968, "aux.loss_ce": 0.12805, "aux.acc_seg": 86.95964, "loss": 0.44318, "time": 1.9787} {"mode": "train", "epoch": 16, "iter": 19550, "lr": 3e-05, "memory": 72263, "data_time": 0.01041, "decode.loss_ce": 0.29403, "decode.acc_seg": 88.18899, "aux.loss_ce": 0.11925, "aux.acc_seg": 88.05343, "loss": 0.41329, "time": 1.97994} {"mode": "train", "epoch": 16, "iter": 19600, "lr": 3e-05, "memory": 72263, "data_time": 0.00998, "decode.loss_ce": 0.28412, "decode.acc_seg": 88.32371, "aux.loss_ce": 0.11508, "aux.acc_seg": 87.98977, "loss": 0.3992, "time": 1.97792} {"mode": "train", "epoch": 16, "iter": 19650, "lr": 3e-05, "memory": 72263, "data_time": 0.00966, "decode.loss_ce": 0.30377, "decode.acc_seg": 87.84755, "aux.loss_ce": 0.12251, "aux.acc_seg": 87.76289, "loss": 0.42628, "time": 1.97868} {"mode": "train", "epoch": 16, "iter": 19700, "lr": 3e-05, "memory": 72263, "data_time": 0.01116, "decode.loss_ce": 0.29777, "decode.acc_seg": 88.11477, "aux.loss_ce": 0.12215, "aux.acc_seg": 87.87515, "loss": 0.41991, "time": 1.98064} {"mode": "train", "epoch": 16, "iter": 19750, "lr": 3e-05, "memory": 72263, "data_time": 0.01043, "decode.loss_ce": 0.29517, "decode.acc_seg": 87.92271, "aux.loss_ce": 0.11958, "aux.acc_seg": 87.68742, "loss": 0.41475, "time": 1.97845} {"mode": "train", "epoch": 16, "iter": 19800, "lr": 3e-05, "memory": 72263, "data_time": 0.01076, "decode.loss_ce": 0.27545, "decode.acc_seg": 89.05939, "aux.loss_ce": 0.11208, "aux.acc_seg": 88.94099, "loss": 0.38754, "time": 1.97931} {"mode": "train", "epoch": 16, "iter": 19850, "lr": 3e-05, "memory": 72263, "data_time": 0.01031, "decode.loss_ce": 0.28592, "decode.acc_seg": 88.41333, "aux.loss_ce": 0.1164, "aux.acc_seg": 88.18208, "loss": 0.40232, "time": 1.98044} {"mode": "train", "epoch": 16, "iter": 19900, "lr": 3e-05, "memory": 72263, "data_time": 0.01054, "decode.loss_ce": 0.27705, "decode.acc_seg": 88.46854, "aux.loss_ce": 0.11295, "aux.acc_seg": 88.2657, "loss": 0.39, "time": 1.97913} {"mode": "train", "epoch": 16, "iter": 19950, "lr": 3e-05, "memory": 72263, "data_time": 0.01016, "decode.loss_ce": 0.3149, "decode.acc_seg": 87.44343, "aux.loss_ce": 0.12659, "aux.acc_seg": 87.30752, "loss": 0.44149, "time": 1.98026} {"mode": "train", "epoch": 16, "iter": 20000, "lr": 3e-05, "memory": 72263, "data_time": 0.01009, "decode.loss_ce": 0.29468, "decode.acc_seg": 88.15717, "aux.loss_ce": 0.11899, "aux.acc_seg": 88.00002, "loss": 0.41366, "time": 3.71064} {"mode": "val", "epoch": 16, "iter": 250, "lr": 3e-05, "aAcc": 0.8562, "mIoU": 0.5644, "mAcc": 0.6949, "IoU.wall": 0.8132, "IoU.building": 0.8539, "IoU.sky": 0.9486, "IoU.floor": 0.838, "IoU.tree": 0.773, "IoU.ceiling": 0.859, "IoU.road": 0.8498, "IoU.bed ": 0.9277, "IoU.windowpane": 0.6704, "IoU.grass": 0.6593, "IoU.cabinet": 0.6525, "IoU.sidewalk": 0.6956, "IoU.person": 0.8478, "IoU.earth": 0.3357, "IoU.door": 0.5872, "IoU.table": 0.6668, "IoU.mountain": 0.5297, "IoU.plant": 0.5778, "IoU.curtain": 0.8103, "IoU.chair": 0.659, "IoU.car": 0.874, "IoU.water": 0.5746, "IoU.painting": 0.7842, "IoU.sofa": 0.7976, "IoU.shelf": 0.4676, "IoU.house": 0.5349, "IoU.sea": 0.6409, "IoU.mirror": 0.7765, "IoU.rug": 0.6854, "IoU.field": 0.2826, "IoU.armchair": 0.5946, "IoU.seat": 0.6944, "IoU.fence": 0.5197, "IoU.desk": 0.5285, "IoU.rock": 0.5135, "IoU.wardrobe": 0.5369, "IoU.lamp": 0.7272, "IoU.bathtub": 0.8914, "IoU.railing": 0.4202, "IoU.cushion": 0.6734, "IoU.base": 0.4143, "IoU.box": 0.3801, "IoU.column": 0.5341, "IoU.signboard": 0.4291, "IoU.chest of drawers": 0.4934, "IoU.counter": 0.4898, "IoU.sand": 0.5371, "IoU.sink": 0.8302, "IoU.skyscraper": 0.54, "IoU.fireplace": 0.7323, "IoU.refrigerator": 0.8253, "IoU.grandstand": 0.5195, "IoU.path": 0.287, "IoU.stairs": 0.3988, "IoU.runway": 0.6484, "IoU.case": 0.6662, "IoU.pool table": 0.9415, "IoU.pillow": 0.6969, "IoU.screen door": 0.8741, "IoU.stairway": 0.5215, "IoU.river": 0.1791, "IoU.bridge": 0.7226, "IoU.bookcase": 0.3547, "IoU.blind": 0.423, "IoU.coffee table": 0.6228, "IoU.toilet": 0.8967, "IoU.flower": 0.4132, "IoU.book": 0.5359, "IoU.hill": 0.079, "IoU.bench": 0.6676, "IoU.countertop": 0.6453, "IoU.stove": 0.8391, "IoU.palm": 0.4865, "IoU.kitchen island": 0.4619, "IoU.computer": 0.7529, "IoU.swivel chair": 0.5248, "IoU.boat": 0.5693, "IoU.bar": 0.6268, "IoU.arcade machine": 0.8612, "IoU.hovel": 0.1806, "IoU.bus": 0.931, "IoU.towel": 0.6422, "IoU.light": 0.5735, "IoU.truck": 0.4639, "IoU.tower": 0.2607, "IoU.chandelier": 0.7029, "IoU.awning": 0.3887, "IoU.streetlight": 0.3365, "IoU.booth": 0.4515, "IoU.television receiver": 0.7055, "IoU.airplane": 0.8291, "IoU.dirt track": 0.0135, "IoU.apparel": 0.5656, "IoU.pole": 0.2718, "IoU.land": 0.0008, "IoU.bannister": 0.1391, "IoU.escalator": 0.6245, "IoU.ottoman": 0.5603, "IoU.bottle": 0.405, "IoU.buffet": 0.6625, "IoU.poster": 0.4327, "IoU.stage": 0.2301, "IoU.van": 0.4677, "IoU.ship": 0.7571, "IoU.fountain": 0.345, "IoU.conveyer belt": 0.7943, "IoU.canopy": 0.4906, "IoU.washer": 0.8059, "IoU.plaything": 0.3713, "IoU.swimming pool": 0.6994, "IoU.stool": 0.5414, "IoU.barrel": 0.5633, "IoU.basket": 0.4017, "IoU.waterfall": 0.5236, "IoU.tent": 0.9253, "IoU.bag": 0.2473, "IoU.minibike": 0.7654, "IoU.cradle": 0.7379, "IoU.oven": 0.5063, "IoU.ball": 0.5844, "IoU.food": 0.6043, "IoU.step": 0.1119, "IoU.tank": 0.577, "IoU.trade name": 0.2314, "IoU.microwave": 0.852, "IoU.pot": 0.5656, "IoU.animal": 0.553, "IoU.bicycle": 0.6098, "IoU.lake": 0.5808, "IoU.dishwasher": 0.7293, "IoU.screen": 0.605, "IoU.blanket": 0.2535, "IoU.sculpture": 0.7172, "IoU.hood": 0.7042, "IoU.sconce": 0.5624, "IoU.vase": 0.4359, "IoU.traffic light": 0.3499, "IoU.tray": 0.2101, "IoU.ashcan": 0.4979, "IoU.fan": 0.6535, "IoU.pier": 0.393, "IoU.crt screen": 0.0118, "IoU.plate": 0.6262, "IoU.monitor": 0.2397, "IoU.bulletin board": 0.517, "IoU.shower": 0.0178, "IoU.radiator": 0.6597, "IoU.glass": 0.2171, "IoU.clock": 0.4715, "IoU.flag": 0.7061, "Acc.wall": 0.9074, "Acc.building": 0.9275, "Acc.sky": 0.9779, "Acc.floor": 0.9001, "Acc.tree": 0.887, "Acc.ceiling": 0.9163, "Acc.road": 0.918, "Acc.bed ": 0.9598, "Acc.windowpane": 0.8267, "Acc.grass": 0.8897, "Acc.cabinet": 0.7438, "Acc.sidewalk": 0.8571, "Acc.person": 0.9381, "Acc.earth": 0.4067, "Acc.door": 0.7071, "Acc.table": 0.7658, "Acc.mountain": 0.5912, "Acc.plant": 0.6878, "Acc.curtain": 0.8978, "Acc.chair": 0.7619, "Acc.car": 0.9302, "Acc.water": 0.7053, "Acc.painting": 0.9023, "Acc.sofa": 0.8666, "Acc.shelf": 0.598, "Acc.house": 0.7148, "Acc.sea": 0.9153, "Acc.mirror": 0.8996, "Acc.rug": 0.8295, "Acc.field": 0.4358, "Acc.armchair": 0.8095, "Acc.seat": 0.8843, "Acc.fence": 0.6392, "Acc.desk": 0.7774, "Acc.rock": 0.8561, "Acc.wardrobe": 0.813, "Acc.lamp": 0.8321, "Acc.bathtub": 0.9263, "Acc.railing": 0.618, "Acc.cushion": 0.7556, "Acc.base": 0.5941, "Acc.box": 0.5506, "Acc.column": 0.6463, "Acc.signboard": 0.5613, "Acc.chest of drawers": 0.7547, "Acc.counter": 0.5657, "Acc.sand": 0.7826, "Acc.sink": 0.8987, "Acc.skyscraper": 0.6944, "Acc.fireplace": 0.9526, "Acc.refrigerator": 0.9644, "Acc.grandstand": 0.7581, "Acc.path": 0.3459, "Acc.stairs": 0.4711, "Acc.runway": 0.8404, "Acc.case": 0.8721, "Acc.pool table": 0.9861, "Acc.pillow": 0.8542, "Acc.screen door": 0.9061, "Acc.stairway": 0.6914, "Acc.river": 0.2563, "Acc.bridge": 0.8128, "Acc.bookcase": 0.4382, "Acc.blind": 0.4569, "Acc.coffee table": 0.8544, "Acc.toilet": 0.9558, "Acc.flower": 0.6033, "Acc.book": 0.8351, "Acc.hill": 0.2019, "Acc.bench": 0.7638, "Acc.countertop": 0.7831, "Acc.stove": 0.9386, "Acc.palm": 0.8418, "Acc.kitchen island": 0.8703, "Acc.computer": 0.9237, "Acc.swivel chair": 0.8417, "Acc.boat": 0.9373, "Acc.bar": 0.8316, "Acc.arcade machine": 0.9549, "Acc.hovel": 0.1929, "Acc.bus": 0.9567, "Acc.towel": 0.8938, "Acc.light": 0.632, "Acc.truck": 0.604, "Acc.tower": 0.5702, "Acc.chandelier": 0.8753, "Acc.awning": 0.5583, "Acc.streetlight": 0.4983, "Acc.booth": 0.5474, "Acc.television receiver": 0.8852, "Acc.airplane": 0.9685, "Acc.dirt track": 0.0397, "Acc.apparel": 0.6964, "Acc.pole": 0.3318, "Acc.land": 0.0011, "Acc.bannister": 0.2015, "Acc.escalator": 0.8651, "Acc.ottoman": 0.7599, "Acc.bottle": 0.6324, "Acc.buffet": 0.8667, "Acc.poster": 0.4609, "Acc.stage": 0.409, "Acc.van": 0.742, "Acc.ship": 0.8055, "Acc.fountain": 0.3468, "Acc.conveyer belt": 0.9731, "Acc.canopy": 0.6715, "Acc.washer": 0.8626, "Acc.plaything": 0.4547, "Acc.swimming pool": 0.7924, "Acc.stool": 0.6702, "Acc.barrel": 0.6644, "Acc.basket": 0.6218, "Acc.waterfall": 0.7038, "Acc.tent": 0.9833, "Acc.bag": 0.2784, "Acc.minibike": 0.8913, "Acc.cradle": 0.7613, "Acc.oven": 0.5948, "Acc.ball": 0.6678, "Acc.food": 0.6985, "Acc.step": 0.1469, "Acc.tank": 0.7196, "Acc.trade name": 0.2473, "Acc.microwave": 0.9714, "Acc.pot": 0.6703, "Acc.animal": 0.5688, "Acc.bicycle": 0.8079, "Acc.lake": 0.6337, "Acc.dishwasher": 0.7768, "Acc.screen": 0.934, "Acc.blanket": 0.3337, "Acc.sculpture": 0.8165, "Acc.hood": 0.8539, "Acc.sconce": 0.6573, "Acc.vase": 0.7004, "Acc.traffic light": 0.622, "Acc.tray": 0.3358, "Acc.ashcan": 0.6753, "Acc.fan": 0.7529, "Acc.pier": 0.4222, "Acc.crt screen": 0.0231, "Acc.plate": 0.7556, "Acc.monitor": 0.2735, "Acc.bulletin board": 0.561, "Acc.shower": 0.0233, "Acc.radiator": 0.7972, "Acc.glass": 0.2584, "Acc.clock": 0.5328, "Acc.flag": 0.771} {"mode": "train", "epoch": 16, "iter": 20050, "lr": 3e-05, "memory": 72263, "data_time": 2.20042, "decode.loss_ce": 0.2893, "decode.acc_seg": 87.91788, "aux.loss_ce": 0.11774, "aux.acc_seg": 87.74803, "loss": 0.40704, "time": 4.16786} {"mode": "train", "epoch": 16, "iter": 20100, "lr": 3e-05, "memory": 72263, "data_time": 0.01026, "decode.loss_ce": 0.29628, "decode.acc_seg": 88.21957, "aux.loss_ce": 0.11986, "aux.acc_seg": 88.02737, "loss": 0.41614, "time": 1.97753} {"mode": "train", "epoch": 16, "iter": 20150, "lr": 3e-05, "memory": 72263, "data_time": 0.01048, "decode.loss_ce": 0.30346, "decode.acc_seg": 87.75002, "aux.loss_ce": 0.12283, "aux.acc_seg": 87.55053, "loss": 0.4263, "time": 1.97888} {"mode": "train", "epoch": 16, "iter": 20200, "lr": 3e-05, "memory": 72263, "data_time": 0.01032, "decode.loss_ce": 0.33313, "decode.acc_seg": 87.14345, "aux.loss_ce": 0.1344, "aux.acc_seg": 86.98422, "loss": 0.46753, "time": 1.98064} {"mode": "train", "epoch": 17, "iter": 20250, "lr": 3e-05, "memory": 72263, "data_time": 0.09396, "decode.loss_ce": 0.27994, "decode.acc_seg": 88.22342, "aux.loss_ce": 0.1135, "aux.acc_seg": 88.04758, "loss": 0.39345, "time": 2.06361} {"mode": "train", "epoch": 17, "iter": 20300, "lr": 3e-05, "memory": 72263, "data_time": 0.01099, "decode.loss_ce": 0.30053, "decode.acc_seg": 88.15715, "aux.loss_ce": 0.12193, "aux.acc_seg": 87.9456, "loss": 0.42245, "time": 1.98265} {"mode": "train", "epoch": 17, "iter": 20350, "lr": 3e-05, "memory": 72263, "data_time": 0.01143, "decode.loss_ce": 0.26609, "decode.acc_seg": 89.29443, "aux.loss_ce": 0.10912, "aux.acc_seg": 89.02882, "loss": 0.37521, "time": 1.97963} {"mode": "train", "epoch": 17, "iter": 20400, "lr": 3e-05, "memory": 72263, "data_time": 0.01007, "decode.loss_ce": 0.27978, "decode.acc_seg": 88.64841, "aux.loss_ce": 0.1143, "aux.acc_seg": 88.27927, "loss": 0.39408, "time": 1.97866} {"mode": "train", "epoch": 17, "iter": 20450, "lr": 3e-05, "memory": 72263, "data_time": 0.01036, "decode.loss_ce": 0.28992, "decode.acc_seg": 88.32446, "aux.loss_ce": 0.11782, "aux.acc_seg": 88.05523, "loss": 0.40774, "time": 1.97927} {"mode": "train", "epoch": 17, "iter": 20500, "lr": 3e-05, "memory": 72263, "data_time": 0.01105, "decode.loss_ce": 0.28471, "decode.acc_seg": 88.10852, "aux.loss_ce": 0.11575, "aux.acc_seg": 87.99086, "loss": 0.40047, "time": 1.98099} {"mode": "train", "epoch": 17, "iter": 20550, "lr": 3e-05, "memory": 72263, "data_time": 0.01104, "decode.loss_ce": 0.28903, "decode.acc_seg": 88.27839, "aux.loss_ce": 0.11717, "aux.acc_seg": 88.15953, "loss": 0.40621, "time": 1.98046} {"mode": "train", "epoch": 17, "iter": 20600, "lr": 3e-05, "memory": 72263, "data_time": 0.01105, "decode.loss_ce": 0.29208, "decode.acc_seg": 87.72094, "aux.loss_ce": 0.11738, "aux.acc_seg": 87.67425, "loss": 0.40946, "time": 1.97998} {"mode": "train", "epoch": 17, "iter": 20650, "lr": 3e-05, "memory": 72263, "data_time": 0.01051, "decode.loss_ce": 0.29069, "decode.acc_seg": 88.29026, "aux.loss_ce": 0.11891, "aux.acc_seg": 88.03321, "loss": 0.4096, "time": 1.98268} {"mode": "train", "epoch": 17, "iter": 20700, "lr": 3e-05, "memory": 72263, "data_time": 0.01044, "decode.loss_ce": 0.26821, "decode.acc_seg": 89.28575, "aux.loss_ce": 0.10902, "aux.acc_seg": 89.0841, "loss": 0.37723, "time": 1.97785} {"mode": "train", "epoch": 17, "iter": 20750, "lr": 3e-05, "memory": 72263, "data_time": 0.0108, "decode.loss_ce": 0.26435, "decode.acc_seg": 89.31326, "aux.loss_ce": 0.10895, "aux.acc_seg": 88.96114, "loss": 0.3733, "time": 1.97713} {"mode": "train", "epoch": 17, "iter": 20800, "lr": 3e-05, "memory": 72263, "data_time": 0.01076, "decode.loss_ce": 0.29503, "decode.acc_seg": 87.87944, "aux.loss_ce": 0.11976, "aux.acc_seg": 87.73972, "loss": 0.41479, "time": 1.97986} {"mode": "train", "epoch": 17, "iter": 20850, "lr": 3e-05, "memory": 72263, "data_time": 0.01097, "decode.loss_ce": 0.26491, "decode.acc_seg": 89.20989, "aux.loss_ce": 0.10809, "aux.acc_seg": 88.96709, "loss": 0.37301, "time": 1.97998} {"mode": "train", "epoch": 17, "iter": 20900, "lr": 3e-05, "memory": 72263, "data_time": 0.01042, "decode.loss_ce": 0.28362, "decode.acc_seg": 88.90964, "aux.loss_ce": 0.11619, "aux.acc_seg": 88.67609, "loss": 0.39981, "time": 1.97833} {"mode": "train", "epoch": 17, "iter": 20950, "lr": 3e-05, "memory": 72263, "data_time": 0.01027, "decode.loss_ce": 0.2986, "decode.acc_seg": 87.95151, "aux.loss_ce": 0.12013, "aux.acc_seg": 87.77399, "loss": 0.41872, "time": 1.97767} {"mode": "train", "epoch": 17, "iter": 21000, "lr": 3e-05, "memory": 72263, "data_time": 0.01098, "decode.loss_ce": 0.30097, "decode.acc_seg": 88.08897, "aux.loss_ce": 0.12154, "aux.acc_seg": 87.96337, "loss": 0.4225, "time": 1.98277} {"mode": "val", "epoch": 17, "iter": 250, "lr": 3e-05, "aAcc": 0.8551, "mIoU": 0.5594, "mAcc": 0.6938, "IoU.wall": 0.8132, "IoU.building": 0.8503, "IoU.sky": 0.9446, "IoU.floor": 0.8431, "IoU.tree": 0.7761, "IoU.ceiling": 0.8541, "IoU.road": 0.846, "IoU.bed ": 0.9224, "IoU.windowpane": 0.654, "IoU.grass": 0.6888, "IoU.cabinet": 0.6492, "IoU.sidewalk": 0.6959, "IoU.person": 0.8475, "IoU.earth": 0.3913, "IoU.door": 0.569, "IoU.table": 0.6459, "IoU.mountain": 0.6328, "IoU.plant": 0.5755, "IoU.curtain": 0.7914, "IoU.chair": 0.6598, "IoU.car": 0.8507, "IoU.water": 0.5565, "IoU.painting": 0.7567, "IoU.sofa": 0.7735, "IoU.shelf": 0.4901, "IoU.house": 0.5034, "IoU.sea": 0.6531, "IoU.mirror": 0.7655, "IoU.rug": 0.7043, "IoU.field": 0.3568, "IoU.armchair": 0.5537, "IoU.seat": 0.6343, "IoU.fence": 0.4742, "IoU.desk": 0.5126, "IoU.rock": 0.5313, "IoU.wardrobe": 0.4756, "IoU.lamp": 0.715, "IoU.bathtub": 0.8701, "IoU.railing": 0.4398, "IoU.cushion": 0.653, "IoU.base": 0.3862, "IoU.box": 0.3284, "IoU.column": 0.5382, "IoU.signboard": 0.422, "IoU.chest of drawers": 0.4167, "IoU.counter": 0.408, "IoU.sand": 0.5748, "IoU.sink": 0.7967, "IoU.skyscraper": 0.5363, "IoU.fireplace": 0.7878, "IoU.refrigerator": 0.8135, "IoU.grandstand": 0.5062, "IoU.path": 0.3021, "IoU.stairs": 0.3773, "IoU.runway": 0.6897, "IoU.case": 0.6485, "IoU.pool table": 0.9352, "IoU.pillow": 0.59, "IoU.screen door": 0.8646, "IoU.stairway": 0.5282, "IoU.river": 0.1498, "IoU.bridge": 0.7138, "IoU.bookcase": 0.3626, "IoU.blind": 0.3876, "IoU.coffee table": 0.5983, "IoU.toilet": 0.9062, "IoU.flower": 0.4495, "IoU.book": 0.5446, "IoU.hill": 0.0735, "IoU.bench": 0.5142, "IoU.countertop": 0.6478, "IoU.stove": 0.8086, "IoU.palm": 0.5309, "IoU.kitchen island": 0.464, "IoU.computer": 0.7736, "IoU.swivel chair": 0.5514, "IoU.boat": 0.5843, "IoU.bar": 0.6007, "IoU.arcade machine": 0.8558, "IoU.hovel": 0.3104, "IoU.bus": 0.9245, "IoU.towel": 0.768, "IoU.light": 0.5456, "IoU.truck": 0.4741, "IoU.tower": 0.1862, "IoU.chandelier": 0.7119, "IoU.awning": 0.3892, "IoU.streetlight": 0.3623, "IoU.booth": 0.382, "IoU.television receiver": 0.7636, "IoU.airplane": 0.8747, "IoU.dirt track": 0.095, "IoU.apparel": 0.6342, "IoU.pole": 0.2637, "IoU.land": 0.0011, "IoU.bannister": 0.1873, "IoU.escalator": 0.6108, "IoU.ottoman": 0.4822, "IoU.bottle": 0.3573, "IoU.buffet": 0.56, "IoU.poster": 0.3805, "IoU.stage": 0.2334, "IoU.van": 0.3524, "IoU.ship": 0.8152, "IoU.fountain": 0.23, "IoU.conveyer belt": 0.8494, "IoU.canopy": 0.4728, "IoU.washer": 0.8736, "IoU.plaything": 0.4581, "IoU.swimming pool": 0.5477, "IoU.stool": 0.5459, "IoU.barrel": 0.5604, "IoU.basket": 0.4186, "IoU.waterfall": 0.6368, "IoU.tent": 0.9252, "IoU.bag": 0.2007, "IoU.minibike": 0.7696, "IoU.cradle": 0.9029, "IoU.oven": 0.5221, "IoU.ball": 0.4722, "IoU.food": 0.6677, "IoU.step": 0.1136, "IoU.tank": 0.5593, "IoU.trade name": 0.2082, "IoU.microwave": 0.8928, "IoU.pot": 0.569, "IoU.animal": 0.5883, "IoU.bicycle": 0.6194, "IoU.lake": 0.5855, "IoU.dishwasher": 0.3037, "IoU.screen": 0.6057, "IoU.blanket": 0.3343, "IoU.sculpture": 0.7016, "IoU.hood": 0.6755, "IoU.sconce": 0.597, "IoU.vase": 0.4699, "IoU.traffic light": 0.3662, "IoU.tray": 0.2092, "IoU.ashcan": 0.4564, "IoU.fan": 0.6836, "IoU.pier": 0.3874, "IoU.crt screen": 0.0995, "IoU.plate": 0.6062, "IoU.monitor": 0.1295, "IoU.bulletin board": 0.5003, "IoU.shower": 0.0188, "IoU.radiator": 0.6732, "IoU.glass": 0.1995, "IoU.clock": 0.4657, "IoU.flag": 0.6852, "Acc.wall": 0.8818, "Acc.building": 0.929, "Acc.sky": 0.9778, "Acc.floor": 0.8874, "Acc.tree": 0.9002, "Acc.ceiling": 0.9538, "Acc.road": 0.8914, "Acc.bed ": 0.9703, "Acc.windowpane": 0.8153, "Acc.grass": 0.8063, "Acc.cabinet": 0.7946, "Acc.sidewalk": 0.866, "Acc.person": 0.939, "Acc.earth": 0.5006, "Acc.door": 0.7163, "Acc.table": 0.801, "Acc.mountain": 0.7584, "Acc.plant": 0.733, "Acc.curtain": 0.878, "Acc.chair": 0.8024, "Acc.car": 0.9571, "Acc.water": 0.6974, "Acc.painting": 0.9237, "Acc.sofa": 0.9391, "Acc.shelf": 0.701, "Acc.house": 0.6365, "Acc.sea": 0.8434, "Acc.mirror": 0.86, "Acc.rug": 0.8492, "Acc.field": 0.6132, "Acc.armchair": 0.661, "Acc.seat": 0.8944, "Acc.fence": 0.5884, "Acc.desk": 0.8047, "Acc.rock": 0.7491, "Acc.wardrobe": 0.5905, "Acc.lamp": 0.8546, "Acc.bathtub": 0.9046, "Acc.railing": 0.6721, "Acc.cushion": 0.8096, "Acc.base": 0.5982, "Acc.box": 0.402, "Acc.column": 0.6442, "Acc.signboard": 0.5734, "Acc.chest of drawers": 0.6789, "Acc.counter": 0.5266, "Acc.sand": 0.8856, "Acc.sink": 0.8408, "Acc.skyscraper": 0.6496, "Acc.fireplace": 0.9311, "Acc.refrigerator": 0.8835, "Acc.grandstand": 0.86, "Acc.path": 0.4121, "Acc.stairs": 0.4505, "Acc.runway": 0.9062, "Acc.case": 0.7296, "Acc.pool table": 0.9897, "Acc.pillow": 0.6333, "Acc.screen door": 0.957, "Acc.stairway": 0.7091, "Acc.river": 0.3175, "Acc.bridge": 0.8646, "Acc.bookcase": 0.4486, "Acc.blind": 0.4212, "Acc.coffee table": 0.8776, "Acc.toilet": 0.9506, "Acc.flower": 0.579, "Acc.book": 0.8267, "Acc.hill": 0.1338, "Acc.bench": 0.5759, "Acc.countertop": 0.812, "Acc.stove": 0.9347, "Acc.palm": 0.8178, "Acc.kitchen island": 0.7676, "Acc.computer": 0.9212, "Acc.swivel chair": 0.8189, "Acc.boat": 0.9217, "Acc.bar": 0.8336, "Acc.arcade machine": 0.9943, "Acc.hovel": 0.3443, "Acc.bus": 0.9681, "Acc.towel": 0.88, "Acc.light": 0.5927, "Acc.truck": 0.6181, "Acc.tower": 0.3753, "Acc.chandelier": 0.8568, "Acc.awning": 0.479, "Acc.streetlight": 0.5331, "Acc.booth": 0.4219, "Acc.television receiver": 0.9048, "Acc.airplane": 0.9528, "Acc.dirt track": 0.4065, "Acc.apparel": 0.7776, "Acc.pole": 0.3463, "Acc.land": 0.0013, "Acc.bannister": 0.2402, "Acc.escalator": 0.8811, "Acc.ottoman": 0.608, "Acc.bottle": 0.4577, "Acc.buffet": 0.9088, "Acc.poster": 0.544, "Acc.stage": 0.4799, "Acc.van": 0.403, "Acc.ship": 0.9619, "Acc.fountain": 0.2339, "Acc.conveyer belt": 0.9465, "Acc.canopy": 0.5352, "Acc.washer": 0.9287, "Acc.plaything": 0.6707, "Acc.swimming pool": 0.8004, "Acc.stool": 0.7295, "Acc.barrel": 0.6978, "Acc.basket": 0.5462, "Acc.waterfall": 0.8353, "Acc.tent": 0.9841, "Acc.bag": 0.2303, "Acc.minibike": 0.8927, "Acc.cradle": 0.965, "Acc.oven": 0.8144, "Acc.ball": 0.7935, "Acc.food": 0.8792, "Acc.step": 0.132, "Acc.tank": 0.7422, "Acc.trade name": 0.2203, "Acc.microwave": 0.9634, "Acc.pot": 0.709, "Acc.animal": 0.605, "Acc.bicycle": 0.8192, "Acc.lake": 0.6281, "Acc.dishwasher": 0.3069, "Acc.screen": 0.7307, "Acc.blanket": 0.4027, "Acc.sculpture": 0.8782, "Acc.hood": 0.7436, "Acc.sconce": 0.7331, "Acc.vase": 0.589, "Acc.traffic light": 0.6564, "Acc.tray": 0.2545, "Acc.ashcan": 0.7089, "Acc.fan": 0.8154, "Acc.pier": 0.4245, "Acc.crt screen": 0.3304, "Acc.plate": 0.7393, "Acc.monitor": 0.1569, "Acc.bulletin board": 0.5103, "Acc.shower": 0.0188, "Acc.radiator": 0.8022, "Acc.glass": 0.2167, "Acc.clock": 0.5905, "Acc.flag": 0.7863} {"mode": "train", "epoch": 17, "iter": 21050, "lr": 3e-05, "memory": 72263, "data_time": 2.22865, "decode.loss_ce": 0.26871, "decode.acc_seg": 88.83837, "aux.loss_ce": 0.10928, "aux.acc_seg": 88.71471, "loss": 0.37799, "time": 4.19824} {"mode": "train", "epoch": 17, "iter": 21100, "lr": 3e-05, "memory": 72263, "data_time": 0.01027, "decode.loss_ce": 0.29831, "decode.acc_seg": 87.74582, "aux.loss_ce": 0.1219, "aux.acc_seg": 87.46869, "loss": 0.42021, "time": 1.98127} {"mode": "train", "epoch": 17, "iter": 21150, "lr": 3e-05, "memory": 72263, "data_time": 0.00999, "decode.loss_ce": 0.27726, "decode.acc_seg": 88.6819, "aux.loss_ce": 0.11316, "aux.acc_seg": 88.39165, "loss": 0.39042, "time": 1.97944} {"mode": "train", "epoch": 17, "iter": 21200, "lr": 3e-05, "memory": 72263, "data_time": 0.00988, "decode.loss_ce": 0.26167, "decode.acc_seg": 89.21588, "aux.loss_ce": 0.10716, "aux.acc_seg": 88.86637, "loss": 0.36883, "time": 1.98077} {"mode": "train", "epoch": 17, "iter": 21250, "lr": 3e-05, "memory": 72263, "data_time": 0.01166, "decode.loss_ce": 0.30673, "decode.acc_seg": 87.81365, "aux.loss_ce": 0.1248, "aux.acc_seg": 87.60308, "loss": 0.43153, "time": 1.98155} {"mode": "train", "epoch": 17, "iter": 21300, "lr": 3e-05, "memory": 72263, "data_time": 0.01075, "decode.loss_ce": 0.28703, "decode.acc_seg": 88.61465, "aux.loss_ce": 0.11686, "aux.acc_seg": 88.52064, "loss": 0.40389, "time": 1.98266} {"mode": "train", "epoch": 17, "iter": 21350, "lr": 3e-05, "memory": 72263, "data_time": 0.01058, "decode.loss_ce": 0.3037, "decode.acc_seg": 87.69642, "aux.loss_ce": 0.12343, "aux.acc_seg": 87.56421, "loss": 0.42713, "time": 1.97824} {"mode": "train", "epoch": 17, "iter": 21400, "lr": 3e-05, "memory": 72263, "data_time": 0.01068, "decode.loss_ce": 0.30214, "decode.acc_seg": 88.00105, "aux.loss_ce": 0.12279, "aux.acc_seg": 87.67842, "loss": 0.42493, "time": 1.98167} {"mode": "train", "epoch": 17, "iter": 21450, "lr": 3e-05, "memory": 72263, "data_time": 0.01143, "decode.loss_ce": 0.29799, "decode.acc_seg": 87.93402, "aux.loss_ce": 0.1214, "aux.acc_seg": 87.55674, "loss": 0.41939, "time": 1.98027} {"mode": "train", "epoch": 18, "iter": 21500, "lr": 3e-05, "memory": 72263, "data_time": 0.07021, "decode.loss_ce": 0.28893, "decode.acc_seg": 88.30926, "aux.loss_ce": 0.11808, "aux.acc_seg": 88.08755, "loss": 0.40702, "time": 2.03973} {"mode": "train", "epoch": 18, "iter": 21550, "lr": 3e-05, "memory": 72263, "data_time": 0.01096, "decode.loss_ce": 0.25186, "decode.acc_seg": 89.63885, "aux.loss_ce": 0.1037, "aux.acc_seg": 89.32886, "loss": 0.35556, "time": 1.98121} {"mode": "train", "epoch": 18, "iter": 21600, "lr": 3e-05, "memory": 72263, "data_time": 0.01045, "decode.loss_ce": 0.25148, "decode.acc_seg": 89.38925, "aux.loss_ce": 0.10318, "aux.acc_seg": 89.00931, "loss": 0.35466, "time": 1.98133} {"mode": "train", "epoch": 18, "iter": 21650, "lr": 3e-05, "memory": 72263, "data_time": 0.01041, "decode.loss_ce": 0.28017, "decode.acc_seg": 88.67771, "aux.loss_ce": 0.1144, "aux.acc_seg": 88.36492, "loss": 0.39457, "time": 1.98148} {"mode": "train", "epoch": 18, "iter": 21700, "lr": 3e-05, "memory": 72263, "data_time": 0.01045, "decode.loss_ce": 0.27472, "decode.acc_seg": 88.94265, "aux.loss_ce": 0.11218, "aux.acc_seg": 88.69408, "loss": 0.3869, "time": 1.97949} {"mode": "train", "epoch": 18, "iter": 21750, "lr": 3e-05, "memory": 72263, "data_time": 0.01108, "decode.loss_ce": 0.26501, "decode.acc_seg": 88.97907, "aux.loss_ce": 0.10912, "aux.acc_seg": 88.71064, "loss": 0.37413, "time": 1.98238} {"mode": "train", "epoch": 18, "iter": 21800, "lr": 3e-05, "memory": 72263, "data_time": 0.01054, "decode.loss_ce": 0.2806, "decode.acc_seg": 88.45805, "aux.loss_ce": 0.11364, "aux.acc_seg": 88.25169, "loss": 0.39424, "time": 1.98415} {"mode": "train", "epoch": 18, "iter": 21850, "lr": 3e-05, "memory": 72263, "data_time": 0.01092, "decode.loss_ce": 0.26324, "decode.acc_seg": 89.13218, "aux.loss_ce": 0.10785, "aux.acc_seg": 88.95363, "loss": 0.37109, "time": 1.97989} {"mode": "train", "epoch": 18, "iter": 21900, "lr": 3e-05, "memory": 72263, "data_time": 0.01038, "decode.loss_ce": 0.27101, "decode.acc_seg": 88.86792, "aux.loss_ce": 0.11105, "aux.acc_seg": 88.52412, "loss": 0.38206, "time": 1.98113} {"mode": "train", "epoch": 18, "iter": 21950, "lr": 3e-05, "memory": 72263, "data_time": 0.0111, "decode.loss_ce": 0.2839, "decode.acc_seg": 88.80422, "aux.loss_ce": 0.11598, "aux.acc_seg": 88.4858, "loss": 0.39988, "time": 1.98106} {"mode": "train", "epoch": 18, "iter": 22000, "lr": 3e-05, "memory": 72263, "data_time": 0.01035, "decode.loss_ce": 0.26315, "decode.acc_seg": 89.28356, "aux.loss_ce": 0.10805, "aux.acc_seg": 88.89752, "loss": 0.3712, "time": 3.68951} {"mode": "val", "epoch": 18, "iter": 250, "lr": 3e-05, "aAcc": 0.8561, "mIoU": 0.565, "mAcc": 0.7093, "IoU.wall": 0.8108, "IoU.building": 0.8496, "IoU.sky": 0.9452, "IoU.floor": 0.842, "IoU.tree": 0.7745, "IoU.ceiling": 0.8637, "IoU.road": 0.8521, "IoU.bed ": 0.9252, "IoU.windowpane": 0.6562, "IoU.grass": 0.6833, "IoU.cabinet": 0.6605, "IoU.sidewalk": 0.6944, "IoU.person": 0.8524, "IoU.earth": 0.4311, "IoU.door": 0.593, "IoU.table": 0.6687, "IoU.mountain": 0.634, "IoU.plant": 0.5815, "IoU.curtain": 0.792, "IoU.chair": 0.6601, "IoU.car": 0.8686, "IoU.water": 0.5524, "IoU.painting": 0.7721, "IoU.sofa": 0.7958, "IoU.shelf": 0.4761, "IoU.house": 0.5721, "IoU.sea": 0.6527, "IoU.mirror": 0.7531, "IoU.rug": 0.7134, "IoU.field": 0.3395, "IoU.armchair": 0.5886, "IoU.seat": 0.6998, "IoU.fence": 0.4874, "IoU.desk": 0.527, "IoU.rock": 0.4427, "IoU.wardrobe": 0.549, "IoU.lamp": 0.7273, "IoU.bathtub": 0.8633, "IoU.railing": 0.4106, "IoU.cushion": 0.689, "IoU.base": 0.4082, "IoU.box": 0.386, "IoU.column": 0.5293, "IoU.signboard": 0.4295, "IoU.chest of drawers": 0.4253, "IoU.counter": 0.4461, "IoU.sand": 0.483, "IoU.sink": 0.8163, "IoU.skyscraper": 0.523, "IoU.fireplace": 0.6787, "IoU.refrigerator": 0.8647, "IoU.grandstand": 0.4678, "IoU.path": 0.339, "IoU.stairs": 0.2485, "IoU.runway": 0.6706, "IoU.case": 0.654, "IoU.pool table": 0.9385, "IoU.pillow": 0.6826, "IoU.screen door": 0.8466, "IoU.stairway": 0.4399, "IoU.river": 0.1443, "IoU.bridge": 0.4338, "IoU.bookcase": 0.4012, "IoU.blind": 0.4547, "IoU.coffee table": 0.5916, "IoU.toilet": 0.9011, "IoU.flower": 0.4098, "IoU.book": 0.5632, "IoU.hill": 0.0578, "IoU.bench": 0.6631, "IoU.countertop": 0.6523, "IoU.stove": 0.847, "IoU.palm": 0.5391, "IoU.kitchen island": 0.4713, "IoU.computer": 0.7808, "IoU.swivel chair": 0.5504, "IoU.boat": 0.5816, "IoU.bar": 0.661, "IoU.arcade machine": 0.8932, "IoU.hovel": 0.1029, "IoU.bus": 0.9125, "IoU.towel": 0.7861, "IoU.light": 0.5944, "IoU.truck": 0.4595, "IoU.tower": 0.238, "IoU.chandelier": 0.6942, "IoU.awning": 0.5263, "IoU.streetlight": 0.3334, "IoU.booth": 0.523, "IoU.television receiver": 0.7883, "IoU.airplane": 0.8349, "IoU.dirt track": 0.0945, "IoU.apparel": 0.5815, "IoU.pole": 0.2739, "IoU.land": 0.0153, "IoU.bannister": 0.2066, "IoU.escalator": 0.5844, "IoU.ottoman": 0.5376, "IoU.bottle": 0.4195, "IoU.buffet": 0.6467, "IoU.poster": 0.3323, "IoU.stage": 0.1623, "IoU.van": 0.4742, "IoU.ship": 0.7638, "IoU.fountain": 0.3118, "IoU.conveyer belt": 0.8356, "IoU.canopy": 0.4477, "IoU.washer": 0.8627, "IoU.plaything": 0.5228, "IoU.swimming pool": 0.5642, "IoU.stool": 0.5551, "IoU.barrel": 0.5081, "IoU.basket": 0.4304, "IoU.waterfall": 0.6, "IoU.tent": 0.8739, "IoU.bag": 0.2068, "IoU.minibike": 0.7615, "IoU.cradle": 0.8351, "IoU.oven": 0.6501, "IoU.ball": 0.5757, "IoU.food": 0.5957, "IoU.step": 0.1238, "IoU.tank": 0.5155, "IoU.trade name": 0.1578, "IoU.microwave": 0.8913, "IoU.pot": 0.5847, "IoU.animal": 0.6179, "IoU.bicycle": 0.5947, "IoU.lake": 0.3365, "IoU.dishwasher": 0.7482, "IoU.screen": 0.579, "IoU.blanket": 0.3655, "IoU.sculpture": 0.747, "IoU.hood": 0.7182, "IoU.sconce": 0.5823, "IoU.vase": 0.4827, "IoU.traffic light": 0.3586, "IoU.tray": 0.2177, "IoU.ashcan": 0.4861, "IoU.fan": 0.7058, "IoU.pier": 0.3951, "IoU.crt screen": 0.0118, "IoU.plate": 0.6154, "IoU.monitor": 0.1645, "IoU.bulletin board": 0.546, "IoU.shower": 0.0551, "IoU.radiator": 0.6636, "IoU.glass": 0.2073, "IoU.clock": 0.4694, "IoU.flag": 0.6648, "Acc.wall": 0.8763, "Acc.building": 0.9371, "Acc.sky": 0.965, "Acc.floor": 0.9022, "Acc.tree": 0.9058, "Acc.ceiling": 0.9265, "Acc.road": 0.9111, "Acc.bed ": 0.9693, "Acc.windowpane": 0.8122, "Acc.grass": 0.7885, "Acc.cabinet": 0.7379, "Acc.sidewalk": 0.8413, "Acc.person": 0.9337, "Acc.earth": 0.5613, "Acc.door": 0.7452, "Acc.table": 0.7678, "Acc.mountain": 0.8391, "Acc.plant": 0.7204, "Acc.curtain": 0.9021, "Acc.chair": 0.7635, "Acc.car": 0.9347, "Acc.water": 0.6731, "Acc.painting": 0.9047, "Acc.sofa": 0.8725, "Acc.shelf": 0.655, "Acc.house": 0.7628, "Acc.sea": 0.8675, "Acc.mirror": 0.819, "Acc.rug": 0.8305, "Acc.field": 0.6252, "Acc.armchair": 0.868, "Acc.seat": 0.871, "Acc.fence": 0.6044, "Acc.desk": 0.8458, "Acc.rock": 0.5626, "Acc.wardrobe": 0.8232, "Acc.lamp": 0.8514, "Acc.bathtub": 0.893, "Acc.railing": 0.5436, "Acc.cushion": 0.7747, "Acc.base": 0.6441, "Acc.box": 0.5004, "Acc.column": 0.6365, "Acc.signboard": 0.5748, "Acc.chest of drawers": 0.82, "Acc.counter": 0.5161, "Acc.sand": 0.7829, "Acc.sink": 0.8639, "Acc.skyscraper": 0.6813, "Acc.fireplace": 0.9655, "Acc.refrigerator": 0.9535, "Acc.grandstand": 0.8244, "Acc.path": 0.4437, "Acc.stairs": 0.2975, "Acc.runway": 0.8819, "Acc.case": 0.9186, "Acc.pool table": 0.9866, "Acc.pillow": 0.8008, "Acc.screen door": 0.931, "Acc.stairway": 0.7199, "Acc.river": 0.3137, "Acc.bridge": 0.5108, "Acc.bookcase": 0.6131, "Acc.blind": 0.5214, "Acc.coffee table": 0.8954, "Acc.toilet": 0.9339, "Acc.flower": 0.52, "Acc.book": 0.754, "Acc.hill": 0.0893, "Acc.bench": 0.7989, "Acc.countertop": 0.8274, "Acc.stove": 0.9175, "Acc.palm": 0.848, "Acc.kitchen island": 0.8605, "Acc.computer": 0.9101, "Acc.swivel chair": 0.8626, "Acc.boat": 0.9294, "Acc.bar": 0.9149, "Acc.arcade machine": 0.9675, "Acc.hovel": 0.1111, "Acc.bus": 0.971, "Acc.towel": 0.8463, "Acc.light": 0.7834, "Acc.truck": 0.6238, "Acc.tower": 0.3229, "Acc.chandelier": 0.8959, "Acc.awning": 0.6874, "Acc.streetlight": 0.433, "Acc.booth": 0.5411, "Acc.television receiver": 0.8276, "Acc.airplane": 0.9772, "Acc.dirt track": 0.6011, "Acc.apparel": 0.8069, "Acc.pole": 0.3521, "Acc.land": 0.0226, "Acc.bannister": 0.2941, "Acc.escalator": 0.8863, "Acc.ottoman": 0.7113, "Acc.bottle": 0.6763, "Acc.buffet": 0.7961, "Acc.poster": 0.5931, "Acc.stage": 0.8246, "Acc.van": 0.7189, "Acc.ship": 0.7888, "Acc.fountain": 0.3472, "Acc.conveyer belt": 0.9522, "Acc.canopy": 0.677, "Acc.washer": 0.9252, "Acc.plaything": 0.6305, "Acc.swimming pool": 0.8218, "Acc.stool": 0.6631, "Acc.barrel": 0.7102, "Acc.basket": 0.5598, "Acc.waterfall": 0.8651, "Acc.tent": 0.9918, "Acc.bag": 0.2315, "Acc.minibike": 0.8977, "Acc.cradle": 0.9733, "Acc.oven": 0.7698, "Acc.ball": 0.6599, "Acc.food": 0.6843, "Acc.step": 0.1434, "Acc.tank": 0.7152, "Acc.trade name": 0.172, "Acc.microwave": 0.9712, "Acc.pot": 0.6697, "Acc.animal": 0.6367, "Acc.bicycle": 0.7683, "Acc.lake": 0.3876, "Acc.dishwasher": 0.782, "Acc.screen": 0.977, "Acc.blanket": 0.4421, "Acc.sculpture": 0.8536, "Acc.hood": 0.8856, "Acc.sconce": 0.7694, "Acc.vase": 0.6432, "Acc.traffic light": 0.6524, "Acc.tray": 0.264, "Acc.ashcan": 0.5907, "Acc.fan": 0.8101, "Acc.pier": 0.4398, "Acc.crt screen": 0.032, "Acc.plate": 0.7586, "Acc.monitor": 0.214, "Acc.bulletin board": 0.7435, "Acc.shower": 0.0879, "Acc.radiator": 0.8058, "Acc.glass": 0.2246, "Acc.clock": 0.5528, "Acc.flag": 0.8332} {"mode": "train", "epoch": 18, "iter": 22050, "lr": 3e-05, "memory": 72263, "data_time": 2.24129, "decode.loss_ce": 0.25659, "decode.acc_seg": 89.33817, "aux.loss_ce": 0.1046, "aux.acc_seg": 89.20689, "loss": 0.36119, "time": 4.21017} {"mode": "train", "epoch": 18, "iter": 22100, "lr": 3e-05, "memory": 72263, "data_time": 0.01129, "decode.loss_ce": 0.24928, "decode.acc_seg": 89.62177, "aux.loss_ce": 0.10227, "aux.acc_seg": 89.41989, "loss": 0.35155, "time": 1.97862} {"mode": "train", "epoch": 18, "iter": 22150, "lr": 3e-05, "memory": 72263, "data_time": 0.01081, "decode.loss_ce": 0.26913, "decode.acc_seg": 88.98058, "aux.loss_ce": 0.11019, "aux.acc_seg": 88.72234, "loss": 0.37932, "time": 1.98127} {"mode": "train", "epoch": 18, "iter": 22200, "lr": 3e-05, "memory": 72263, "data_time": 0.01048, "decode.loss_ce": 0.27345, "decode.acc_seg": 88.958, "aux.loss_ce": 0.11286, "aux.acc_seg": 88.71547, "loss": 0.38632, "time": 1.98076} {"mode": "train", "epoch": 18, "iter": 22250, "lr": 3e-05, "memory": 72263, "data_time": 0.01072, "decode.loss_ce": 0.26923, "decode.acc_seg": 88.9841, "aux.loss_ce": 0.10994, "aux.acc_seg": 88.75884, "loss": 0.37917, "time": 1.97853} {"mode": "train", "epoch": 18, "iter": 22300, "lr": 3e-05, "memory": 72263, "data_time": 0.01066, "decode.loss_ce": 0.2804, "decode.acc_seg": 88.81842, "aux.loss_ce": 0.11459, "aux.acc_seg": 88.49941, "loss": 0.39499, "time": 1.98359} {"mode": "train", "epoch": 18, "iter": 22350, "lr": 3e-05, "memory": 72263, "data_time": 0.01148, "decode.loss_ce": 0.27114, "decode.acc_seg": 88.87601, "aux.loss_ce": 0.11091, "aux.acc_seg": 88.67563, "loss": 0.38205, "time": 1.97959} {"mode": "train", "epoch": 18, "iter": 22400, "lr": 3e-05, "memory": 72263, "data_time": 0.01004, "decode.loss_ce": 0.27269, "decode.acc_seg": 88.64567, "aux.loss_ce": 0.11119, "aux.acc_seg": 88.49062, "loss": 0.38389, "time": 1.97828} {"mode": "train", "epoch": 18, "iter": 22450, "lr": 3e-05, "memory": 72263, "data_time": 0.01045, "decode.loss_ce": 0.28075, "decode.acc_seg": 88.25348, "aux.loss_ce": 0.11545, "aux.acc_seg": 88.03081, "loss": 0.3962, "time": 1.97646} {"mode": "train", "epoch": 18, "iter": 22500, "lr": 3e-05, "memory": 72263, "data_time": 0.01101, "decode.loss_ce": 0.2564, "decode.acc_seg": 88.94931, "aux.loss_ce": 0.10487, "aux.acc_seg": 88.75615, "loss": 0.36127, "time": 1.97946} {"mode": "train", "epoch": 18, "iter": 22550, "lr": 3e-05, "memory": 72263, "data_time": 0.01116, "decode.loss_ce": 0.26381, "decode.acc_seg": 89.43313, "aux.loss_ce": 0.10778, "aux.acc_seg": 89.14485, "loss": 0.37159, "time": 1.98195} {"mode": "train", "epoch": 18, "iter": 22600, "lr": 3e-05, "memory": 72263, "data_time": 0.01075, "decode.loss_ce": 0.27179, "decode.acc_seg": 88.90743, "aux.loss_ce": 0.11079, "aux.acc_seg": 88.62021, "loss": 0.38258, "time": 1.97833} {"mode": "train", "epoch": 18, "iter": 22650, "lr": 3e-05, "memory": 72263, "data_time": 0.01067, "decode.loss_ce": 0.26444, "decode.acc_seg": 89.13164, "aux.loss_ce": 0.1079, "aux.acc_seg": 88.83917, "loss": 0.37234, "time": 1.97941} {"mode": "train", "epoch": 18, "iter": 22700, "lr": 3e-05, "memory": 72263, "data_time": 0.01029, "decode.loss_ce": 0.26817, "decode.acc_seg": 89.2449, "aux.loss_ce": 0.10998, "aux.acc_seg": 88.89952, "loss": 0.37815, "time": 1.97913} {"mode": "train", "epoch": 19, "iter": 22750, "lr": 3e-05, "memory": 72263, "data_time": 0.05546, "decode.loss_ce": 0.25525, "decode.acc_seg": 89.28741, "aux.loss_ce": 0.10549, "aux.acc_seg": 88.94023, "loss": 0.36075, "time": 2.02593} {"mode": "train", "epoch": 19, "iter": 22800, "lr": 3e-05, "memory": 72263, "data_time": 0.01071, "decode.loss_ce": 0.26535, "decode.acc_seg": 89.06923, "aux.loss_ce": 0.10811, "aux.acc_seg": 88.90714, "loss": 0.37347, "time": 1.97875} {"mode": "train", "epoch": 19, "iter": 22850, "lr": 3e-05, "memory": 72263, "data_time": 0.01028, "decode.loss_ce": 0.2701, "decode.acc_seg": 88.86526, "aux.loss_ce": 0.11018, "aux.acc_seg": 88.61991, "loss": 0.38029, "time": 1.97903} {"mode": "train", "epoch": 19, "iter": 22900, "lr": 3e-05, "memory": 72263, "data_time": 0.0104, "decode.loss_ce": 0.27305, "decode.acc_seg": 89.00025, "aux.loss_ce": 0.11198, "aux.acc_seg": 88.64431, "loss": 0.38503, "time": 1.97831} {"mode": "train", "epoch": 19, "iter": 22950, "lr": 3e-05, "memory": 72263, "data_time": 0.01097, "decode.loss_ce": 0.27832, "decode.acc_seg": 88.76578, "aux.loss_ce": 0.11434, "aux.acc_seg": 88.35519, "loss": 0.39267, "time": 1.98152} {"mode": "train", "epoch": 19, "iter": 23000, "lr": 3e-05, "memory": 72263, "data_time": 0.01103, "decode.loss_ce": 0.2618, "decode.acc_seg": 89.34482, "aux.loss_ce": 0.1066, "aux.acc_seg": 89.0776, "loss": 0.3684, "time": 1.98219} {"mode": "val", "epoch": 19, "iter": 250, "lr": 3e-05, "aAcc": 0.8568, "mIoU": 0.566, "mAcc": 0.6984, "IoU.wall": 0.8153, "IoU.building": 0.8433, "IoU.sky": 0.9491, "IoU.floor": 0.8446, "IoU.tree": 0.7808, "IoU.ceiling": 0.8672, "IoU.road": 0.8485, "IoU.bed ": 0.9221, "IoU.windowpane": 0.6614, "IoU.grass": 0.6791, "IoU.cabinet": 0.6632, "IoU.sidewalk": 0.6843, "IoU.person": 0.8534, "IoU.earth": 0.394, "IoU.door": 0.5517, "IoU.table": 0.6615, "IoU.mountain": 0.5821, "IoU.plant": 0.5819, "IoU.curtain": 0.8067, "IoU.chair": 0.647, "IoU.car": 0.8547, "IoU.water": 0.6516, "IoU.painting": 0.8043, "IoU.sofa": 0.8126, "IoU.shelf": 0.5111, "IoU.house": 0.439, "IoU.sea": 0.7753, "IoU.mirror": 0.7807, "IoU.rug": 0.6924, "IoU.field": 0.3335, "IoU.armchair": 0.5636, "IoU.seat": 0.7233, "IoU.fence": 0.5017, "IoU.desk": 0.5497, "IoU.rock": 0.5187, "IoU.wardrobe": 0.5765, "IoU.lamp": 0.7447, "IoU.bathtub": 0.8881, "IoU.railing": 0.4156, "IoU.cushion": 0.6789, "IoU.base": 0.3728, "IoU.box": 0.3453, "IoU.column": 0.5409, "IoU.signboard": 0.4357, "IoU.chest of drawers": 0.4928, "IoU.counter": 0.5007, "IoU.sand": 0.4951, "IoU.sink": 0.7727, "IoU.skyscraper": 0.5, "IoU.fireplace": 0.7598, "IoU.refrigerator": 0.8635, "IoU.grandstand": 0.5087, "IoU.path": 0.2833, "IoU.stairs": 0.2927, "IoU.runway": 0.6629, "IoU.case": 0.6445, "IoU.pool table": 0.946, "IoU.pillow": 0.6613, "IoU.screen door": 0.6123, "IoU.stairway": 0.488, "IoU.river": 0.1357, "IoU.bridge": 0.6594, "IoU.bookcase": 0.4482, "IoU.blind": 0.4098, "IoU.coffee table": 0.6117, "IoU.toilet": 0.9042, "IoU.flower": 0.4717, "IoU.book": 0.5458, "IoU.hill": 0.109, "IoU.bench": 0.6626, "IoU.countertop": 0.6642, "IoU.stove": 0.8623, "IoU.palm": 0.5086, "IoU.kitchen island": 0.4206, "IoU.computer": 0.7902, "IoU.swivel chair": 0.5191, "IoU.boat": 0.6607, "IoU.bar": 0.6394, "IoU.arcade machine": 0.9145, "IoU.hovel": 0.1417, "IoU.bus": 0.9256, "IoU.towel": 0.762, "IoU.light": 0.6061, "IoU.truck": 0.3378, "IoU.tower": 0.1532, "IoU.chandelier": 0.7243, "IoU.awning": 0.4724, "IoU.streetlight": 0.357, "IoU.booth": 0.4183, "IoU.television receiver": 0.7958, "IoU.airplane": 0.876, "IoU.dirt track": 0.0278, "IoU.apparel": 0.576, "IoU.pole": 0.263, "IoU.land": 0.0033, "IoU.bannister": 0.2116, "IoU.escalator": 0.5855, "IoU.ottoman": 0.5505, "IoU.bottle": 0.4212, "IoU.buffet": 0.6516, "IoU.poster": 0.3289, "IoU.stage": 0.1974, "IoU.van": 0.4621, "IoU.ship": 0.1212, "IoU.fountain": 0.3396, "IoU.conveyer belt": 0.837, "IoU.canopy": 0.6065, "IoU.washer": 0.816, "IoU.plaything": 0.3021, "IoU.swimming pool": 0.5327, "IoU.stool": 0.5464, "IoU.barrel": 0.5393, "IoU.basket": 0.446, "IoU.waterfall": 0.4942, "IoU.tent": 0.9545, "IoU.bag": 0.2828, "IoU.minibike": 0.7501, "IoU.cradle": 0.9009, "IoU.oven": 0.6759, "IoU.ball": 0.6019, "IoU.food": 0.6175, "IoU.step": 0.1949, "IoU.tank": 0.5764, "IoU.trade name": 0.2328, "IoU.microwave": 0.9016, "IoU.pot": 0.5905, "IoU.animal": 0.6647, "IoU.bicycle": 0.6047, "IoU.lake": 0.4067, "IoU.dishwasher": 0.6807, "IoU.screen": 0.6622, "IoU.blanket": 0.3315, "IoU.sculpture": 0.7538, "IoU.hood": 0.6367, "IoU.sconce": 0.602, "IoU.vase": 0.4619, "IoU.traffic light": 0.359, "IoU.tray": 0.2465, "IoU.ashcan": 0.52, "IoU.fan": 0.6966, "IoU.pier": 0.3743, "IoU.crt screen": 0.0603, "IoU.plate": 0.6165, "IoU.monitor": 0.2725, "IoU.bulletin board": 0.6128, "IoU.shower": 0.0026, "IoU.radiator": 0.6829, "IoU.glass": 0.2014, "IoU.clock": 0.47, "IoU.flag": 0.6976, "Acc.wall": 0.886, "Acc.building": 0.9315, "Acc.sky": 0.9732, "Acc.floor": 0.9077, "Acc.tree": 0.909, "Acc.ceiling": 0.9389, "Acc.road": 0.9215, "Acc.bed ": 0.9682, "Acc.windowpane": 0.8379, "Acc.grass": 0.7864, "Acc.cabinet": 0.7509, "Acc.sidewalk": 0.7951, "Acc.person": 0.9495, "Acc.earth": 0.5765, "Acc.door": 0.7496, "Acc.table": 0.7958, "Acc.mountain": 0.6419, "Acc.plant": 0.7027, "Acc.curtain": 0.907, "Acc.chair": 0.7354, "Acc.car": 0.9237, "Acc.water": 0.7922, "Acc.painting": 0.9045, "Acc.sofa": 0.9087, "Acc.shelf": 0.6587, "Acc.house": 0.5207, "Acc.sea": 0.884, "Acc.mirror": 0.8518, "Acc.rug": 0.8117, "Acc.field": 0.6364, "Acc.armchair": 0.8184, "Acc.seat": 0.8647, "Acc.fence": 0.6293, "Acc.desk": 0.7711, "Acc.rock": 0.7801, "Acc.wardrobe": 0.795, "Acc.lamp": 0.8611, "Acc.bathtub": 0.9397, "Acc.railing": 0.5536, "Acc.cushion": 0.7914, "Acc.base": 0.7698, "Acc.box": 0.4771, "Acc.column": 0.6543, "Acc.signboard": 0.5992, "Acc.chest of drawers": 0.7718, "Acc.counter": 0.6365, "Acc.sand": 0.7712, "Acc.sink": 0.8383, "Acc.skyscraper": 0.6043, "Acc.fireplace": 0.9371, "Acc.refrigerator": 0.9528, "Acc.grandstand": 0.7525, "Acc.path": 0.4074, "Acc.stairs": 0.3692, "Acc.runway": 0.8308, "Acc.case": 0.8906, "Acc.pool table": 0.9846, "Acc.pillow": 0.7498, "Acc.screen door": 0.619, "Acc.stairway": 0.7318, "Acc.river": 0.1989, "Acc.bridge": 0.7537, "Acc.bookcase": 0.5516, "Acc.blind": 0.4359, "Acc.coffee table": 0.8715, "Acc.toilet": 0.9439, "Acc.flower": 0.5783, "Acc.book": 0.7081, "Acc.hill": 0.1916, "Acc.bench": 0.7971, "Acc.countertop": 0.846, "Acc.stove": 0.9202, "Acc.palm": 0.8435, "Acc.kitchen island": 0.9136, "Acc.computer": 0.9195, "Acc.swivel chair": 0.8763, "Acc.boat": 0.9051, "Acc.bar": 0.7928, "Acc.arcade machine": 0.9772, "Acc.hovel": 0.1499, "Acc.bus": 0.978, "Acc.towel": 0.9022, "Acc.light": 0.7307, "Acc.truck": 0.8098, "Acc.tower": 0.2271, "Acc.chandelier": 0.8296, "Acc.awning": 0.6514, "Acc.streetlight": 0.4823, "Acc.booth": 0.4943, "Acc.television receiver": 0.8823, "Acc.airplane": 0.9684, "Acc.dirt track": 0.1435, "Acc.apparel": 0.7455, "Acc.pole": 0.3296, "Acc.land": 0.0048, "Acc.bannister": 0.2864, "Acc.escalator": 0.875, "Acc.ottoman": 0.7625, "Acc.bottle": 0.5551, "Acc.buffet": 0.8903, "Acc.poster": 0.3664, "Acc.stage": 0.4118, "Acc.van": 0.5914, "Acc.ship": 0.1273, "Acc.fountain": 0.3958, "Acc.conveyer belt": 0.9441, "Acc.canopy": 0.7314, "Acc.washer": 0.8597, "Acc.plaything": 0.4066, "Acc.swimming pool": 0.7668, "Acc.stool": 0.6933, "Acc.barrel": 0.6461, "Acc.basket": 0.5407, "Acc.waterfall": 0.5462, "Acc.tent": 0.9876, "Acc.bag": 0.3163, "Acc.minibike": 0.8977, "Acc.cradle": 0.9666, "Acc.oven": 0.84, "Acc.ball": 0.7436, "Acc.food": 0.6699, "Acc.step": 0.2405, "Acc.tank": 0.7959, "Acc.trade name": 0.263, "Acc.microwave": 0.9624, "Acc.pot": 0.7198, "Acc.animal": 0.6918, "Acc.bicycle": 0.7933, "Acc.lake": 0.7988, "Acc.dishwasher": 0.7714, "Acc.screen": 0.9592, "Acc.blanket": 0.4112, "Acc.sculpture": 0.8766, "Acc.hood": 0.7449, "Acc.sconce": 0.7344, "Acc.vase": 0.6882, "Acc.traffic light": 0.6374, "Acc.tray": 0.3553, "Acc.ashcan": 0.652, "Acc.fan": 0.7723, "Acc.pier": 0.4166, "Acc.crt screen": 0.1306, "Acc.plate": 0.7941, "Acc.monitor": 0.3493, "Acc.bulletin board": 0.8271, "Acc.shower": 0.0026, "Acc.radiator": 0.7906, "Acc.glass": 0.2131, "Acc.clock": 0.6567, "Acc.flag": 0.8277} {"mode": "train", "epoch": 19, "iter": 23050, "lr": 3e-05, "memory": 72263, "data_time": 2.22189, "decode.loss_ce": 0.25674, "decode.acc_seg": 89.81209, "aux.loss_ce": 0.10439, "aux.acc_seg": 89.62272, "loss": 0.36113, "time": 4.1907} {"mode": "train", "epoch": 19, "iter": 23100, "lr": 3e-05, "memory": 72263, "data_time": 0.00966, "decode.loss_ce": 0.26697, "decode.acc_seg": 89.06953, "aux.loss_ce": 0.10861, "aux.acc_seg": 88.85276, "loss": 0.37559, "time": 1.97739} {"mode": "train", "epoch": 19, "iter": 23150, "lr": 3e-05, "memory": 72263, "data_time": 0.0103, "decode.loss_ce": 0.26757, "decode.acc_seg": 89.3501, "aux.loss_ce": 0.10967, "aux.acc_seg": 89.1385, "loss": 0.37724, "time": 1.97954} {"mode": "train", "epoch": 19, "iter": 23200, "lr": 3e-05, "memory": 72263, "data_time": 0.00962, "decode.loss_ce": 0.25409, "decode.acc_seg": 89.79946, "aux.loss_ce": 0.10354, "aux.acc_seg": 89.5791, "loss": 0.35764, "time": 1.97927} {"mode": "train", "epoch": 19, "iter": 23250, "lr": 3e-05, "memory": 72263, "data_time": 0.01022, "decode.loss_ce": 0.26589, "decode.acc_seg": 89.25257, "aux.loss_ce": 0.10958, "aux.acc_seg": 88.88708, "loss": 0.37547, "time": 1.97923} {"mode": "train", "epoch": 19, "iter": 23300, "lr": 3e-05, "memory": 72263, "data_time": 0.01088, "decode.loss_ce": 0.26003, "decode.acc_seg": 89.12671, "aux.loss_ce": 0.10628, "aux.acc_seg": 88.89321, "loss": 0.36632, "time": 1.98022} {"mode": "train", "epoch": 19, "iter": 23350, "lr": 3e-05, "memory": 72263, "data_time": 0.00974, "decode.loss_ce": 0.2766, "decode.acc_seg": 88.92089, "aux.loss_ce": 0.11187, "aux.acc_seg": 88.64505, "loss": 0.38847, "time": 1.97939} {"mode": "train", "epoch": 19, "iter": 23400, "lr": 3e-05, "memory": 72263, "data_time": 0.01041, "decode.loss_ce": 0.25722, "decode.acc_seg": 89.48961, "aux.loss_ce": 0.10552, "aux.acc_seg": 89.21991, "loss": 0.36274, "time": 1.98} {"mode": "train", "epoch": 19, "iter": 23450, "lr": 3e-05, "memory": 72263, "data_time": 0.01068, "decode.loss_ce": 0.25761, "decode.acc_seg": 89.08155, "aux.loss_ce": 0.10516, "aux.acc_seg": 88.91412, "loss": 0.36276, "time": 1.98027} {"mode": "train", "epoch": 19, "iter": 23500, "lr": 3e-05, "memory": 72263, "data_time": 0.01048, "decode.loss_ce": 0.28136, "decode.acc_seg": 88.46774, "aux.loss_ce": 0.11395, "aux.acc_seg": 88.36927, "loss": 0.3953, "time": 1.97983} {"mode": "train", "epoch": 19, "iter": 23550, "lr": 3e-05, "memory": 72263, "data_time": 0.01043, "decode.loss_ce": 0.26631, "decode.acc_seg": 88.80335, "aux.loss_ce": 0.10884, "aux.acc_seg": 88.51734, "loss": 0.37515, "time": 1.98312} {"mode": "train", "epoch": 19, "iter": 23600, "lr": 3e-05, "memory": 72263, "data_time": 0.01059, "decode.loss_ce": 0.25344, "decode.acc_seg": 89.62331, "aux.loss_ce": 0.10438, "aux.acc_seg": 89.30104, "loss": 0.35782, "time": 1.97934} {"mode": "train", "epoch": 19, "iter": 23650, "lr": 3e-05, "memory": 72263, "data_time": 0.01036, "decode.loss_ce": 0.26705, "decode.acc_seg": 88.77249, "aux.loss_ce": 0.10978, "aux.acc_seg": 88.44253, "loss": 0.37682, "time": 1.97933} {"mode": "train", "epoch": 19, "iter": 23700, "lr": 3e-05, "memory": 72263, "data_time": 0.00966, "decode.loss_ce": 0.27504, "decode.acc_seg": 88.58961, "aux.loss_ce": 0.11185, "aux.acc_seg": 88.42597, "loss": 0.38688, "time": 1.97759} {"mode": "train", "epoch": 19, "iter": 23750, "lr": 3e-05, "memory": 72263, "data_time": 0.01078, "decode.loss_ce": 0.25309, "decode.acc_seg": 89.46852, "aux.loss_ce": 0.10314, "aux.acc_seg": 89.28313, "loss": 0.35623, "time": 1.98246} {"mode": "train", "epoch": 19, "iter": 23800, "lr": 3e-05, "memory": 72263, "data_time": 0.00982, "decode.loss_ce": 0.26254, "decode.acc_seg": 89.21973, "aux.loss_ce": 0.10781, "aux.acc_seg": 88.99575, "loss": 0.37035, "time": 1.97911} {"mode": "train", "epoch": 19, "iter": 23850, "lr": 3e-05, "memory": 72263, "data_time": 0.0101, "decode.loss_ce": 0.25257, "decode.acc_seg": 89.36655, "aux.loss_ce": 0.10378, "aux.acc_seg": 89.09235, "loss": 0.35635, "time": 1.98117} {"mode": "train", "epoch": 19, "iter": 23900, "lr": 3e-05, "memory": 72263, "data_time": 0.01044, "decode.loss_ce": 0.26299, "decode.acc_seg": 88.71261, "aux.loss_ce": 0.10782, "aux.acc_seg": 88.52982, "loss": 0.37081, "time": 1.9783} {"mode": "train", "epoch": 19, "iter": 23950, "lr": 3e-05, "memory": 72263, "data_time": 0.00966, "decode.loss_ce": 0.25446, "decode.acc_seg": 89.35177, "aux.loss_ce": 0.10389, "aux.acc_seg": 89.10721, "loss": 0.35835, "time": 1.97816} {"mode": "train", "epoch": 20, "iter": 24000, "lr": 3e-05, "memory": 72263, "data_time": 0.05354, "decode.loss_ce": 0.2647, "decode.acc_seg": 89.1644, "aux.loss_ce": 0.1091, "aux.acc_seg": 88.88008, "loss": 0.3738, "time": 3.75126} {"mode": "val", "epoch": 20, "iter": 250, "lr": 3e-05, "aAcc": 0.8564, "mIoU": 0.5725, "mAcc": 0.7142, "IoU.wall": 0.8082, "IoU.building": 0.8415, "IoU.sky": 0.9456, "IoU.floor": 0.8402, "IoU.tree": 0.7753, "IoU.ceiling": 0.8548, "IoU.road": 0.8569, "IoU.bed ": 0.9244, "IoU.windowpane": 0.6543, "IoU.grass": 0.6877, "IoU.cabinet": 0.653, "IoU.sidewalk": 0.7057, "IoU.person": 0.8542, "IoU.earth": 0.3889, "IoU.door": 0.5871, "IoU.table": 0.6483, "IoU.mountain": 0.6354, "IoU.plant": 0.5861, "IoU.curtain": 0.7811, "IoU.chair": 0.6567, "IoU.car": 0.8728, "IoU.water": 0.6477, "IoU.painting": 0.7466, "IoU.sofa": 0.8027, "IoU.shelf": 0.502, "IoU.house": 0.4701, "IoU.sea": 0.8251, "IoU.mirror": 0.8085, "IoU.rug": 0.6969, "IoU.field": 0.3171, "IoU.armchair": 0.5934, "IoU.seat": 0.6983, "IoU.fence": 0.4826, "IoU.desk": 0.4948, "IoU.rock": 0.6185, "IoU.wardrobe": 0.5469, "IoU.lamp": 0.7379, "IoU.bathtub": 0.8966, "IoU.railing": 0.399, "IoU.cushion": 0.6654, "IoU.base": 0.3875, "IoU.box": 0.335, "IoU.column": 0.5684, "IoU.signboard": 0.4369, "IoU.chest of drawers": 0.4811, "IoU.counter": 0.3951, "IoU.sand": 0.5064, "IoU.sink": 0.8242, "IoU.skyscraper": 0.4693, "IoU.fireplace": 0.7138, "IoU.refrigerator": 0.8733, "IoU.grandstand": 0.4711, "IoU.path": 0.2812, "IoU.stairs": 0.3452, "IoU.runway": 0.6833, "IoU.case": 0.5597, "IoU.pool table": 0.9455, "IoU.pillow": 0.6459, "IoU.screen door": 0.8643, "IoU.stairway": 0.4491, "IoU.river": 0.1204, "IoU.bridge": 0.6837, "IoU.bookcase": 0.4543, "IoU.blind": 0.4168, "IoU.coffee table": 0.586, "IoU.toilet": 0.9011, "IoU.flower": 0.4186, "IoU.book": 0.5682, "IoU.hill": 0.0722, "IoU.bench": 0.6473, "IoU.countertop": 0.6478, "IoU.stove": 0.8285, "IoU.palm": 0.5096, "IoU.kitchen island": 0.4131, "IoU.computer": 0.7759, "IoU.swivel chair": 0.4574, "IoU.boat": 0.5693, "IoU.bar": 0.6142, "IoU.arcade machine": 0.8642, "IoU.hovel": 0.4707, "IoU.bus": 0.9186, "IoU.towel": 0.8103, "IoU.light": 0.5703, "IoU.truck": 0.4922, "IoU.tower": 0.2993, "IoU.chandelier": 0.7227, "IoU.awning": 0.4255, "IoU.streetlight": 0.3481, "IoU.booth": 0.5147, "IoU.television receiver": 0.7631, "IoU.airplane": 0.842, "IoU.dirt track": 0.0699, "IoU.apparel": 0.6372, "IoU.pole": 0.2661, "IoU.land": 0.0461, "IoU.bannister": 0.1665, "IoU.escalator": 0.5766, "IoU.ottoman": 0.5172, "IoU.bottle": 0.4053, "IoU.buffet": 0.6638, "IoU.poster": 0.3598, "IoU.stage": 0.2301, "IoU.van": 0.5256, "IoU.ship": 0.6998, "IoU.fountain": 0.3812, "IoU.conveyer belt": 0.7784, "IoU.canopy": 0.4808, "IoU.washer": 0.8849, "IoU.plaything": 0.4783, "IoU.swimming pool": 0.5485, "IoU.stool": 0.555, "IoU.barrel": 0.3304, "IoU.basket": 0.3767, "IoU.waterfall": 0.4603, "IoU.tent": 0.9432, "IoU.bag": 0.2284, "IoU.minibike": 0.7561, "IoU.cradle": 0.8127, "IoU.oven": 0.6138, "IoU.ball": 0.5439, "IoU.food": 0.5488, "IoU.step": 0.1045, "IoU.tank": 0.6018, "IoU.trade name": 0.3596, "IoU.microwave": 0.8929, "IoU.pot": 0.5942, "IoU.animal": 0.6738, "IoU.bicycle": 0.595, "IoU.lake": 0.5731, "IoU.dishwasher": 0.7648, "IoU.screen": 0.6111, "IoU.blanket": 0.3089, "IoU.sculpture": 0.6529, "IoU.hood": 0.6244, "IoU.sconce": 0.5657, "IoU.vase": 0.4574, "IoU.traffic light": 0.3399, "IoU.tray": 0.2237, "IoU.ashcan": 0.5048, "IoU.fan": 0.6719, "IoU.pier": 0.3916, "IoU.crt screen": 0.0774, "IoU.plate": 0.5897, "IoU.monitor": 0.6297, "IoU.bulletin board": 0.6281, "IoU.shower": 0.0074, "IoU.radiator": 0.6537, "IoU.glass": 0.2167, "IoU.clock": 0.4957, "IoU.flag": 0.7104, "Acc.wall": 0.8746, "Acc.building": 0.931, "Acc.sky": 0.9671, "Acc.floor": 0.8978, "Acc.tree": 0.9141, "Acc.ceiling": 0.927, "Acc.road": 0.9226, "Acc.bed ": 0.9649, "Acc.windowpane": 0.8574, "Acc.grass": 0.809, "Acc.cabinet": 0.7565, "Acc.sidewalk": 0.804, "Acc.person": 0.9387, "Acc.earth": 0.5126, "Acc.door": 0.7128, "Acc.table": 0.7402, "Acc.mountain": 0.7277, "Acc.plant": 0.6813, "Acc.curtain": 0.9112, "Acc.chair": 0.8049, "Acc.car": 0.9386, "Acc.water": 0.8033, "Acc.painting": 0.9165, "Acc.sofa": 0.8682, "Acc.shelf": 0.6828, "Acc.house": 0.5421, "Acc.sea": 0.8788, "Acc.mirror": 0.8963, "Acc.rug": 0.8641, "Acc.field": 0.7202, "Acc.armchair": 0.8481, "Acc.seat": 0.871, "Acc.fence": 0.5989, "Acc.desk": 0.8488, "Acc.rock": 0.8133, "Acc.wardrobe": 0.8173, "Acc.lamp": 0.8429, "Acc.bathtub": 0.9337, "Acc.railing": 0.5804, "Acc.cushion": 0.7823, "Acc.base": 0.6494, "Acc.box": 0.4219, "Acc.column": 0.6853, "Acc.signboard": 0.5562, "Acc.chest of drawers": 0.6822, "Acc.counter": 0.5675, "Acc.sand": 0.7995, "Acc.sink": 0.8816, "Acc.skyscraper": 0.5772, "Acc.fireplace": 0.965, "Acc.refrigerator": 0.9258, "Acc.grandstand": 0.8295, "Acc.path": 0.4452, "Acc.stairs": 0.3914, "Acc.runway": 0.8812, "Acc.case": 0.7778, "Acc.pool table": 0.9845, "Acc.pillow": 0.7578, "Acc.screen door": 0.9384, "Acc.stairway": 0.642, "Acc.river": 0.1764, "Acc.bridge": 0.8565, "Acc.bookcase": 0.5662, "Acc.blind": 0.4493, "Acc.coffee table": 0.8743, "Acc.toilet": 0.9428, "Acc.flower": 0.5295, "Acc.book": 0.7344, "Acc.hill": 0.1367, "Acc.bench": 0.7392, "Acc.countertop": 0.8341, "Acc.stove": 0.9131, "Acc.palm": 0.8491, "Acc.kitchen island": 0.8823, "Acc.computer": 0.9284, "Acc.swivel chair": 0.599, "Acc.boat": 0.9465, "Acc.bar": 0.8327, "Acc.arcade machine": 0.9211, "Acc.hovel": 0.5782, "Acc.bus": 0.9689, "Acc.towel": 0.9151, "Acc.light": 0.644, "Acc.truck": 0.6836, "Acc.tower": 0.6746, "Acc.chandelier": 0.8831, "Acc.awning": 0.5626, "Acc.streetlight": 0.4554, "Acc.booth": 0.7359, "Acc.television receiver": 0.8937, "Acc.airplane": 0.984, "Acc.dirt track": 0.2951, "Acc.apparel": 0.7751, "Acc.pole": 0.3526, "Acc.land": 0.058, "Acc.bannister": 0.2616, "Acc.escalator": 0.8773, "Acc.ottoman": 0.7509, "Acc.bottle": 0.6928, "Acc.buffet": 0.9014, "Acc.poster": 0.5757, "Acc.stage": 0.5301, "Acc.van": 0.7499, "Acc.ship": 0.73, "Acc.fountain": 0.385, "Acc.conveyer belt": 0.9497, "Acc.canopy": 0.6983, "Acc.washer": 0.9534, "Acc.plaything": 0.6917, "Acc.swimming pool": 0.791, "Acc.stool": 0.6497, "Acc.barrel": 0.6507, "Acc.basket": 0.4971, "Acc.waterfall": 0.5483, "Acc.tent": 0.989, "Acc.bag": 0.2633, "Acc.minibike": 0.8921, "Acc.cradle": 0.9894, "Acc.oven": 0.7922, "Acc.ball": 0.5981, "Acc.food": 0.6139, "Acc.step": 0.1139, "Acc.tank": 0.6951, "Acc.trade name": 0.4406, "Acc.microwave": 0.9648, "Acc.pot": 0.6934, "Acc.animal": 0.703, "Acc.bicycle": 0.7439, "Acc.lake": 0.6928, "Acc.dishwasher": 0.8539, "Acc.screen": 0.9108, "Acc.blanket": 0.3682, "Acc.sculpture": 0.8837, "Acc.hood": 0.7169, "Acc.sconce": 0.7648, "Acc.vase": 0.5928, "Acc.traffic light": 0.6966, "Acc.tray": 0.2636, "Acc.ashcan": 0.6436, "Acc.fan": 0.7528, "Acc.pier": 0.4513, "Acc.crt screen": 0.0844, "Acc.plate": 0.8384, "Acc.monitor": 0.8026, "Acc.bulletin board": 0.7183, "Acc.shower": 0.0074, "Acc.radiator": 0.7881, "Acc.glass": 0.2394, "Acc.clock": 0.6388, "Acc.flag": 0.8028} {"mode": "train", "epoch": 20, "iter": 24050, "lr": 3e-05, "memory": 72263, "data_time": 2.22717, "decode.loss_ce": 0.25387, "decode.acc_seg": 89.85506, "aux.loss_ce": 0.10438, "aux.acc_seg": 89.57596, "loss": 0.35824, "time": 4.19877} {"mode": "train", "epoch": 20, "iter": 24100, "lr": 3e-05, "memory": 72263, "data_time": 0.00983, "decode.loss_ce": 0.24743, "decode.acc_seg": 89.96074, "aux.loss_ce": 0.10148, "aux.acc_seg": 89.67595, "loss": 0.34891, "time": 1.97882} {"mode": "train", "epoch": 20, "iter": 24150, "lr": 3e-05, "memory": 72263, "data_time": 0.01062, "decode.loss_ce": 0.25625, "decode.acc_seg": 89.59153, "aux.loss_ce": 0.10536, "aux.acc_seg": 89.31345, "loss": 0.36161, "time": 1.98105} {"mode": "train", "epoch": 20, "iter": 24200, "lr": 3e-05, "memory": 72263, "data_time": 0.00985, "decode.loss_ce": 0.23634, "decode.acc_seg": 90.28974, "aux.loss_ce": 0.09669, "aux.acc_seg": 90.08404, "loss": 0.33303, "time": 1.97891} {"mode": "train", "epoch": 20, "iter": 24250, "lr": 3e-05, "memory": 72263, "data_time": 0.01022, "decode.loss_ce": 0.25447, "decode.acc_seg": 89.44705, "aux.loss_ce": 0.10368, "aux.acc_seg": 89.30213, "loss": 0.35815, "time": 1.97847} {"mode": "train", "epoch": 20, "iter": 24300, "lr": 3e-05, "memory": 72263, "data_time": 0.00958, "decode.loss_ce": 0.26314, "decode.acc_seg": 88.96013, "aux.loss_ce": 0.10814, "aux.acc_seg": 88.79243, "loss": 0.37128, "time": 1.98076} {"mode": "train", "epoch": 20, "iter": 24350, "lr": 3e-05, "memory": 72263, "data_time": 0.01089, "decode.loss_ce": 0.27012, "decode.acc_seg": 89.1538, "aux.loss_ce": 0.11008, "aux.acc_seg": 88.89682, "loss": 0.38019, "time": 1.97902} {"mode": "train", "epoch": 20, "iter": 24400, "lr": 3e-05, "memory": 72263, "data_time": 0.01031, "decode.loss_ce": 0.25773, "decode.acc_seg": 89.43596, "aux.loss_ce": 0.10537, "aux.acc_seg": 89.22458, "loss": 0.36309, "time": 1.97931} {"mode": "train", "epoch": 20, "iter": 24450, "lr": 3e-05, "memory": 72263, "data_time": 0.01094, "decode.loss_ce": 0.25173, "decode.acc_seg": 89.47495, "aux.loss_ce": 0.10273, "aux.acc_seg": 89.1976, "loss": 0.35445, "time": 1.97938} {"mode": "train", "epoch": 20, "iter": 24500, "lr": 3e-05, "memory": 72263, "data_time": 0.01064, "decode.loss_ce": 0.25987, "decode.acc_seg": 89.18625, "aux.loss_ce": 0.10682, "aux.acc_seg": 88.86114, "loss": 0.36669, "time": 1.98122} {"mode": "train", "epoch": 20, "iter": 24550, "lr": 3e-05, "memory": 72263, "data_time": 0.00978, "decode.loss_ce": 0.2559, "decode.acc_seg": 89.43347, "aux.loss_ce": 0.10505, "aux.acc_seg": 89.08079, "loss": 0.36095, "time": 1.979} {"mode": "train", "epoch": 20, "iter": 24600, "lr": 3e-05, "memory": 72263, "data_time": 0.01002, "decode.loss_ce": 0.23953, "decode.acc_seg": 89.92216, "aux.loss_ce": 0.09873, "aux.acc_seg": 89.58145, "loss": 0.33826, "time": 1.97707} {"mode": "train", "epoch": 20, "iter": 24650, "lr": 3e-05, "memory": 72263, "data_time": 0.00968, "decode.loss_ce": 0.25913, "decode.acc_seg": 89.24401, "aux.loss_ce": 0.10547, "aux.acc_seg": 89.12582, "loss": 0.3646, "time": 1.97969} {"mode": "train", "epoch": 20, "iter": 24700, "lr": 3e-05, "memory": 72263, "data_time": 0.01033, "decode.loss_ce": 0.25999, "decode.acc_seg": 89.74499, "aux.loss_ce": 0.10568, "aux.acc_seg": 89.56595, "loss": 0.36567, "time": 1.98054} {"mode": "train", "epoch": 20, "iter": 24750, "lr": 3e-05, "memory": 72263, "data_time": 0.01018, "decode.loss_ce": 0.26145, "decode.acc_seg": 89.4129, "aux.loss_ce": 0.10706, "aux.acc_seg": 89.15713, "loss": 0.36851, "time": 1.97978} {"mode": "train", "epoch": 20, "iter": 24800, "lr": 3e-05, "memory": 72263, "data_time": 0.00993, "decode.loss_ce": 0.23311, "decode.acc_seg": 90.12983, "aux.loss_ce": 0.09513, "aux.acc_seg": 89.97197, "loss": 0.32824, "time": 1.97842} {"mode": "train", "epoch": 20, "iter": 24850, "lr": 3e-05, "memory": 72263, "data_time": 0.00999, "decode.loss_ce": 0.25697, "decode.acc_seg": 89.31274, "aux.loss_ce": 0.10563, "aux.acc_seg": 89.0562, "loss": 0.3626, "time": 1.97835} {"mode": "train", "epoch": 20, "iter": 24900, "lr": 3e-05, "memory": 72263, "data_time": 0.01008, "decode.loss_ce": 0.24145, "decode.acc_seg": 90.20388, "aux.loss_ce": 0.09969, "aux.acc_seg": 89.83117, "loss": 0.34114, "time": 1.97786} {"mode": "train", "epoch": 20, "iter": 24950, "lr": 3e-05, "memory": 72263, "data_time": 0.00969, "decode.loss_ce": 0.25663, "decode.acc_seg": 89.55444, "aux.loss_ce": 0.1055, "aux.acc_seg": 89.11695, "loss": 0.36213, "time": 1.97922} {"mode": "train", "epoch": 20, "iter": 25000, "lr": 3e-05, "memory": 72263, "data_time": 0.00987, "decode.loss_ce": 0.25643, "decode.acc_seg": 89.5413, "aux.loss_ce": 0.10551, "aux.acc_seg": 89.34222, "loss": 0.36194, "time": 1.97894} {"mode": "val", "epoch": 20, "iter": 250, "lr": 3e-05, "aAcc": 0.8579, "mIoU": 0.5695, "mAcc": 0.7043, "IoU.wall": 0.8137, "IoU.building": 0.8476, "IoU.sky": 0.947, "IoU.floor": 0.8447, "IoU.tree": 0.7769, "IoU.ceiling": 0.8621, "IoU.road": 0.8503, "IoU.bed ": 0.9274, "IoU.windowpane": 0.6744, "IoU.grass": 0.6675, "IoU.cabinet": 0.6673, "IoU.sidewalk": 0.6995, "IoU.person": 0.8569, "IoU.earth": 0.3594, "IoU.door": 0.5877, "IoU.table": 0.6741, "IoU.mountain": 0.6146, "IoU.plant": 0.5708, "IoU.curtain": 0.7949, "IoU.chair": 0.6648, "IoU.car": 0.8762, "IoU.water": 0.6258, "IoU.painting": 0.7551, "IoU.sofa": 0.8095, "IoU.shelf": 0.514, "IoU.house": 0.5658, "IoU.sea": 0.7148, "IoU.mirror": 0.7825, "IoU.rug": 0.6833, "IoU.field": 0.256, "IoU.armchair": 0.6081, "IoU.seat": 0.6895, "IoU.fence": 0.4465, "IoU.desk": 0.5814, "IoU.rock": 0.5863, "IoU.wardrobe": 0.5781, "IoU.lamp": 0.7512, "IoU.bathtub": 0.8784, "IoU.railing": 0.4169, "IoU.cushion": 0.7032, "IoU.base": 0.4036, "IoU.box": 0.3576, "IoU.column": 0.572, "IoU.signboard": 0.4439, "IoU.chest of drawers": 0.487, "IoU.counter": 0.4859, "IoU.sand": 0.446, "IoU.sink": 0.818, "IoU.skyscraper": 0.4556, "IoU.fireplace": 0.7494, "IoU.refrigerator": 0.8028, "IoU.grandstand": 0.4679, "IoU.path": 0.3337, "IoU.stairs": 0.3309, "IoU.runway": 0.661, "IoU.case": 0.6117, "IoU.pool table": 0.95, "IoU.pillow": 0.6912, "IoU.screen door": 0.8081, "IoU.stairway": 0.4366, "IoU.river": 0.094, "IoU.bridge": 0.527, "IoU.bookcase": 0.4349, "IoU.blind": 0.4533, "IoU.coffee table": 0.5964, "IoU.toilet": 0.8989, "IoU.flower": 0.4146, "IoU.book": 0.557, "IoU.hill": 0.0842, "IoU.bench": 0.6889, "IoU.countertop": 0.6158, "IoU.stove": 0.8584, "IoU.palm": 0.5206, "IoU.kitchen island": 0.4371, "IoU.computer": 0.804, "IoU.swivel chair": 0.5438, "IoU.boat": 0.6467, "IoU.bar": 0.6321, "IoU.arcade machine": 0.8326, "IoU.hovel": 0.2073, "IoU.bus": 0.9258, "IoU.towel": 0.7619, "IoU.light": 0.6051, "IoU.truck": 0.5126, "IoU.tower": 0.2755, "IoU.chandelier": 0.737, "IoU.awning": 0.4136, "IoU.streetlight": 0.3331, "IoU.booth": 0.5823, "IoU.television receiver": 0.8051, "IoU.airplane": 0.8662, "IoU.dirt track": 0.1213, "IoU.apparel": 0.6261, "IoU.pole": 0.2802, "IoU.land": 0.0006, "IoU.bannister": 0.1982, "IoU.escalator": 0.5969, "IoU.ottoman": 0.5613, "IoU.bottle": 0.3084, "IoU.buffet": 0.5972, "IoU.poster": 0.3636, "IoU.stage": 0.213, "IoU.van": 0.492, "IoU.ship": 0.242, "IoU.fountain": 0.3942, "IoU.conveyer belt": 0.8092, "IoU.canopy": 0.6827, "IoU.washer": 0.8543, "IoU.plaything": 0.3457, "IoU.swimming pool": 0.556, "IoU.stool": 0.5516, "IoU.barrel": 0.6966, "IoU.basket": 0.4219, "IoU.waterfall": 0.5756, "IoU.tent": 0.9036, "IoU.bag": 0.236, "IoU.minibike": 0.7728, "IoU.cradle": 0.8349, "IoU.oven": 0.6087, "IoU.ball": 0.1321, "IoU.food": 0.5844, "IoU.step": 0.1396, "IoU.tank": 0.5616, "IoU.trade name": 0.3286, "IoU.microwave": 0.9066, "IoU.pot": 0.5977, "IoU.animal": 0.6768, "IoU.bicycle": 0.6074, "IoU.lake": 0.4998, "IoU.dishwasher": 0.7152, "IoU.screen": 0.3345, "IoU.blanket": 0.3175, "IoU.sculpture": 0.7579, "IoU.hood": 0.6919, "IoU.sconce": 0.6097, "IoU.vase": 0.4829, "IoU.traffic light": 0.394, "IoU.tray": 0.1611, "IoU.ashcan": 0.4953, "IoU.fan": 0.7119, "IoU.pier": 0.3892, "IoU.crt screen": 0.196, "IoU.plate": 0.6398, "IoU.monitor": 0.5347, "IoU.bulletin board": 0.5585, "IoU.shower": 0.0061, "IoU.radiator": 0.6461, "IoU.glass": 0.1936, "IoU.clock": 0.5405, "IoU.flag": 0.6664, "Acc.wall": 0.8934, "Acc.building": 0.9361, "Acc.sky": 0.9748, "Acc.floor": 0.9135, "Acc.tree": 0.878, "Acc.ceiling": 0.9303, "Acc.road": 0.9052, "Acc.bed ": 0.9718, "Acc.windowpane": 0.8195, "Acc.grass": 0.8661, "Acc.cabinet": 0.7294, "Acc.sidewalk": 0.882, "Acc.person": 0.9204, "Acc.earth": 0.4616, "Acc.door": 0.7169, "Acc.table": 0.7926, "Acc.mountain": 0.7259, "Acc.plant": 0.687, "Acc.curtain": 0.8543, "Acc.chair": 0.7592, "Acc.car": 0.9375, "Acc.water": 0.7525, "Acc.painting": 0.9237, "Acc.sofa": 0.9356, "Acc.shelf": 0.7479, "Acc.house": 0.7607, "Acc.sea": 0.8222, "Acc.mirror": 0.8432, "Acc.rug": 0.7628, "Acc.field": 0.3958, "Acc.armchair": 0.7586, "Acc.seat": 0.9068, "Acc.fence": 0.5702, "Acc.desk": 0.8013, "Acc.rock": 0.8828, "Acc.wardrobe": 0.878, "Acc.lamp": 0.8544, "Acc.bathtub": 0.9257, "Acc.railing": 0.5518, "Acc.cushion": 0.787, "Acc.base": 0.5727, "Acc.box": 0.4538, "Acc.column": 0.7514, "Acc.signboard": 0.5789, "Acc.chest of drawers": 0.8045, "Acc.counter": 0.5844, "Acc.sand": 0.6737, "Acc.sink": 0.8795, "Acc.skyscraper": 0.5854, "Acc.fireplace": 0.9667, "Acc.refrigerator": 0.9156, "Acc.grandstand": 0.8519, "Acc.path": 0.4671, "Acc.stairs": 0.4222, "Acc.runway": 0.8722, "Acc.case": 0.8883, "Acc.pool table": 0.9806, "Acc.pillow": 0.8322, "Acc.screen door": 0.8338, "Acc.stairway": 0.558, "Acc.river": 0.2089, "Acc.bridge": 0.6009, "Acc.bookcase": 0.5145, "Acc.blind": 0.528, "Acc.coffee table": 0.8726, "Acc.toilet": 0.9448, "Acc.flower": 0.534, "Acc.book": 0.7529, "Acc.hill": 0.2046, "Acc.bench": 0.7724, "Acc.countertop": 0.8002, "Acc.stove": 0.9002, "Acc.palm": 0.7991, "Acc.kitchen island": 0.9295, "Acc.computer": 0.9133, "Acc.swivel chair": 0.769, "Acc.boat": 0.9147, "Acc.bar": 0.9042, "Acc.arcade machine": 0.874, "Acc.hovel": 0.2375, "Acc.bus": 0.968, "Acc.towel": 0.7972, "Acc.light": 0.721, "Acc.truck": 0.6034, "Acc.tower": 0.4796, "Acc.chandelier": 0.8826, "Acc.awning": 0.7095, "Acc.streetlight": 0.4353, "Acc.booth": 0.6799, "Acc.television receiver": 0.8608, "Acc.airplane": 0.9679, "Acc.dirt track": 0.4156, "Acc.apparel": 0.7932, "Acc.pole": 0.4118, "Acc.land": 0.001, "Acc.bannister": 0.2567, "Acc.escalator": 0.8822, "Acc.ottoman": 0.7844, "Acc.bottle": 0.3797, "Acc.buffet": 0.7659, "Acc.poster": 0.4368, "Acc.stage": 0.4772, "Acc.van": 0.7194, "Acc.ship": 0.2567, "Acc.fountain": 0.4147, "Acc.conveyer belt": 0.959, "Acc.canopy": 0.7823, "Acc.washer": 0.8771, "Acc.plaything": 0.7358, "Acc.swimming pool": 0.8202, "Acc.stool": 0.7391, "Acc.barrel": 0.8343, "Acc.basket": 0.5749, "Acc.waterfall": 0.8382, "Acc.tent": 0.986, "Acc.bag": 0.2736, "Acc.minibike": 0.868, "Acc.cradle": 0.9868, "Acc.oven": 0.7285, "Acc.ball": 0.1331, "Acc.food": 0.67, "Acc.step": 0.2067, "Acc.tank": 0.7004, "Acc.trade name": 0.3707, "Acc.microwave": 0.9578, "Acc.pot": 0.6722, "Acc.animal": 0.7039, "Acc.bicycle": 0.7383, "Acc.lake": 0.6979, "Acc.dishwasher": 0.7697, "Acc.screen": 0.3913, "Acc.blanket": 0.3929, "Acc.sculpture": 0.8708, "Acc.hood": 0.8273, "Acc.sconce": 0.7387, "Acc.vase": 0.6683, "Acc.traffic light": 0.6126, "Acc.tray": 0.197, "Acc.ashcan": 0.6783, "Acc.fan": 0.8587, "Acc.pier": 0.4272, "Acc.crt screen": 0.5884, "Acc.plate": 0.785, "Acc.monitor": 0.7559, "Acc.bulletin board": 0.7535, "Acc.shower": 0.0111, "Acc.radiator": 0.8432, "Acc.glass": 0.2026, "Acc.clock": 0.6532, "Acc.flag": 0.8004} {"mode": "train", "epoch": 20, "iter": 25050, "lr": 3e-05, "memory": 72263, "data_time": 2.22841, "decode.loss_ce": 0.24678, "decode.acc_seg": 89.65382, "aux.loss_ce": 0.10139, "aux.acc_seg": 89.30405, "loss": 0.34817, "time": 4.19812} {"mode": "train", "epoch": 20, "iter": 25100, "lr": 3e-05, "memory": 72263, "data_time": 0.01057, "decode.loss_ce": 0.26482, "decode.acc_seg": 89.12518, "aux.loss_ce": 0.10831, "aux.acc_seg": 88.84463, "loss": 0.37313, "time": 1.97946} {"mode": "train", "epoch": 20, "iter": 25150, "lr": 3e-05, "memory": 72263, "data_time": 0.01042, "decode.loss_ce": 0.25115, "decode.acc_seg": 89.79229, "aux.loss_ce": 0.1032, "aux.acc_seg": 89.56864, "loss": 0.35436, "time": 1.98048} {"mode": "train", "epoch": 20, "iter": 25200, "lr": 3e-05, "memory": 72263, "data_time": 0.01018, "decode.loss_ce": 0.25884, "decode.acc_seg": 89.418, "aux.loss_ce": 0.10432, "aux.acc_seg": 89.37634, "loss": 0.36316, "time": 1.97869} {"mode": "train", "epoch": 20, "iter": 25250, "lr": 3e-05, "memory": 72263, "data_time": 0.0102, "decode.loss_ce": 0.26075, "decode.acc_seg": 89.47102, "aux.loss_ce": 0.1066, "aux.acc_seg": 89.14902, "loss": 0.36734, "time": 1.97676} {"mode": "train", "epoch": 21, "iter": 25300, "lr": 3e-05, "memory": 72263, "data_time": 0.06912, "decode.loss_ce": 0.2419, "decode.acc_seg": 90.36359, "aux.loss_ce": 0.09874, "aux.acc_seg": 90.09921, "loss": 0.34064, "time": 2.03862} {"mode": "train", "epoch": 21, "iter": 25350, "lr": 3e-05, "memory": 72263, "data_time": 0.01165, "decode.loss_ce": 0.23472, "decode.acc_seg": 90.34362, "aux.loss_ce": 0.09683, "aux.acc_seg": 90.02702, "loss": 0.33155, "time": 1.9796} {"mode": "train", "epoch": 21, "iter": 25400, "lr": 3e-05, "memory": 72263, "data_time": 0.01053, "decode.loss_ce": 0.23466, "decode.acc_seg": 90.67912, "aux.loss_ce": 0.09669, "aux.acc_seg": 90.31918, "loss": 0.33135, "time": 1.98207} {"mode": "train", "epoch": 21, "iter": 25450, "lr": 3e-05, "memory": 72263, "data_time": 0.01038, "decode.loss_ce": 0.2504, "decode.acc_seg": 89.42865, "aux.loss_ce": 0.10277, "aux.acc_seg": 89.06813, "loss": 0.35317, "time": 1.97994} {"mode": "train", "epoch": 21, "iter": 25500, "lr": 3e-05, "memory": 72263, "data_time": 0.01232, "decode.loss_ce": 0.23006, "decode.acc_seg": 90.40621, "aux.loss_ce": 0.09423, "aux.acc_seg": 90.16988, "loss": 0.32429, "time": 1.97963} {"mode": "train", "epoch": 21, "iter": 25550, "lr": 3e-05, "memory": 72263, "data_time": 0.01116, "decode.loss_ce": 0.23495, "decode.acc_seg": 90.28132, "aux.loss_ce": 0.09679, "aux.acc_seg": 90.01752, "loss": 0.33174, "time": 1.98336} {"mode": "train", "epoch": 21, "iter": 25600, "lr": 3e-05, "memory": 72263, "data_time": 0.01064, "decode.loss_ce": 0.23327, "decode.acc_seg": 90.40318, "aux.loss_ce": 0.09661, "aux.acc_seg": 90.13011, "loss": 0.32988, "time": 1.97909} {"mode": "train", "epoch": 21, "iter": 25650, "lr": 3e-05, "memory": 72263, "data_time": 0.01067, "decode.loss_ce": 0.25643, "decode.acc_seg": 89.58375, "aux.loss_ce": 0.105, "aux.acc_seg": 89.25021, "loss": 0.36143, "time": 1.97932} {"mode": "train", "epoch": 21, "iter": 25700, "lr": 3e-05, "memory": 72263, "data_time": 0.01138, "decode.loss_ce": 0.2627, "decode.acc_seg": 89.51439, "aux.loss_ce": 0.10681, "aux.acc_seg": 89.16377, "loss": 0.36951, "time": 1.98006} {"mode": "train", "epoch": 21, "iter": 25750, "lr": 3e-05, "memory": 72263, "data_time": 0.01074, "decode.loss_ce": 0.2476, "decode.acc_seg": 89.84472, "aux.loss_ce": 0.1011, "aux.acc_seg": 89.54426, "loss": 0.3487, "time": 1.98086} {"mode": "train", "epoch": 21, "iter": 25800, "lr": 3e-05, "memory": 72263, "data_time": 0.0112, "decode.loss_ce": 0.23925, "decode.acc_seg": 90.01771, "aux.loss_ce": 0.09798, "aux.acc_seg": 89.75527, "loss": 0.33723, "time": 1.97953} {"mode": "train", "epoch": 21, "iter": 25850, "lr": 3e-05, "memory": 72263, "data_time": 0.01061, "decode.loss_ce": 0.24391, "decode.acc_seg": 89.59035, "aux.loss_ce": 0.09997, "aux.acc_seg": 89.42352, "loss": 0.34389, "time": 1.97812} {"mode": "train", "epoch": 21, "iter": 25900, "lr": 3e-05, "memory": 72263, "data_time": 0.01107, "decode.loss_ce": 0.24697, "decode.acc_seg": 90.02251, "aux.loss_ce": 0.10094, "aux.acc_seg": 89.76154, "loss": 0.34791, "time": 1.9805} {"mode": "train", "epoch": 21, "iter": 25950, "lr": 3e-05, "memory": 72263, "data_time": 0.01052, "decode.loss_ce": 0.24113, "decode.acc_seg": 90.094, "aux.loss_ce": 0.09941, "aux.acc_seg": 89.78045, "loss": 0.34054, "time": 1.97987} {"mode": "train", "epoch": 21, "iter": 26000, "lr": 3e-05, "memory": 72263, "data_time": 0.01114, "decode.loss_ce": 0.24935, "decode.acc_seg": 89.9182, "aux.loss_ce": 0.10282, "aux.acc_seg": 89.63015, "loss": 0.35217, "time": 3.66009} {"mode": "val", "epoch": 21, "iter": 250, "lr": 3e-05, "aAcc": 0.8596, "mIoU": 0.576, "mAcc": 0.7052, "IoU.wall": 0.8202, "IoU.building": 0.8471, "IoU.sky": 0.9477, "IoU.floor": 0.8481, "IoU.tree": 0.7524, "IoU.ceiling": 0.8731, "IoU.road": 0.8575, "IoU.bed ": 0.9265, "IoU.windowpane": 0.6829, "IoU.grass": 0.6822, "IoU.cabinet": 0.6793, "IoU.sidewalk": 0.6848, "IoU.person": 0.8582, "IoU.earth": 0.3833, "IoU.door": 0.5708, "IoU.table": 0.6805, "IoU.mountain": 0.648, "IoU.plant": 0.5205, "IoU.curtain": 0.7963, "IoU.chair": 0.6796, "IoU.car": 0.8766, "IoU.water": 0.5834, "IoU.painting": 0.7813, "IoU.sofa": 0.8067, "IoU.shelf": 0.5063, "IoU.house": 0.4609, "IoU.sea": 0.7546, "IoU.mirror": 0.7755, "IoU.rug": 0.6913, "IoU.field": 0.2611, "IoU.armchair": 0.6088, "IoU.seat": 0.7396, "IoU.fence": 0.5134, "IoU.desk": 0.5877, "IoU.rock": 0.5965, "IoU.wardrobe": 0.5316, "IoU.lamp": 0.738, "IoU.bathtub": 0.8895, "IoU.railing": 0.4251, "IoU.cushion": 0.6984, "IoU.base": 0.4272, "IoU.box": 0.3234, "IoU.column": 0.5664, "IoU.signboard": 0.4422, "IoU.chest of drawers": 0.481, "IoU.counter": 0.4567, "IoU.sand": 0.5421, "IoU.sink": 0.8203, "IoU.skyscraper": 0.4581, "IoU.fireplace": 0.7371, "IoU.refrigerator": 0.8593, "IoU.grandstand": 0.4905, "IoU.path": 0.2887, "IoU.stairs": 0.38, "IoU.runway": 0.6421, "IoU.case": 0.5874, "IoU.pool table": 0.9493, "IoU.pillow": 0.6879, "IoU.screen door": 0.7899, "IoU.stairway": 0.4977, "IoU.river": 0.1111, "IoU.bridge": 0.7226, "IoU.bookcase": 0.4436, "IoU.blind": 0.4922, "IoU.coffee table": 0.6067, "IoU.toilet": 0.9097, "IoU.flower": 0.4104, "IoU.book": 0.5576, "IoU.hill": 0.1137, "IoU.bench": 0.717, "IoU.countertop": 0.6452, "IoU.stove": 0.8632, "IoU.palm": 0.5161, "IoU.kitchen island": 0.4918, "IoU.computer": 0.7855, "IoU.swivel chair": 0.5444, "IoU.boat": 0.7859, "IoU.bar": 0.6544, "IoU.arcade machine": 0.9027, "IoU.hovel": 0.5231, "IoU.bus": 0.9375, "IoU.towel": 0.723, "IoU.light": 0.6088, "IoU.truck": 0.5042, "IoU.tower": 0.2963, "IoU.chandelier": 0.7399, "IoU.awning": 0.4193, "IoU.streetlight": 0.3472, "IoU.booth": 0.4459, "IoU.television receiver": 0.7634, "IoU.airplane": 0.8868, "IoU.dirt track": 0.1239, "IoU.apparel": 0.5324, "IoU.pole": 0.2501, "IoU.land": 0.0316, "IoU.bannister": 0.1828, "IoU.escalator": 0.6426, "IoU.ottoman": 0.5481, "IoU.bottle": 0.3992, "IoU.buffet": 0.5915, "IoU.poster": 0.3786, "IoU.stage": 0.1867, "IoU.van": 0.5135, "IoU.ship": 0.2605, "IoU.fountain": 0.2391, "IoU.conveyer belt": 0.8115, "IoU.canopy": 0.3941, "IoU.washer": 0.8683, "IoU.plaything": 0.4003, "IoU.swimming pool": 0.5849, "IoU.stool": 0.5651, "IoU.barrel": 0.5481, "IoU.basket": 0.4582, "IoU.waterfall": 0.5482, "IoU.tent": 0.9154, "IoU.bag": 0.2352, "IoU.minibike": 0.7584, "IoU.cradle": 0.8728, "IoU.oven": 0.6107, "IoU.ball": 0.4624, "IoU.food": 0.6057, "IoU.step": 0.1148, "IoU.tank": 0.5649, "IoU.trade name": 0.3104, "IoU.microwave": 0.8881, "IoU.pot": 0.5734, "IoU.animal": 0.6348, "IoU.bicycle": 0.6212, "IoU.lake": 0.5227, "IoU.dishwasher": 0.7454, "IoU.screen": 0.6227, "IoU.blanket": 0.2731, "IoU.sculpture": 0.7243, "IoU.hood": 0.6666, "IoU.sconce": 0.5956, "IoU.vase": 0.4948, "IoU.traffic light": 0.4094, "IoU.tray": 0.1844, "IoU.ashcan": 0.5054, "IoU.fan": 0.7019, "IoU.pier": 0.389, "IoU.crt screen": 0.1537, "IoU.plate": 0.6381, "IoU.monitor": 0.4195, "IoU.bulletin board": 0.5568, "IoU.shower": 0.0448, "IoU.radiator": 0.673, "IoU.glass": 0.1869, "IoU.clock": 0.5266, "IoU.flag": 0.6813, "Acc.wall": 0.9116, "Acc.building": 0.9194, "Acc.sky": 0.9774, "Acc.floor": 0.9187, "Acc.tree": 0.9248, "Acc.ceiling": 0.9398, "Acc.road": 0.9121, "Acc.bed ": 0.9688, "Acc.windowpane": 0.8002, "Acc.grass": 0.7887, "Acc.cabinet": 0.7774, "Acc.sidewalk": 0.8439, "Acc.person": 0.9357, "Acc.earth": 0.5091, "Acc.door": 0.6774, "Acc.table": 0.7874, "Acc.mountain": 0.7267, "Acc.plant": 0.6111, "Acc.curtain": 0.896, "Acc.chair": 0.7924, "Acc.car": 0.9371, "Acc.water": 0.7348, "Acc.painting": 0.8996, "Acc.sofa": 0.8675, "Acc.shelf": 0.6398, "Acc.house": 0.5367, "Acc.sea": 0.9002, "Acc.mirror": 0.8637, "Acc.rug": 0.8191, "Acc.field": 0.4904, "Acc.armchair": 0.7742, "Acc.seat": 0.8725, "Acc.fence": 0.626, "Acc.desk": 0.7416, "Acc.rock": 0.7915, "Acc.wardrobe": 0.7273, "Acc.lamp": 0.8513, "Acc.bathtub": 0.9095, "Acc.railing": 0.6097, "Acc.cushion": 0.843, "Acc.base": 0.6146, "Acc.box": 0.3666, "Acc.column": 0.6818, "Acc.signboard": 0.5731, "Acc.chest of drawers": 0.6777, "Acc.counter": 0.5554, "Acc.sand": 0.8533, "Acc.sink": 0.8634, "Acc.skyscraper": 0.5747, "Acc.fireplace": 0.9518, "Acc.refrigerator": 0.9422, "Acc.grandstand": 0.8332, "Acc.path": 0.4777, "Acc.stairs": 0.4579, "Acc.runway": 0.8505, "Acc.case": 0.7567, "Acc.pool table": 0.9822, "Acc.pillow": 0.8163, "Acc.screen door": 0.83, "Acc.stairway": 0.5976, "Acc.river": 0.2764, "Acc.bridge": 0.8313, "Acc.bookcase": 0.6304, "Acc.blind": 0.6422, "Acc.coffee table": 0.9037, "Acc.toilet": 0.9425, "Acc.flower": 0.5345, "Acc.book": 0.7661, "Acc.hill": 0.2733, "Acc.bench": 0.8177, "Acc.countertop": 0.7509, "Acc.stove": 0.9153, "Acc.palm": 0.8491, "Acc.kitchen island": 0.8587, "Acc.computer": 0.9245, "Acc.swivel chair": 0.8153, "Acc.boat": 0.9132, "Acc.bar": 0.8363, "Acc.arcade machine": 0.9905, "Acc.hovel": 0.6035, "Acc.bus": 0.9607, "Acc.towel": 0.9111, "Acc.light": 0.7157, "Acc.truck": 0.6785, "Acc.tower": 0.4968, "Acc.chandelier": 0.8862, "Acc.awning": 0.5287, "Acc.streetlight": 0.4877, "Acc.booth": 0.7791, "Acc.television receiver": 0.8407, "Acc.airplane": 0.957, "Acc.dirt track": 0.5799, "Acc.apparel": 0.7012, "Acc.pole": 0.3473, "Acc.land": 0.0609, "Acc.bannister": 0.2312, "Acc.escalator": 0.8447, "Acc.ottoman": 0.7264, "Acc.bottle": 0.59, "Acc.buffet": 0.6633, "Acc.poster": 0.4985, "Acc.stage": 0.4199, "Acc.van": 0.6831, "Acc.ship": 0.2662, "Acc.fountain": 0.2418, "Acc.conveyer belt": 0.956, "Acc.canopy": 0.4637, "Acc.washer": 0.9208, "Acc.plaything": 0.5243, "Acc.swimming pool": 0.8445, "Acc.stool": 0.7017, "Acc.barrel": 0.6446, "Acc.basket": 0.5821, "Acc.waterfall": 0.7068, "Acc.tent": 0.9877, "Acc.bag": 0.2541, "Acc.minibike": 0.8976, "Acc.cradle": 0.9832, "Acc.oven": 0.7276, "Acc.ball": 0.7937, "Acc.food": 0.7869, "Acc.step": 0.1411, "Acc.tank": 0.644, "Acc.trade name": 0.3608, "Acc.microwave": 0.9672, "Acc.pot": 0.7011, "Acc.animal": 0.6683, "Acc.bicycle": 0.8029, "Acc.lake": 0.6319, "Acc.dishwasher": 0.7963, "Acc.screen": 0.904, "Acc.blanket": 0.3375, "Acc.sculpture": 0.8845, "Acc.hood": 0.8085, "Acc.sconce": 0.719, "Acc.vase": 0.6315, "Acc.traffic light": 0.6109, "Acc.tray": 0.216, "Acc.ashcan": 0.6797, "Acc.fan": 0.7907, "Acc.pier": 0.4386, "Acc.crt screen": 0.2622, "Acc.plate": 0.8149, "Acc.monitor": 0.5109, "Acc.bulletin board": 0.6925, "Acc.shower": 0.0463, "Acc.radiator": 0.7872, "Acc.glass": 0.1959, "Acc.clock": 0.6571, "Acc.flag": 0.8205} {"mode": "train", "epoch": 21, "iter": 26050, "lr": 3e-05, "memory": 72263, "data_time": 2.18321, "decode.loss_ce": 0.2445, "decode.acc_seg": 89.88148, "aux.loss_ce": 0.10007, "aux.acc_seg": 89.7132, "loss": 0.34457, "time": 4.15387} {"mode": "train", "epoch": 21, "iter": 26100, "lr": 3e-05, "memory": 72263, "data_time": 0.01035, "decode.loss_ce": 0.27156, "decode.acc_seg": 89.22061, "aux.loss_ce": 0.11089, "aux.acc_seg": 88.9564, "loss": 0.38245, "time": 1.98} {"mode": "train", "epoch": 21, "iter": 26150, "lr": 3e-05, "memory": 72263, "data_time": 0.00976, "decode.loss_ce": 0.27594, "decode.acc_seg": 88.64327, "aux.loss_ce": 0.11241, "aux.acc_seg": 88.29254, "loss": 0.38835, "time": 1.97842} {"mode": "train", "epoch": 21, "iter": 26200, "lr": 3e-05, "memory": 72263, "data_time": 0.01015, "decode.loss_ce": 0.26543, "decode.acc_seg": 89.43268, "aux.loss_ce": 0.10831, "aux.acc_seg": 89.26189, "loss": 0.37374, "time": 1.98312} {"mode": "train", "epoch": 21, "iter": 26250, "lr": 3e-05, "memory": 72263, "data_time": 0.00982, "decode.loss_ce": 0.24357, "decode.acc_seg": 90.08416, "aux.loss_ce": 0.09921, "aux.acc_seg": 89.78094, "loss": 0.34278, "time": 1.97641} {"mode": "train", "epoch": 21, "iter": 26300, "lr": 3e-05, "memory": 72263, "data_time": 0.01037, "decode.loss_ce": 0.25583, "decode.acc_seg": 89.15752, "aux.loss_ce": 0.10485, "aux.acc_seg": 88.90029, "loss": 0.36068, "time": 1.97925} {"mode": "train", "epoch": 21, "iter": 26350, "lr": 3e-05, "memory": 72263, "data_time": 0.01012, "decode.loss_ce": 0.24033, "decode.acc_seg": 90.03048, "aux.loss_ce": 0.09911, "aux.acc_seg": 89.75078, "loss": 0.33944, "time": 1.97866} {"mode": "train", "epoch": 21, "iter": 26400, "lr": 3e-05, "memory": 72263, "data_time": 0.0098, "decode.loss_ce": 0.256, "decode.acc_seg": 89.58451, "aux.loss_ce": 0.10475, "aux.acc_seg": 89.25759, "loss": 0.36074, "time": 1.97857} {"mode": "train", "epoch": 21, "iter": 26450, "lr": 3e-05, "memory": 72263, "data_time": 0.00967, "decode.loss_ce": 0.25686, "decode.acc_seg": 89.33947, "aux.loss_ce": 0.10577, "aux.acc_seg": 89.08684, "loss": 0.36262, "time": 1.97821} {"mode": "train", "epoch": 21, "iter": 26500, "lr": 3e-05, "memory": 72263, "data_time": 0.00966, "decode.loss_ce": 0.24485, "decode.acc_seg": 89.66675, "aux.loss_ce": 0.10008, "aux.acc_seg": 89.48265, "loss": 0.34493, "time": 1.97785} {"mode": "train", "epoch": 22, "iter": 26550, "lr": 3e-05, "memory": 72263, "data_time": 0.05152, "decode.loss_ce": 0.23793, "decode.acc_seg": 90.39017, "aux.loss_ce": 0.09805, "aux.acc_seg": 90.10775, "loss": 0.33598, "time": 2.0222} {"mode": "train", "epoch": 22, "iter": 26600, "lr": 3e-05, "memory": 72263, "data_time": 0.01022, "decode.loss_ce": 0.24896, "decode.acc_seg": 89.88206, "aux.loss_ce": 0.10248, "aux.acc_seg": 89.51057, "loss": 0.35144, "time": 1.97651} {"mode": "train", "epoch": 22, "iter": 26650, "lr": 3e-05, "memory": 72263, "data_time": 0.01028, "decode.loss_ce": 0.26548, "decode.acc_seg": 89.30411, "aux.loss_ce": 0.10906, "aux.acc_seg": 88.93571, "loss": 0.37454, "time": 1.97772} {"mode": "train", "epoch": 22, "iter": 26700, "lr": 3e-05, "memory": 72263, "data_time": 0.00977, "decode.loss_ce": 0.22797, "decode.acc_seg": 90.72883, "aux.loss_ce": 0.09289, "aux.acc_seg": 90.5226, "loss": 0.32086, "time": 1.97676} {"mode": "train", "epoch": 22, "iter": 26750, "lr": 3e-05, "memory": 72263, "data_time": 0.00996, "decode.loss_ce": 0.25471, "decode.acc_seg": 89.55619, "aux.loss_ce": 0.10564, "aux.acc_seg": 89.12739, "loss": 0.36035, "time": 1.98038} {"mode": "train", "epoch": 22, "iter": 26800, "lr": 3e-05, "memory": 72263, "data_time": 0.00998, "decode.loss_ce": 0.25078, "decode.acc_seg": 89.88024, "aux.loss_ce": 0.10395, "aux.acc_seg": 89.52889, "loss": 0.35473, "time": 1.97798} {"mode": "train", "epoch": 22, "iter": 26850, "lr": 3e-05, "memory": 72263, "data_time": 0.01045, "decode.loss_ce": 0.24183, "decode.acc_seg": 90.23552, "aux.loss_ce": 0.09928, "aux.acc_seg": 90.0119, "loss": 0.34112, "time": 1.97666} {"mode": "train", "epoch": 22, "iter": 26900, "lr": 3e-05, "memory": 72263, "data_time": 0.01003, "decode.loss_ce": 0.23741, "decode.acc_seg": 89.88507, "aux.loss_ce": 0.09762, "aux.acc_seg": 89.60737, "loss": 0.33503, "time": 1.97617} {"mode": "train", "epoch": 22, "iter": 26950, "lr": 3e-05, "memory": 72263, "data_time": 0.00986, "decode.loss_ce": 0.24598, "decode.acc_seg": 90.01822, "aux.loss_ce": 0.10071, "aux.acc_seg": 89.72836, "loss": 0.34669, "time": 1.97751} {"mode": "train", "epoch": 22, "iter": 27000, "lr": 3e-05, "memory": 72263, "data_time": 0.0098, "decode.loss_ce": 0.22774, "decode.acc_seg": 90.52549, "aux.loss_ce": 0.0939, "aux.acc_seg": 90.14689, "loss": 0.32164, "time": 1.97795} {"mode": "val", "epoch": 22, "iter": 250, "lr": 3e-05, "aAcc": 0.8606, "mIoU": 0.5728, "mAcc": 0.7063, "IoU.wall": 0.8198, "IoU.building": 0.8517, "IoU.sky": 0.9483, "IoU.floor": 0.8484, "IoU.tree": 0.7798, "IoU.ceiling": 0.8691, "IoU.road": 0.8482, "IoU.bed ": 0.9227, "IoU.windowpane": 0.6718, "IoU.grass": 0.6652, "IoU.cabinet": 0.6813, "IoU.sidewalk": 0.692, "IoU.person": 0.8536, "IoU.earth": 0.4165, "IoU.door": 0.5948, "IoU.table": 0.681, "IoU.mountain": 0.5963, "IoU.plant": 0.5911, "IoU.curtain": 0.795, "IoU.chair": 0.6667, "IoU.car": 0.8743, "IoU.water": 0.6584, "IoU.painting": 0.7806, "IoU.sofa": 0.8191, "IoU.shelf": 0.4732, "IoU.house": 0.5925, "IoU.sea": 0.7545, "IoU.mirror": 0.7576, "IoU.rug": 0.7114, "IoU.field": 0.2179, "IoU.armchair": 0.6238, "IoU.seat": 0.6984, "IoU.fence": 0.5153, "IoU.desk": 0.5584, "IoU.rock": 0.5338, "IoU.wardrobe": 0.5522, "IoU.lamp": 0.7333, "IoU.bathtub": 0.8665, "IoU.railing": 0.4209, "IoU.cushion": 0.6847, "IoU.base": 0.421, "IoU.box": 0.3857, "IoU.column": 0.5403, "IoU.signboard": 0.4121, "IoU.chest of drawers": 0.5174, "IoU.counter": 0.4505, "IoU.sand": 0.5168, "IoU.sink": 0.8047, "IoU.skyscraper": 0.4411, "IoU.fireplace": 0.7513, "IoU.refrigerator": 0.8104, "IoU.grandstand": 0.4304, "IoU.path": 0.3478, "IoU.stairs": 0.2682, "IoU.runway": 0.6803, "IoU.case": 0.6387, "IoU.pool table": 0.9383, "IoU.pillow": 0.6616, "IoU.screen door": 0.8249, "IoU.stairway": 0.4181, "IoU.river": 0.1299, "IoU.bridge": 0.5666, "IoU.bookcase": 0.3948, "IoU.blind": 0.4334, "IoU.coffee table": 0.5915, "IoU.toilet": 0.8953, "IoU.flower": 0.4095, "IoU.book": 0.5412, "IoU.hill": 0.1348, "IoU.bench": 0.6689, "IoU.countertop": 0.6456, "IoU.stove": 0.8398, "IoU.palm": 0.4984, "IoU.kitchen island": 0.4388, "IoU.computer": 0.7931, "IoU.swivel chair": 0.5077, "IoU.boat": 0.672, "IoU.bar": 0.633, "IoU.arcade machine": 0.8714, "IoU.hovel": 0.455, "IoU.bus": 0.9371, "IoU.towel": 0.7948, "IoU.light": 0.6153, "IoU.truck": 0.5054, "IoU.tower": 0.3047, "IoU.chandelier": 0.7332, "IoU.awning": 0.4342, "IoU.streetlight": 0.3361, "IoU.booth": 0.4356, "IoU.television receiver": 0.7904, "IoU.airplane": 0.879, "IoU.dirt track": 0.0374, "IoU.apparel": 0.6448, "IoU.pole": 0.2977, "IoU.land": 0.0375, "IoU.bannister": 0.201, "IoU.escalator": 0.6198, "IoU.ottoman": 0.5809, "IoU.bottle": 0.4382, "IoU.buffet": 0.6636, "IoU.poster": 0.3494, "IoU.stage": 0.1727, "IoU.van": 0.4962, "IoU.ship": 0.706, "IoU.fountain": 0.2444, "IoU.conveyer belt": 0.8221, "IoU.canopy": 0.5845, "IoU.washer": 0.8831, "IoU.plaything": 0.3844, "IoU.swimming pool": 0.5483, "IoU.stool": 0.5684, "IoU.barrel": 0.4431, "IoU.basket": 0.4187, "IoU.waterfall": 0.5288, "IoU.tent": 0.7337, "IoU.bag": 0.2348, "IoU.minibike": 0.7679, "IoU.cradle": 0.8912, "IoU.oven": 0.5526, "IoU.ball": 0.629, "IoU.food": 0.5895, "IoU.step": 0.1107, "IoU.tank": 0.5528, "IoU.trade name": 0.1949, "IoU.microwave": 0.8705, "IoU.pot": 0.5917, "IoU.animal": 0.6261, "IoU.bicycle": 0.6063, "IoU.lake": 0.5285, "IoU.dishwasher": 0.7042, "IoU.screen": 0.5814, "IoU.blanket": 0.2958, "IoU.sculpture": 0.7603, "IoU.hood": 0.6766, "IoU.sconce": 0.5794, "IoU.vase": 0.4919, "IoU.traffic light": 0.369, "IoU.tray": 0.193, "IoU.ashcan": 0.5051, "IoU.fan": 0.7052, "IoU.pier": 0.3937, "IoU.crt screen": 0.0574, "IoU.plate": 0.6483, "IoU.monitor": 0.3472, "IoU.bulletin board": 0.5979, "IoU.shower": 0.0793, "IoU.radiator": 0.652, "IoU.glass": 0.2067, "IoU.clock": 0.4895, "IoU.flag": 0.6713, "Acc.wall": 0.8979, "Acc.building": 0.9354, "Acc.sky": 0.9754, "Acc.floor": 0.9156, "Acc.tree": 0.8902, "Acc.ceiling": 0.9278, "Acc.road": 0.9114, "Acc.bed ": 0.964, "Acc.windowpane": 0.7883, "Acc.grass": 0.8291, "Acc.cabinet": 0.7511, "Acc.sidewalk": 0.8446, "Acc.person": 0.9334, "Acc.earth": 0.5594, "Acc.door": 0.7361, "Acc.table": 0.8047, "Acc.mountain": 0.6951, "Acc.plant": 0.6681, "Acc.curtain": 0.8929, "Acc.chair": 0.7677, "Acc.car": 0.9429, "Acc.water": 0.832, "Acc.painting": 0.8973, "Acc.sofa": 0.9332, "Acc.shelf": 0.5991, "Acc.house": 0.7472, "Acc.sea": 0.8292, "Acc.mirror": 0.8428, "Acc.rug": 0.8557, "Acc.field": 0.3792, "Acc.armchair": 0.7762, "Acc.seat": 0.8915, "Acc.fence": 0.6994, "Acc.desk": 0.7594, "Acc.rock": 0.8837, "Acc.wardrobe": 0.7663, "Acc.lamp": 0.858, "Acc.bathtub": 0.9103, "Acc.railing": 0.5661, "Acc.cushion": 0.8405, "Acc.base": 0.6024, "Acc.box": 0.514, "Acc.column": 0.607, "Acc.signboard": 0.6078, "Acc.chest of drawers": 0.7486, "Acc.counter": 0.5271, "Acc.sand": 0.7459, "Acc.sink": 0.8598, "Acc.skyscraper": 0.601, "Acc.fireplace": 0.9138, "Acc.refrigerator": 0.9712, "Acc.grandstand": 0.8872, "Acc.path": 0.4478, "Acc.stairs": 0.3367, "Acc.runway": 0.8803, "Acc.case": 0.8886, "Acc.pool table": 0.9906, "Acc.pillow": 0.7691, "Acc.screen door": 0.851, "Acc.stairway": 0.5723, "Acc.river": 0.2681, "Acc.bridge": 0.6285, "Acc.bookcase": 0.6386, "Acc.blind": 0.5523, "Acc.coffee table": 0.8969, "Acc.toilet": 0.9314, "Acc.flower": 0.4592, "Acc.book": 0.7441, "Acc.hill": 0.2543, "Acc.bench": 0.7483, "Acc.countertop": 0.8352, "Acc.stove": 0.938, "Acc.palm": 0.8556, "Acc.kitchen island": 0.7354, "Acc.computer": 0.9395, "Acc.swivel chair": 0.7531, "Acc.boat": 0.9053, "Acc.bar": 0.8969, "Acc.arcade machine": 0.9921, "Acc.hovel": 0.5063, "Acc.bus": 0.9682, "Acc.towel": 0.8662, "Acc.light": 0.7197, "Acc.truck": 0.6571, "Acc.tower": 0.5549, "Acc.chandelier": 0.8857, "Acc.awning": 0.5137, "Acc.streetlight": 0.442, "Acc.booth": 0.5906, "Acc.television receiver": 0.9068, "Acc.airplane": 0.9607, "Acc.dirt track": 0.1503, "Acc.apparel": 0.7946, "Acc.pole": 0.4538, "Acc.land": 0.0451, "Acc.bannister": 0.2565, "Acc.escalator": 0.868, "Acc.ottoman": 0.79, "Acc.bottle": 0.7091, "Acc.buffet": 0.8794, "Acc.poster": 0.5176, "Acc.stage": 0.4223, "Acc.van": 0.6442, "Acc.ship": 0.7795, "Acc.fountain": 0.248, "Acc.conveyer belt": 0.9671, "Acc.canopy": 0.7992, "Acc.washer": 0.9498, "Acc.plaything": 0.5629, "Acc.swimming pool": 0.7937, "Acc.stool": 0.6818, "Acc.barrel": 0.669, "Acc.basket": 0.6453, "Acc.waterfall": 0.6768, "Acc.tent": 0.9913, "Acc.bag": 0.2678, "Acc.minibike": 0.8826, "Acc.cradle": 0.9793, "Acc.oven": 0.6228, "Acc.ball": 0.7826, "Acc.food": 0.692, "Acc.step": 0.1285, "Acc.tank": 0.6985, "Acc.trade name": 0.2214, "Acc.microwave": 0.971, "Acc.pot": 0.696, "Acc.animal": 0.6448, "Acc.bicycle": 0.7394, "Acc.lake": 0.6364, "Acc.dishwasher": 0.7739, "Acc.screen": 0.9551, "Acc.blanket": 0.3602, "Acc.sculpture": 0.8619, "Acc.hood": 0.8148, "Acc.sconce": 0.6653, "Acc.vase": 0.647, "Acc.traffic light": 0.6974, "Acc.tray": 0.233, "Acc.ashcan": 0.6239, "Acc.fan": 0.8424, "Acc.pier": 0.4397, "Acc.crt screen": 0.1121, "Acc.plate": 0.7664, "Acc.monitor": 0.4403, "Acc.bulletin board": 0.6737, "Acc.shower": 0.0805, "Acc.radiator": 0.7994, "Acc.glass": 0.2236, "Acc.clock": 0.5451, "Acc.flag": 0.7612} {"mode": "train", "epoch": 22, "iter": 27050, "lr": 3e-05, "memory": 72263, "data_time": 2.22499, "decode.loss_ce": 0.24495, "decode.acc_seg": 89.97084, "aux.loss_ce": 0.10048, "aux.acc_seg": 89.70369, "loss": 0.34543, "time": 4.19488} {"mode": "train", "epoch": 22, "iter": 27100, "lr": 3e-05, "memory": 72263, "data_time": 0.01027, "decode.loss_ce": 0.22767, "decode.acc_seg": 90.53825, "aux.loss_ce": 0.09394, "aux.acc_seg": 90.24915, "loss": 0.32162, "time": 1.97907} {"mode": "train", "epoch": 22, "iter": 27150, "lr": 3e-05, "memory": 72263, "data_time": 0.0098, "decode.loss_ce": 0.2441, "decode.acc_seg": 90.06691, "aux.loss_ce": 0.10032, "aux.acc_seg": 89.8804, "loss": 0.34442, "time": 1.97898} {"mode": "train", "epoch": 22, "iter": 27200, "lr": 3e-05, "memory": 72263, "data_time": 0.01032, "decode.loss_ce": 0.2471, "decode.acc_seg": 89.66343, "aux.loss_ce": 0.10113, "aux.acc_seg": 89.35964, "loss": 0.34823, "time": 1.98023} {"mode": "train", "epoch": 22, "iter": 27250, "lr": 3e-05, "memory": 72263, "data_time": 0.00962, "decode.loss_ce": 0.23548, "decode.acc_seg": 90.3636, "aux.loss_ce": 0.097, "aux.acc_seg": 90.03929, "loss": 0.33248, "time": 1.98018} {"mode": "train", "epoch": 22, "iter": 27300, "lr": 3e-05, "memory": 72263, "data_time": 0.00968, "decode.loss_ce": 0.26635, "decode.acc_seg": 89.18703, "aux.loss_ce": 0.10759, "aux.acc_seg": 89.03808, "loss": 0.37395, "time": 1.97658} {"mode": "train", "epoch": 22, "iter": 27350, "lr": 3e-05, "memory": 72263, "data_time": 0.0103, "decode.loss_ce": 0.24581, "decode.acc_seg": 89.35419, "aux.loss_ce": 0.10099, "aux.acc_seg": 89.06621, "loss": 0.34679, "time": 1.98163} {"mode": "train", "epoch": 22, "iter": 27400, "lr": 3e-05, "memory": 72263, "data_time": 0.00983, "decode.loss_ce": 0.2591, "decode.acc_seg": 89.3971, "aux.loss_ce": 0.10598, "aux.acc_seg": 89.1044, "loss": 0.36507, "time": 1.97803} {"mode": "train", "epoch": 22, "iter": 27450, "lr": 3e-05, "memory": 72263, "data_time": 0.01056, "decode.loss_ce": 0.24536, "decode.acc_seg": 89.53649, "aux.loss_ce": 0.10069, "aux.acc_seg": 89.2745, "loss": 0.34605, "time": 1.9791} {"mode": "train", "epoch": 22, "iter": 27500, "lr": 3e-05, "memory": 72263, "data_time": 0.01046, "decode.loss_ce": 0.24967, "decode.acc_seg": 90.26922, "aux.loss_ce": 0.1026, "aux.acc_seg": 90.04481, "loss": 0.35227, "time": 1.97876} {"mode": "train", "epoch": 22, "iter": 27550, "lr": 3e-05, "memory": 72263, "data_time": 0.01041, "decode.loss_ce": 0.23989, "decode.acc_seg": 90.1741, "aux.loss_ce": 0.09918, "aux.acc_seg": 89.80403, "loss": 0.33906, "time": 1.98052} {"mode": "train", "epoch": 22, "iter": 27600, "lr": 3e-05, "memory": 72263, "data_time": 0.00986, "decode.loss_ce": 0.25494, "decode.acc_seg": 89.62423, "aux.loss_ce": 0.10471, "aux.acc_seg": 89.32124, "loss": 0.35965, "time": 1.9795} {"mode": "train", "epoch": 22, "iter": 27650, "lr": 3e-05, "memory": 72263, "data_time": 0.01005, "decode.loss_ce": 0.23463, "decode.acc_seg": 90.16899, "aux.loss_ce": 0.09698, "aux.acc_seg": 89.86443, "loss": 0.33161, "time": 1.97818} {"mode": "train", "epoch": 22, "iter": 27700, "lr": 3e-05, "memory": 72263, "data_time": 0.00959, "decode.loss_ce": 0.23286, "decode.acc_seg": 90.31478, "aux.loss_ce": 0.09585, "aux.acc_seg": 90.05995, "loss": 0.3287, "time": 1.9779} {"mode": "train", "epoch": 22, "iter": 27750, "lr": 3e-05, "memory": 72263, "data_time": 0.00998, "decode.loss_ce": 0.25772, "decode.acc_seg": 89.19469, "aux.loss_ce": 0.10579, "aux.acc_seg": 88.97111, "loss": 0.36351, "time": 1.98077} {"mode": "train", "epoch": 23, "iter": 27800, "lr": 3e-05, "memory": 72263, "data_time": 0.05236, "decode.loss_ce": 0.23391, "decode.acc_seg": 90.31845, "aux.loss_ce": 0.09609, "aux.acc_seg": 90.00622, "loss": 0.33001, "time": 2.02368} {"mode": "train", "epoch": 23, "iter": 27850, "lr": 3e-05, "memory": 72263, "data_time": 0.01012, "decode.loss_ce": 0.23676, "decode.acc_seg": 90.09989, "aux.loss_ce": 0.09717, "aux.acc_seg": 89.846, "loss": 0.33393, "time": 1.97822} {"mode": "train", "epoch": 23, "iter": 27900, "lr": 3e-05, "memory": 72263, "data_time": 0.01034, "decode.loss_ce": 0.21866, "decode.acc_seg": 90.65652, "aux.loss_ce": 0.09041, "aux.acc_seg": 90.38896, "loss": 0.30907, "time": 1.9812} {"mode": "train", "epoch": 23, "iter": 27950, "lr": 3e-05, "memory": 72263, "data_time": 0.01038, "decode.loss_ce": 0.20981, "decode.acc_seg": 91.04106, "aux.loss_ce": 0.08708, "aux.acc_seg": 90.74518, "loss": 0.29689, "time": 1.9801} {"mode": "train", "epoch": 23, "iter": 28000, "lr": 3e-05, "memory": 72263, "data_time": 0.00981, "decode.loss_ce": 0.23765, "decode.acc_seg": 90.17278, "aux.loss_ce": 0.09799, "aux.acc_seg": 89.90685, "loss": 0.33564, "time": 3.6522} {"mode": "val", "epoch": 23, "iter": 250, "lr": 3e-05, "aAcc": 0.8599, "mIoU": 0.5768, "mAcc": 0.7164, "IoU.wall": 0.8222, "IoU.building": 0.8516, "IoU.sky": 0.9473, "IoU.floor": 0.8457, "IoU.tree": 0.7679, "IoU.ceiling": 0.8694, "IoU.road": 0.8548, "IoU.bed ": 0.9276, "IoU.windowpane": 0.6692, "IoU.grass": 0.6693, "IoU.cabinet": 0.6794, "IoU.sidewalk": 0.6788, "IoU.person": 0.8574, "IoU.earth": 0.3663, "IoU.door": 0.6082, "IoU.table": 0.6805, "IoU.mountain": 0.6034, "IoU.plant": 0.5664, "IoU.curtain": 0.804, "IoU.chair": 0.6639, "IoU.car": 0.8682, "IoU.water": 0.6348, "IoU.painting": 0.7641, "IoU.sofa": 0.8113, "IoU.shelf": 0.491, "IoU.house": 0.5856, "IoU.sea": 0.7629, "IoU.mirror": 0.796, "IoU.rug": 0.691, "IoU.field": 0.339, "IoU.armchair": 0.5984, "IoU.seat": 0.7163, "IoU.fence": 0.498, "IoU.desk": 0.5588, "IoU.rock": 0.5008, "IoU.wardrobe": 0.5583, "IoU.lamp": 0.7298, "IoU.bathtub": 0.8699, "IoU.railing": 0.4225, "IoU.cushion": 0.6751, "IoU.base": 0.4393, "IoU.box": 0.4039, "IoU.column": 0.5495, "IoU.signboard": 0.4356, "IoU.chest of drawers": 0.4491, "IoU.counter": 0.4381, "IoU.sand": 0.4478, "IoU.sink": 0.7948, "IoU.skyscraper": 0.4632, "IoU.fireplace": 0.7693, "IoU.refrigerator": 0.8368, "IoU.grandstand": 0.508, "IoU.path": 0.2857, "IoU.stairs": 0.2901, "IoU.runway": 0.7396, "IoU.case": 0.5814, "IoU.pool table": 0.9481, "IoU.pillow": 0.6377, "IoU.screen door": 0.8688, "IoU.stairway": 0.3737, "IoU.river": 0.1075, "IoU.bridge": 0.4669, "IoU.bookcase": 0.4537, "IoU.blind": 0.4065, "IoU.coffee table": 0.6261, "IoU.toilet": 0.9044, "IoU.flower": 0.4018, "IoU.book": 0.5402, "IoU.hill": 0.0519, "IoU.bench": 0.6691, "IoU.countertop": 0.6331, "IoU.stove": 0.8495, "IoU.palm": 0.5049, "IoU.kitchen island": 0.4772, "IoU.computer": 0.7943, "IoU.swivel chair": 0.527, "IoU.boat": 0.6672, "IoU.bar": 0.6147, "IoU.arcade machine": 0.891, "IoU.hovel": 0.4221, "IoU.bus": 0.9207, "IoU.towel": 0.7854, "IoU.light": 0.604, "IoU.truck": 0.5053, "IoU.tower": 0.2783, "IoU.chandelier": 0.7183, "IoU.awning": 0.3831, "IoU.streetlight": 0.3474, "IoU.booth": 0.5328, "IoU.television receiver": 0.7932, "IoU.airplane": 0.8288, "IoU.dirt track": 0.0622, "IoU.apparel": 0.6229, "IoU.pole": 0.2945, "IoU.land": 0.03, "IoU.bannister": 0.1983, "IoU.escalator": 0.6323, "IoU.ottoman": 0.4758, "IoU.bottle": 0.421, "IoU.buffet": 0.624, "IoU.poster": 0.3494, "IoU.stage": 0.1274, "IoU.van": 0.5026, "IoU.ship": 0.7902, "IoU.fountain": 0.4347, "IoU.conveyer belt": 0.8404, "IoU.canopy": 0.566, "IoU.washer": 0.8393, "IoU.plaything": 0.4201, "IoU.swimming pool": 0.5814, "IoU.stool": 0.5301, "IoU.barrel": 0.5005, "IoU.basket": 0.4479, "IoU.waterfall": 0.588, "IoU.tent": 0.9302, "IoU.bag": 0.2836, "IoU.minibike": 0.759, "IoU.cradle": 0.8571, "IoU.oven": 0.5366, "IoU.ball": 0.6175, "IoU.food": 0.552, "IoU.step": 0.1773, "IoU.tank": 0.5742, "IoU.trade name": 0.3401, "IoU.microwave": 0.8667, "IoU.pot": 0.5744, "IoU.animal": 0.6252, "IoU.bicycle": 0.6069, "IoU.lake": 0.5766, "IoU.dishwasher": 0.7005, "IoU.screen": 0.6153, "IoU.blanket": 0.3397, "IoU.sculpture": 0.7396, "IoU.hood": 0.6666, "IoU.sconce": 0.5817, "IoU.vase": 0.4633, "IoU.traffic light": 0.3998, "IoU.tray": 0.2426, "IoU.ashcan": 0.5287, "IoU.fan": 0.7098, "IoU.pier": 0.4171, "IoU.crt screen": 0.0156, "IoU.plate": 0.6528, "IoU.monitor": 0.4464, "IoU.bulletin board": 0.5825, "IoU.shower": 0.0513, "IoU.radiator": 0.6332, "IoU.glass": 0.2155, "IoU.clock": 0.5047, "IoU.flag": 0.6777, "Acc.wall": 0.892, "Acc.building": 0.9381, "Acc.sky": 0.9804, "Acc.floor": 0.905, "Acc.tree": 0.866, "Acc.ceiling": 0.9418, "Acc.road": 0.9097, "Acc.bed ": 0.97, "Acc.windowpane": 0.7864, "Acc.grass": 0.7958, "Acc.cabinet": 0.7647, "Acc.sidewalk": 0.8071, "Acc.person": 0.9482, "Acc.earth": 0.4651, "Acc.door": 0.7495, "Acc.table": 0.7821, "Acc.mountain": 0.7158, "Acc.plant": 0.7294, "Acc.curtain": 0.8976, "Acc.chair": 0.8019, "Acc.car": 0.9469, "Acc.water": 0.7672, "Acc.painting": 0.9108, "Acc.sofa": 0.9006, "Acc.shelf": 0.648, "Acc.house": 0.7733, "Acc.sea": 0.8949, "Acc.mirror": 0.9128, "Acc.rug": 0.8359, "Acc.field": 0.6562, "Acc.armchair": 0.8092, "Acc.seat": 0.878, "Acc.fence": 0.6698, "Acc.desk": 0.8234, "Acc.rock": 0.752, "Acc.wardrobe": 0.8147, "Acc.lamp": 0.8661, "Acc.bathtub": 0.8921, "Acc.railing": 0.5513, "Acc.cushion": 0.8067, "Acc.base": 0.6435, "Acc.box": 0.5354, "Acc.column": 0.7144, "Acc.signboard": 0.5682, "Acc.chest of drawers": 0.6335, "Acc.counter": 0.587, "Acc.sand": 0.7191, "Acc.sink": 0.8594, "Acc.skyscraper": 0.5571, "Acc.fireplace": 0.9322, "Acc.refrigerator": 0.962, "Acc.grandstand": 0.794, "Acc.path": 0.4975, "Acc.stairs": 0.3242, "Acc.runway": 0.9574, "Acc.case": 0.7806, "Acc.pool table": 0.9828, "Acc.pillow": 0.7176, "Acc.screen door": 0.927, "Acc.stairway": 0.6049, "Acc.river": 0.1816, "Acc.bridge": 0.538, "Acc.bookcase": 0.6512, "Acc.blind": 0.4864, "Acc.coffee table": 0.8575, "Acc.toilet": 0.9546, "Acc.flower": 0.5852, "Acc.book": 0.7303, "Acc.hill": 0.0962, "Acc.bench": 0.8668, "Acc.countertop": 0.7989, "Acc.stove": 0.933, "Acc.palm": 0.8128, "Acc.kitchen island": 0.8774, "Acc.computer": 0.9242, "Acc.swivel chair": 0.8749, "Acc.boat": 0.9264, "Acc.bar": 0.8512, "Acc.arcade machine": 0.9798, "Acc.hovel": 0.5314, "Acc.bus": 0.9774, "Acc.towel": 0.912, "Acc.light": 0.7828, "Acc.truck": 0.5897, "Acc.tower": 0.4041, "Acc.chandelier": 0.8736, "Acc.awning": 0.4822, "Acc.streetlight": 0.4668, "Acc.booth": 0.5961, "Acc.television receiver": 0.8922, "Acc.airplane": 0.972, "Acc.dirt track": 0.2688, "Acc.apparel": 0.8189, "Acc.pole": 0.4096, "Acc.land": 0.0439, "Acc.bannister": 0.2532, "Acc.escalator": 0.8643, "Acc.ottoman": 0.617, "Acc.bottle": 0.7821, "Acc.buffet": 0.7119, "Acc.poster": 0.4431, "Acc.stage": 0.3246, "Acc.van": 0.7355, "Acc.ship": 0.8404, "Acc.fountain": 0.4983, "Acc.conveyer belt": 0.967, "Acc.canopy": 0.8301, "Acc.washer": 0.8935, "Acc.plaything": 0.7406, "Acc.swimming pool": 0.834, "Acc.stool": 0.752, "Acc.barrel": 0.6865, "Acc.basket": 0.6261, "Acc.waterfall": 0.7728, "Acc.tent": 0.9875, "Acc.bag": 0.3323, "Acc.minibike": 0.9112, "Acc.cradle": 0.9827, "Acc.oven": 0.6716, "Acc.ball": 0.7248, "Acc.food": 0.6129, "Acc.step": 0.2439, "Acc.tank": 0.709, "Acc.trade name": 0.4071, "Acc.microwave": 0.9736, "Acc.pot": 0.6509, "Acc.animal": 0.6395, "Acc.bicycle": 0.8392, "Acc.lake": 0.6984, "Acc.dishwasher": 0.8591, "Acc.screen": 0.9571, "Acc.blanket": 0.4151, "Acc.sculpture": 0.8564, "Acc.hood": 0.8089, "Acc.sconce": 0.7759, "Acc.vase": 0.6711, "Acc.traffic light": 0.625, "Acc.tray": 0.3726, "Acc.ashcan": 0.6383, "Acc.fan": 0.8239, "Acc.pier": 0.4483, "Acc.crt screen": 0.025, "Acc.plate": 0.757, "Acc.monitor": 0.5852, "Acc.bulletin board": 0.7686, "Acc.shower": 0.0523, "Acc.radiator": 0.8455, "Acc.glass": 0.2375, "Acc.clock": 0.6253, "Acc.flag": 0.7573} {"mode": "train", "epoch": 23, "iter": 28050, "lr": 3e-05, "memory": 72263, "data_time": 2.19127, "decode.loss_ce": 0.2078, "decode.acc_seg": 91.52015, "aux.loss_ce": 0.08633, "aux.acc_seg": 91.21383, "loss": 0.29412, "time": 4.16036} {"mode": "train", "epoch": 23, "iter": 28100, "lr": 3e-05, "memory": 72263, "data_time": 0.01068, "decode.loss_ce": 0.22762, "decode.acc_seg": 90.53232, "aux.loss_ce": 0.09367, "aux.acc_seg": 90.29092, "loss": 0.32129, "time": 1.97978} {"mode": "train", "epoch": 23, "iter": 28150, "lr": 3e-05, "memory": 72263, "data_time": 0.01023, "decode.loss_ce": 0.23255, "decode.acc_seg": 90.67841, "aux.loss_ce": 0.09593, "aux.acc_seg": 90.34317, "loss": 0.32847, "time": 1.97729} {"mode": "train", "epoch": 23, "iter": 28200, "lr": 3e-05, "memory": 72263, "data_time": 0.01051, "decode.loss_ce": 0.21202, "decode.acc_seg": 90.81093, "aux.loss_ce": 0.08745, "aux.acc_seg": 90.57198, "loss": 0.29947, "time": 1.98034} {"mode": "train", "epoch": 23, "iter": 28250, "lr": 3e-05, "memory": 72263, "data_time": 0.01095, "decode.loss_ce": 0.24542, "decode.acc_seg": 90.0939, "aux.loss_ce": 0.09965, "aux.acc_seg": 89.87691, "loss": 0.34507, "time": 1.97798} {"mode": "train", "epoch": 23, "iter": 28300, "lr": 3e-05, "memory": 72263, "data_time": 0.01027, "decode.loss_ce": 0.23713, "decode.acc_seg": 90.30026, "aux.loss_ce": 0.09807, "aux.acc_seg": 90.03871, "loss": 0.3352, "time": 1.97816} {"mode": "train", "epoch": 23, "iter": 28350, "lr": 3e-05, "memory": 72263, "data_time": 0.01081, "decode.loss_ce": 0.24752, "decode.acc_seg": 89.7738, "aux.loss_ce": 0.10212, "aux.acc_seg": 89.54165, "loss": 0.34964, "time": 1.97687} {"mode": "train", "epoch": 23, "iter": 28400, "lr": 3e-05, "memory": 72263, "data_time": 0.01012, "decode.loss_ce": 0.23793, "decode.acc_seg": 90.33111, "aux.loss_ce": 0.09752, "aux.acc_seg": 90.1191, "loss": 0.33545, "time": 1.97688} {"mode": "train", "epoch": 23, "iter": 28450, "lr": 3e-05, "memory": 72263, "data_time": 0.01051, "decode.loss_ce": 0.2355, "decode.acc_seg": 89.9935, "aux.loss_ce": 0.09689, "aux.acc_seg": 89.66052, "loss": 0.33239, "time": 1.98027} {"mode": "train", "epoch": 23, "iter": 28500, "lr": 3e-05, "memory": 72263, "data_time": 0.01013, "decode.loss_ce": 0.23009, "decode.acc_seg": 90.34013, "aux.loss_ce": 0.09418, "aux.acc_seg": 90.11063, "loss": 0.32427, "time": 1.9806} {"mode": "train", "epoch": 23, "iter": 28550, "lr": 3e-05, "memory": 72263, "data_time": 0.01078, "decode.loss_ce": 0.21962, "decode.acc_seg": 90.7678, "aux.loss_ce": 0.09122, "aux.acc_seg": 90.57266, "loss": 0.31083, "time": 1.98069} {"mode": "train", "epoch": 23, "iter": 28600, "lr": 3e-05, "memory": 72263, "data_time": 0.01119, "decode.loss_ce": 0.22836, "decode.acc_seg": 90.48446, "aux.loss_ce": 0.09426, "aux.acc_seg": 90.19166, "loss": 0.32262, "time": 1.97735} {"mode": "train", "epoch": 23, "iter": 28650, "lr": 3e-05, "memory": 72263, "data_time": 0.01012, "decode.loss_ce": 0.22311, "decode.acc_seg": 90.50175, "aux.loss_ce": 0.09183, "aux.acc_seg": 90.18936, "loss": 0.31494, "time": 1.97801} {"mode": "train", "epoch": 23, "iter": 28700, "lr": 3e-05, "memory": 72263, "data_time": 0.01059, "decode.loss_ce": 0.24207, "decode.acc_seg": 89.92941, "aux.loss_ce": 0.09915, "aux.acc_seg": 89.74072, "loss": 0.34122, "time": 1.98074} {"mode": "train", "epoch": 23, "iter": 28750, "lr": 3e-05, "memory": 72263, "data_time": 0.01021, "decode.loss_ce": 0.23199, "decode.acc_seg": 90.42535, "aux.loss_ce": 0.09566, "aux.acc_seg": 90.06399, "loss": 0.32765, "time": 1.97766} {"mode": "train", "epoch": 23, "iter": 28800, "lr": 3e-05, "memory": 72263, "data_time": 0.0104, "decode.loss_ce": 0.2263, "decode.acc_seg": 90.39257, "aux.loss_ce": 0.09357, "aux.acc_seg": 90.11551, "loss": 0.31987, "time": 1.9803} {"mode": "train", "epoch": 23, "iter": 28850, "lr": 3e-05, "memory": 72263, "data_time": 0.01074, "decode.loss_ce": 0.23557, "decode.acc_seg": 90.44602, "aux.loss_ce": 0.09778, "aux.acc_seg": 90.20887, "loss": 0.33335, "time": 1.97738} {"mode": "train", "epoch": 23, "iter": 28900, "lr": 3e-05, "memory": 72263, "data_time": 0.01052, "decode.loss_ce": 0.22798, "decode.acc_seg": 90.05532, "aux.loss_ce": 0.09423, "aux.acc_seg": 89.73069, "loss": 0.32221, "time": 1.97682} {"mode": "train", "epoch": 23, "iter": 28950, "lr": 3e-05, "memory": 72263, "data_time": 0.00974, "decode.loss_ce": 0.23412, "decode.acc_seg": 90.34219, "aux.loss_ce": 0.09704, "aux.acc_seg": 90.06491, "loss": 0.33116, "time": 1.9777} {"mode": "train", "epoch": 23, "iter": 29000, "lr": 3e-05, "memory": 72263, "data_time": 0.01065, "decode.loss_ce": 0.23459, "decode.acc_seg": 89.84901, "aux.loss_ce": 0.09621, "aux.acc_seg": 89.56961, "loss": 0.3308, "time": 1.97983} {"mode": "val", "epoch": 23, "iter": 250, "lr": 3e-05, "aAcc": 0.8574, "mIoU": 0.5742, "mAcc": 0.7142, "IoU.wall": 0.8119, "IoU.building": 0.8425, "IoU.sky": 0.9483, "IoU.floor": 0.852, "IoU.tree": 0.7678, "IoU.ceiling": 0.8701, "IoU.road": 0.8521, "IoU.bed ": 0.9267, "IoU.windowpane": 0.6547, "IoU.grass": 0.6875, "IoU.cabinet": 0.6816, "IoU.sidewalk": 0.6923, "IoU.person": 0.8582, "IoU.earth": 0.402, "IoU.door": 0.5923, "IoU.table": 0.681, "IoU.mountain": 0.6033, "IoU.plant": 0.5227, "IoU.curtain": 0.7526, "IoU.chair": 0.6567, "IoU.car": 0.8686, "IoU.water": 0.6101, "IoU.painting": 0.7761, "IoU.sofa": 0.8091, "IoU.shelf": 0.468, "IoU.house": 0.5465, "IoU.sea": 0.6686, "IoU.mirror": 0.7713, "IoU.rug": 0.7146, "IoU.field": 0.3354, "IoU.armchair": 0.6007, "IoU.seat": 0.6912, "IoU.fence": 0.5028, "IoU.desk": 0.5787, "IoU.rock": 0.569, "IoU.wardrobe": 0.5827, "IoU.lamp": 0.746, "IoU.bathtub": 0.8367, "IoU.railing": 0.4134, "IoU.cushion": 0.6721, "IoU.base": 0.4405, "IoU.box": 0.4007, "IoU.column": 0.5298, "IoU.signboard": 0.4009, "IoU.chest of drawers": 0.4754, "IoU.counter": 0.4018, "IoU.sand": 0.5772, "IoU.sink": 0.8175, "IoU.skyscraper": 0.4631, "IoU.fireplace": 0.7378, "IoU.refrigerator": 0.8062, "IoU.grandstand": 0.4653, "IoU.path": 0.3054, "IoU.stairs": 0.3176, "IoU.runway": 0.7106, "IoU.case": 0.661, "IoU.pool table": 0.944, "IoU.pillow": 0.6413, "IoU.screen door": 0.6667, "IoU.stairway": 0.436, "IoU.river": 0.0992, "IoU.bridge": 0.5355, "IoU.bookcase": 0.4063, "IoU.blind": 0.399, "IoU.coffee table": 0.6118, "IoU.toilet": 0.905, "IoU.flower": 0.39, "IoU.book": 0.5397, "IoU.hill": 0.1096, "IoU.bench": 0.6976, "IoU.countertop": 0.6416, "IoU.stove": 0.8382, "IoU.palm": 0.5058, "IoU.kitchen island": 0.4678, "IoU.computer": 0.7716, "IoU.swivel chair": 0.5267, "IoU.boat": 0.6993, "IoU.bar": 0.66, "IoU.arcade machine": 0.8904, "IoU.hovel": 0.2, "IoU.bus": 0.9431, "IoU.towel": 0.7972, "IoU.light": 0.6175, "IoU.truck": 0.4778, "IoU.tower": 0.2823, "IoU.chandelier": 0.7333, "IoU.awning": 0.3883, "IoU.streetlight": 0.3366, "IoU.booth": 0.5899, "IoU.television receiver": 0.7925, "IoU.airplane": 0.8865, "IoU.dirt track": 0.1013, "IoU.apparel": 0.6047, "IoU.pole": 0.287, "IoU.land": 0.0231, "IoU.bannister": 0.2227, "IoU.escalator": 0.5575, "IoU.ottoman": 0.5731, "IoU.bottle": 0.435, "IoU.buffet": 0.6134, "IoU.poster": 0.279, "IoU.stage": 0.1851, "IoU.van": 0.4536, "IoU.ship": 0.7015, "IoU.fountain": 0.392, "IoU.conveyer belt": 0.8034, "IoU.canopy": 0.554, "IoU.washer": 0.8263, "IoU.plaything": 0.4722, "IoU.swimming pool": 0.6051, "IoU.stool": 0.4906, "IoU.barrel": 0.6348, "IoU.basket": 0.3991, "IoU.waterfall": 0.5864, "IoU.tent": 0.9348, "IoU.bag": 0.2348, "IoU.minibike": 0.7455, "IoU.cradle": 0.8381, "IoU.oven": 0.6447, "IoU.ball": 0.6211, "IoU.food": 0.6838, "IoU.step": 0.1794, "IoU.tank": 0.599, "IoU.trade name": 0.1705, "IoU.microwave": 0.9105, "IoU.pot": 0.5793, "IoU.animal": 0.5957, "IoU.bicycle": 0.591, "IoU.lake": 0.6101, "IoU.dishwasher": 0.7074, "IoU.screen": 0.6268, "IoU.blanket": 0.4295, "IoU.sculpture": 0.7143, "IoU.hood": 0.6693, "IoU.sconce": 0.6029, "IoU.vase": 0.4898, "IoU.traffic light": 0.3652, "IoU.tray": 0.2306, "IoU.ashcan": 0.4437, "IoU.fan": 0.6993, "IoU.pier": 0.3946, "IoU.crt screen": 0.0704, "IoU.plate": 0.6329, "IoU.monitor": 0.3631, "IoU.bulletin board": 0.5795, "IoU.shower": 0.0133, "IoU.radiator": 0.6534, "IoU.glass": 0.1986, "IoU.clock": 0.4699, "IoU.flag": 0.6861, "Acc.wall": 0.8906, "Acc.building": 0.9333, "Acc.sky": 0.9724, "Acc.floor": 0.9038, "Acc.tree": 0.9047, "Acc.ceiling": 0.9394, "Acc.road": 0.8909, "Acc.bed ": 0.9601, "Acc.windowpane": 0.848, "Acc.grass": 0.8366, "Acc.cabinet": 0.7478, "Acc.sidewalk": 0.8478, "Acc.person": 0.9386, "Acc.earth": 0.5352, "Acc.door": 0.7475, "Acc.table": 0.7955, "Acc.mountain": 0.7131, "Acc.plant": 0.6167, "Acc.curtain": 0.8008, "Acc.chair": 0.7721, "Acc.car": 0.9351, "Acc.water": 0.7566, "Acc.painting": 0.9141, "Acc.sofa": 0.892, "Acc.shelf": 0.5855, "Acc.house": 0.7178, "Acc.sea": 0.8192, "Acc.mirror": 0.8253, "Acc.rug": 0.8236, "Acc.field": 0.5419, "Acc.armchair": 0.7914, "Acc.seat": 0.8983, "Acc.fence": 0.665, "Acc.desk": 0.6942, "Acc.rock": 0.8589, "Acc.wardrobe": 0.8125, "Acc.lamp": 0.8633, "Acc.bathtub": 0.8503, "Acc.railing": 0.5989, "Acc.cushion": 0.8641, "Acc.base": 0.6611, "Acc.box": 0.5417, "Acc.column": 0.6875, "Acc.signboard": 0.6138, "Acc.chest of drawers": 0.8084, "Acc.counter": 0.4959, "Acc.sand": 0.872, "Acc.sink": 0.8601, "Acc.skyscraper": 0.5784, "Acc.fireplace": 0.8825, "Acc.refrigerator": 0.9202, "Acc.grandstand": 0.8426, "Acc.path": 0.4989, "Acc.stairs": 0.413, "Acc.runway": 0.8881, "Acc.case": 0.8199, "Acc.pool table": 0.9841, "Acc.pillow": 0.7523, "Acc.screen door": 0.7161, "Acc.stairway": 0.6144, "Acc.river": 0.1872, "Acc.bridge": 0.6222, "Acc.bookcase": 0.61, "Acc.blind": 0.4237, "Acc.coffee table": 0.8708, "Acc.toilet": 0.9408, "Acc.flower": 0.6173, "Acc.book": 0.7905, "Acc.hill": 0.2085, "Acc.bench": 0.8111, "Acc.countertop": 0.8075, "Acc.stove": 0.9189, "Acc.palm": 0.843, "Acc.kitchen island": 0.8971, "Acc.computer": 0.9235, "Acc.swivel chair": 0.9245, "Acc.boat": 0.9272, "Acc.bar": 0.8053, "Acc.arcade machine": 0.9611, "Acc.hovel": 0.2044, "Acc.bus": 0.9741, "Acc.towel": 0.9027, "Acc.light": 0.6955, "Acc.truck": 0.6249, "Acc.tower": 0.5796, "Acc.chandelier": 0.8698, "Acc.awning": 0.4848, "Acc.streetlight": 0.4224, "Acc.booth": 0.6445, "Acc.television receiver": 0.892, "Acc.airplane": 0.9563, "Acc.dirt track": 0.2261, "Acc.apparel": 0.7583, "Acc.pole": 0.4163, "Acc.land": 0.0404, "Acc.bannister": 0.2913, "Acc.escalator": 0.8955, "Acc.ottoman": 0.7757, "Acc.bottle": 0.734, "Acc.buffet": 0.7738, "Acc.poster": 0.3269, "Acc.stage": 0.4381, "Acc.van": 0.7348, "Acc.ship": 0.7696, "Acc.fountain": 0.4057, "Acc.conveyer belt": 0.9779, "Acc.canopy": 0.8079, "Acc.washer": 0.884, "Acc.plaything": 0.7217, "Acc.swimming pool": 0.8835, "Acc.stool": 0.7874, "Acc.barrel": 0.8003, "Acc.basket": 0.616, "Acc.waterfall": 0.7182, "Acc.tent": 0.9787, "Acc.bag": 0.2632, "Acc.minibike": 0.9039, "Acc.cradle": 0.9837, "Acc.oven": 0.793, "Acc.ball": 0.774, "Acc.food": 0.7994, "Acc.step": 0.2073, "Acc.tank": 0.6771, "Acc.trade name": 0.1909, "Acc.microwave": 0.9656, "Acc.pot": 0.6586, "Acc.animal": 0.6121, "Acc.bicycle": 0.8714, "Acc.lake": 0.6343, "Acc.dishwasher": 0.7919, "Acc.screen": 0.9143, "Acc.blanket": 0.6282, "Acc.sculpture": 0.8848, "Acc.hood": 0.8066, "Acc.sconce": 0.7167, "Acc.vase": 0.6676, "Acc.traffic light": 0.6852, "Acc.tray": 0.3099, "Acc.ashcan": 0.6914, "Acc.fan": 0.8593, "Acc.pier": 0.432, "Acc.crt screen": 0.139, "Acc.plate": 0.8249, "Acc.monitor": 0.4245, "Acc.bulletin board": 0.7162, "Acc.shower": 0.0898, "Acc.radiator": 0.8192, "Acc.glass": 0.21, "Acc.clock": 0.5363, "Acc.flag": 0.7957} {"mode": "train", "epoch": 23, "iter": 29050, "lr": 3e-05, "memory": 72263, "data_time": 2.2601, "decode.loss_ce": 0.22751, "decode.acc_seg": 90.42685, "aux.loss_ce": 0.09367, "aux.acc_seg": 90.12803, "loss": 0.32118, "time": 4.23053} {"mode": "train", "epoch": 24, "iter": 29100, "lr": 3e-05, "memory": 72263, "data_time": 0.01034, "decode.loss_ce": 0.21848, "decode.acc_seg": 90.76049, "aux.loss_ce": 0.09056, "aux.acc_seg": 90.43853, "loss": 0.30904, "time": 1.97997} {"mode": "train", "epoch": 24, "iter": 29150, "lr": 3e-05, "memory": 72263, "data_time": 0.01059, "decode.loss_ce": 0.21579, "decode.acc_seg": 91.02692, "aux.loss_ce": 0.08891, "aux.acc_seg": 90.65282, "loss": 0.3047, "time": 1.97762} {"mode": "train", "epoch": 24, "iter": 29200, "lr": 3e-05, "memory": 72263, "data_time": 0.01013, "decode.loss_ce": 0.21301, "decode.acc_seg": 91.03544, "aux.loss_ce": 0.08858, "aux.acc_seg": 90.66461, "loss": 0.30159, "time": 1.9781} {"mode": "train", "epoch": 24, "iter": 29250, "lr": 3e-05, "memory": 72263, "data_time": 0.00993, "decode.loss_ce": 0.22681, "decode.acc_seg": 90.49704, "aux.loss_ce": 0.09319, "aux.acc_seg": 90.12935, "loss": 0.31999, "time": 1.97688} {"mode": "train", "epoch": 24, "iter": 29300, "lr": 3e-05, "memory": 72263, "data_time": 0.01074, "decode.loss_ce": 0.22544, "decode.acc_seg": 90.86788, "aux.loss_ce": 0.09324, "aux.acc_seg": 90.50091, "loss": 0.31869, "time": 1.97857} {"mode": "train", "epoch": 24, "iter": 29350, "lr": 3e-05, "memory": 72263, "data_time": 0.0096, "decode.loss_ce": 0.23758, "decode.acc_seg": 89.93342, "aux.loss_ce": 0.09703, "aux.acc_seg": 89.78678, "loss": 0.33461, "time": 1.97645} {"mode": "train", "epoch": 24, "iter": 29400, "lr": 3e-05, "memory": 72263, "data_time": 0.01009, "decode.loss_ce": 0.21663, "decode.acc_seg": 90.88764, "aux.loss_ce": 0.0886, "aux.acc_seg": 90.71644, "loss": 0.30523, "time": 1.98127} {"mode": "train", "epoch": 24, "iter": 29450, "lr": 3e-05, "memory": 72263, "data_time": 0.01064, "decode.loss_ce": 0.22859, "decode.acc_seg": 90.33555, "aux.loss_ce": 0.09482, "aux.acc_seg": 89.98181, "loss": 0.32341, "time": 1.97853} {"mode": "train", "epoch": 24, "iter": 29500, "lr": 3e-05, "memory": 72263, "data_time": 0.01047, "decode.loss_ce": 0.22716, "decode.acc_seg": 90.4978, "aux.loss_ce": 0.09365, "aux.acc_seg": 90.1861, "loss": 0.3208, "time": 1.97848} {"mode": "train", "epoch": 24, "iter": 29550, "lr": 3e-05, "memory": 72263, "data_time": 0.01039, "decode.loss_ce": 0.22661, "decode.acc_seg": 90.55246, "aux.loss_ce": 0.0937, "aux.acc_seg": 90.24289, "loss": 0.32032, "time": 1.97623} {"mode": "train", "epoch": 24, "iter": 29600, "lr": 3e-05, "memory": 72263, "data_time": 0.01018, "decode.loss_ce": 0.22532, "decode.acc_seg": 90.66633, "aux.loss_ce": 0.09199, "aux.acc_seg": 90.47941, "loss": 0.31731, "time": 1.97925} {"mode": "train", "epoch": 24, "iter": 29650, "lr": 3e-05, "memory": 72263, "data_time": 0.0097, "decode.loss_ce": 0.2388, "decode.acc_seg": 90.36258, "aux.loss_ce": 0.09881, "aux.acc_seg": 90.06286, "loss": 0.33761, "time": 1.97684} {"mode": "train", "epoch": 24, "iter": 29700, "lr": 3e-05, "memory": 72263, "data_time": 0.01016, "decode.loss_ce": 0.24376, "decode.acc_seg": 89.66022, "aux.loss_ce": 0.10082, "aux.acc_seg": 89.29746, "loss": 0.34458, "time": 1.97708} {"mode": "train", "epoch": 24, "iter": 29750, "lr": 3e-05, "memory": 72263, "data_time": 0.00955, "decode.loss_ce": 0.22402, "decode.acc_seg": 90.47156, "aux.loss_ce": 0.09211, "aux.acc_seg": 90.26607, "loss": 0.31614, "time": 1.97795} {"mode": "train", "epoch": 24, "iter": 29800, "lr": 3e-05, "memory": 72263, "data_time": 0.01001, "decode.loss_ce": 0.21976, "decode.acc_seg": 90.94518, "aux.loss_ce": 0.09081, "aux.acc_seg": 90.69803, "loss": 0.31057, "time": 1.97622} {"mode": "train", "epoch": 24, "iter": 29850, "lr": 3e-05, "memory": 72263, "data_time": 0.00978, "decode.loss_ce": 0.22479, "decode.acc_seg": 90.41952, "aux.loss_ce": 0.09215, "aux.acc_seg": 90.2727, "loss": 0.31693, "time": 1.97644} {"mode": "train", "epoch": 24, "iter": 29900, "lr": 3e-05, "memory": 72263, "data_time": 0.00961, "decode.loss_ce": 0.22452, "decode.acc_seg": 90.34602, "aux.loss_ce": 0.09284, "aux.acc_seg": 90.1068, "loss": 0.31736, "time": 1.97926} {"mode": "train", "epoch": 24, "iter": 29950, "lr": 3e-05, "memory": 72263, "data_time": 0.00973, "decode.loss_ce": 0.22452, "decode.acc_seg": 90.71083, "aux.loss_ce": 0.09258, "aux.acc_seg": 90.41061, "loss": 0.31709, "time": 1.97797} {"mode": "train", "epoch": 24, "iter": 30000, "lr": 3e-05, "memory": 72263, "data_time": 0.01, "decode.loss_ce": 0.22538, "decode.acc_seg": 90.45086, "aux.loss_ce": 0.09318, "aux.acc_seg": 90.12787, "loss": 0.31855, "time": 3.69614} {"mode": "val", "epoch": 24, "iter": 250, "lr": 3e-05, "aAcc": 0.86, "mIoU": 0.5822, "mAcc": 0.7207, "IoU.wall": 0.8224, "IoU.building": 0.8436, "IoU.sky": 0.9495, "IoU.floor": 0.851, "IoU.tree": 0.7812, "IoU.ceiling": 0.8709, "IoU.road": 0.854, "IoU.bed ": 0.9254, "IoU.windowpane": 0.6725, "IoU.grass": 0.6615, "IoU.cabinet": 0.6715, "IoU.sidewalk": 0.6872, "IoU.person": 0.8606, "IoU.earth": 0.393, "IoU.door": 0.6041, "IoU.table": 0.6718, "IoU.mountain": 0.6073, "IoU.plant": 0.5743, "IoU.curtain": 0.7857, "IoU.chair": 0.6561, "IoU.car": 0.8755, "IoU.water": 0.5965, "IoU.painting": 0.7919, "IoU.sofa": 0.8193, "IoU.shelf": 0.4739, "IoU.house": 0.5356, "IoU.sea": 0.6754, "IoU.mirror": 0.7957, "IoU.rug": 0.6952, "IoU.field": 0.2959, "IoU.armchair": 0.6177, "IoU.seat": 0.6508, "IoU.fence": 0.4961, "IoU.desk": 0.5574, "IoU.rock": 0.5783, "IoU.wardrobe": 0.5627, "IoU.lamp": 0.7389, "IoU.bathtub": 0.9041, "IoU.railing": 0.4183, "IoU.cushion": 0.682, "IoU.base": 0.463, "IoU.box": 0.3836, "IoU.column": 0.569, "IoU.signboard": 0.4169, "IoU.chest of drawers": 0.5329, "IoU.counter": 0.4559, "IoU.sand": 0.5715, "IoU.sink": 0.7833, "IoU.skyscraper": 0.4664, "IoU.fireplace": 0.7033, "IoU.refrigerator": 0.8356, "IoU.grandstand": 0.502, "IoU.path": 0.3504, "IoU.stairs": 0.2909, "IoU.runway": 0.7431, "IoU.case": 0.6275, "IoU.pool table": 0.9439, "IoU.pillow": 0.6508, "IoU.screen door": 0.8215, "IoU.stairway": 0.4072, "IoU.river": 0.162, "IoU.bridge": 0.7042, "IoU.bookcase": 0.3879, "IoU.blind": 0.4736, "IoU.coffee table": 0.584, "IoU.toilet": 0.906, "IoU.flower": 0.4635, "IoU.book": 0.5336, "IoU.hill": 0.12, "IoU.bench": 0.5966, "IoU.countertop": 0.6659, "IoU.stove": 0.8522, "IoU.palm": 0.4992, "IoU.kitchen island": 0.4582, "IoU.computer": 0.7656, "IoU.swivel chair": 0.5264, "IoU.boat": 0.7015, "IoU.bar": 0.5937, "IoU.arcade machine": 0.9147, "IoU.hovel": 0.3898, "IoU.bus": 0.9251, "IoU.towel": 0.7922, "IoU.light": 0.61, "IoU.truck": 0.4642, "IoU.tower": 0.2475, "IoU.chandelier": 0.7419, "IoU.awning": 0.4781, "IoU.streetlight": 0.3762, "IoU.booth": 0.5323, "IoU.television receiver": 0.7951, "IoU.airplane": 0.8252, "IoU.dirt track": 0.1291, "IoU.apparel": 0.6053, "IoU.pole": 0.3061, "IoU.land": 0.0331, "IoU.bannister": 0.2045, "IoU.escalator": 0.6035, "IoU.ottoman": 0.5469, "IoU.bottle": 0.4372, "IoU.buffet": 0.6086, "IoU.poster": 0.3337, "IoU.stage": 0.232, "IoU.van": 0.4423, "IoU.ship": 0.7882, "IoU.fountain": 0.4216, "IoU.conveyer belt": 0.8027, "IoU.canopy": 0.546, "IoU.washer": 0.845, "IoU.plaything": 0.4547, "IoU.swimming pool": 0.564, "IoU.stool": 0.5635, "IoU.barrel": 0.613, "IoU.basket": 0.459, "IoU.waterfall": 0.5462, "IoU.tent": 0.967, "IoU.bag": 0.3495, "IoU.minibike": 0.759, "IoU.cradle": 0.879, "IoU.oven": 0.6739, "IoU.ball": 0.6162, "IoU.food": 0.6789, "IoU.step": 0.1713, "IoU.tank": 0.8148, "IoU.trade name": 0.1685, "IoU.microwave": 0.9144, "IoU.pot": 0.5884, "IoU.animal": 0.5661, "IoU.bicycle": 0.5911, "IoU.lake": 0.4438, "IoU.dishwasher": 0.7409, "IoU.screen": 0.5425, "IoU.blanket": 0.37, "IoU.sculpture": 0.7661, "IoU.hood": 0.5932, "IoU.sconce": 0.5979, "IoU.vase": 0.4909, "IoU.traffic light": 0.3659, "IoU.tray": 0.2468, "IoU.ashcan": 0.4606, "IoU.fan": 0.7109, "IoU.pier": 0.4765, "IoU.crt screen": 0.0752, "IoU.plate": 0.636, "IoU.monitor": 0.2788, "IoU.bulletin board": 0.5397, "IoU.shower": 0.0161, "IoU.radiator": 0.6539, "IoU.glass": 0.2111, "IoU.clock": 0.5206, "IoU.flag": 0.6584, "Acc.wall": 0.8985, "Acc.building": 0.9207, "Acc.sky": 0.9724, "Acc.floor": 0.9117, "Acc.tree": 0.8995, "Acc.ceiling": 0.9402, "Acc.road": 0.8948, "Acc.bed ": 0.9718, "Acc.windowpane": 0.8042, "Acc.grass": 0.8111, "Acc.cabinet": 0.7541, "Acc.sidewalk": 0.8348, "Acc.person": 0.9407, "Acc.earth": 0.5427, "Acc.door": 0.7484, "Acc.table": 0.7893, "Acc.mountain": 0.7146, "Acc.plant": 0.6941, "Acc.curtain": 0.8739, "Acc.chair": 0.7603, "Acc.car": 0.9389, "Acc.water": 0.7135, "Acc.painting": 0.9043, "Acc.sofa": 0.9094, "Acc.shelf": 0.5958, "Acc.house": 0.7208, "Acc.sea": 0.8495, "Acc.mirror": 0.8638, "Acc.rug": 0.834, "Acc.field": 0.5439, "Acc.armchair": 0.8044, "Acc.seat": 0.8612, "Acc.fence": 0.6062, "Acc.desk": 0.7477, "Acc.rock": 0.8644, "Acc.wardrobe": 0.8013, "Acc.lamp": 0.8838, "Acc.bathtub": 0.942, "Acc.railing": 0.5906, "Acc.cushion": 0.8079, "Acc.base": 0.6445, "Acc.box": 0.4615, "Acc.column": 0.6775, "Acc.signboard": 0.6058, "Acc.chest of drawers": 0.7739, "Acc.counter": 0.6077, "Acc.sand": 0.8688, "Acc.sink": 0.8502, "Acc.skyscraper": 0.6223, "Acc.fireplace": 0.9691, "Acc.refrigerator": 0.9463, "Acc.grandstand": 0.8251, "Acc.path": 0.484, "Acc.stairs": 0.3305, "Acc.runway": 0.9624, "Acc.case": 0.7315, "Acc.pool table": 0.9864, "Acc.pillow": 0.7492, "Acc.screen door": 0.8596, "Acc.stairway": 0.5545, "Acc.river": 0.3156, "Acc.bridge": 0.8107, "Acc.bookcase": 0.4847, "Acc.blind": 0.6117, "Acc.coffee table": 0.9038, "Acc.toilet": 0.9442, "Acc.flower": 0.6784, "Acc.book": 0.8268, "Acc.hill": 0.2823, "Acc.bench": 0.6773, "Acc.countertop": 0.8322, "Acc.stove": 0.9384, "Acc.palm": 0.8373, "Acc.kitchen island": 0.7568, "Acc.computer": 0.9227, "Acc.swivel chair": 0.8886, "Acc.boat": 0.9477, "Acc.bar": 0.7559, "Acc.arcade machine": 0.9865, "Acc.hovel": 0.4193, "Acc.bus": 0.9732, "Acc.towel": 0.917, "Acc.light": 0.7053, "Acc.truck": 0.6075, "Acc.tower": 0.5505, "Acc.chandelier": 0.8947, "Acc.awning": 0.7254, "Acc.streetlight": 0.5311, "Acc.booth": 0.5569, "Acc.television receiver": 0.8838, "Acc.airplane": 0.9815, "Acc.dirt track": 0.1377, "Acc.apparel": 0.7122, "Acc.pole": 0.3987, "Acc.land": 0.0435, "Acc.bannister": 0.272, "Acc.escalator": 0.8828, "Acc.ottoman": 0.799, "Acc.bottle": 0.7015, "Acc.buffet": 0.7761, "Acc.poster": 0.4046, "Acc.stage": 0.4982, "Acc.van": 0.6203, "Acc.ship": 0.7973, "Acc.fountain": 0.4747, "Acc.conveyer belt": 0.9698, "Acc.canopy": 0.7353, "Acc.washer": 0.8934, "Acc.plaything": 0.6553, "Acc.swimming pool": 0.7881, "Acc.stool": 0.7214, "Acc.barrel": 0.8861, "Acc.basket": 0.6096, "Acc.waterfall": 0.6684, "Acc.tent": 0.9805, "Acc.bag": 0.4635, "Acc.minibike": 0.8919, "Acc.cradle": 0.9823, "Acc.oven": 0.819, "Acc.ball": 0.6904, "Acc.food": 0.7982, "Acc.step": 0.271, "Acc.tank": 0.9313, "Acc.trade name": 0.1827, "Acc.microwave": 0.9608, "Acc.pot": 0.7077, "Acc.animal": 0.5766, "Acc.bicycle": 0.7927, "Acc.lake": 0.7014, "Acc.dishwasher": 0.8201, "Acc.screen": 0.7099, "Acc.blanket": 0.4448, "Acc.sculpture": 0.8702, "Acc.hood": 0.6933, "Acc.sconce": 0.6955, "Acc.vase": 0.6412, "Acc.traffic light": 0.6809, "Acc.tray": 0.3312, "Acc.ashcan": 0.7289, "Acc.fan": 0.8542, "Acc.pier": 0.5404, "Acc.crt screen": 0.2218, "Acc.plate": 0.832, "Acc.monitor": 0.3414, "Acc.bulletin board": 0.814, "Acc.shower": 0.0161, "Acc.radiator": 0.8317, "Acc.glass": 0.2273, "Acc.clock": 0.6803, "Acc.flag": 0.8155} {"mode": "train", "epoch": 24, "iter": 30050, "lr": 2e-05, "memory": 72263, "data_time": 2.20343, "decode.loss_ce": 0.22286, "decode.acc_seg": 91.01502, "aux.loss_ce": 0.09217, "aux.acc_seg": 90.71183, "loss": 0.31503, "time": 4.17185} {"mode": "train", "epoch": 24, "iter": 30100, "lr": 2e-05, "memory": 72263, "data_time": 0.01055, "decode.loss_ce": 0.2279, "decode.acc_seg": 90.50906, "aux.loss_ce": 0.09411, "aux.acc_seg": 90.27371, "loss": 0.32202, "time": 1.98018} {"mode": "train", "epoch": 24, "iter": 30150, "lr": 2e-05, "memory": 72263, "data_time": 0.01033, "decode.loss_ce": 0.22264, "decode.acc_seg": 90.70289, "aux.loss_ce": 0.09235, "aux.acc_seg": 90.35889, "loss": 0.31498, "time": 1.97852} {"mode": "train", "epoch": 24, "iter": 30200, "lr": 2e-05, "memory": 72263, "data_time": 0.00964, "decode.loss_ce": 0.24404, "decode.acc_seg": 89.86699, "aux.loss_ce": 0.10041, "aux.acc_seg": 89.66144, "loss": 0.34446, "time": 1.97925} {"mode": "train", "epoch": 24, "iter": 30250, "lr": 2e-05, "memory": 72263, "data_time": 0.01004, "decode.loss_ce": 0.24435, "decode.acc_seg": 90.14194, "aux.loss_ce": 0.10011, "aux.acc_seg": 89.88419, "loss": 0.34446, "time": 1.97852} {"mode": "train", "epoch": 24, "iter": 30300, "lr": 2e-05, "memory": 72263, "data_time": 0.00979, "decode.loss_ce": 0.22523, "decode.acc_seg": 90.67973, "aux.loss_ce": 0.09233, "aux.acc_seg": 90.38084, "loss": 0.31756, "time": 1.97949} {"mode": "train", "epoch": 25, "iter": 30350, "lr": 2e-05, "memory": 72263, "data_time": 0.06021, "decode.loss_ce": 0.22645, "decode.acc_seg": 90.57221, "aux.loss_ce": 0.09317, "aux.acc_seg": 90.26679, "loss": 0.31961, "time": 2.03085} {"mode": "train", "epoch": 25, "iter": 30400, "lr": 2e-05, "memory": 72263, "data_time": 0.01039, "decode.loss_ce": 0.22699, "decode.acc_seg": 90.59574, "aux.loss_ce": 0.09265, "aux.acc_seg": 90.39704, "loss": 0.31965, "time": 1.97721} {"mode": "train", "epoch": 25, "iter": 30450, "lr": 2e-05, "memory": 72263, "data_time": 0.01002, "decode.loss_ce": 0.22298, "decode.acc_seg": 90.72967, "aux.loss_ce": 0.09233, "aux.acc_seg": 90.48629, "loss": 0.31531, "time": 1.97769} {"mode": "train", "epoch": 25, "iter": 30500, "lr": 2e-05, "memory": 72263, "data_time": 0.00964, "decode.loss_ce": 0.22942, "decode.acc_seg": 90.70489, "aux.loss_ce": 0.09361, "aux.acc_seg": 90.45072, "loss": 0.32303, "time": 1.97782} {"mode": "train", "epoch": 25, "iter": 30550, "lr": 2e-05, "memory": 72263, "data_time": 0.00971, "decode.loss_ce": 0.22469, "decode.acc_seg": 90.67012, "aux.loss_ce": 0.09268, "aux.acc_seg": 90.29318, "loss": 0.31737, "time": 1.97835} {"mode": "train", "epoch": 25, "iter": 30600, "lr": 2e-05, "memory": 72263, "data_time": 0.01001, "decode.loss_ce": 0.21353, "decode.acc_seg": 91.10397, "aux.loss_ce": 0.08864, "aux.acc_seg": 90.76636, "loss": 0.30216, "time": 1.97751} {"mode": "train", "epoch": 25, "iter": 30650, "lr": 2e-05, "memory": 72263, "data_time": 0.00976, "decode.loss_ce": 0.21641, "decode.acc_seg": 90.70656, "aux.loss_ce": 0.08977, "aux.acc_seg": 90.34702, "loss": 0.30619, "time": 1.97813} {"mode": "train", "epoch": 25, "iter": 30700, "lr": 2e-05, "memory": 72263, "data_time": 0.00961, "decode.loss_ce": 0.217, "decode.acc_seg": 91.03588, "aux.loss_ce": 0.08973, "aux.acc_seg": 90.78964, "loss": 0.30674, "time": 1.97751} {"mode": "train", "epoch": 25, "iter": 30750, "lr": 2e-05, "memory": 72263, "data_time": 0.00987, "decode.loss_ce": 0.22347, "decode.acc_seg": 90.53379, "aux.loss_ce": 0.09372, "aux.acc_seg": 90.17885, "loss": 0.3172, "time": 1.9799} {"mode": "train", "epoch": 25, "iter": 30800, "lr": 2e-05, "memory": 72263, "data_time": 0.00968, "decode.loss_ce": 0.22263, "decode.acc_seg": 90.67203, "aux.loss_ce": 0.09105, "aux.acc_seg": 90.52874, "loss": 0.31368, "time": 1.97801} {"mode": "train", "epoch": 25, "iter": 30850, "lr": 2e-05, "memory": 72263, "data_time": 0.00968, "decode.loss_ce": 0.22343, "decode.acc_seg": 90.46479, "aux.loss_ce": 0.09201, "aux.acc_seg": 90.20815, "loss": 0.31544, "time": 1.97733} {"mode": "train", "epoch": 25, "iter": 30900, "lr": 2e-05, "memory": 72263, "data_time": 0.01011, "decode.loss_ce": 0.20209, "decode.acc_seg": 91.69394, "aux.loss_ce": 0.08441, "aux.acc_seg": 91.24124, "loss": 0.2865, "time": 1.98163} {"mode": "train", "epoch": 25, "iter": 30950, "lr": 2e-05, "memory": 72263, "data_time": 0.01049, "decode.loss_ce": 0.20752, "decode.acc_seg": 91.24612, "aux.loss_ce": 0.08604, "aux.acc_seg": 91.01434, "loss": 0.29356, "time": 1.98012} {"mode": "train", "epoch": 25, "iter": 31000, "lr": 2e-05, "memory": 72263, "data_time": 0.00972, "decode.loss_ce": 0.21358, "decode.acc_seg": 91.15569, "aux.loss_ce": 0.08821, "aux.acc_seg": 90.84014, "loss": 0.30179, "time": 1.97664} {"mode": "val", "epoch": 25, "iter": 250, "lr": 2e-05, "aAcc": 0.8614, "mIoU": 0.5816, "mAcc": 0.7187, "IoU.wall": 0.8155, "IoU.building": 0.8494, "IoU.sky": 0.9471, "IoU.floor": 0.8558, "IoU.tree": 0.7737, "IoU.ceiling": 0.8632, "IoU.road": 0.8633, "IoU.bed ": 0.9302, "IoU.windowpane": 0.6747, "IoU.grass": 0.6881, "IoU.cabinet": 0.6815, "IoU.sidewalk": 0.6989, "IoU.person": 0.8581, "IoU.earth": 0.4045, "IoU.door": 0.5919, "IoU.table": 0.6784, "IoU.mountain": 0.5684, "IoU.plant": 0.5569, "IoU.curtain": 0.7676, "IoU.chair": 0.669, "IoU.car": 0.8636, "IoU.water": 0.6287, "IoU.painting": 0.7702, "IoU.sofa": 0.808, "IoU.shelf": 0.5022, "IoU.house": 0.548, "IoU.sea": 0.7029, "IoU.mirror": 0.8024, "IoU.rug": 0.7174, "IoU.field": 0.3407, "IoU.armchair": 0.6207, "IoU.seat": 0.679, "IoU.fence": 0.5577, "IoU.desk": 0.6023, "IoU.rock": 0.5923, "IoU.wardrobe": 0.5709, "IoU.lamp": 0.7369, "IoU.bathtub": 0.8859, "IoU.railing": 0.4142, "IoU.cushion": 0.6802, "IoU.base": 0.4523, "IoU.box": 0.3988, "IoU.column": 0.5537, "IoU.signboard": 0.417, "IoU.chest of drawers": 0.4588, "IoU.counter": 0.44, "IoU.sand": 0.5275, "IoU.sink": 0.8313, "IoU.skyscraper": 0.4771, "IoU.fireplace": 0.749, "IoU.refrigerator": 0.851, "IoU.grandstand": 0.4503, "IoU.path": 0.2922, "IoU.stairs": 0.4072, "IoU.runway": 0.7181, "IoU.case": 0.6178, "IoU.pool table": 0.9415, "IoU.pillow": 0.6389, "IoU.screen door": 0.7818, "IoU.stairway": 0.4725, "IoU.river": 0.146, "IoU.bridge": 0.6968, "IoU.bookcase": 0.4508, "IoU.blind": 0.4294, "IoU.coffee table": 0.6022, "IoU.toilet": 0.9041, "IoU.flower": 0.44, "IoU.book": 0.5512, "IoU.hill": 0.1163, "IoU.bench": 0.6229, "IoU.countertop": 0.6552, "IoU.stove": 0.875, "IoU.palm": 0.5279, "IoU.kitchen island": 0.4366, "IoU.computer": 0.7876, "IoU.swivel chair": 0.5212, "IoU.boat": 0.7897, "IoU.bar": 0.6613, "IoU.arcade machine": 0.7627, "IoU.hovel": 0.1869, "IoU.bus": 0.9313, "IoU.towel": 0.7894, "IoU.light": 0.5479, "IoU.truck": 0.4778, "IoU.tower": 0.1455, "IoU.chandelier": 0.6916, "IoU.awning": 0.5382, "IoU.streetlight": 0.3383, "IoU.booth": 0.5505, "IoU.television receiver": 0.7499, "IoU.airplane": 0.8543, "IoU.dirt track": 0.1304, "IoU.apparel": 0.5984, "IoU.pole": 0.2783, "IoU.land": 0.0353, "IoU.bannister": 0.2102, "IoU.escalator": 0.6414, "IoU.ottoman": 0.565, "IoU.bottle": 0.4277, "IoU.buffet": 0.6473, "IoU.poster": 0.3893, "IoU.stage": 0.2322, "IoU.van": 0.4173, "IoU.ship": 0.8464, "IoU.fountain": 0.3842, "IoU.conveyer belt": 0.8307, "IoU.canopy": 0.5643, "IoU.washer": 0.8861, "IoU.plaything": 0.4315, "IoU.swimming pool": 0.536, "IoU.stool": 0.5403, "IoU.barrel": 0.4893, "IoU.basket": 0.4412, "IoU.waterfall": 0.4938, "IoU.tent": 0.9032, "IoU.bag": 0.3109, "IoU.minibike": 0.7501, "IoU.cradle": 0.8523, "IoU.oven": 0.6097, "IoU.ball": 0.6105, "IoU.food": 0.5891, "IoU.step": 0.1943, "IoU.tank": 0.6139, "IoU.trade name": 0.3303, "IoU.microwave": 0.8785, "IoU.pot": 0.5922, "IoU.animal": 0.6157, "IoU.bicycle": 0.6073, "IoU.lake": 0.4353, "IoU.dishwasher": 0.7346, "IoU.screen": 0.5911, "IoU.blanket": 0.3411, "IoU.sculpture": 0.7712, "IoU.hood": 0.6563, "IoU.sconce": 0.5918, "IoU.vase": 0.4778, "IoU.traffic light": 0.363, "IoU.tray": 0.2709, "IoU.ashcan": 0.4846, "IoU.fan": 0.7026, "IoU.pier": 0.4037, "IoU.crt screen": 0.0137, "IoU.plate": 0.6331, "IoU.monitor": 0.5544, "IoU.bulletin board": 0.6401, "IoU.shower": 0.0204, "IoU.radiator": 0.6399, "IoU.glass": 0.215, "IoU.clock": 0.5195, "IoU.flag": 0.6839, "Acc.wall": 0.8875, "Acc.building": 0.9277, "Acc.sky": 0.9745, "Acc.floor": 0.9202, "Acc.tree": 0.895, "Acc.ceiling": 0.9268, "Acc.road": 0.9176, "Acc.bed ": 0.969, "Acc.windowpane": 0.8072, "Acc.grass": 0.844, "Acc.cabinet": 0.7793, "Acc.sidewalk": 0.852, "Acc.person": 0.9368, "Acc.earth": 0.5225, "Acc.door": 0.7877, "Acc.table": 0.7924, "Acc.mountain": 0.6319, "Acc.plant": 0.6779, "Acc.curtain": 0.9042, "Acc.chair": 0.7644, "Acc.car": 0.9479, "Acc.water": 0.7523, "Acc.painting": 0.9088, "Acc.sofa": 0.9196, "Acc.shelf": 0.6784, "Acc.house": 0.828, "Acc.sea": 0.8447, "Acc.mirror": 0.8651, "Acc.rug": 0.8391, "Acc.field": 0.5274, "Acc.armchair": 0.8078, "Acc.seat": 0.898, "Acc.fence": 0.748, "Acc.desk": 0.7796, "Acc.rock": 0.8488, "Acc.wardrobe": 0.8268, "Acc.lamp": 0.8476, "Acc.bathtub": 0.9155, "Acc.railing": 0.5846, "Acc.cushion": 0.8591, "Acc.base": 0.6113, "Acc.box": 0.4777, "Acc.column": 0.6532, "Acc.signboard": 0.5383, "Acc.chest of drawers": 0.602, "Acc.counter": 0.5683, "Acc.sand": 0.7251, "Acc.sink": 0.9033, "Acc.skyscraper": 0.632, "Acc.fireplace": 0.9496, "Acc.refrigerator": 0.9309, "Acc.grandstand": 0.874, "Acc.path": 0.3847, "Acc.stairs": 0.507, "Acc.runway": 0.9185, "Acc.case": 0.7593, "Acc.pool table": 0.9817, "Acc.pillow": 0.7218, "Acc.screen door": 0.7985, "Acc.stairway": 0.5949, "Acc.river": 0.3223, "Acc.bridge": 0.7812, "Acc.bookcase": 0.6693, "Acc.blind": 0.4687, "Acc.coffee table": 0.8914, "Acc.toilet": 0.9357, "Acc.flower": 0.6437, "Acc.book": 0.7519, "Acc.hill": 0.2585, "Acc.bench": 0.6961, "Acc.countertop": 0.8409, "Acc.stove": 0.9468, "Acc.palm": 0.8337, "Acc.kitchen island": 0.7639, "Acc.computer": 0.9271, "Acc.swivel chair": 0.7798, "Acc.boat": 0.9326, "Acc.bar": 0.8619, "Acc.arcade machine": 0.9776, "Acc.hovel": 0.2085, "Acc.bus": 0.9722, "Acc.towel": 0.9141, "Acc.light": 0.8401, "Acc.truck": 0.6649, "Acc.tower": 0.2365, "Acc.chandelier": 0.9188, "Acc.awning": 0.7287, "Acc.streetlight": 0.4291, "Acc.booth": 0.6083, "Acc.television receiver": 0.9025, "Acc.airplane": 0.9731, "Acc.dirt track": 0.1852, "Acc.apparel": 0.9069, "Acc.pole": 0.366, "Acc.land": 0.0563, "Acc.bannister": 0.2763, "Acc.escalator": 0.8787, "Acc.ottoman": 0.7795, "Acc.bottle": 0.6572, "Acc.buffet": 0.7263, "Acc.poster": 0.5327, "Acc.stage": 0.4992, "Acc.van": 0.5484, "Acc.ship": 0.8647, "Acc.fountain": 0.3893, "Acc.conveyer belt": 0.9611, "Acc.canopy": 0.7911, "Acc.washer": 0.9599, "Acc.plaything": 0.6944, "Acc.swimming pool": 0.7685, "Acc.stool": 0.7446, "Acc.barrel": 0.7076, "Acc.basket": 0.5812, "Acc.waterfall": 0.5808, "Acc.tent": 0.9879, "Acc.bag": 0.353, "Acc.minibike": 0.8983, "Acc.cradle": 0.9755, "Acc.oven": 0.685, "Acc.ball": 0.7274, "Acc.food": 0.6567, "Acc.step": 0.2608, "Acc.tank": 0.6625, "Acc.trade name": 0.4027, "Acc.microwave": 0.9686, "Acc.pot": 0.7067, "Acc.animal": 0.6321, "Acc.bicycle": 0.7591, "Acc.lake": 0.6585, "Acc.dishwasher": 0.842, "Acc.screen": 0.919, "Acc.blanket": 0.4319, "Acc.sculpture": 0.8525, "Acc.hood": 0.7893, "Acc.sconce": 0.6955, "Acc.vase": 0.691, "Acc.traffic light": 0.6921, "Acc.tray": 0.3448, "Acc.ashcan": 0.72, "Acc.fan": 0.8988, "Acc.pier": 0.4464, "Acc.crt screen": 0.0172, "Acc.plate": 0.8183, "Acc.monitor": 0.7054, "Acc.bulletin board": 0.7843, "Acc.shower": 0.112, "Acc.radiator": 0.8051, "Acc.glass": 0.2321, "Acc.clock": 0.6757, "Acc.flag": 0.7824} {"mode": "train", "epoch": 25, "iter": 31050, "lr": 2e-05, "memory": 72263, "data_time": 2.22544, "decode.loss_ce": 0.21484, "decode.acc_seg": 90.99567, "aux.loss_ce": 0.08882, "aux.acc_seg": 90.71969, "loss": 0.30365, "time": 4.19367} {"mode": "train", "epoch": 25, "iter": 31100, "lr": 2e-05, "memory": 72263, "data_time": 0.01007, "decode.loss_ce": 0.21898, "decode.acc_seg": 90.90497, "aux.loss_ce": 0.09088, "aux.acc_seg": 90.59624, "loss": 0.30986, "time": 1.97811} {"mode": "train", "epoch": 25, "iter": 31150, "lr": 2e-05, "memory": 72263, "data_time": 0.00978, "decode.loss_ce": 0.22532, "decode.acc_seg": 90.34311, "aux.loss_ce": 0.09278, "aux.acc_seg": 90.00567, "loss": 0.3181, "time": 1.97679} {"mode": "train", "epoch": 25, "iter": 31200, "lr": 2e-05, "memory": 72263, "data_time": 0.00956, "decode.loss_ce": 0.21522, "decode.acc_seg": 91.15922, "aux.loss_ce": 0.08842, "aux.acc_seg": 90.90977, "loss": 0.30364, "time": 1.97775} {"mode": "train", "epoch": 25, "iter": 31250, "lr": 2e-05, "memory": 72263, "data_time": 0.00987, "decode.loss_ce": 0.24484, "decode.acc_seg": 89.89038, "aux.loss_ce": 0.10096, "aux.acc_seg": 89.56466, "loss": 0.3458, "time": 1.97969} {"mode": "train", "epoch": 25, "iter": 31300, "lr": 2e-05, "memory": 72263, "data_time": 0.00972, "decode.loss_ce": 0.23159, "decode.acc_seg": 90.20395, "aux.loss_ce": 0.09551, "aux.acc_seg": 90.0146, "loss": 0.3271, "time": 1.9794} {"mode": "train", "epoch": 25, "iter": 31350, "lr": 2e-05, "memory": 72263, "data_time": 0.01002, "decode.loss_ce": 0.21898, "decode.acc_seg": 91.01789, "aux.loss_ce": 0.08988, "aux.acc_seg": 90.73568, "loss": 0.30886, "time": 1.97841} {"mode": "train", "epoch": 25, "iter": 31400, "lr": 2e-05, "memory": 72263, "data_time": 0.01008, "decode.loss_ce": 0.23754, "decode.acc_seg": 89.9476, "aux.loss_ce": 0.09719, "aux.acc_seg": 89.65361, "loss": 0.33473, "time": 1.9777} {"mode": "train", "epoch": 25, "iter": 31450, "lr": 2e-05, "memory": 72263, "data_time": 0.00955, "decode.loss_ce": 0.22484, "decode.acc_seg": 90.49661, "aux.loss_ce": 0.09302, "aux.acc_seg": 90.13658, "loss": 0.31786, "time": 1.97955} {"mode": "train", "epoch": 25, "iter": 31500, "lr": 2e-05, "memory": 72263, "data_time": 0.01025, "decode.loss_ce": 0.21586, "decode.acc_seg": 91.13895, "aux.loss_ce": 0.08894, "aux.acc_seg": 90.91426, "loss": 0.3048, "time": 1.97729} {"mode": "train", "epoch": 25, "iter": 31550, "lr": 2e-05, "memory": 72263, "data_time": 0.01014, "decode.loss_ce": 0.22816, "decode.acc_seg": 90.62188, "aux.loss_ce": 0.09479, "aux.acc_seg": 90.27433, "loss": 0.32295, "time": 1.98092} {"mode": "train", "epoch": 26, "iter": 31600, "lr": 2e-05, "memory": 72263, "data_time": 0.05203, "decode.loss_ce": 0.21602, "decode.acc_seg": 90.85741, "aux.loss_ce": 0.08919, "aux.acc_seg": 90.5558, "loss": 0.30521, "time": 2.01948} {"mode": "train", "epoch": 26, "iter": 31650, "lr": 2e-05, "memory": 72263, "data_time": 0.01048, "decode.loss_ce": 0.20508, "decode.acc_seg": 91.38095, "aux.loss_ce": 0.08527, "aux.acc_seg": 91.033, "loss": 0.29034, "time": 1.97877} {"mode": "train", "epoch": 26, "iter": 31700, "lr": 2e-05, "memory": 72263, "data_time": 0.00956, "decode.loss_ce": 0.21695, "decode.acc_seg": 91.20696, "aux.loss_ce": 0.0898, "aux.acc_seg": 90.97464, "loss": 0.30674, "time": 1.97869} {"mode": "train", "epoch": 26, "iter": 31750, "lr": 2e-05, "memory": 72263, "data_time": 0.01034, "decode.loss_ce": 0.21487, "decode.acc_seg": 91.16996, "aux.loss_ce": 0.08883, "aux.acc_seg": 90.85868, "loss": 0.3037, "time": 1.97455} {"mode": "train", "epoch": 26, "iter": 31800, "lr": 2e-05, "memory": 72263, "data_time": 0.01035, "decode.loss_ce": 0.22874, "decode.acc_seg": 90.78384, "aux.loss_ce": 0.09434, "aux.acc_seg": 90.46285, "loss": 0.32308, "time": 1.97932} {"mode": "train", "epoch": 26, "iter": 31850, "lr": 2e-05, "memory": 72263, "data_time": 0.01017, "decode.loss_ce": 0.20938, "decode.acc_seg": 91.13262, "aux.loss_ce": 0.08665, "aux.acc_seg": 90.88873, "loss": 0.29603, "time": 1.97724} {"mode": "train", "epoch": 26, "iter": 31900, "lr": 2e-05, "memory": 72263, "data_time": 0.01069, "decode.loss_ce": 0.21165, "decode.acc_seg": 90.96083, "aux.loss_ce": 0.08762, "aux.acc_seg": 90.6426, "loss": 0.29927, "time": 1.98053} {"mode": "train", "epoch": 26, "iter": 31950, "lr": 2e-05, "memory": 72263, "data_time": 0.01062, "decode.loss_ce": 0.20588, "decode.acc_seg": 91.00815, "aux.loss_ce": 0.08525, "aux.acc_seg": 90.85304, "loss": 0.29113, "time": 1.97649} {"mode": "train", "epoch": 26, "iter": 32000, "lr": 2e-05, "memory": 72263, "data_time": 0.01056, "decode.loss_ce": 0.21246, "decode.acc_seg": 91.26083, "aux.loss_ce": 0.0881, "aux.acc_seg": 90.95011, "loss": 0.30056, "time": 3.63265} {"mode": "val", "epoch": 26, "iter": 250, "lr": 2e-05, "aAcc": 0.8601, "mIoU": 0.5753, "mAcc": 0.7122, "IoU.wall": 0.8237, "IoU.building": 0.8543, "IoU.sky": 0.9485, "IoU.floor": 0.8482, "IoU.tree": 0.769, "IoU.ceiling": 0.8653, "IoU.road": 0.8492, "IoU.bed ": 0.9296, "IoU.windowpane": 0.6697, "IoU.grass": 0.6778, "IoU.cabinet": 0.6682, "IoU.sidewalk": 0.6764, "IoU.person": 0.8576, "IoU.earth": 0.3698, "IoU.door": 0.5873, "IoU.table": 0.6969, "IoU.mountain": 0.636, "IoU.plant": 0.5339, "IoU.curtain": 0.7834, "IoU.chair": 0.6631, "IoU.car": 0.8731, "IoU.water": 0.6449, "IoU.painting": 0.7645, "IoU.sofa": 0.8016, "IoU.shelf": 0.4553, "IoU.house": 0.5202, "IoU.sea": 0.766, "IoU.mirror": 0.7903, "IoU.rug": 0.7028, "IoU.field": 0.334, "IoU.armchair": 0.591, "IoU.seat": 0.6623, "IoU.fence": 0.513, "IoU.desk": 0.5979, "IoU.rock": 0.5797, "IoU.wardrobe": 0.534, "IoU.lamp": 0.7446, "IoU.bathtub": 0.8716, "IoU.railing": 0.4181, "IoU.cushion": 0.6918, "IoU.base": 0.4537, "IoU.box": 0.4085, "IoU.column": 0.5499, "IoU.signboard": 0.414, "IoU.chest of drawers": 0.4503, "IoU.counter": 0.4265, "IoU.sand": 0.3868, "IoU.sink": 0.8245, "IoU.skyscraper": 0.4985, "IoU.fireplace": 0.7562, "IoU.refrigerator": 0.8454, "IoU.grandstand": 0.506, "IoU.path": 0.2894, "IoU.stairs": 0.2744, "IoU.runway": 0.7033, "IoU.case": 0.617, "IoU.pool table": 0.933, "IoU.pillow": 0.6299, "IoU.screen door": 0.7153, "IoU.stairway": 0.4331, "IoU.river": 0.1936, "IoU.bridge": 0.6684, "IoU.bookcase": 0.375, "IoU.blind": 0.4713, "IoU.coffee table": 0.6603, "IoU.toilet": 0.9029, "IoU.flower": 0.4243, "IoU.book": 0.5357, "IoU.hill": 0.0576, "IoU.bench": 0.5922, "IoU.countertop": 0.6365, "IoU.stove": 0.8686, "IoU.palm": 0.5364, "IoU.kitchen island": 0.507, "IoU.computer": 0.7981, "IoU.swivel chair": 0.5272, "IoU.boat": 0.7849, "IoU.bar": 0.6602, "IoU.arcade machine": 0.8154, "IoU.hovel": 0.5116, "IoU.bus": 0.9295, "IoU.towel": 0.783, "IoU.light": 0.6219, "IoU.truck": 0.4573, "IoU.tower": 0.3515, "IoU.chandelier": 0.7159, "IoU.awning": 0.3987, "IoU.streetlight": 0.339, "IoU.booth": 0.4214, "IoU.television receiver": 0.742, "IoU.airplane": 0.8617, "IoU.dirt track": 0.062, "IoU.apparel": 0.5861, "IoU.pole": 0.2464, "IoU.land": 0.0293, "IoU.bannister": 0.2277, "IoU.escalator": 0.6423, "IoU.ottoman": 0.5736, "IoU.bottle": 0.4269, "IoU.buffet": 0.576, "IoU.poster": 0.3859, "IoU.stage": 0.2469, "IoU.van": 0.471, "IoU.ship": 0.2592, "IoU.fountain": 0.2212, "IoU.conveyer belt": 0.8447, "IoU.canopy": 0.4659, "IoU.washer": 0.8864, "IoU.plaything": 0.294, "IoU.swimming pool": 0.5965, "IoU.stool": 0.5488, "IoU.barrel": 0.5508, "IoU.basket": 0.4315, "IoU.waterfall": 0.5719, "IoU.tent": 0.9184, "IoU.bag": 0.1952, "IoU.minibike": 0.7369, "IoU.cradle": 0.8332, "IoU.oven": 0.6178, "IoU.ball": 0.4183, "IoU.food": 0.63, "IoU.step": 0.1354, "IoU.tank": 0.8212, "IoU.trade name": 0.2134, "IoU.microwave": 0.8834, "IoU.pot": 0.5849, "IoU.animal": 0.6374, "IoU.bicycle": 0.6229, "IoU.lake": 0.4814, "IoU.dishwasher": 0.728, "IoU.screen": 0.6279, "IoU.blanket": 0.3702, "IoU.sculpture": 0.7831, "IoU.hood": 0.6439, "IoU.sconce": 0.5993, "IoU.vase": 0.4668, "IoU.traffic light": 0.3832, "IoU.tray": 0.2447, "IoU.ashcan": 0.5267, "IoU.fan": 0.7119, "IoU.pier": 0.4719, "IoU.crt screen": 0.0185, "IoU.plate": 0.623, "IoU.monitor": 0.6473, "IoU.bulletin board": 0.547, "IoU.shower": 0.0858, "IoU.radiator": 0.6848, "IoU.glass": 0.2078, "IoU.clock": 0.5297, "IoU.flag": 0.6879, "Acc.wall": 0.8914, "Acc.building": 0.9403, "Acc.sky": 0.9801, "Acc.floor": 0.9121, "Acc.tree": 0.8937, "Acc.ceiling": 0.9301, "Acc.road": 0.9044, "Acc.bed ": 0.9754, "Acc.windowpane": 0.7943, "Acc.grass": 0.8119, "Acc.cabinet": 0.7733, "Acc.sidewalk": 0.8361, "Acc.person": 0.9423, "Acc.earth": 0.5075, "Acc.door": 0.8075, "Acc.table": 0.8129, "Acc.mountain": 0.7133, "Acc.plant": 0.6097, "Acc.curtain": 0.8918, "Acc.chair": 0.754, "Acc.car": 0.9316, "Acc.water": 0.7888, "Acc.painting": 0.9204, "Acc.sofa": 0.8663, "Acc.shelf": 0.5668, "Acc.house": 0.5954, "Acc.sea": 0.9052, "Acc.mirror": 0.8761, "Acc.rug": 0.84, "Acc.field": 0.6269, "Acc.armchair": 0.8331, "Acc.seat": 0.8999, "Acc.fence": 0.6707, "Acc.desk": 0.7886, "Acc.rock": 0.8313, "Acc.wardrobe": 0.7278, "Acc.lamp": 0.8706, "Acc.bathtub": 0.8995, "Acc.railing": 0.6285, "Acc.cushion": 0.8339, "Acc.base": 0.6488, "Acc.box": 0.5452, "Acc.column": 0.7547, "Acc.signboard": 0.5569, "Acc.chest of drawers": 0.8146, "Acc.counter": 0.6016, "Acc.sand": 0.5951, "Acc.sink": 0.897, "Acc.skyscraper": 0.6143, "Acc.fireplace": 0.948, "Acc.refrigerator": 0.9401, "Acc.grandstand": 0.8176, "Acc.path": 0.3739, "Acc.stairs": 0.3209, "Acc.runway": 0.8997, "Acc.case": 0.7622, "Acc.pool table": 0.9896, "Acc.pillow": 0.7091, "Acc.screen door": 0.7326, "Acc.stairway": 0.66, "Acc.river": 0.3032, "Acc.bridge": 0.9002, "Acc.bookcase": 0.5736, "Acc.blind": 0.5348, "Acc.coffee table": 0.8793, "Acc.toilet": 0.9503, "Acc.flower": 0.7064, "Acc.book": 0.808, "Acc.hill": 0.1063, "Acc.bench": 0.6848, "Acc.countertop": 0.8684, "Acc.stove": 0.95, "Acc.palm": 0.8082, "Acc.kitchen island": 0.7807, "Acc.computer": 0.9151, "Acc.swivel chair": 0.7733, "Acc.boat": 0.9131, "Acc.bar": 0.8337, "Acc.arcade machine": 0.8976, "Acc.hovel": 0.5983, "Acc.bus": 0.9712, "Acc.towel": 0.827, "Acc.light": 0.7444, "Acc.truck": 0.657, "Acc.tower": 0.6133, "Acc.chandelier": 0.9041, "Acc.awning": 0.5265, "Acc.streetlight": 0.4442, "Acc.booth": 0.5036, "Acc.television receiver": 0.9017, "Acc.airplane": 0.9735, "Acc.dirt track": 0.2107, "Acc.apparel": 0.9214, "Acc.pole": 0.3731, "Acc.land": 0.0462, "Acc.bannister": 0.2916, "Acc.escalator": 0.8483, "Acc.ottoman": 0.7359, "Acc.bottle": 0.706, "Acc.buffet": 0.6375, "Acc.poster": 0.5329, "Acc.stage": 0.4334, "Acc.van": 0.7572, "Acc.ship": 0.2629, "Acc.fountain": 0.2219, "Acc.conveyer belt": 0.9391, "Acc.canopy": 0.6949, "Acc.washer": 0.9486, "Acc.plaything": 0.7077, "Acc.swimming pool": 0.9107, "Acc.stool": 0.7001, "Acc.barrel": 0.7035, "Acc.basket": 0.6158, "Acc.waterfall": 0.6582, "Acc.tent": 0.9859, "Acc.bag": 0.2133, "Acc.minibike": 0.8951, "Acc.cradle": 0.9847, "Acc.oven": 0.7294, "Acc.ball": 0.4342, "Acc.food": 0.7427, "Acc.step": 0.1726, "Acc.tank": 0.9407, "Acc.trade name": 0.2308, "Acc.microwave": 0.9662, "Acc.pot": 0.6799, "Acc.animal": 0.6555, "Acc.bicycle": 0.8152, "Acc.lake": 0.6398, "Acc.dishwasher": 0.8362, "Acc.screen": 0.9268, "Acc.blanket": 0.4691, "Acc.sculpture": 0.8663, "Acc.hood": 0.7947, "Acc.sconce": 0.7194, "Acc.vase": 0.6924, "Acc.traffic light": 0.6247, "Acc.tray": 0.2943, "Acc.ashcan": 0.6619, "Acc.fan": 0.8415, "Acc.pier": 0.6053, "Acc.crt screen": 0.0189, "Acc.plate": 0.8103, "Acc.monitor": 0.8567, "Acc.bulletin board": 0.6745, "Acc.shower": 0.1001, "Acc.radiator": 0.8136, "Acc.glass": 0.2233, "Acc.clock": 0.654, "Acc.flag": 0.7778} {"mode": "train", "epoch": 26, "iter": 32050, "lr": 2e-05, "memory": 72263, "data_time": 2.20942, "decode.loss_ce": 0.22207, "decode.acc_seg": 90.71423, "aux.loss_ce": 0.09208, "aux.acc_seg": 90.35048, "loss": 0.31414, "time": 4.17679} {"mode": "train", "epoch": 26, "iter": 32100, "lr": 2e-05, "memory": 72263, "data_time": 0.01041, "decode.loss_ce": 0.20964, "decode.acc_seg": 91.20998, "aux.loss_ce": 0.08697, "aux.acc_seg": 90.93062, "loss": 0.29661, "time": 1.97856} {"mode": "train", "epoch": 26, "iter": 32150, "lr": 2e-05, "memory": 72263, "data_time": 0.00992, "decode.loss_ce": 0.2134, "decode.acc_seg": 91.14489, "aux.loss_ce": 0.08821, "aux.acc_seg": 90.81495, "loss": 0.30161, "time": 1.97723} {"mode": "train", "epoch": 26, "iter": 32200, "lr": 2e-05, "memory": 72263, "data_time": 0.01039, "decode.loss_ce": 0.21559, "decode.acc_seg": 91.0492, "aux.loss_ce": 0.08829, "aux.acc_seg": 90.73274, "loss": 0.30388, "time": 1.97871} {"mode": "train", "epoch": 26, "iter": 32250, "lr": 2e-05, "memory": 72263, "data_time": 0.0099, "decode.loss_ce": 0.21444, "decode.acc_seg": 91.09033, "aux.loss_ce": 0.08832, "aux.acc_seg": 90.7714, "loss": 0.30276, "time": 1.97906} {"mode": "train", "epoch": 26, "iter": 32300, "lr": 2e-05, "memory": 72263, "data_time": 0.01022, "decode.loss_ce": 0.2116, "decode.acc_seg": 90.9678, "aux.loss_ce": 0.08723, "aux.acc_seg": 90.68211, "loss": 0.29883, "time": 1.97662} {"mode": "train", "epoch": 26, "iter": 32350, "lr": 2e-05, "memory": 72263, "data_time": 0.00997, "decode.loss_ce": 0.21317, "decode.acc_seg": 91.13851, "aux.loss_ce": 0.08843, "aux.acc_seg": 90.70807, "loss": 0.3016, "time": 1.97901} {"mode": "train", "epoch": 26, "iter": 32400, "lr": 2e-05, "memory": 72263, "data_time": 0.01049, "decode.loss_ce": 0.22447, "decode.acc_seg": 90.60063, "aux.loss_ce": 0.09347, "aux.acc_seg": 90.19118, "loss": 0.31794, "time": 1.97759} {"mode": "train", "epoch": 26, "iter": 32450, "lr": 2e-05, "memory": 72263, "data_time": 0.00986, "decode.loss_ce": 0.23017, "decode.acc_seg": 90.26428, "aux.loss_ce": 0.09401, "aux.acc_seg": 89.97733, "loss": 0.32418, "time": 1.98185} {"mode": "train", "epoch": 26, "iter": 32500, "lr": 2e-05, "memory": 72263, "data_time": 0.00954, "decode.loss_ce": 0.22557, "decode.acc_seg": 90.4561, "aux.loss_ce": 0.09298, "aux.acc_seg": 90.16667, "loss": 0.31855, "time": 1.97644} {"mode": "train", "epoch": 26, "iter": 32550, "lr": 2e-05, "memory": 72263, "data_time": 0.00969, "decode.loss_ce": 0.22358, "decode.acc_seg": 90.93908, "aux.loss_ce": 0.09166, "aux.acc_seg": 90.70813, "loss": 0.31524, "time": 1.97833} {"mode": "train", "epoch": 26, "iter": 32600, "lr": 2e-05, "memory": 72263, "data_time": 0.00977, "decode.loss_ce": 0.21428, "decode.acc_seg": 91.06816, "aux.loss_ce": 0.08862, "aux.acc_seg": 90.77738, "loss": 0.3029, "time": 1.97809} {"mode": "train", "epoch": 26, "iter": 32650, "lr": 2e-05, "memory": 72263, "data_time": 0.01016, "decode.loss_ce": 0.21771, "decode.acc_seg": 91.01529, "aux.loss_ce": 0.08975, "aux.acc_seg": 90.64816, "loss": 0.30746, "time": 1.97775} {"mode": "train", "epoch": 26, "iter": 32700, "lr": 2e-05, "memory": 72263, "data_time": 0.01016, "decode.loss_ce": 0.21762, "decode.acc_seg": 90.78454, "aux.loss_ce": 0.09019, "aux.acc_seg": 90.46775, "loss": 0.30782, "time": 1.97784} {"mode": "train", "epoch": 26, "iter": 32750, "lr": 2e-05, "memory": 72263, "data_time": 0.01014, "decode.loss_ce": 0.2058, "decode.acc_seg": 91.40991, "aux.loss_ce": 0.08539, "aux.acc_seg": 91.00169, "loss": 0.2912, "time": 1.97962} {"mode": "train", "epoch": 26, "iter": 32800, "lr": 2e-05, "memory": 72263, "data_time": 0.00997, "decode.loss_ce": 0.22962, "decode.acc_seg": 90.47353, "aux.loss_ce": 0.09413, "aux.acc_seg": 90.17544, "loss": 0.32375, "time": 1.97934} {"mode": "train", "epoch": 27, "iter": 32850, "lr": 2e-05, "memory": 72263, "data_time": 0.05886, "decode.loss_ce": 0.22257, "decode.acc_seg": 90.72069, "aux.loss_ce": 0.09203, "aux.acc_seg": 90.39355, "loss": 0.3146, "time": 2.02847} {"mode": "train", "epoch": 27, "iter": 32900, "lr": 2e-05, "memory": 72263, "data_time": 0.00962, "decode.loss_ce": 0.22093, "decode.acc_seg": 90.99093, "aux.loss_ce": 0.09128, "aux.acc_seg": 90.69061, "loss": 0.31221, "time": 1.97855} {"mode": "train", "epoch": 27, "iter": 32950, "lr": 2e-05, "memory": 72263, "data_time": 0.0098, "decode.loss_ce": 0.19758, "decode.acc_seg": 91.49234, "aux.loss_ce": 0.08186, "aux.acc_seg": 91.17625, "loss": 0.27943, "time": 1.97809} {"mode": "train", "epoch": 27, "iter": 33000, "lr": 2e-05, "memory": 72263, "data_time": 0.01005, "decode.loss_ce": 0.202, "decode.acc_seg": 91.29365, "aux.loss_ce": 0.08424, "aux.acc_seg": 90.94511, "loss": 0.28624, "time": 1.98128} {"mode": "val", "epoch": 27, "iter": 250, "lr": 2e-05, "aAcc": 0.8592, "mIoU": 0.5734, "mAcc": 0.7085, "IoU.wall": 0.821, "IoU.building": 0.8452, "IoU.sky": 0.9467, "IoU.floor": 0.8561, "IoU.tree": 0.7737, "IoU.ceiling": 0.8654, "IoU.road": 0.8603, "IoU.bed ": 0.9165, "IoU.windowpane": 0.67, "IoU.grass": 0.6716, "IoU.cabinet": 0.6557, "IoU.sidewalk": 0.6968, "IoU.person": 0.8546, "IoU.earth": 0.4137, "IoU.door": 0.5981, "IoU.table": 0.6852, "IoU.mountain": 0.6346, "IoU.plant": 0.5371, "IoU.curtain": 0.7867, "IoU.chair": 0.6647, "IoU.car": 0.8715, "IoU.water": 0.6094, "IoU.painting": 0.8021, "IoU.sofa": 0.8007, "IoU.shelf": 0.4862, "IoU.house": 0.5339, "IoU.sea": 0.7326, "IoU.mirror": 0.8004, "IoU.rug": 0.7411, "IoU.field": 0.3311, "IoU.armchair": 0.5709, "IoU.seat": 0.6883, "IoU.fence": 0.5184, "IoU.desk": 0.5851, "IoU.rock": 0.5323, "IoU.wardrobe": 0.546, "IoU.lamp": 0.7445, "IoU.bathtub": 0.8933, "IoU.railing": 0.4156, "IoU.cushion": 0.6936, "IoU.base": 0.3872, "IoU.box": 0.3946, "IoU.column": 0.5477, "IoU.signboard": 0.4128, "IoU.chest of drawers": 0.4222, "IoU.counter": 0.4439, "IoU.sand": 0.4157, "IoU.sink": 0.8469, "IoU.skyscraper": 0.5604, "IoU.fireplace": 0.7402, "IoU.refrigerator": 0.8429, "IoU.grandstand": 0.5834, "IoU.path": 0.3397, "IoU.stairs": 0.2814, "IoU.runway": 0.6786, "IoU.case": 0.5522, "IoU.pool table": 0.9455, "IoU.pillow": 0.5686, "IoU.screen door": 0.7674, "IoU.stairway": 0.3376, "IoU.river": 0.1769, "IoU.bridge": 0.6881, "IoU.bookcase": 0.4077, "IoU.blind": 0.4197, "IoU.coffee table": 0.6591, "IoU.toilet": 0.8941, "IoU.flower": 0.4061, "IoU.book": 0.5455, "IoU.hill": 0.1012, "IoU.bench": 0.6516, "IoU.countertop": 0.6671, "IoU.stove": 0.8721, "IoU.palm": 0.5436, "IoU.kitchen island": 0.4606, "IoU.computer": 0.7935, "IoU.swivel chair": 0.5309, "IoU.boat": 0.7442, "IoU.bar": 0.5977, "IoU.arcade machine": 0.9157, "IoU.hovel": 0.5327, "IoU.bus": 0.9431, "IoU.towel": 0.7938, "IoU.light": 0.6153, "IoU.truck": 0.4912, "IoU.tower": 0.3147, "IoU.chandelier": 0.7204, "IoU.awning": 0.5218, "IoU.streetlight": 0.3596, "IoU.booth": 0.3875, "IoU.television receiver": 0.7747, "IoU.airplane": 0.8623, "IoU.dirt track": 0.1324, "IoU.apparel": 0.6404, "IoU.pole": 0.2423, "IoU.land": 0.0403, "IoU.bannister": 0.1889, "IoU.escalator": 0.5825, "IoU.ottoman": 0.5558, "IoU.bottle": 0.4171, "IoU.buffet": 0.6347, "IoU.poster": 0.4395, "IoU.stage": 0.2069, "IoU.van": 0.4576, "IoU.ship": 0.1134, "IoU.fountain": 0.3553, "IoU.conveyer belt": 0.8388, "IoU.canopy": 0.2538, "IoU.washer": 0.8365, "IoU.plaything": 0.4075, "IoU.swimming pool": 0.5834, "IoU.stool": 0.5755, "IoU.barrel": 0.6862, "IoU.basket": 0.4518, "IoU.waterfall": 0.5171, "IoU.tent": 0.7944, "IoU.bag": 0.3258, "IoU.minibike": 0.782, "IoU.cradle": 0.9, "IoU.oven": 0.6179, "IoU.ball": 0.5445, "IoU.food": 0.6047, "IoU.step": 0.1523, "IoU.tank": 0.7138, "IoU.trade name": 0.2637, "IoU.microwave": 0.8823, "IoU.pot": 0.5778, "IoU.animal": 0.6606, "IoU.bicycle": 0.6128, "IoU.lake": 0.0, "IoU.dishwasher": 0.7352, "IoU.screen": 0.6652, "IoU.blanket": 0.3446, "IoU.sculpture": 0.6677, "IoU.hood": 0.6771, "IoU.sconce": 0.6101, "IoU.vase": 0.4906, "IoU.traffic light": 0.3629, "IoU.tray": 0.2703, "IoU.ashcan": 0.5027, "IoU.fan": 0.7204, "IoU.pier": 0.393, "IoU.crt screen": 0.0177, "IoU.plate": 0.6163, "IoU.monitor": 0.383, "IoU.bulletin board": 0.5653, "IoU.shower": 0.1251, "IoU.radiator": 0.6821, "IoU.glass": 0.2329, "IoU.clock": 0.5542, "IoU.flag": 0.6845, "Acc.wall": 0.8904, "Acc.building": 0.9236, "Acc.sky": 0.9674, "Acc.floor": 0.9071, "Acc.tree": 0.9093, "Acc.ceiling": 0.9266, "Acc.road": 0.8961, "Acc.bed ": 0.9761, "Acc.windowpane": 0.8051, "Acc.grass": 0.8392, "Acc.cabinet": 0.7319, "Acc.sidewalk": 0.8802, "Acc.person": 0.9528, "Acc.earth": 0.5527, "Acc.door": 0.7797, "Acc.table": 0.7903, "Acc.mountain": 0.7377, "Acc.plant": 0.6671, "Acc.curtain": 0.915, "Acc.chair": 0.7808, "Acc.car": 0.951, "Acc.water": 0.7594, "Acc.painting": 0.9072, "Acc.sofa": 0.8659, "Acc.shelf": 0.6324, "Acc.house": 0.7287, "Acc.sea": 0.909, "Acc.mirror": 0.8867, "Acc.rug": 0.817, "Acc.field": 0.5367, "Acc.armchair": 0.821, "Acc.seat": 0.9243, "Acc.fence": 0.6248, "Acc.desk": 0.7762, "Acc.rock": 0.8433, "Acc.wardrobe": 0.8034, "Acc.lamp": 0.8704, "Acc.bathtub": 0.9152, "Acc.railing": 0.6085, "Acc.cushion": 0.8098, "Acc.base": 0.5989, "Acc.box": 0.5242, "Acc.column": 0.682, "Acc.signboard": 0.5633, "Acc.chest of drawers": 0.8619, "Acc.counter": 0.58, "Acc.sand": 0.5776, "Acc.sink": 0.9178, "Acc.skyscraper": 0.7445, "Acc.fireplace": 0.9496, "Acc.refrigerator": 0.9401, "Acc.grandstand": 0.8409, "Acc.path": 0.4017, "Acc.stairs": 0.3256, "Acc.runway": 0.88, "Acc.case": 0.7087, "Acc.pool table": 0.9822, "Acc.pillow": 0.6274, "Acc.screen door": 0.7876, "Acc.stairway": 0.5758, "Acc.river": 0.3907, "Acc.bridge": 0.8088, "Acc.bookcase": 0.6175, "Acc.blind": 0.4965, "Acc.coffee table": 0.8899, "Acc.toilet": 0.942, "Acc.flower": 0.591, "Acc.book": 0.7753, "Acc.hill": 0.2146, "Acc.bench": 0.7647, "Acc.countertop": 0.832, "Acc.stove": 0.9404, "Acc.palm": 0.8553, "Acc.kitchen island": 0.7786, "Acc.computer": 0.9226, "Acc.swivel chair": 0.8132, "Acc.boat": 0.9353, "Acc.bar": 0.7305, "Acc.arcade machine": 0.9579, "Acc.hovel": 0.6075, "Acc.bus": 0.9658, "Acc.towel": 0.8657, "Acc.light": 0.7673, "Acc.truck": 0.6772, "Acc.tower": 0.6136, "Acc.chandelier": 0.9078, "Acc.awning": 0.6781, "Acc.streetlight": 0.5431, "Acc.booth": 0.5618, "Acc.television receiver": 0.8643, "Acc.airplane": 0.9737, "Acc.dirt track": 0.2161, "Acc.apparel": 0.8637, "Acc.pole": 0.3059, "Acc.land": 0.0582, "Acc.bannister": 0.3371, "Acc.escalator": 0.8319, "Acc.ottoman": 0.7694, "Acc.bottle": 0.5225, "Acc.buffet": 0.7973, "Acc.poster": 0.5476, "Acc.stage": 0.4733, "Acc.van": 0.5506, "Acc.ship": 0.1153, "Acc.fountain": 0.3731, "Acc.conveyer belt": 0.9542, "Acc.canopy": 0.3749, "Acc.washer": 0.8898, "Acc.plaything": 0.6019, "Acc.swimming pool": 0.9035, "Acc.stool": 0.7501, "Acc.barrel": 0.8602, "Acc.basket": 0.616, "Acc.waterfall": 0.5597, "Acc.tent": 0.9904, "Acc.bag": 0.3842, "Acc.minibike": 0.8861, "Acc.cradle": 0.9664, "Acc.oven": 0.7124, "Acc.ball": 0.7201, "Acc.food": 0.7295, "Acc.step": 0.1838, "Acc.tank": 0.8063, "Acc.trade name": 0.3011, "Acc.microwave": 0.9684, "Acc.pot": 0.6821, "Acc.animal": 0.682, "Acc.bicycle": 0.762, "Acc.lake": 0.0, "Acc.dishwasher": 0.8106, "Acc.screen": 0.9338, "Acc.blanket": 0.4551, "Acc.sculpture": 0.8788, "Acc.hood": 0.8251, "Acc.sconce": 0.7482, "Acc.vase": 0.6867, "Acc.traffic light": 0.6925, "Acc.tray": 0.4, "Acc.ashcan": 0.6193, "Acc.fan": 0.8793, "Acc.pier": 0.4667, "Acc.crt screen": 0.0355, "Acc.plate": 0.8502, "Acc.monitor": 0.4463, "Acc.bulletin board": 0.6647, "Acc.shower": 0.1525, "Acc.radiator": 0.8013, "Acc.glass": 0.2596, "Acc.clock": 0.6393, "Acc.flag": 0.8127} {"mode": "train", "epoch": 27, "iter": 33050, "lr": 2e-05, "memory": 72263, "data_time": 2.23401, "decode.loss_ce": 0.2064, "decode.acc_seg": 91.36692, "aux.loss_ce": 0.08603, "aux.acc_seg": 91.06096, "loss": 0.29244, "time": 4.20141} {"mode": "train", "epoch": 27, "iter": 33100, "lr": 2e-05, "memory": 72263, "data_time": 0.00973, "decode.loss_ce": 0.20069, "decode.acc_seg": 91.38822, "aux.loss_ce": 0.0834, "aux.acc_seg": 91.09728, "loss": 0.28408, "time": 1.97773} {"mode": "train", "epoch": 27, "iter": 33150, "lr": 2e-05, "memory": 72263, "data_time": 0.01007, "decode.loss_ce": 0.20894, "decode.acc_seg": 90.99703, "aux.loss_ce": 0.08711, "aux.acc_seg": 90.67241, "loss": 0.29604, "time": 1.97973} {"mode": "train", "epoch": 27, "iter": 33200, "lr": 2e-05, "memory": 72263, "data_time": 0.01043, "decode.loss_ce": 0.19737, "decode.acc_seg": 91.646, "aux.loss_ce": 0.08145, "aux.acc_seg": 91.35025, "loss": 0.27883, "time": 1.97737} {"mode": "train", "epoch": 27, "iter": 33250, "lr": 2e-05, "memory": 72263, "data_time": 0.00999, "decode.loss_ce": 0.21347, "decode.acc_seg": 91.13031, "aux.loss_ce": 0.08816, "aux.acc_seg": 90.74415, "loss": 0.30163, "time": 1.97754} {"mode": "train", "epoch": 27, "iter": 33300, "lr": 2e-05, "memory": 72263, "data_time": 0.0099, "decode.loss_ce": 0.20926, "decode.acc_seg": 90.93265, "aux.loss_ce": 0.08595, "aux.acc_seg": 90.69827, "loss": 0.29521, "time": 1.97527} {"mode": "train", "epoch": 27, "iter": 33350, "lr": 2e-05, "memory": 72263, "data_time": 0.01025, "decode.loss_ce": 0.20365, "decode.acc_seg": 91.14766, "aux.loss_ce": 0.08426, "aux.acc_seg": 90.83354, "loss": 0.28791, "time": 1.97708} {"mode": "train", "epoch": 27, "iter": 33400, "lr": 2e-05, "memory": 72263, "data_time": 0.00967, "decode.loss_ce": 0.20561, "decode.acc_seg": 91.26939, "aux.loss_ce": 0.08586, "aux.acc_seg": 90.98396, "loss": 0.29147, "time": 1.97701} {"mode": "train", "epoch": 27, "iter": 33450, "lr": 2e-05, "memory": 72263, "data_time": 0.0101, "decode.loss_ce": 0.22628, "decode.acc_seg": 90.44015, "aux.loss_ce": 0.09363, "aux.acc_seg": 90.14928, "loss": 0.31991, "time": 1.97637} {"mode": "train", "epoch": 27, "iter": 33500, "lr": 2e-05, "memory": 72263, "data_time": 0.00979, "decode.loss_ce": 0.20557, "decode.acc_seg": 91.54672, "aux.loss_ce": 0.08545, "aux.acc_seg": 91.21242, "loss": 0.29102, "time": 1.97803} {"mode": "train", "epoch": 27, "iter": 33550, "lr": 2e-05, "memory": 72263, "data_time": 0.00984, "decode.loss_ce": 0.21891, "decode.acc_seg": 90.86857, "aux.loss_ce": 0.08956, "aux.acc_seg": 90.60845, "loss": 0.30848, "time": 1.97594} {"mode": "train", "epoch": 27, "iter": 33600, "lr": 2e-05, "memory": 72263, "data_time": 0.00971, "decode.loss_ce": 0.21105, "decode.acc_seg": 91.09329, "aux.loss_ce": 0.08626, "aux.acc_seg": 90.8791, "loss": 0.29731, "time": 1.97689} {"mode": "train", "epoch": 27, "iter": 33650, "lr": 2e-05, "memory": 72263, "data_time": 0.01035, "decode.loss_ce": 0.22322, "decode.acc_seg": 90.83964, "aux.loss_ce": 0.09135, "aux.acc_seg": 90.58105, "loss": 0.31457, "time": 1.97881} {"mode": "train", "epoch": 27, "iter": 33700, "lr": 2e-05, "memory": 72263, "data_time": 0.01026, "decode.loss_ce": 0.23464, "decode.acc_seg": 90.38464, "aux.loss_ce": 0.09483, "aux.acc_seg": 90.1867, "loss": 0.32948, "time": 1.97801} {"mode": "train", "epoch": 27, "iter": 33750, "lr": 2e-05, "memory": 72263, "data_time": 0.00965, "decode.loss_ce": 0.21257, "decode.acc_seg": 91.05465, "aux.loss_ce": 0.08823, "aux.acc_seg": 90.62696, "loss": 0.3008, "time": 1.97585} {"mode": "train", "epoch": 27, "iter": 33800, "lr": 2e-05, "memory": 72263, "data_time": 0.01049, "decode.loss_ce": 0.21566, "decode.acc_seg": 91.02999, "aux.loss_ce": 0.08991, "aux.acc_seg": 90.71432, "loss": 0.30557, "time": 1.97829} {"mode": "train", "epoch": 27, "iter": 33850, "lr": 2e-05, "memory": 72263, "data_time": 0.01031, "decode.loss_ce": 0.20622, "decode.acc_seg": 91.63836, "aux.loss_ce": 0.0859, "aux.acc_seg": 91.21474, "loss": 0.29213, "time": 1.97998} {"mode": "train", "epoch": 27, "iter": 33900, "lr": 2e-05, "memory": 72263, "data_time": 0.01009, "decode.loss_ce": 0.23199, "decode.acc_seg": 90.41889, "aux.loss_ce": 0.09453, "aux.acc_seg": 90.22335, "loss": 0.32652, "time": 1.97675} {"mode": "train", "epoch": 27, "iter": 33950, "lr": 2e-05, "memory": 72263, "data_time": 0.01064, "decode.loss_ce": 0.21243, "decode.acc_seg": 91.1782, "aux.loss_ce": 0.08779, "aux.acc_seg": 90.88372, "loss": 0.30022, "time": 1.97642} {"mode": "train", "epoch": 27, "iter": 34000, "lr": 2e-05, "memory": 72263, "data_time": 0.00997, "decode.loss_ce": 0.20907, "decode.acc_seg": 91.13737, "aux.loss_ce": 0.08678, "aux.acc_seg": 90.79423, "loss": 0.29585, "time": 3.61048} {"mode": "val", "epoch": 27, "iter": 250, "lr": 2e-05, "aAcc": 0.8583, "mIoU": 0.5745, "mAcc": 0.7089, "IoU.wall": 0.8163, "IoU.building": 0.8443, "IoU.sky": 0.949, "IoU.floor": 0.8514, "IoU.tree": 0.7793, "IoU.ceiling": 0.8696, "IoU.road": 0.8547, "IoU.bed ": 0.9268, "IoU.windowpane": 0.6639, "IoU.grass": 0.6543, "IoU.cabinet": 0.6747, "IoU.sidewalk": 0.7075, "IoU.person": 0.8578, "IoU.earth": 0.3848, "IoU.door": 0.5809, "IoU.table": 0.6784, "IoU.mountain": 0.6028, "IoU.plant": 0.5427, "IoU.curtain": 0.7893, "IoU.chair": 0.6673, "IoU.car": 0.8764, "IoU.water": 0.6582, "IoU.painting": 0.7867, "IoU.sofa": 0.8202, "IoU.shelf": 0.4654, "IoU.house": 0.5441, "IoU.sea": 0.7243, "IoU.mirror": 0.8054, "IoU.rug": 0.715, "IoU.field": 0.3062, "IoU.armchair": 0.6141, "IoU.seat": 0.7093, "IoU.fence": 0.5427, "IoU.desk": 0.5625, "IoU.rock": 0.5921, "IoU.wardrobe": 0.5943, "IoU.lamp": 0.7555, "IoU.bathtub": 0.8841, "IoU.railing": 0.4315, "IoU.cushion": 0.7067, "IoU.base": 0.3899, "IoU.box": 0.3768, "IoU.column": 0.5632, "IoU.signboard": 0.4191, "IoU.chest of drawers": 0.5267, "IoU.counter": 0.3949, "IoU.sand": 0.4765, "IoU.sink": 0.8474, "IoU.skyscraper": 0.4733, "IoU.fireplace": 0.7368, "IoU.refrigerator": 0.8507, "IoU.grandstand": 0.5693, "IoU.path": 0.2748, "IoU.stairs": 0.2863, "IoU.runway": 0.6955, "IoU.case": 0.5489, "IoU.pool table": 0.9424, "IoU.pillow": 0.6694, "IoU.screen door": 0.6753, "IoU.stairway": 0.3355, "IoU.river": 0.1543, "IoU.bridge": 0.4363, "IoU.bookcase": 0.3992, "IoU.blind": 0.4097, "IoU.coffee table": 0.6046, "IoU.toilet": 0.8986, "IoU.flower": 0.4223, "IoU.book": 0.549, "IoU.hill": 0.1159, "IoU.bench": 0.6628, "IoU.countertop": 0.6398, "IoU.stove": 0.8717, "IoU.palm": 0.5549, "IoU.kitchen island": 0.4489, "IoU.computer": 0.8027, "IoU.swivel chair": 0.527, "IoU.boat": 0.7891, "IoU.bar": 0.6018, "IoU.arcade machine": 0.8909, "IoU.hovel": 0.1927, "IoU.bus": 0.9417, "IoU.towel": 0.8062, "IoU.light": 0.6212, "IoU.truck": 0.4726, "IoU.tower": 0.1547, "IoU.chandelier": 0.7276, "IoU.awning": 0.3766, "IoU.streetlight": 0.3667, "IoU.booth": 0.4241, "IoU.television receiver": 0.7992, "IoU.airplane": 0.8885, "IoU.dirt track": 0.0659, "IoU.apparel": 0.6417, "IoU.pole": 0.2807, "IoU.land": 0.0382, "IoU.bannister": 0.2179, "IoU.escalator": 0.618, "IoU.ottoman": 0.5747, "IoU.bottle": 0.4453, "IoU.buffet": 0.4688, "IoU.poster": 0.4133, "IoU.stage": 0.2117, "IoU.van": 0.5094, "IoU.ship": 0.9079, "IoU.fountain": 0.2184, "IoU.conveyer belt": 0.8116, "IoU.canopy": 0.473, "IoU.washer": 0.8105, "IoU.plaything": 0.363, "IoU.swimming pool": 0.5646, "IoU.stool": 0.5815, "IoU.barrel": 0.7138, "IoU.basket": 0.4384, "IoU.waterfall": 0.5288, "IoU.tent": 0.7838, "IoU.bag": 0.2911, "IoU.minibike": 0.7333, "IoU.cradle": 0.8342, "IoU.oven": 0.6364, "IoU.ball": 0.6315, "IoU.food": 0.5703, "IoU.step": 0.1087, "IoU.tank": 0.7019, "IoU.trade name": 0.2456, "IoU.microwave": 0.8933, "IoU.pot": 0.598, "IoU.animal": 0.6477, "IoU.bicycle": 0.6081, "IoU.lake": 0.4744, "IoU.dishwasher": 0.6884, "IoU.screen": 0.622, "IoU.blanket": 0.3261, "IoU.sculpture": 0.7312, "IoU.hood": 0.643, "IoU.sconce": 0.5942, "IoU.vase": 0.4888, "IoU.traffic light": 0.3778, "IoU.tray": 0.2763, "IoU.ashcan": 0.509, "IoU.fan": 0.7141, "IoU.pier": 0.3729, "IoU.crt screen": 0.0179, "IoU.plate": 0.6413, "IoU.monitor": 0.3147, "IoU.bulletin board": 0.5634, "IoU.shower": 0.1221, "IoU.radiator": 0.6812, "IoU.glass": 0.2365, "IoU.clock": 0.5067, "IoU.flag": 0.6921, "Acc.wall": 0.8873, "Acc.building": 0.9332, "Acc.sky": 0.9704, "Acc.floor": 0.9204, "Acc.tree": 0.9069, "Acc.ceiling": 0.9427, "Acc.road": 0.8961, "Acc.bed ": 0.9663, "Acc.windowpane": 0.7998, "Acc.grass": 0.766, "Acc.cabinet": 0.7649, "Acc.sidewalk": 0.8577, "Acc.person": 0.9456, "Acc.earth": 0.5423, "Acc.door": 0.7842, "Acc.table": 0.7867, "Acc.mountain": 0.6944, "Acc.plant": 0.6872, "Acc.curtain": 0.8576, "Acc.chair": 0.7545, "Acc.car": 0.9457, "Acc.water": 0.8144, "Acc.painting": 0.8943, "Acc.sofa": 0.9356, "Acc.shelf": 0.6044, "Acc.house": 0.7149, "Acc.sea": 0.8061, "Acc.mirror": 0.8804, "Acc.rug": 0.8383, "Acc.field": 0.5899, "Acc.armchair": 0.7436, "Acc.seat": 0.8853, "Acc.fence": 0.72, "Acc.desk": 0.7806, "Acc.rock": 0.8431, "Acc.wardrobe": 0.7917, "Acc.lamp": 0.8519, "Acc.bathtub": 0.911, "Acc.railing": 0.6371, "Acc.cushion": 0.839, "Acc.base": 0.5693, "Acc.box": 0.5066, "Acc.column": 0.7189, "Acc.signboard": 0.5655, "Acc.chest of drawers": 0.7425, "Acc.counter": 0.4538, "Acc.sand": 0.6824, "Acc.sink": 0.9057, "Acc.skyscraper": 0.6458, "Acc.fireplace": 0.9646, "Acc.refrigerator": 0.9679, "Acc.grandstand": 0.7762, "Acc.path": 0.3496, "Acc.stairs": 0.3507, "Acc.runway": 0.8819, "Acc.case": 0.7716, "Acc.pool table": 0.9874, "Acc.pillow": 0.7732, "Acc.screen door": 0.7732, "Acc.stairway": 0.5684, "Acc.river": 0.3171, "Acc.bridge": 0.5274, "Acc.bookcase": 0.6152, "Acc.blind": 0.4943, "Acc.coffee table": 0.8573, "Acc.toilet": 0.9328, "Acc.flower": 0.551, "Acc.book": 0.7947, "Acc.hill": 0.2799, "Acc.bench": 0.7406, "Acc.countertop": 0.8246, "Acc.stove": 0.9255, "Acc.palm": 0.8286, "Acc.kitchen island": 0.7497, "Acc.computer": 0.8988, "Acc.swivel chair": 0.8369, "Acc.boat": 0.9096, "Acc.bar": 0.8365, "Acc.arcade machine": 0.9236, "Acc.hovel": 0.21, "Acc.bus": 0.9691, "Acc.towel": 0.8892, "Acc.light": 0.7432, "Acc.truck": 0.647, "Acc.tower": 0.2252, "Acc.chandelier": 0.8988, "Acc.awning": 0.4455, "Acc.streetlight": 0.479, "Acc.booth": 0.5345, "Acc.television receiver": 0.8893, "Acc.airplane": 0.9671, "Acc.dirt track": 0.4572, "Acc.apparel": 0.7978, "Acc.pole": 0.3711, "Acc.land": 0.0643, "Acc.bannister": 0.293, "Acc.escalator": 0.8836, "Acc.ottoman": 0.8203, "Acc.bottle": 0.6969, "Acc.buffet": 0.534, "Acc.poster": 0.5604, "Acc.stage": 0.481, "Acc.van": 0.7075, "Acc.ship": 0.9542, "Acc.fountain": 0.2188, "Acc.conveyer belt": 0.9696, "Acc.canopy": 0.6266, "Acc.washer": 0.8611, "Acc.plaything": 0.6298, "Acc.swimming pool": 0.8429, "Acc.stool": 0.6738, "Acc.barrel": 0.8671, "Acc.basket": 0.6069, "Acc.waterfall": 0.6386, "Acc.tent": 0.9823, "Acc.bag": 0.3337, "Acc.minibike": 0.9194, "Acc.cradle": 0.9732, "Acc.oven": 0.7748, "Acc.ball": 0.7508, "Acc.food": 0.6789, "Acc.step": 0.133, "Acc.tank": 0.7917, "Acc.trade name": 0.2875, "Acc.microwave": 0.9669, "Acc.pot": 0.7109, "Acc.animal": 0.6703, "Acc.bicycle": 0.8334, "Acc.lake": 0.6359, "Acc.dishwasher": 0.82, "Acc.screen": 0.9337, "Acc.blanket": 0.4594, "Acc.sculpture": 0.8645, "Acc.hood": 0.7583, "Acc.sconce": 0.7701, "Acc.vase": 0.6592, "Acc.traffic light": 0.6481, "Acc.tray": 0.3814, "Acc.ashcan": 0.6372, "Acc.fan": 0.8479, "Acc.pier": 0.5117, "Acc.crt screen": 0.0365, "Acc.plate": 0.8124, "Acc.monitor": 0.3671, "Acc.bulletin board": 0.7269, "Acc.shower": 0.1623, "Acc.radiator": 0.8263, "Acc.glass": 0.2611, "Acc.clock": 0.6513, "Acc.flag": 0.8121} {"mode": "train", "epoch": 27, "iter": 34050, "lr": 2e-05, "memory": 72263, "data_time": 2.22007, "decode.loss_ce": 0.22735, "decode.acc_seg": 90.19697, "aux.loss_ce": 0.0938, "aux.acc_seg": 89.95982, "loss": 0.32114, "time": 4.18862} {"mode": "train", "epoch": 27, "iter": 34100, "lr": 2e-05, "memory": 72263, "data_time": 0.00991, "decode.loss_ce": 0.23369, "decode.acc_seg": 90.5476, "aux.loss_ce": 0.09612, "aux.acc_seg": 90.21495, "loss": 0.32981, "time": 1.97976} {"mode": "train", "epoch": 28, "iter": 34150, "lr": 2e-05, "memory": 72263, "data_time": 0.05169, "decode.loss_ce": 0.20361, "decode.acc_seg": 91.32438, "aux.loss_ce": 0.0844, "aux.acc_seg": 91.0203, "loss": 0.28801, "time": 2.01976} {"mode": "train", "epoch": 28, "iter": 34200, "lr": 2e-05, "memory": 72263, "data_time": 0.01088, "decode.loss_ce": 0.20653, "decode.acc_seg": 91.08578, "aux.loss_ce": 0.08563, "aux.acc_seg": 90.82754, "loss": 0.29216, "time": 1.97914} {"mode": "train", "epoch": 28, "iter": 34250, "lr": 2e-05, "memory": 72263, "data_time": 0.01077, "decode.loss_ce": 0.20224, "decode.acc_seg": 91.6221, "aux.loss_ce": 0.084, "aux.acc_seg": 91.32531, "loss": 0.28624, "time": 1.97948} {"mode": "train", "epoch": 28, "iter": 34300, "lr": 2e-05, "memory": 72263, "data_time": 0.00971, "decode.loss_ce": 0.21234, "decode.acc_seg": 91.11655, "aux.loss_ce": 0.08857, "aux.acc_seg": 90.67667, "loss": 0.3009, "time": 1.97665} {"mode": "train", "epoch": 28, "iter": 34350, "lr": 2e-05, "memory": 72263, "data_time": 0.0097, "decode.loss_ce": 0.20965, "decode.acc_seg": 91.45842, "aux.loss_ce": 0.0861, "aux.acc_seg": 91.1426, "loss": 0.29575, "time": 1.97592} {"mode": "train", "epoch": 28, "iter": 34400, "lr": 2e-05, "memory": 72263, "data_time": 0.00967, "decode.loss_ce": 0.20089, "decode.acc_seg": 91.64186, "aux.loss_ce": 0.08362, "aux.acc_seg": 91.35878, "loss": 0.2845, "time": 1.97717} {"mode": "train", "epoch": 28, "iter": 34450, "lr": 2e-05, "memory": 72263, "data_time": 0.00976, "decode.loss_ce": 0.21227, "decode.acc_seg": 91.06525, "aux.loss_ce": 0.08828, "aux.acc_seg": 90.67847, "loss": 0.30054, "time": 1.97908} {"mode": "train", "epoch": 28, "iter": 34500, "lr": 2e-05, "memory": 72263, "data_time": 0.01005, "decode.loss_ce": 0.2137, "decode.acc_seg": 90.99422, "aux.loss_ce": 0.08887, "aux.acc_seg": 90.71767, "loss": 0.30258, "time": 1.97724} {"mode": "train", "epoch": 28, "iter": 34550, "lr": 2e-05, "memory": 72263, "data_time": 0.01056, "decode.loss_ce": 0.22191, "decode.acc_seg": 90.52323, "aux.loss_ce": 0.09234, "aux.acc_seg": 90.19182, "loss": 0.31426, "time": 1.97696} {"mode": "train", "epoch": 28, "iter": 34600, "lr": 2e-05, "memory": 72263, "data_time": 0.01119, "decode.loss_ce": 0.21042, "decode.acc_seg": 91.27176, "aux.loss_ce": 0.08764, "aux.acc_seg": 90.9537, "loss": 0.29806, "time": 1.98057} {"mode": "train", "epoch": 28, "iter": 34650, "lr": 2e-05, "memory": 72263, "data_time": 0.01087, "decode.loss_ce": 0.2128, "decode.acc_seg": 91.00466, "aux.loss_ce": 0.08856, "aux.acc_seg": 90.6719, "loss": 0.30136, "time": 1.97792} {"mode": "train", "epoch": 28, "iter": 34700, "lr": 2e-05, "memory": 72263, "data_time": 0.01044, "decode.loss_ce": 0.20356, "decode.acc_seg": 91.34996, "aux.loss_ce": 0.08335, "aux.acc_seg": 91.11381, "loss": 0.28691, "time": 1.97705} {"mode": "train", "epoch": 28, "iter": 34750, "lr": 2e-05, "memory": 72263, "data_time": 0.01004, "decode.loss_ce": 0.20808, "decode.acc_seg": 91.19823, "aux.loss_ce": 0.08612, "aux.acc_seg": 90.90535, "loss": 0.29421, "time": 1.97851} {"mode": "train", "epoch": 28, "iter": 34800, "lr": 2e-05, "memory": 72263, "data_time": 0.01032, "decode.loss_ce": 0.20894, "decode.acc_seg": 91.46277, "aux.loss_ce": 0.08637, "aux.acc_seg": 91.17734, "loss": 0.29531, "time": 1.97676} {"mode": "train", "epoch": 28, "iter": 34850, "lr": 2e-05, "memory": 72263, "data_time": 0.0101, "decode.loss_ce": 0.20067, "decode.acc_seg": 91.55275, "aux.loss_ce": 0.0832, "aux.acc_seg": 91.28185, "loss": 0.28387, "time": 1.97702} {"mode": "train", "epoch": 28, "iter": 34900, "lr": 2e-05, "memory": 72263, "data_time": 0.00969, "decode.loss_ce": 0.20851, "decode.acc_seg": 91.45321, "aux.loss_ce": 0.08646, "aux.acc_seg": 91.13072, "loss": 0.29497, "time": 1.978} {"mode": "train", "epoch": 28, "iter": 34950, "lr": 2e-05, "memory": 72263, "data_time": 0.01058, "decode.loss_ce": 0.20065, "decode.acc_seg": 91.40769, "aux.loss_ce": 0.08362, "aux.acc_seg": 91.05351, "loss": 0.28427, "time": 1.97643} {"mode": "train", "epoch": 28, "iter": 35000, "lr": 2e-05, "memory": 72263, "data_time": 0.00963, "decode.loss_ce": 0.21511, "decode.acc_seg": 90.81628, "aux.loss_ce": 0.08834, "aux.acc_seg": 90.59201, "loss": 0.30346, "time": 1.97783} {"mode": "val", "epoch": 28, "iter": 250, "lr": 2e-05, "aAcc": 0.8601, "mIoU": 0.5757, "mAcc": 0.7103, "IoU.wall": 0.8181, "IoU.building": 0.8474, "IoU.sky": 0.9489, "IoU.floor": 0.8533, "IoU.tree": 0.7731, "IoU.ceiling": 0.8701, "IoU.road": 0.8548, "IoU.bed ": 0.9243, "IoU.windowpane": 0.6691, "IoU.grass": 0.666, "IoU.cabinet": 0.671, "IoU.sidewalk": 0.712, "IoU.person": 0.8554, "IoU.earth": 0.4051, "IoU.door": 0.5957, "IoU.table": 0.6708, "IoU.mountain": 0.6274, "IoU.plant": 0.5723, "IoU.curtain": 0.789, "IoU.chair": 0.6774, "IoU.car": 0.88, "IoU.water": 0.6358, "IoU.painting": 0.8038, "IoU.sofa": 0.8353, "IoU.shelf": 0.4626, "IoU.house": 0.4528, "IoU.sea": 0.7043, "IoU.mirror": 0.815, "IoU.rug": 0.6911, "IoU.field": 0.3396, "IoU.armchair": 0.6123, "IoU.seat": 0.704, "IoU.fence": 0.5268, "IoU.desk": 0.5473, "IoU.rock": 0.591, "IoU.wardrobe": 0.5621, "IoU.lamp": 0.7478, "IoU.bathtub": 0.8917, "IoU.railing": 0.4122, "IoU.cushion": 0.7044, "IoU.base": 0.4585, "IoU.box": 0.3875, "IoU.column": 0.5399, "IoU.signboard": 0.409, "IoU.chest of drawers": 0.4624, "IoU.counter": 0.4284, "IoU.sand": 0.4965, "IoU.sink": 0.7884, "IoU.skyscraper": 0.4688, "IoU.fireplace": 0.7385, "IoU.refrigerator": 0.8334, "IoU.grandstand": 0.4916, "IoU.path": 0.3615, "IoU.stairs": 0.3358, "IoU.runway": 0.7191, "IoU.case": 0.5016, "IoU.pool table": 0.9469, "IoU.pillow": 0.6653, "IoU.screen door": 0.8044, "IoU.stairway": 0.4528, "IoU.river": 0.1272, "IoU.bridge": 0.6117, "IoU.bookcase": 0.4125, "IoU.blind": 0.4123, "IoU.coffee table": 0.614, "IoU.toilet": 0.9066, "IoU.flower": 0.4027, "IoU.book": 0.5527, "IoU.hill": 0.055, "IoU.bench": 0.6192, "IoU.countertop": 0.6474, "IoU.stove": 0.868, "IoU.palm": 0.5208, "IoU.kitchen island": 0.4178, "IoU.computer": 0.781, "IoU.swivel chair": 0.5141, "IoU.boat": 0.6711, "IoU.bar": 0.6396, "IoU.arcade machine": 0.8586, "IoU.hovel": 0.1832, "IoU.bus": 0.9391, "IoU.towel": 0.7686, "IoU.light": 0.6173, "IoU.truck": 0.4907, "IoU.tower": 0.1876, "IoU.chandelier": 0.7235, "IoU.awning": 0.4995, "IoU.streetlight": 0.3657, "IoU.booth": 0.4376, "IoU.television receiver": 0.787, "IoU.airplane": 0.8942, "IoU.dirt track": 0.2098, "IoU.apparel": 0.6138, "IoU.pole": 0.2856, "IoU.land": 0.0356, "IoU.bannister": 0.1827, "IoU.escalator": 0.6321, "IoU.ottoman": 0.5493, "IoU.bottle": 0.4651, "IoU.buffet": 0.6888, "IoU.poster": 0.3924, "IoU.stage": 0.2103, "IoU.van": 0.5078, "IoU.ship": 0.7837, "IoU.fountain": 0.3038, "IoU.conveyer belt": 0.809, "IoU.canopy": 0.464, "IoU.washer": 0.8393, "IoU.plaything": 0.3961, "IoU.swimming pool": 0.6501, "IoU.stool": 0.6043, "IoU.barrel": 0.7785, "IoU.basket": 0.4096, "IoU.waterfall": 0.5246, "IoU.tent": 0.9037, "IoU.bag": 0.2613, "IoU.minibike": 0.7632, "IoU.cradle": 0.9028, "IoU.oven": 0.5695, "IoU.ball": 0.5753, "IoU.food": 0.5264, "IoU.step": 0.1446, "IoU.tank": 0.5982, "IoU.trade name": 0.3033, "IoU.microwave": 0.8764, "IoU.pot": 0.5855, "IoU.animal": 0.6268, "IoU.bicycle": 0.6084, "IoU.lake": 0.4115, "IoU.dishwasher": 0.7515, "IoU.screen": 0.5884, "IoU.blanket": 0.2704, "IoU.sculpture": 0.6711, "IoU.hood": 0.644, "IoU.sconce": 0.5968, "IoU.vase": 0.4627, "IoU.traffic light": 0.3935, "IoU.tray": 0.2445, "IoU.ashcan": 0.5027, "IoU.fan": 0.7049, "IoU.pier": 0.3935, "IoU.crt screen": 0.0186, "IoU.plate": 0.6189, "IoU.monitor": 0.2292, "IoU.bulletin board": 0.5752, "IoU.shower": 0.0663, "IoU.radiator": 0.6569, "IoU.glass": 0.2178, "IoU.clock": 0.533, "IoU.flag": 0.6891, "Acc.wall": 0.8916, "Acc.building": 0.9446, "Acc.sky": 0.978, "Acc.floor": 0.916, "Acc.tree": 0.8708, "Acc.ceiling": 0.9283, "Acc.road": 0.8864, "Acc.bed ": 0.9758, "Acc.windowpane": 0.8109, "Acc.grass": 0.7685, "Acc.cabinet": 0.7855, "Acc.sidewalk": 0.8686, "Acc.person": 0.9502, "Acc.earth": 0.5797, "Acc.door": 0.7454, "Acc.table": 0.8057, "Acc.mountain": 0.7316, "Acc.plant": 0.7033, "Acc.curtain": 0.8993, "Acc.chair": 0.7852, "Acc.car": 0.9347, "Acc.water": 0.7872, "Acc.painting": 0.9217, "Acc.sofa": 0.9353, "Acc.shelf": 0.586, "Acc.house": 0.5449, "Acc.sea": 0.8031, "Acc.mirror": 0.8815, "Acc.rug": 0.7544, "Acc.field": 0.6068, "Acc.armchair": 0.8147, "Acc.seat": 0.8489, "Acc.fence": 0.7086, "Acc.desk": 0.8084, "Acc.rock": 0.8114, "Acc.wardrobe": 0.7554, "Acc.lamp": 0.8767, "Acc.bathtub": 0.9246, "Acc.railing": 0.5904, "Acc.cushion": 0.8046, "Acc.base": 0.6035, "Acc.box": 0.5104, "Acc.column": 0.6764, "Acc.signboard": 0.5037, "Acc.chest of drawers": 0.6512, "Acc.counter": 0.5627, "Acc.sand": 0.846, "Acc.sink": 0.8485, "Acc.skyscraper": 0.6092, "Acc.fireplace": 0.945, "Acc.refrigerator": 0.9597, "Acc.grandstand": 0.8268, "Acc.path": 0.4943, "Acc.stairs": 0.4041, "Acc.runway": 0.9296, "Acc.case": 0.8256, "Acc.pool table": 0.9859, "Acc.pillow": 0.7592, "Acc.screen door": 0.8934, "Acc.stairway": 0.6985, "Acc.river": 0.2869, "Acc.bridge": 0.796, "Acc.bookcase": 0.5898, "Acc.blind": 0.4713, "Acc.coffee table": 0.868, "Acc.toilet": 0.9491, "Acc.flower": 0.5631, "Acc.book": 0.7926, "Acc.hill": 0.0818, "Acc.bench": 0.6915, "Acc.countertop": 0.8969, "Acc.stove": 0.9199, "Acc.palm": 0.8731, "Acc.kitchen island": 0.6998, "Acc.computer": 0.9166, "Acc.swivel chair": 0.8176, "Acc.boat": 0.9211, "Acc.bar": 0.8518, "Acc.arcade machine": 0.9123, "Acc.hovel": 0.1996, "Acc.bus": 0.9699, "Acc.towel": 0.901, "Acc.light": 0.7133, "Acc.truck": 0.7201, "Acc.tower": 0.3218, "Acc.chandelier": 0.8212, "Acc.awning": 0.6789, "Acc.streetlight": 0.508, "Acc.booth": 0.5489, "Acc.television receiver": 0.9002, "Acc.airplane": 0.95, "Acc.dirt track": 0.4345, "Acc.apparel": 0.8453, "Acc.pole": 0.4052, "Acc.land": 0.0657, "Acc.bannister": 0.225, "Acc.escalator": 0.8739, "Acc.ottoman": 0.7683, "Acc.bottle": 0.6939, "Acc.buffet": 0.8454, "Acc.poster": 0.4314, "Acc.stage": 0.4453, "Acc.van": 0.7129, "Acc.ship": 0.8256, "Acc.fountain": 0.3439, "Acc.conveyer belt": 0.9749, "Acc.canopy": 0.6045, "Acc.washer": 0.8946, "Acc.plaything": 0.5334, "Acc.swimming pool": 0.8361, "Acc.stool": 0.7428, "Acc.barrel": 0.8917, "Acc.basket": 0.5936, "Acc.waterfall": 0.7421, "Acc.tent": 0.9845, "Acc.bag": 0.3024, "Acc.minibike": 0.9069, "Acc.cradle": 0.9685, "Acc.oven": 0.7023, "Acc.ball": 0.7724, "Acc.food": 0.578, "Acc.step": 0.1822, "Acc.tank": 0.6668, "Acc.trade name": 0.378, "Acc.microwave": 0.967, "Acc.pot": 0.7001, "Acc.animal": 0.6461, "Acc.bicycle": 0.7543, "Acc.lake": 0.6374, "Acc.dishwasher": 0.839, "Acc.screen": 0.9295, "Acc.blanket": 0.3284, "Acc.sculpture": 0.8264, "Acc.hood": 0.7434, "Acc.sconce": 0.7142, "Acc.vase": 0.7114, "Acc.traffic light": 0.6744, "Acc.tray": 0.2894, "Acc.ashcan": 0.6776, "Acc.fan": 0.8316, "Acc.pier": 0.4738, "Acc.crt screen": 0.0478, "Acc.plate": 0.8239, "Acc.monitor": 0.2713, "Acc.bulletin board": 0.6829, "Acc.shower": 0.1491, "Acc.radiator": 0.8529, "Acc.glass": 0.2391, "Acc.clock": 0.5942, "Acc.flag": 0.7786} {"mode": "train", "epoch": 28, "iter": 35050, "lr": 2e-05, "memory": 72263, "data_time": 2.24326, "decode.loss_ce": 0.20749, "decode.acc_seg": 91.35895, "aux.loss_ce": 0.08607, "aux.acc_seg": 91.11352, "loss": 0.29356, "time": 4.21048} {"mode": "train", "epoch": 28, "iter": 35100, "lr": 2e-05, "memory": 72263, "data_time": 0.0098, "decode.loss_ce": 0.21555, "decode.acc_seg": 90.90587, "aux.loss_ce": 0.08956, "aux.acc_seg": 90.55057, "loss": 0.30512, "time": 1.97783} {"mode": "train", "epoch": 28, "iter": 35150, "lr": 2e-05, "memory": 72263, "data_time": 0.01018, "decode.loss_ce": 0.20041, "decode.acc_seg": 91.7166, "aux.loss_ce": 0.08299, "aux.acc_seg": 91.41856, "loss": 0.28341, "time": 1.97782} {"mode": "train", "epoch": 28, "iter": 35200, "lr": 2e-05, "memory": 72263, "data_time": 0.01047, "decode.loss_ce": 0.19466, "decode.acc_seg": 91.96256, "aux.loss_ce": 0.08115, "aux.acc_seg": 91.54754, "loss": 0.27581, "time": 1.97817} {"mode": "train", "epoch": 28, "iter": 35250, "lr": 2e-05, "memory": 72263, "data_time": 0.01016, "decode.loss_ce": 0.20779, "decode.acc_seg": 91.09938, "aux.loss_ce": 0.08585, "aux.acc_seg": 90.77363, "loss": 0.29364, "time": 1.97642} {"mode": "train", "epoch": 28, "iter": 35300, "lr": 2e-05, "memory": 72263, "data_time": 0.01049, "decode.loss_ce": 0.22458, "decode.acc_seg": 90.60899, "aux.loss_ce": 0.09326, "aux.acc_seg": 90.26599, "loss": 0.31785, "time": 1.98035} {"mode": "train", "epoch": 28, "iter": 35350, "lr": 2e-05, "memory": 72263, "data_time": 0.00986, "decode.loss_ce": 0.21239, "decode.acc_seg": 91.44566, "aux.loss_ce": 0.08781, "aux.acc_seg": 91.09578, "loss": 0.3002, "time": 1.97602} {"mode": "train", "epoch": 29, "iter": 35400, "lr": 2e-05, "memory": 72263, "data_time": 0.06181, "decode.loss_ce": 0.21426, "decode.acc_seg": 91.09021, "aux.loss_ce": 0.08898, "aux.acc_seg": 90.74861, "loss": 0.30325, "time": 2.03045} {"mode": "train", "epoch": 29, "iter": 35450, "lr": 2e-05, "memory": 72263, "data_time": 0.00975, "decode.loss_ce": 0.20013, "decode.acc_seg": 91.34868, "aux.loss_ce": 0.08227, "aux.acc_seg": 91.05431, "loss": 0.2824, "time": 1.97818} {"mode": "train", "epoch": 29, "iter": 35500, "lr": 2e-05, "memory": 72263, "data_time": 0.00981, "decode.loss_ce": 0.19936, "decode.acc_seg": 91.58354, "aux.loss_ce": 0.08285, "aux.acc_seg": 91.23885, "loss": 0.2822, "time": 1.9763} {"mode": "train", "epoch": 29, "iter": 35550, "lr": 2e-05, "memory": 72263, "data_time": 0.00975, "decode.loss_ce": 0.19405, "decode.acc_seg": 91.65328, "aux.loss_ce": 0.08044, "aux.acc_seg": 91.36007, "loss": 0.27449, "time": 1.97893} {"mode": "train", "epoch": 29, "iter": 35600, "lr": 2e-05, "memory": 72263, "data_time": 0.00982, "decode.loss_ce": 0.20318, "decode.acc_seg": 91.58878, "aux.loss_ce": 0.0839, "aux.acc_seg": 91.35209, "loss": 0.28709, "time": 1.9765} {"mode": "train", "epoch": 29, "iter": 35650, "lr": 2e-05, "memory": 72263, "data_time": 0.01049, "decode.loss_ce": 0.19688, "decode.acc_seg": 91.95102, "aux.loss_ce": 0.08166, "aux.acc_seg": 91.61412, "loss": 0.27854, "time": 1.98274} {"mode": "train", "epoch": 29, "iter": 35700, "lr": 2e-05, "memory": 72263, "data_time": 0.01015, "decode.loss_ce": 0.20802, "decode.acc_seg": 91.23945, "aux.loss_ce": 0.08691, "aux.acc_seg": 90.81675, "loss": 0.29493, "time": 1.97775} {"mode": "train", "epoch": 29, "iter": 35750, "lr": 2e-05, "memory": 72263, "data_time": 0.00977, "decode.loss_ce": 0.21472, "decode.acc_seg": 90.80826, "aux.loss_ce": 0.08965, "aux.acc_seg": 90.47956, "loss": 0.30436, "time": 1.97895} {"mode": "train", "epoch": 29, "iter": 35800, "lr": 2e-05, "memory": 72263, "data_time": 0.01041, "decode.loss_ce": 0.19965, "decode.acc_seg": 91.43083, "aux.loss_ce": 0.0834, "aux.acc_seg": 91.08727, "loss": 0.28306, "time": 1.97856} {"mode": "train", "epoch": 29, "iter": 35850, "lr": 2e-05, "memory": 72263, "data_time": 0.00987, "decode.loss_ce": 0.19631, "decode.acc_seg": 91.47658, "aux.loss_ce": 0.08187, "aux.acc_seg": 91.14154, "loss": 0.27817, "time": 1.98016} {"mode": "train", "epoch": 29, "iter": 35900, "lr": 2e-05, "memory": 72263, "data_time": 0.0099, "decode.loss_ce": 0.20555, "decode.acc_seg": 91.39636, "aux.loss_ce": 0.08529, "aux.acc_seg": 91.09089, "loss": 0.29084, "time": 1.97941} {"mode": "train", "epoch": 29, "iter": 35950, "lr": 2e-05, "memory": 72263, "data_time": 0.01011, "decode.loss_ce": 0.20192, "decode.acc_seg": 91.77733, "aux.loss_ce": 0.08371, "aux.acc_seg": 91.4348, "loss": 0.28564, "time": 1.97592} {"mode": "train", "epoch": 29, "iter": 36000, "lr": 2e-05, "memory": 72263, "data_time": 0.0103, "decode.loss_ce": 0.199, "decode.acc_seg": 91.6008, "aux.loss_ce": 0.08285, "aux.acc_seg": 91.26411, "loss": 0.28185, "time": 3.71186} {"mode": "val", "epoch": 29, "iter": 250, "lr": 2e-05, "aAcc": 0.8592, "mIoU": 0.5739, "mAcc": 0.7055, "IoU.wall": 0.8209, "IoU.building": 0.8487, "IoU.sky": 0.95, "IoU.floor": 0.8521, "IoU.tree": 0.7741, "IoU.ceiling": 0.8678, "IoU.road": 0.8453, "IoU.bed ": 0.9282, "IoU.windowpane": 0.665, "IoU.grass": 0.6752, "IoU.cabinet": 0.6749, "IoU.sidewalk": 0.6831, "IoU.person": 0.8615, "IoU.earth": 0.3771, "IoU.door": 0.6068, "IoU.table": 0.6781, "IoU.mountain": 0.611, "IoU.plant": 0.5553, "IoU.curtain": 0.7762, "IoU.chair": 0.6586, "IoU.car": 0.8784, "IoU.water": 0.5546, "IoU.painting": 0.77, "IoU.sofa": 0.8133, "IoU.shelf": 0.4968, "IoU.house": 0.5499, "IoU.sea": 0.6786, "IoU.mirror": 0.7894, "IoU.rug": 0.7001, "IoU.field": 0.2974, "IoU.armchair": 0.6043, "IoU.seat": 0.7011, "IoU.fence": 0.5183, "IoU.desk": 0.5898, "IoU.rock": 0.5648, "IoU.wardrobe": 0.5323, "IoU.lamp": 0.7546, "IoU.bathtub": 0.8794, "IoU.railing": 0.4288, "IoU.cushion": 0.7069, "IoU.base": 0.4187, "IoU.box": 0.3817, "IoU.column": 0.5649, "IoU.signboard": 0.4113, "IoU.chest of drawers": 0.4416, "IoU.counter": 0.4943, "IoU.sand": 0.4699, "IoU.sink": 0.8093, "IoU.skyscraper": 0.4432, "IoU.fireplace": 0.7502, "IoU.refrigerator": 0.8407, "IoU.grandstand": 0.5203, "IoU.path": 0.286, "IoU.stairs": 0.361, "IoU.runway": 0.6723, "IoU.case": 0.5785, "IoU.pool table": 0.9394, "IoU.pillow": 0.6963, "IoU.screen door": 0.7801, "IoU.stairway": 0.4691, "IoU.river": 0.157, "IoU.bridge": 0.7742, "IoU.bookcase": 0.4397, "IoU.blind": 0.5404, "IoU.coffee table": 0.6094, "IoU.toilet": 0.9045, "IoU.flower": 0.4117, "IoU.book": 0.5629, "IoU.hill": 0.0947, "IoU.bench": 0.6653, "IoU.countertop": 0.6414, "IoU.stove": 0.8718, "IoU.palm": 0.5188, "IoU.kitchen island": 0.4255, "IoU.computer": 0.7592, "IoU.swivel chair": 0.502, "IoU.boat": 0.7977, "IoU.bar": 0.6469, "IoU.arcade machine": 0.8483, "IoU.hovel": 0.2077, "IoU.bus": 0.9382, "IoU.towel": 0.8033, "IoU.light": 0.6185, "IoU.truck": 0.4531, "IoU.tower": 0.2439, "IoU.chandelier": 0.7331, "IoU.awning": 0.4196, "IoU.streetlight": 0.3667, "IoU.booth": 0.5261, "IoU.television receiver": 0.7509, "IoU.airplane": 0.8749, "IoU.dirt track": 0.0067, "IoU.apparel": 0.6203, "IoU.pole": 0.2607, "IoU.land": 0.0438, "IoU.bannister": 0.2031, "IoU.escalator": 0.6548, "IoU.ottoman": 0.606, "IoU.bottle": 0.4367, "IoU.buffet": 0.4976, "IoU.poster": 0.3673, "IoU.stage": 0.183, "IoU.van": 0.5107, "IoU.ship": 0.5915, "IoU.fountain": 0.2353, "IoU.conveyer belt": 0.8459, "IoU.canopy": 0.5582, "IoU.washer": 0.8202, "IoU.plaything": 0.3514, "IoU.swimming pool": 0.5594, "IoU.stool": 0.5551, "IoU.barrel": 0.7558, "IoU.basket": 0.4193, "IoU.waterfall": 0.5814, "IoU.tent": 0.9123, "IoU.bag": 0.2456, "IoU.minibike": 0.7387, "IoU.cradle": 0.8391, "IoU.oven": 0.6082, "IoU.ball": 0.5684, "IoU.food": 0.5907, "IoU.step": 0.2067, "IoU.tank": 0.8524, "IoU.trade name": 0.2264, "IoU.microwave": 0.8934, "IoU.pot": 0.5795, "IoU.animal": 0.6124, "IoU.bicycle": 0.6243, "IoU.lake": 0.0182, "IoU.dishwasher": 0.6797, "IoU.screen": 0.6223, "IoU.blanket": 0.2779, "IoU.sculpture": 0.7275, "IoU.hood": 0.7806, "IoU.sconce": 0.5768, "IoU.vase": 0.4902, "IoU.traffic light": 0.3686, "IoU.tray": 0.2231, "IoU.ashcan": 0.5086, "IoU.fan": 0.6764, "IoU.pier": 0.4026, "IoU.crt screen": 0.0645, "IoU.plate": 0.6455, "IoU.monitor": 0.2597, "IoU.bulletin board": 0.4934, "IoU.shower": 0.0274, "IoU.radiator": 0.6774, "IoU.glass": 0.2074, "IoU.clock": 0.53, "IoU.flag": 0.7091, "Acc.wall": 0.8904, "Acc.building": 0.9307, "Acc.sky": 0.9722, "Acc.floor": 0.9182, "Acc.tree": 0.8989, "Acc.ceiling": 0.9355, "Acc.road": 0.9128, "Acc.bed ": 0.965, "Acc.windowpane": 0.7865, "Acc.grass": 0.8341, "Acc.cabinet": 0.7547, "Acc.sidewalk": 0.8322, "Acc.person": 0.9409, "Acc.earth": 0.4925, "Acc.door": 0.7596, "Acc.table": 0.8047, "Acc.mountain": 0.7095, "Acc.plant": 0.6629, "Acc.curtain": 0.9162, "Acc.chair": 0.7475, "Acc.car": 0.9386, "Acc.water": 0.679, "Acc.painting": 0.9106, "Acc.sofa": 0.9093, "Acc.shelf": 0.6854, "Acc.house": 0.7716, "Acc.sea": 0.874, "Acc.mirror": 0.9022, "Acc.rug": 0.7867, "Acc.field": 0.5094, "Acc.armchair": 0.8384, "Acc.seat": 0.9003, "Acc.fence": 0.6857, "Acc.desk": 0.7875, "Acc.rock": 0.8762, "Acc.wardrobe": 0.7113, "Acc.lamp": 0.8669, "Acc.bathtub": 0.8989, "Acc.railing": 0.6268, "Acc.cushion": 0.8084, "Acc.base": 0.5358, "Acc.box": 0.51, "Acc.column": 0.7354, "Acc.signboard": 0.567, "Acc.chest of drawers": 0.8158, "Acc.counter": 0.6764, "Acc.sand": 0.7538, "Acc.sink": 0.8574, "Acc.skyscraper": 0.5893, "Acc.fireplace": 0.8997, "Acc.refrigerator": 0.9469, "Acc.grandstand": 0.8448, "Acc.path": 0.3784, "Acc.stairs": 0.4876, "Acc.runway": 0.8423, "Acc.case": 0.7598, "Acc.pool table": 0.9863, "Acc.pillow": 0.8381, "Acc.screen door": 0.8387, "Acc.stairway": 0.6619, "Acc.river": 0.4025, "Acc.bridge": 0.8811, "Acc.bookcase": 0.5935, "Acc.blind": 0.7101, "Acc.coffee table": 0.8195, "Acc.toilet": 0.936, "Acc.flower": 0.5595, "Acc.book": 0.7946, "Acc.hill": 0.1785, "Acc.bench": 0.7787, "Acc.countertop": 0.8169, "Acc.stove": 0.9254, "Acc.palm": 0.8558, "Acc.kitchen island": 0.8475, "Acc.computer": 0.9248, "Acc.swivel chair": 0.7531, "Acc.boat": 0.9297, "Acc.bar": 0.8677, "Acc.arcade machine": 0.8873, "Acc.hovel": 0.2207, "Acc.bus": 0.9715, "Acc.towel": 0.8973, "Acc.light": 0.712, "Acc.truck": 0.6585, "Acc.tower": 0.4281, "Acc.chandelier": 0.8849, "Acc.awning": 0.5259, "Acc.streetlight": 0.4952, "Acc.booth": 0.7055, "Acc.television receiver": 0.901, "Acc.airplane": 0.9748, "Acc.dirt track": 0.0085, "Acc.apparel": 0.8075, "Acc.pole": 0.3505, "Acc.land": 0.0834, "Acc.bannister": 0.2536, "Acc.escalator": 0.8518, "Acc.ottoman": 0.7971, "Acc.bottle": 0.6767, "Acc.buffet": 0.5531, "Acc.poster": 0.4559, "Acc.stage": 0.3129, "Acc.van": 0.7633, "Acc.ship": 0.6185, "Acc.fountain": 0.2475, "Acc.conveyer belt": 0.9559, "Acc.canopy": 0.6829, "Acc.washer": 0.871, "Acc.plaything": 0.5233, "Acc.swimming pool": 0.8229, "Acc.stool": 0.7239, "Acc.barrel": 0.8987, "Acc.basket": 0.6285, "Acc.waterfall": 0.6933, "Acc.tent": 0.9871, "Acc.bag": 0.276, "Acc.minibike": 0.9093, "Acc.cradle": 0.9773, "Acc.oven": 0.7596, "Acc.ball": 0.6286, "Acc.food": 0.7477, "Acc.step": 0.2454, "Acc.tank": 0.9407, "Acc.trade name": 0.2532, "Acc.microwave": 0.966, "Acc.pot": 0.6662, "Acc.animal": 0.6295, "Acc.bicycle": 0.7908, "Acc.lake": 0.0187, "Acc.dishwasher": 0.8361, "Acc.screen": 0.9526, "Acc.blanket": 0.3224, "Acc.sculpture": 0.8712, "Acc.hood": 0.9179, "Acc.sconce": 0.7283, "Acc.vase": 0.6079, "Acc.traffic light": 0.7042, "Acc.tray": 0.2602, "Acc.ashcan": 0.649, "Acc.fan": 0.7401, "Acc.pier": 0.4366, "Acc.crt screen": 0.1424, "Acc.plate": 0.7557, "Acc.monitor": 0.316, "Acc.bulletin board": 0.6619, "Acc.shower": 0.1338, "Acc.radiator": 0.8161, "Acc.glass": 0.2183, "Acc.clock": 0.5977, "Acc.flag": 0.7853} {"mode": "train", "epoch": 29, "iter": 36050, "lr": 2e-05, "memory": 72263, "data_time": 2.2451, "decode.loss_ce": 0.22309, "decode.acc_seg": 91.28669, "aux.loss_ce": 0.09183, "aux.acc_seg": 90.9889, "loss": 0.31492, "time": 4.21166} {"mode": "train", "epoch": 29, "iter": 36100, "lr": 2e-05, "memory": 72263, "data_time": 0.00984, "decode.loss_ce": 0.22044, "decode.acc_seg": 91.09895, "aux.loss_ce": 0.09068, "aux.acc_seg": 90.81495, "loss": 0.31112, "time": 1.97724} {"mode": "train", "epoch": 29, "iter": 36150, "lr": 2e-05, "memory": 72263, "data_time": 0.00984, "decode.loss_ce": 0.19077, "decode.acc_seg": 91.86573, "aux.loss_ce": 0.07929, "aux.acc_seg": 91.53297, "loss": 0.27006, "time": 1.9793} {"mode": "train", "epoch": 29, "iter": 36200, "lr": 2e-05, "memory": 72263, "data_time": 0.0099, "decode.loss_ce": 0.195, "decode.acc_seg": 91.74043, "aux.loss_ce": 0.08103, "aux.acc_seg": 91.43755, "loss": 0.27603, "time": 1.97758} {"mode": "train", "epoch": 29, "iter": 36250, "lr": 2e-05, "memory": 72263, "data_time": 0.00978, "decode.loss_ce": 0.2145, "decode.acc_seg": 91.00257, "aux.loss_ce": 0.08894, "aux.acc_seg": 90.67967, "loss": 0.30344, "time": 1.97705} {"mode": "train", "epoch": 29, "iter": 36300, "lr": 2e-05, "memory": 72263, "data_time": 0.01025, "decode.loss_ce": 0.19666, "decode.acc_seg": 91.50203, "aux.loss_ce": 0.08142, "aux.acc_seg": 91.17664, "loss": 0.27808, "time": 1.97623} {"mode": "train", "epoch": 29, "iter": 36350, "lr": 2e-05, "memory": 72263, "data_time": 0.0096, "decode.loss_ce": 0.22066, "decode.acc_seg": 90.64152, "aux.loss_ce": 0.09127, "aux.acc_seg": 90.43016, "loss": 0.31193, "time": 1.97737} {"mode": "train", "epoch": 29, "iter": 36400, "lr": 2e-05, "memory": 72263, "data_time": 0.01032, "decode.loss_ce": 0.21079, "decode.acc_seg": 91.23966, "aux.loss_ce": 0.08711, "aux.acc_seg": 90.94285, "loss": 0.29789, "time": 1.97688} {"mode": "train", "epoch": 29, "iter": 36450, "lr": 2e-05, "memory": 72263, "data_time": 0.00966, "decode.loss_ce": 0.20019, "decode.acc_seg": 91.65844, "aux.loss_ce": 0.08314, "aux.acc_seg": 91.3699, "loss": 0.28333, "time": 1.97754} {"mode": "train", "epoch": 29, "iter": 36500, "lr": 2e-05, "memory": 72263, "data_time": 0.0097, "decode.loss_ce": 0.20663, "decode.acc_seg": 91.37719, "aux.loss_ce": 0.08566, "aux.acc_seg": 90.98192, "loss": 0.29229, "time": 1.97656} {"mode": "train", "epoch": 29, "iter": 36550, "lr": 2e-05, "memory": 72263, "data_time": 0.00965, "decode.loss_ce": 0.20975, "decode.acc_seg": 91.08953, "aux.loss_ce": 0.08617, "aux.acc_seg": 90.87202, "loss": 0.29591, "time": 1.97645} {"mode": "train", "epoch": 29, "iter": 36600, "lr": 2e-05, "memory": 72263, "data_time": 0.00983, "decode.loss_ce": 0.20958, "decode.acc_seg": 91.56768, "aux.loss_ce": 0.08691, "aux.acc_seg": 91.29652, "loss": 0.29648, "time": 1.97661} {"mode": "train", "epoch": 30, "iter": 36650, "lr": 2e-05, "memory": 72263, "data_time": 0.05278, "decode.loss_ce": 0.19859, "decode.acc_seg": 91.4185, "aux.loss_ce": 0.08226, "aux.acc_seg": 91.15445, "loss": 0.28084, "time": 2.01865} {"mode": "train", "epoch": 30, "iter": 36700, "lr": 2e-05, "memory": 72263, "data_time": 0.00981, "decode.loss_ce": 0.19248, "decode.acc_seg": 91.66531, "aux.loss_ce": 0.08072, "aux.acc_seg": 91.30058, "loss": 0.2732, "time": 1.97579} {"mode": "train", "epoch": 30, "iter": 36750, "lr": 2e-05, "memory": 72263, "data_time": 0.00974, "decode.loss_ce": 0.19366, "decode.acc_seg": 91.97992, "aux.loss_ce": 0.07976, "aux.acc_seg": 91.69306, "loss": 0.27341, "time": 1.97681} {"mode": "train", "epoch": 30, "iter": 36800, "lr": 2e-05, "memory": 72263, "data_time": 0.00963, "decode.loss_ce": 0.20716, "decode.acc_seg": 91.02103, "aux.loss_ce": 0.08516, "aux.acc_seg": 90.81998, "loss": 0.29232, "time": 1.97801} {"mode": "train", "epoch": 30, "iter": 36850, "lr": 2e-05, "memory": 72263, "data_time": 0.00983, "decode.loss_ce": 0.20422, "decode.acc_seg": 91.445, "aux.loss_ce": 0.085, "aux.acc_seg": 91.14488, "loss": 0.28922, "time": 1.97739} {"mode": "train", "epoch": 30, "iter": 36900, "lr": 2e-05, "memory": 72263, "data_time": 0.00994, "decode.loss_ce": 0.19829, "decode.acc_seg": 91.41883, "aux.loss_ce": 0.08241, "aux.acc_seg": 91.07378, "loss": 0.2807, "time": 1.97902} {"mode": "train", "epoch": 30, "iter": 36950, "lr": 2e-05, "memory": 72263, "data_time": 0.01005, "decode.loss_ce": 0.20236, "decode.acc_seg": 91.63832, "aux.loss_ce": 0.08485, "aux.acc_seg": 91.22391, "loss": 0.28721, "time": 1.97694} {"mode": "train", "epoch": 30, "iter": 37000, "lr": 2e-05, "memory": 72263, "data_time": 0.01023, "decode.loss_ce": 0.20255, "decode.acc_seg": 91.44726, "aux.loss_ce": 0.08406, "aux.acc_seg": 91.14205, "loss": 0.28661, "time": 1.97864} {"mode": "val", "epoch": 30, "iter": 250, "lr": 2e-05, "aAcc": 0.8618, "mIoU": 0.5824, "mAcc": 0.7103, "IoU.wall": 0.8248, "IoU.building": 0.8493, "IoU.sky": 0.9484, "IoU.floor": 0.855, "IoU.tree": 0.7767, "IoU.ceiling": 0.8759, "IoU.road": 0.8625, "IoU.bed ": 0.9275, "IoU.windowpane": 0.6725, "IoU.grass": 0.6896, "IoU.cabinet": 0.6796, "IoU.sidewalk": 0.7119, "IoU.person": 0.8573, "IoU.earth": 0.4258, "IoU.door": 0.5891, "IoU.table": 0.6825, "IoU.mountain": 0.6154, "IoU.plant": 0.559, "IoU.curtain": 0.7929, "IoU.chair": 0.6787, "IoU.car": 0.8828, "IoU.water": 0.5911, "IoU.painting": 0.8147, "IoU.sofa": 0.8101, "IoU.shelf": 0.4901, "IoU.house": 0.53, "IoU.sea": 0.6508, "IoU.mirror": 0.8022, "IoU.rug": 0.671, "IoU.field": 0.315, "IoU.armchair": 0.603, "IoU.seat": 0.666, "IoU.fence": 0.507, "IoU.desk": 0.588, "IoU.rock": 0.5594, "IoU.wardrobe": 0.5541, "IoU.lamp": 0.7555, "IoU.bathtub": 0.8848, "IoU.railing": 0.4161, "IoU.cushion": 0.6748, "IoU.base": 0.4099, "IoU.box": 0.3824, "IoU.column": 0.5759, "IoU.signboard": 0.4289, "IoU.chest of drawers": 0.4526, "IoU.counter": 0.3849, "IoU.sand": 0.4998, "IoU.sink": 0.8381, "IoU.skyscraper": 0.4937, "IoU.fireplace": 0.7448, "IoU.refrigerator": 0.8313, "IoU.grandstand": 0.436, "IoU.path": 0.3533, "IoU.stairs": 0.2887, "IoU.runway": 0.7313, "IoU.case": 0.6272, "IoU.pool table": 0.9512, "IoU.pillow": 0.6376, "IoU.screen door": 0.7879, "IoU.stairway": 0.2902, "IoU.river": 0.1803, "IoU.bridge": 0.7702, "IoU.bookcase": 0.4154, "IoU.blind": 0.4638, "IoU.coffee table": 0.6126, "IoU.toilet": 0.9058, "IoU.flower": 0.4086, "IoU.book": 0.5056, "IoU.hill": 0.0695, "IoU.bench": 0.6395, "IoU.countertop": 0.6289, "IoU.stove": 0.8673, "IoU.palm": 0.5141, "IoU.kitchen island": 0.4597, "IoU.computer": 0.7878, "IoU.swivel chair": 0.5338, "IoU.boat": 0.7122, "IoU.bar": 0.6509, "IoU.arcade machine": 0.9307, "IoU.hovel": 0.1921, "IoU.bus": 0.9367, "IoU.towel": 0.7634, "IoU.light": 0.6211, "IoU.truck": 0.5058, "IoU.tower": 0.2747, "IoU.chandelier": 0.7213, "IoU.awning": 0.5629, "IoU.streetlight": 0.378, "IoU.booth": 0.429, "IoU.television receiver": 0.8066, "IoU.airplane": 0.8822, "IoU.dirt track": 0.0, "IoU.apparel": 0.6341, "IoU.pole": 0.2354, "IoU.land": 0.0297, "IoU.bannister": 0.1789, "IoU.escalator": 0.637, "IoU.ottoman": 0.5835, "IoU.bottle": 0.4262, "IoU.buffet": 0.7025, "IoU.poster": 0.4345, "IoU.stage": 0.153, "IoU.van": 0.5285, "IoU.ship": 0.8208, "IoU.fountain": 0.3219, "IoU.conveyer belt": 0.8462, "IoU.canopy": 0.5212, "IoU.washer": 0.8323, "IoU.plaything": 0.416, "IoU.swimming pool": 0.5495, "IoU.stool": 0.6098, "IoU.barrel": 0.6742, "IoU.basket": 0.442, "IoU.waterfall": 0.6776, "IoU.tent": 0.9579, "IoU.bag": 0.2392, "IoU.minibike": 0.759, "IoU.cradle": 0.8615, "IoU.oven": 0.577, "IoU.ball": 0.5554, "IoU.food": 0.6444, "IoU.step": 0.1493, "IoU.tank": 0.849, "IoU.trade name": 0.2058, "IoU.microwave": 0.883, "IoU.pot": 0.5738, "IoU.animal": 0.588, "IoU.bicycle": 0.6291, "IoU.lake": 0.4798, "IoU.dishwasher": 0.7623, "IoU.screen": 0.6285, "IoU.blanket": 0.2995, "IoU.sculpture": 0.7475, "IoU.hood": 0.7442, "IoU.sconce": 0.5929, "IoU.vase": 0.5051, "IoU.traffic light": 0.373, "IoU.tray": 0.2515, "IoU.ashcan": 0.5262, "IoU.fan": 0.7146, "IoU.pier": 0.3918, "IoU.crt screen": 0.0418, "IoU.plate": 0.6638, "IoU.monitor": 0.2238, "IoU.bulletin board": 0.6112, "IoU.shower": 0.0297, "IoU.radiator": 0.6913, "IoU.glass": 0.2046, "IoU.clock": 0.5387, "IoU.flag": 0.694, "Acc.wall": 0.9034, "Acc.building": 0.913, "Acc.sky": 0.9795, "Acc.floor": 0.9228, "Acc.tree": 0.8893, "Acc.ceiling": 0.938, "Acc.road": 0.8916, "Acc.bed ": 0.9741, "Acc.windowpane": 0.8099, "Acc.grass": 0.8284, "Acc.cabinet": 0.7662, "Acc.sidewalk": 0.8975, "Acc.person": 0.928, "Acc.earth": 0.6063, "Acc.door": 0.7218, "Acc.table": 0.8027, "Acc.mountain": 0.704, "Acc.plant": 0.6385, "Acc.curtain": 0.8815, "Acc.chair": 0.7978, "Acc.car": 0.9353, "Acc.water": 0.7099, "Acc.painting": 0.9106, "Acc.sofa": 0.8876, "Acc.shelf": 0.6365, "Acc.house": 0.8493, "Acc.sea": 0.8451, "Acc.mirror": 0.8552, "Acc.rug": 0.7157, "Acc.field": 0.5591, "Acc.armchair": 0.7425, "Acc.seat": 0.9014, "Acc.fence": 0.692, "Acc.desk": 0.7449, "Acc.rock": 0.8345, "Acc.wardrobe": 0.7929, "Acc.lamp": 0.8683, "Acc.bathtub": 0.9215, "Acc.railing": 0.5888, "Acc.cushion": 0.8703, "Acc.base": 0.6888, "Acc.box": 0.5096, "Acc.column": 0.7344, "Acc.signboard": 0.5996, "Acc.chest of drawers": 0.699, "Acc.counter": 0.4933, "Acc.sand": 0.7915, "Acc.sink": 0.8824, "Acc.skyscraper": 0.6228, "Acc.fireplace": 0.9236, "Acc.refrigerator": 0.9167, "Acc.grandstand": 0.8718, "Acc.path": 0.4746, "Acc.stairs": 0.4448, "Acc.runway": 0.9377, "Acc.case": 0.7456, "Acc.pool table": 0.9786, "Acc.pillow": 0.7099, "Acc.screen door": 0.8523, "Acc.stairway": 0.3637, "Acc.river": 0.3635, "Acc.bridge": 0.8754, "Acc.bookcase": 0.7017, "Acc.blind": 0.5616, "Acc.coffee table": 0.8802, "Acc.toilet": 0.9411, "Acc.flower": 0.5596, "Acc.book": 0.6056, "Acc.hill": 0.1242, "Acc.bench": 0.8078, "Acc.countertop": 0.8125, "Acc.stove": 0.9351, "Acc.palm": 0.7945, "Acc.kitchen island": 0.7676, "Acc.computer": 0.9103, "Acc.swivel chair": 0.8035, "Acc.boat": 0.9286, "Acc.bar": 0.8563, "Acc.arcade machine": 0.9768, "Acc.hovel": 0.2127, "Acc.bus": 0.9626, "Acc.towel": 0.9056, "Acc.light": 0.7208, "Acc.truck": 0.6327, "Acc.tower": 0.6006, "Acc.chandelier": 0.8242, "Acc.awning": 0.7124, "Acc.streetlight": 0.5321, "Acc.booth": 0.7115, "Acc.television receiver": 0.8786, "Acc.airplane": 0.9627, "Acc.dirt track": 0.0, "Acc.apparel": 0.7793, "Acc.pole": 0.3037, "Acc.land": 0.0459, "Acc.bannister": 0.2461, "Acc.escalator": 0.8731, "Acc.ottoman": 0.7416, "Acc.bottle": 0.5974, "Acc.buffet": 0.853, "Acc.poster": 0.5185, "Acc.stage": 0.2597, "Acc.van": 0.762, "Acc.ship": 0.9135, "Acc.fountain": 0.3328, "Acc.conveyer belt": 0.9523, "Acc.canopy": 0.6882, "Acc.washer": 0.8887, "Acc.plaything": 0.5913, "Acc.swimming pool": 0.7972, "Acc.stool": 0.7227, "Acc.barrel": 0.7707, "Acc.basket": 0.6296, "Acc.waterfall": 0.7857, "Acc.tent": 0.9876, "Acc.bag": 0.2686, "Acc.minibike": 0.8706, "Acc.cradle": 0.9796, "Acc.oven": 0.7024, "Acc.ball": 0.6115, "Acc.food": 0.7696, "Acc.step": 0.1931, "Acc.tank": 0.9229, "Acc.trade name": 0.238, "Acc.microwave": 0.9629, "Acc.pot": 0.6655, "Acc.animal": 0.5971, "Acc.bicycle": 0.7798, "Acc.lake": 0.6384, "Acc.dishwasher": 0.824, "Acc.screen": 0.914, "Acc.blanket": 0.4097, "Acc.sculpture": 0.8102, "Acc.hood": 0.8547, "Acc.sconce": 0.6957, "Acc.vase": 0.6685, "Acc.traffic light": 0.6617, "Acc.tray": 0.3017, "Acc.ashcan": 0.6397, "Acc.fan": 0.8008, "Acc.pier": 0.4478, "Acc.crt screen": 0.0958, "Acc.plate": 0.7722, "Acc.monitor": 0.2507, "Acc.bulletin board": 0.7792, "Acc.shower": 0.1384, "Acc.radiator": 0.8138, "Acc.glass": 0.2198, "Acc.clock": 0.6496, "Acc.flag": 0.7935} {"mode": "train", "epoch": 30, "iter": 37050, "lr": 2e-05, "memory": 72263, "data_time": 2.2156, "decode.loss_ce": 0.19644, "decode.acc_seg": 91.55577, "aux.loss_ce": 0.08126, "aux.acc_seg": 91.31197, "loss": 0.2777, "time": 4.18305} {"mode": "train", "epoch": 30, "iter": 37100, "lr": 2e-05, "memory": 72263, "data_time": 0.00997, "decode.loss_ce": 0.19611, "decode.acc_seg": 91.90589, "aux.loss_ce": 0.08163, "aux.acc_seg": 91.58533, "loss": 0.27774, "time": 1.97567} {"mode": "train", "epoch": 30, "iter": 37150, "lr": 2e-05, "memory": 72263, "data_time": 0.00976, "decode.loss_ce": 0.18919, "decode.acc_seg": 91.66146, "aux.loss_ce": 0.07876, "aux.acc_seg": 91.36165, "loss": 0.26794, "time": 1.97568} {"mode": "train", "epoch": 30, "iter": 37200, "lr": 2e-05, "memory": 72263, "data_time": 0.00963, "decode.loss_ce": 0.19723, "decode.acc_seg": 91.73252, "aux.loss_ce": 0.08207, "aux.acc_seg": 91.46226, "loss": 0.27929, "time": 1.97745} {"mode": "train", "epoch": 30, "iter": 37250, "lr": 2e-05, "memory": 72263, "data_time": 0.01042, "decode.loss_ce": 0.18745, "decode.acc_seg": 92.00767, "aux.loss_ce": 0.07821, "aux.acc_seg": 91.58677, "loss": 0.26567, "time": 1.97943} {"mode": "train", "epoch": 30, "iter": 37300, "lr": 2e-05, "memory": 72263, "data_time": 0.01073, "decode.loss_ce": 0.19665, "decode.acc_seg": 91.70698, "aux.loss_ce": 0.08199, "aux.acc_seg": 91.36431, "loss": 0.27864, "time": 1.97766} {"mode": "train", "epoch": 30, "iter": 37350, "lr": 2e-05, "memory": 72263, "data_time": 0.01021, "decode.loss_ce": 0.20048, "decode.acc_seg": 91.38311, "aux.loss_ce": 0.08382, "aux.acc_seg": 90.9845, "loss": 0.2843, "time": 1.97667} {"mode": "train", "epoch": 30, "iter": 37400, "lr": 2e-05, "memory": 72263, "data_time": 0.01, "decode.loss_ce": 0.20259, "decode.acc_seg": 91.19819, "aux.loss_ce": 0.08408, "aux.acc_seg": 90.8812, "loss": 0.28667, "time": 1.97968} {"mode": "train", "epoch": 30, "iter": 37450, "lr": 2e-05, "memory": 72263, "data_time": 0.00968, "decode.loss_ce": 0.18908, "decode.acc_seg": 92.06149, "aux.loss_ce": 0.07843, "aux.acc_seg": 91.7765, "loss": 0.26752, "time": 1.97903} {"mode": "train", "epoch": 30, "iter": 37500, "lr": 2e-05, "memory": 72263, "data_time": 0.00976, "decode.loss_ce": 0.19259, "decode.acc_seg": 91.79419, "aux.loss_ce": 0.08046, "aux.acc_seg": 91.47063, "loss": 0.27304, "time": 1.97736} {"mode": "train", "epoch": 30, "iter": 37550, "lr": 2e-05, "memory": 72263, "data_time": 0.01057, "decode.loss_ce": 0.19199, "decode.acc_seg": 91.70624, "aux.loss_ce": 0.07913, "aux.acc_seg": 91.4775, "loss": 0.27112, "time": 1.97847} {"mode": "train", "epoch": 30, "iter": 37600, "lr": 2e-05, "memory": 72263, "data_time": 0.01019, "decode.loss_ce": 0.18738, "decode.acc_seg": 91.82155, "aux.loss_ce": 0.07724, "aux.acc_seg": 91.63648, "loss": 0.26463, "time": 1.97802} {"mode": "train", "epoch": 30, "iter": 37650, "lr": 2e-05, "memory": 72263, "data_time": 0.00955, "decode.loss_ce": 0.20361, "decode.acc_seg": 91.4865, "aux.loss_ce": 0.08496, "aux.acc_seg": 91.12494, "loss": 0.28857, "time": 1.97523} {"mode": "train", "epoch": 30, "iter": 37700, "lr": 2e-05, "memory": 72263, "data_time": 0.01014, "decode.loss_ce": 0.21015, "decode.acc_seg": 91.05805, "aux.loss_ce": 0.08595, "aux.acc_seg": 90.9032, "loss": 0.2961, "time": 1.97719} {"mode": "train", "epoch": 30, "iter": 37750, "lr": 2e-05, "memory": 72263, "data_time": 0.00999, "decode.loss_ce": 0.19544, "decode.acc_seg": 92.02466, "aux.loss_ce": 0.08098, "aux.acc_seg": 91.71414, "loss": 0.27642, "time": 1.9783} {"mode": "train", "epoch": 30, "iter": 37800, "lr": 2e-05, "memory": 72263, "data_time": 0.00982, "decode.loss_ce": 0.20594, "decode.acc_seg": 91.2631, "aux.loss_ce": 0.08584, "aux.acc_seg": 90.98851, "loss": 0.29178, "time": 1.97897} {"mode": "train", "epoch": 30, "iter": 37850, "lr": 2e-05, "memory": 72263, "data_time": 0.01001, "decode.loss_ce": 0.20092, "decode.acc_seg": 91.58448, "aux.loss_ce": 0.08332, "aux.acc_seg": 91.29451, "loss": 0.28424, "time": 1.97756} {"mode": "train", "epoch": 31, "iter": 37900, "lr": 2e-05, "memory": 72263, "data_time": 0.06465, "decode.loss_ce": 0.20793, "decode.acc_seg": 91.30003, "aux.loss_ce": 0.08563, "aux.acc_seg": 91.11824, "loss": 0.29355, "time": 2.03399} {"mode": "train", "epoch": 31, "iter": 37950, "lr": 2e-05, "memory": 72263, "data_time": 0.01017, "decode.loss_ce": 0.18453, "decode.acc_seg": 92.2436, "aux.loss_ce": 0.07718, "aux.acc_seg": 91.91567, "loss": 0.26172, "time": 1.97867} {"mode": "train", "epoch": 31, "iter": 38000, "lr": 2e-05, "memory": 72263, "data_time": 0.00961, "decode.loss_ce": 0.19565, "decode.acc_seg": 91.81601, "aux.loss_ce": 0.08112, "aux.acc_seg": 91.52095, "loss": 0.27678, "time": 3.63363} {"mode": "val", "epoch": 31, "iter": 250, "lr": 2e-05, "aAcc": 0.8596, "mIoU": 0.5752, "mAcc": 0.7, "IoU.wall": 0.8209, "IoU.building": 0.8479, "IoU.sky": 0.946, "IoU.floor": 0.8537, "IoU.tree": 0.7751, "IoU.ceiling": 0.8628, "IoU.road": 0.8627, "IoU.bed ": 0.9183, "IoU.windowpane": 0.6537, "IoU.grass": 0.6779, "IoU.cabinet": 0.6578, "IoU.sidewalk": 0.6876, "IoU.person": 0.8603, "IoU.earth": 0.4045, "IoU.door": 0.5688, "IoU.table": 0.6882, "IoU.mountain": 0.6509, "IoU.plant": 0.5656, "IoU.curtain": 0.7396, "IoU.chair": 0.6458, "IoU.car": 0.8827, "IoU.water": 0.6265, "IoU.painting": 0.7755, "IoU.sofa": 0.7997, "IoU.shelf": 0.4936, "IoU.house": 0.5205, "IoU.sea": 0.6593, "IoU.mirror": 0.7804, "IoU.rug": 0.7008, "IoU.field": 0.3117, "IoU.armchair": 0.5815, "IoU.seat": 0.7094, "IoU.fence": 0.5467, "IoU.desk": 0.5727, "IoU.rock": 0.5875, "IoU.wardrobe": 0.4483, "IoU.lamp": 0.76, "IoU.bathtub": 0.8673, "IoU.railing": 0.424, "IoU.cushion": 0.6829, "IoU.base": 0.4648, "IoU.box": 0.3863, "IoU.column": 0.5662, "IoU.signboard": 0.4075, "IoU.chest of drawers": 0.4618, "IoU.counter": 0.4384, "IoU.sand": 0.4776, "IoU.sink": 0.8121, "IoU.skyscraper": 0.4776, "IoU.fireplace": 0.7313, "IoU.refrigerator": 0.8091, "IoU.grandstand": 0.596, "IoU.path": 0.3407, "IoU.stairs": 0.3333, "IoU.runway": 0.7037, "IoU.case": 0.6414, "IoU.pool table": 0.9516, "IoU.pillow": 0.6375, "IoU.screen door": 0.5922, "IoU.stairway": 0.4313, "IoU.river": 0.1329, "IoU.bridge": 0.5721, "IoU.bookcase": 0.4286, "IoU.blind": 0.48, "IoU.coffee table": 0.6079, "IoU.toilet": 0.9034, "IoU.flower": 0.4273, "IoU.book": 0.5524, "IoU.hill": 0.0554, "IoU.bench": 0.6978, "IoU.countertop": 0.6434, "IoU.stove": 0.8675, "IoU.palm": 0.5431, "IoU.kitchen island": 0.5142, "IoU.computer": 0.7756, "IoU.swivel chair": 0.5258, "IoU.boat": 0.8007, "IoU.bar": 0.657, "IoU.arcade machine": 0.9033, "IoU.hovel": 0.1577, "IoU.bus": 0.9362, "IoU.towel": 0.7821, "IoU.light": 0.6264, "IoU.truck": 0.5142, "IoU.tower": 0.1535, "IoU.chandelier": 0.7426, "IoU.awning": 0.4387, "IoU.streetlight": 0.3647, "IoU.booth": 0.4512, "IoU.television receiver": 0.7999, "IoU.airplane": 0.7296, "IoU.dirt track": 0.0263, "IoU.apparel": 0.6401, "IoU.pole": 0.2591, "IoU.land": 0.0316, "IoU.bannister": 0.199, "IoU.escalator": 0.6495, "IoU.ottoman": 0.506, "IoU.bottle": 0.433, "IoU.buffet": 0.6259, "IoU.poster": 0.4158, "IoU.stage": 0.1297, "IoU.van": 0.5343, "IoU.ship": 0.8364, "IoU.fountain": 0.2967, "IoU.conveyer belt": 0.8294, "IoU.canopy": 0.4008, "IoU.washer": 0.8362, "IoU.plaything": 0.3494, "IoU.swimming pool": 0.5386, "IoU.stool": 0.4699, "IoU.barrel": 0.5468, "IoU.basket": 0.4749, "IoU.waterfall": 0.5724, "IoU.tent": 0.9559, "IoU.bag": 0.2603, "IoU.minibike": 0.764, "IoU.cradle": 0.8553, "IoU.oven": 0.631, "IoU.ball": 0.5754, "IoU.food": 0.6419, "IoU.step": 0.1227, "IoU.tank": 0.8499, "IoU.trade name": 0.2293, "IoU.microwave": 0.8993, "IoU.pot": 0.5913, "IoU.animal": 0.6094, "IoU.bicycle": 0.5856, "IoU.lake": 0.4852, "IoU.dishwasher": 0.7723, "IoU.screen": 0.4636, "IoU.blanket": 0.3186, "IoU.sculpture": 0.7128, "IoU.hood": 0.7157, "IoU.sconce": 0.5861, "IoU.vase": 0.4683, "IoU.traffic light": 0.3481, "IoU.tray": 0.2785, "IoU.ashcan": 0.491, "IoU.fan": 0.715, "IoU.pier": 0.3763, "IoU.crt screen": 0.1713, "IoU.plate": 0.6487, "IoU.monitor": 0.3626, "IoU.bulletin board": 0.5974, "IoU.shower": 0.0217, "IoU.radiator": 0.6909, "IoU.glass": 0.2107, "IoU.clock": 0.5094, "IoU.flag": 0.6972, "Acc.wall": 0.9156, "Acc.building": 0.9288, "Acc.sky": 0.9717, "Acc.floor": 0.9229, "Acc.tree": 0.899, "Acc.ceiling": 0.9246, "Acc.road": 0.9128, "Acc.bed ": 0.9637, "Acc.windowpane": 0.8094, "Acc.grass": 0.8386, "Acc.cabinet": 0.716, "Acc.sidewalk": 0.8139, "Acc.person": 0.9406, "Acc.earth": 0.5156, "Acc.door": 0.7291, "Acc.table": 0.8015, "Acc.mountain": 0.7966, "Acc.plant": 0.6538, "Acc.curtain": 0.794, "Acc.chair": 0.7338, "Acc.car": 0.9446, "Acc.water": 0.7625, "Acc.painting": 0.9029, "Acc.sofa": 0.8633, "Acc.shelf": 0.6831, "Acc.house": 0.7051, "Acc.sea": 0.7623, "Acc.mirror": 0.8391, "Acc.rug": 0.7814, "Acc.field": 0.5579, "Acc.armchair": 0.8109, "Acc.seat": 0.9008, "Acc.fence": 0.7134, "Acc.desk": 0.7595, "Acc.rock": 0.8661, "Acc.wardrobe": 0.5998, "Acc.lamp": 0.8303, "Acc.bathtub": 0.8943, "Acc.railing": 0.5729, "Acc.cushion": 0.7871, "Acc.base": 0.6291, "Acc.box": 0.495, "Acc.column": 0.6269, "Acc.signboard": 0.5205, "Acc.chest of drawers": 0.7932, "Acc.counter": 0.4959, "Acc.sand": 0.8122, "Acc.sink": 0.8621, "Acc.skyscraper": 0.6583, "Acc.fireplace": 0.9233, "Acc.refrigerator": 0.8988, "Acc.grandstand": 0.8366, "Acc.path": 0.5268, "Acc.stairs": 0.4027, "Acc.runway": 0.9652, "Acc.case": 0.812, "Acc.pool table": 0.98, "Acc.pillow": 0.7054, "Acc.screen door": 0.6093, "Acc.stairway": 0.7302, "Acc.river": 0.2845, "Acc.bridge": 0.6219, "Acc.bookcase": 0.5867, "Acc.blind": 0.6078, "Acc.coffee table": 0.854, "Acc.toilet": 0.9373, "Acc.flower": 0.575, "Acc.book": 0.7966, "Acc.hill": 0.1011, "Acc.bench": 0.8059, "Acc.countertop": 0.7961, "Acc.stove": 0.9383, "Acc.palm": 0.8441, "Acc.kitchen island": 0.7804, "Acc.computer": 0.9158, "Acc.swivel chair": 0.934, "Acc.boat": 0.8985, "Acc.bar": 0.8669, "Acc.arcade machine": 0.9554, "Acc.hovel": 0.1836, "Acc.bus": 0.9683, "Acc.towel": 0.8451, "Acc.light": 0.7232, "Acc.truck": 0.6517, "Acc.tower": 0.2504, "Acc.chandelier": 0.8265, "Acc.awning": 0.6239, "Acc.streetlight": 0.4719, "Acc.booth": 0.485, "Acc.television receiver": 0.8518, "Acc.airplane": 0.809, "Acc.dirt track": 0.088, "Acc.apparel": 0.8769, "Acc.pole": 0.3307, "Acc.land": 0.0513, "Acc.bannister": 0.2488, "Acc.escalator": 0.8586, "Acc.ottoman": 0.6603, "Acc.bottle": 0.6685, "Acc.buffet": 0.7608, "Acc.poster": 0.5539, "Acc.stage": 0.2233, "Acc.van": 0.7213, "Acc.ship": 0.8626, "Acc.fountain": 0.3207, "Acc.conveyer belt": 0.9535, "Acc.canopy": 0.5118, "Acc.washer": 0.8894, "Acc.plaything": 0.4746, "Acc.swimming pool": 0.7613, "Acc.stool": 0.7525, "Acc.barrel": 0.6961, "Acc.basket": 0.6028, "Acc.waterfall": 0.7748, "Acc.tent": 0.9897, "Acc.bag": 0.2958, "Acc.minibike": 0.8587, "Acc.cradle": 0.9661, "Acc.oven": 0.7309, "Acc.ball": 0.6293, "Acc.food": 0.7873, "Acc.step": 0.1369, "Acc.tank": 0.9187, "Acc.trade name": 0.2644, "Acc.microwave": 0.962, "Acc.pot": 0.6689, "Acc.animal": 0.6338, "Acc.bicycle": 0.7914, "Acc.lake": 0.6624, "Acc.dishwasher": 0.8391, "Acc.screen": 0.6037, "Acc.blanket": 0.3737, "Acc.sculpture": 0.8617, "Acc.hood": 0.8429, "Acc.sconce": 0.6727, "Acc.vase": 0.6899, "Acc.traffic light": 0.7169, "Acc.tray": 0.3561, "Acc.ashcan": 0.6773, "Acc.fan": 0.8287, "Acc.pier": 0.4072, "Acc.crt screen": 0.5126, "Acc.plate": 0.7742, "Acc.monitor": 0.4364, "Acc.bulletin board": 0.6688, "Acc.shower": 0.1145, "Acc.radiator": 0.8293, "Acc.glass": 0.2268, "Acc.clock": 0.6482, "Acc.flag": 0.7887} {"mode": "train", "epoch": 31, "iter": 38050, "lr": 2e-05, "memory": 72263, "data_time": 2.20874, "decode.loss_ce": 0.19743, "decode.acc_seg": 91.59245, "aux.loss_ce": 0.08242, "aux.acc_seg": 91.17607, "loss": 0.27984, "time": 4.17723} {"mode": "train", "epoch": 31, "iter": 38100, "lr": 2e-05, "memory": 72263, "data_time": 0.00977, "decode.loss_ce": 0.19899, "decode.acc_seg": 91.48433, "aux.loss_ce": 0.08258, "aux.acc_seg": 91.19413, "loss": 0.28157, "time": 1.97874} {"mode": "train", "epoch": 31, "iter": 38150, "lr": 2e-05, "memory": 72263, "data_time": 0.00973, "decode.loss_ce": 0.18034, "decode.acc_seg": 92.21941, "aux.loss_ce": 0.0749, "aux.acc_seg": 91.92304, "loss": 0.25523, "time": 1.97562} {"mode": "train", "epoch": 31, "iter": 38200, "lr": 2e-05, "memory": 72263, "data_time": 0.01, "decode.loss_ce": 0.2019, "decode.acc_seg": 91.48142, "aux.loss_ce": 0.08393, "aux.acc_seg": 91.10543, "loss": 0.28583, "time": 1.97625} {"mode": "train", "epoch": 31, "iter": 38250, "lr": 2e-05, "memory": 72263, "data_time": 0.00965, "decode.loss_ce": 0.18477, "decode.acc_seg": 92.08568, "aux.loss_ce": 0.07734, "aux.acc_seg": 91.76567, "loss": 0.26212, "time": 1.97944} {"mode": "train", "epoch": 31, "iter": 38300, "lr": 2e-05, "memory": 72263, "data_time": 0.01056, "decode.loss_ce": 0.17945, "decode.acc_seg": 92.31064, "aux.loss_ce": 0.07509, "aux.acc_seg": 92.00428, "loss": 0.25454, "time": 1.97626} {"mode": "train", "epoch": 31, "iter": 38350, "lr": 2e-05, "memory": 72263, "data_time": 0.0099, "decode.loss_ce": 0.185, "decode.acc_seg": 91.9285, "aux.loss_ce": 0.07726, "aux.acc_seg": 91.62324, "loss": 0.26226, "time": 1.97703} {"mode": "train", "epoch": 31, "iter": 38400, "lr": 2e-05, "memory": 72263, "data_time": 0.01028, "decode.loss_ce": 0.19058, "decode.acc_seg": 92.03682, "aux.loss_ce": 0.07906, "aux.acc_seg": 91.63476, "loss": 0.26964, "time": 1.97931} {"mode": "train", "epoch": 31, "iter": 38450, "lr": 2e-05, "memory": 72263, "data_time": 0.00995, "decode.loss_ce": 0.1976, "decode.acc_seg": 91.63234, "aux.loss_ce": 0.0821, "aux.acc_seg": 91.26413, "loss": 0.2797, "time": 1.97953} {"mode": "train", "epoch": 31, "iter": 38500, "lr": 2e-05, "memory": 72263, "data_time": 0.01001, "decode.loss_ce": 0.18851, "decode.acc_seg": 92.18589, "aux.loss_ce": 0.07851, "aux.acc_seg": 91.87243, "loss": 0.26702, "time": 1.97688} {"mode": "train", "epoch": 31, "iter": 38550, "lr": 2e-05, "memory": 72263, "data_time": 0.01043, "decode.loss_ce": 0.18615, "decode.acc_seg": 91.96916, "aux.loss_ce": 0.07755, "aux.acc_seg": 91.65706, "loss": 0.2637, "time": 1.97723} {"mode": "train", "epoch": 31, "iter": 38600, "lr": 2e-05, "memory": 72263, "data_time": 0.01092, "decode.loss_ce": 0.1841, "decode.acc_seg": 92.08232, "aux.loss_ce": 0.07644, "aux.acc_seg": 91.80814, "loss": 0.26054, "time": 1.97891} {"mode": "train", "epoch": 31, "iter": 38650, "lr": 2e-05, "memory": 72263, "data_time": 0.01056, "decode.loss_ce": 0.18795, "decode.acc_seg": 91.93255, "aux.loss_ce": 0.07763, "aux.acc_seg": 91.6412, "loss": 0.26558, "time": 1.9776} {"mode": "train", "epoch": 31, "iter": 38700, "lr": 2e-05, "memory": 72263, "data_time": 0.00988, "decode.loss_ce": 0.19172, "decode.acc_seg": 91.96656, "aux.loss_ce": 0.08009, "aux.acc_seg": 91.58631, "loss": 0.27181, "time": 1.97646} {"mode": "train", "epoch": 31, "iter": 38750, "lr": 2e-05, "memory": 72263, "data_time": 0.01061, "decode.loss_ce": 0.19475, "decode.acc_seg": 91.66268, "aux.loss_ce": 0.0809, "aux.acc_seg": 91.40672, "loss": 0.27565, "time": 1.97569} {"mode": "train", "epoch": 31, "iter": 38800, "lr": 2e-05, "memory": 72263, "data_time": 0.01058, "decode.loss_ce": 0.19873, "decode.acc_seg": 91.68241, "aux.loss_ce": 0.08306, "aux.acc_seg": 91.36746, "loss": 0.28179, "time": 1.97698} {"mode": "train", "epoch": 31, "iter": 38850, "lr": 2e-05, "memory": 72263, "data_time": 0.0103, "decode.loss_ce": 0.19195, "decode.acc_seg": 91.71949, "aux.loss_ce": 0.07965, "aux.acc_seg": 91.36858, "loss": 0.2716, "time": 1.97808} {"mode": "train", "epoch": 31, "iter": 38900, "lr": 2e-05, "memory": 72263, "data_time": 0.01034, "decode.loss_ce": 0.18549, "decode.acc_seg": 92.22468, "aux.loss_ce": 0.0778, "aux.acc_seg": 91.82797, "loss": 0.26328, "time": 1.97643} {"mode": "train", "epoch": 31, "iter": 38950, "lr": 2e-05, "memory": 72263, "data_time": 0.01037, "decode.loss_ce": 0.20336, "decode.acc_seg": 91.35372, "aux.loss_ce": 0.0846, "aux.acc_seg": 91.00063, "loss": 0.28796, "time": 1.9765} {"mode": "train", "epoch": 31, "iter": 39000, "lr": 2e-05, "memory": 72263, "data_time": 0.0097, "decode.loss_ce": 0.20701, "decode.acc_seg": 91.6124, "aux.loss_ce": 0.08626, "aux.acc_seg": 91.24806, "loss": 0.29327, "time": 1.97646} {"mode": "val", "epoch": 31, "iter": 250, "lr": 2e-05, "aAcc": 0.8604, "mIoU": 0.5794, "mAcc": 0.7118, "IoU.wall": 0.8201, "IoU.building": 0.8443, "IoU.sky": 0.9493, "IoU.floor": 0.8497, "IoU.tree": 0.7843, "IoU.ceiling": 0.8738, "IoU.road": 0.8578, "IoU.bed ": 0.9281, "IoU.windowpane": 0.6639, "IoU.grass": 0.6811, "IoU.cabinet": 0.6726, "IoU.sidewalk": 0.6977, "IoU.person": 0.8551, "IoU.earth": 0.4321, "IoU.door": 0.5741, "IoU.table": 0.6791, "IoU.mountain": 0.621, "IoU.plant": 0.5732, "IoU.curtain": 0.7796, "IoU.chair": 0.6621, "IoU.car": 0.874, "IoU.water": 0.5071, "IoU.painting": 0.8086, "IoU.sofa": 0.8074, "IoU.shelf": 0.49, "IoU.house": 0.5123, "IoU.sea": 0.6757, "IoU.mirror": 0.7873, "IoU.rug": 0.7174, "IoU.field": 0.3324, "IoU.armchair": 0.5967, "IoU.seat": 0.736, "IoU.fence": 0.4982, "IoU.desk": 0.5711, "IoU.rock": 0.5708, "IoU.wardrobe": 0.5331, "IoU.lamp": 0.7518, "IoU.bathtub": 0.869, "IoU.railing": 0.4291, "IoU.cushion": 0.6868, "IoU.base": 0.4223, "IoU.box": 0.3824, "IoU.column": 0.5721, "IoU.signboard": 0.439, "IoU.chest of drawers": 0.4868, "IoU.counter": 0.359, "IoU.sand": 0.4587, "IoU.sink": 0.8518, "IoU.skyscraper": 0.4783, "IoU.fireplace": 0.7355, "IoU.refrigerator": 0.8023, "IoU.grandstand": 0.5088, "IoU.path": 0.3493, "IoU.stairs": 0.3736, "IoU.runway": 0.6988, "IoU.case": 0.6742, "IoU.pool table": 0.9511, "IoU.pillow": 0.6574, "IoU.screen door": 0.8494, "IoU.stairway": 0.3857, "IoU.river": 0.1154, "IoU.bridge": 0.7627, "IoU.bookcase": 0.4158, "IoU.blind": 0.4719, "IoU.coffee table": 0.612, "IoU.toilet": 0.9054, "IoU.flower": 0.4589, "IoU.book": 0.5614, "IoU.hill": 0.0636, "IoU.bench": 0.6779, "IoU.countertop": 0.5934, "IoU.stove": 0.8788, "IoU.palm": 0.5194, "IoU.kitchen island": 0.4712, "IoU.computer": 0.7611, "IoU.swivel chair": 0.4932, "IoU.boat": 0.6399, "IoU.bar": 0.5723, "IoU.arcade machine": 0.8489, "IoU.hovel": 0.481, "IoU.bus": 0.9275, "IoU.towel": 0.8056, "IoU.light": 0.6241, "IoU.truck": 0.4963, "IoU.tower": 0.2902, "IoU.chandelier": 0.7308, "IoU.awning": 0.4766, "IoU.streetlight": 0.3405, "IoU.booth": 0.4272, "IoU.television receiver": 0.8249, "IoU.airplane": 0.8362, "IoU.dirt track": 0.0695, "IoU.apparel": 0.6045, "IoU.pole": 0.2856, "IoU.land": 0.0457, "IoU.bannister": 0.2022, "IoU.escalator": 0.6352, "IoU.ottoman": 0.5242, "IoU.bottle": 0.4361, "IoU.buffet": 0.5915, "IoU.poster": 0.3975, "IoU.stage": 0.1481, "IoU.van": 0.4777, "IoU.ship": 0.6505, "IoU.fountain": 0.2951, "IoU.conveyer belt": 0.7537, "IoU.canopy": 0.4765, "IoU.washer": 0.8536, "IoU.plaything": 0.3375, "IoU.swimming pool": 0.5487, "IoU.stool": 0.5042, "IoU.barrel": 0.6447, "IoU.basket": 0.4574, "IoU.waterfall": 0.5009, "IoU.tent": 0.9406, "IoU.bag": 0.2783, "IoU.minibike": 0.764, "IoU.cradle": 0.8899, "IoU.oven": 0.595, "IoU.ball": 0.5718, "IoU.food": 0.6176, "IoU.step": 0.1409, "IoU.tank": 0.8399, "IoU.trade name": 0.3425, "IoU.microwave": 0.8766, "IoU.pot": 0.5986, "IoU.animal": 0.6161, "IoU.bicycle": 0.5999, "IoU.lake": 0.4408, "IoU.dishwasher": 0.7594, "IoU.screen": 0.6038, "IoU.blanket": 0.2503, "IoU.sculpture": 0.7329, "IoU.hood": 0.7614, "IoU.sconce": 0.5872, "IoU.vase": 0.4981, "IoU.traffic light": 0.4064, "IoU.tray": 0.1732, "IoU.ashcan": 0.4863, "IoU.fan": 0.7283, "IoU.pier": 0.3786, "IoU.crt screen": 0.1223, "IoU.plate": 0.6448, "IoU.monitor": 0.3414, "IoU.bulletin board": 0.6514, "IoU.shower": 0.0292, "IoU.radiator": 0.6803, "IoU.glass": 0.2362, "IoU.clock": 0.5232, "IoU.flag": 0.694, "Acc.wall": 0.8924, "Acc.building": 0.9281, "Acc.sky": 0.9756, "Acc.floor": 0.9103, "Acc.tree": 0.9117, "Acc.ceiling": 0.9416, "Acc.road": 0.8985, "Acc.bed ": 0.9735, "Acc.windowpane": 0.81, "Acc.grass": 0.8385, "Acc.cabinet": 0.7636, "Acc.sidewalk": 0.8702, "Acc.person": 0.9474, "Acc.earth": 0.5588, "Acc.door": 0.7229, "Acc.table": 0.7999, "Acc.mountain": 0.7112, "Acc.plant": 0.665, "Acc.curtain": 0.9052, "Acc.chair": 0.7649, "Acc.car": 0.9519, "Acc.water": 0.6036, "Acc.painting": 0.9192, "Acc.sofa": 0.896, "Acc.shelf": 0.6518, "Acc.house": 0.6495, "Acc.sea": 0.8266, "Acc.mirror": 0.8547, "Acc.rug": 0.7865, "Acc.field": 0.6381, "Acc.armchair": 0.8103, "Acc.seat": 0.8727, "Acc.fence": 0.6143, "Acc.desk": 0.7385, "Acc.rock": 0.8711, "Acc.wardrobe": 0.7638, "Acc.lamp": 0.8759, "Acc.bathtub": 0.8968, "Acc.railing": 0.5986, "Acc.cushion": 0.8215, "Acc.base": 0.5409, "Acc.box": 0.5045, "Acc.column": 0.7192, "Acc.signboard": 0.5912, "Acc.chest of drawers": 0.7176, "Acc.counter": 0.4213, "Acc.sand": 0.7778, "Acc.sink": 0.9084, "Acc.skyscraper": 0.6364, "Acc.fireplace": 0.9557, "Acc.refrigerator": 0.8818, "Acc.grandstand": 0.7971, "Acc.path": 0.4617, "Acc.stairs": 0.4947, "Acc.runway": 0.9023, "Acc.case": 0.8747, "Acc.pool table": 0.9849, "Acc.pillow": 0.7737, "Acc.screen door": 0.8873, "Acc.stairway": 0.4098, "Acc.river": 0.3667, "Acc.bridge": 0.8709, "Acc.bookcase": 0.5434, "Acc.blind": 0.5755, "Acc.coffee table": 0.8918, "Acc.toilet": 0.9425, "Acc.flower": 0.5693, "Acc.book": 0.7893, "Acc.hill": 0.1301, "Acc.bench": 0.7972, "Acc.countertop": 0.7676, "Acc.stove": 0.9282, "Acc.palm": 0.8605, "Acc.kitchen island": 0.8722, "Acc.computer": 0.919, "Acc.swivel chair": 0.7354, "Acc.boat": 0.9143, "Acc.bar": 0.9177, "Acc.arcade machine": 0.8897, "Acc.hovel": 0.5733, "Acc.bus": 0.9709, "Acc.towel": 0.8454, "Acc.light": 0.7185, "Acc.truck": 0.616, "Acc.tower": 0.4795, "Acc.chandelier": 0.8415, "Acc.awning": 0.7911, "Acc.streetlight": 0.4387, "Acc.booth": 0.509, "Acc.television receiver": 0.8714, "Acc.airplane": 0.9712, "Acc.dirt track": 0.2646, "Acc.apparel": 0.8362, "Acc.pole": 0.4025, "Acc.land": 0.0693, "Acc.bannister": 0.269, "Acc.escalator": 0.8817, "Acc.ottoman": 0.672, "Acc.bottle": 0.7605, "Acc.buffet": 0.7143, "Acc.poster": 0.4402, "Acc.stage": 0.2452, "Acc.van": 0.6055, "Acc.ship": 0.7093, "Acc.fountain": 0.2975, "Acc.conveyer belt": 0.9882, "Acc.canopy": 0.5997, "Acc.washer": 0.9177, "Acc.plaything": 0.5649, "Acc.swimming pool": 0.8264, "Acc.stool": 0.7414, "Acc.barrel": 0.8586, "Acc.basket": 0.6034, "Acc.waterfall": 0.5608, "Acc.tent": 0.9881, "Acc.bag": 0.3315, "Acc.minibike": 0.8983, "Acc.cradle": 0.9829, "Acc.oven": 0.7135, "Acc.ball": 0.7783, "Acc.food": 0.7785, "Acc.step": 0.1841, "Acc.tank": 0.933, "Acc.trade name": 0.4503, "Acc.microwave": 0.9654, "Acc.pot": 0.7075, "Acc.animal": 0.635, "Acc.bicycle": 0.7639, "Acc.lake": 0.6356, "Acc.dishwasher": 0.8187, "Acc.screen": 0.8332, "Acc.blanket": 0.3107, "Acc.sculpture": 0.8012, "Acc.hood": 0.9216, "Acc.sconce": 0.7035, "Acc.vase": 0.6024, "Acc.traffic light": 0.6782, "Acc.tray": 0.1941, "Acc.ashcan": 0.6641, "Acc.fan": 0.8605, "Acc.pier": 0.4253, "Acc.crt screen": 0.2697, "Acc.plate": 0.8211, "Acc.monitor": 0.4088, "Acc.bulletin board": 0.7654, "Acc.shower": 0.0292, "Acc.radiator": 0.8466, "Acc.glass": 0.2613, "Acc.clock": 0.6034, "Acc.flag": 0.7917} {"mode": "train", "epoch": 31, "iter": 39050, "lr": 2e-05, "memory": 72263, "data_time": 2.20928, "decode.loss_ce": 0.19267, "decode.acc_seg": 91.76947, "aux.loss_ce": 0.07976, "aux.acc_seg": 91.46308, "loss": 0.27243, "time": 4.17996} {"mode": "train", "epoch": 31, "iter": 39100, "lr": 2e-05, "memory": 72263, "data_time": 0.01042, "decode.loss_ce": 0.20257, "decode.acc_seg": 91.40901, "aux.loss_ce": 0.08392, "aux.acc_seg": 90.97672, "loss": 0.28649, "time": 1.97784} {"mode": "train", "epoch": 31, "iter": 39150, "lr": 2e-05, "memory": 72263, "data_time": 0.00954, "decode.loss_ce": 0.20453, "decode.acc_seg": 91.35632, "aux.loss_ce": 0.08523, "aux.acc_seg": 91.00887, "loss": 0.28975, "time": 1.97773} {"mode": "train", "epoch": 32, "iter": 39200, "lr": 2e-05, "memory": 72263, "data_time": 0.05543, "decode.loss_ce": 0.18902, "decode.acc_seg": 92.01718, "aux.loss_ce": 0.07915, "aux.acc_seg": 91.62354, "loss": 0.26817, "time": 2.0256} {"mode": "train", "epoch": 32, "iter": 39250, "lr": 2e-05, "memory": 72263, "data_time": 0.0105, "decode.loss_ce": 0.19234, "decode.acc_seg": 91.78837, "aux.loss_ce": 0.08021, "aux.acc_seg": 91.4671, "loss": 0.27255, "time": 1.9795} {"mode": "train", "epoch": 32, "iter": 39300, "lr": 2e-05, "memory": 72263, "data_time": 0.00971, "decode.loss_ce": 0.19663, "decode.acc_seg": 91.5634, "aux.loss_ce": 0.08154, "aux.acc_seg": 91.20304, "loss": 0.27818, "time": 1.97748} {"mode": "train", "epoch": 32, "iter": 39350, "lr": 2e-05, "memory": 72263, "data_time": 0.0099, "decode.loss_ce": 0.17681, "decode.acc_seg": 92.38189, "aux.loss_ce": 0.07422, "aux.acc_seg": 92.00765, "loss": 0.25104, "time": 1.97532} {"mode": "train", "epoch": 32, "iter": 39400, "lr": 2e-05, "memory": 72263, "data_time": 0.00976, "decode.loss_ce": 0.17959, "decode.acc_seg": 92.42375, "aux.loss_ce": 0.07504, "aux.acc_seg": 92.04464, "loss": 0.25464, "time": 1.97834} {"mode": "train", "epoch": 32, "iter": 39450, "lr": 2e-05, "memory": 72263, "data_time": 0.01046, "decode.loss_ce": 0.18596, "decode.acc_seg": 92.30175, "aux.loss_ce": 0.07743, "aux.acc_seg": 91.98039, "loss": 0.26339, "time": 1.97837} {"mode": "train", "epoch": 32, "iter": 39500, "lr": 2e-05, "memory": 72263, "data_time": 0.0097, "decode.loss_ce": 0.19723, "decode.acc_seg": 91.71279, "aux.loss_ce": 0.08197, "aux.acc_seg": 91.38219, "loss": 0.27921, "time": 1.9747} {"mode": "train", "epoch": 32, "iter": 39550, "lr": 2e-05, "memory": 72263, "data_time": 0.0103, "decode.loss_ce": 0.17873, "decode.acc_seg": 92.2994, "aux.loss_ce": 0.07456, "aux.acc_seg": 91.98136, "loss": 0.25329, "time": 1.97761} {"mode": "train", "epoch": 32, "iter": 39600, "lr": 2e-05, "memory": 72263, "data_time": 0.00979, "decode.loss_ce": 0.19193, "decode.acc_seg": 92.10922, "aux.loss_ce": 0.0803, "aux.acc_seg": 91.79075, "loss": 0.27222, "time": 1.97743} {"mode": "train", "epoch": 32, "iter": 39650, "lr": 2e-05, "memory": 72263, "data_time": 0.01021, "decode.loss_ce": 0.18504, "decode.acc_seg": 92.21311, "aux.loss_ce": 0.07672, "aux.acc_seg": 91.92633, "loss": 0.26175, "time": 1.97723} {"mode": "train", "epoch": 32, "iter": 39700, "lr": 2e-05, "memory": 72263, "data_time": 0.00989, "decode.loss_ce": 0.18685, "decode.acc_seg": 92.22823, "aux.loss_ce": 0.07838, "aux.acc_seg": 91.80652, "loss": 0.26522, "time": 1.97692} {"mode": "train", "epoch": 32, "iter": 39750, "lr": 2e-05, "memory": 72263, "data_time": 0.01091, "decode.loss_ce": 0.1924, "decode.acc_seg": 91.69259, "aux.loss_ce": 0.08066, "aux.acc_seg": 91.31339, "loss": 0.27306, "time": 1.97863} {"mode": "train", "epoch": 32, "iter": 39800, "lr": 2e-05, "memory": 72263, "data_time": 0.01083, "decode.loss_ce": 0.1976, "decode.acc_seg": 91.54129, "aux.loss_ce": 0.08189, "aux.acc_seg": 91.20197, "loss": 0.2795, "time": 1.97638} {"mode": "train", "epoch": 32, "iter": 39850, "lr": 2e-05, "memory": 72263, "data_time": 0.01057, "decode.loss_ce": 0.19489, "decode.acc_seg": 91.88345, "aux.loss_ce": 0.08163, "aux.acc_seg": 91.55341, "loss": 0.27653, "time": 1.97755} {"mode": "train", "epoch": 32, "iter": 39900, "lr": 2e-05, "memory": 72263, "data_time": 0.0103, "decode.loss_ce": 0.18086, "decode.acc_seg": 92.39828, "aux.loss_ce": 0.07544, "aux.acc_seg": 92.07316, "loss": 0.25629, "time": 1.97765} {"mode": "train", "epoch": 32, "iter": 39950, "lr": 2e-05, "memory": 72263, "data_time": 0.01005, "decode.loss_ce": 0.17749, "decode.acc_seg": 92.25287, "aux.loss_ce": 0.07449, "aux.acc_seg": 91.90696, "loss": 0.25199, "time": 1.97857} {"mode": "train", "epoch": 32, "iter": 40000, "lr": 2e-05, "memory": 72263, "data_time": 0.00981, "decode.loss_ce": 0.19266, "decode.acc_seg": 91.78016, "aux.loss_ce": 0.08004, "aux.acc_seg": 91.45182, "loss": 0.2727, "time": 3.70978} {"mode": "val", "epoch": 32, "iter": 250, "lr": 2e-05, "aAcc": 0.8596, "mIoU": 0.5758, "mAcc": 0.707, "IoU.wall": 0.8168, "IoU.building": 0.8488, "IoU.sky": 0.948, "IoU.floor": 0.8503, "IoU.tree": 0.7799, "IoU.ceiling": 0.8693, "IoU.road": 0.8624, "IoU.bed ": 0.9233, "IoU.windowpane": 0.6462, "IoU.grass": 0.6654, "IoU.cabinet": 0.663, "IoU.sidewalk": 0.7044, "IoU.person": 0.8609, "IoU.earth": 0.4171, "IoU.door": 0.5796, "IoU.table": 0.6772, "IoU.mountain": 0.6415, "IoU.plant": 0.581, "IoU.curtain": 0.7802, "IoU.chair": 0.6688, "IoU.car": 0.8829, "IoU.water": 0.558, "IoU.painting": 0.8007, "IoU.sofa": 0.7942, "IoU.shelf": 0.4902, "IoU.house": 0.5415, "IoU.sea": 0.6797, "IoU.mirror": 0.7971, "IoU.rug": 0.6688, "IoU.field": 0.3442, "IoU.armchair": 0.5948, "IoU.seat": 0.6851, "IoU.fence": 0.5326, "IoU.desk": 0.591, "IoU.rock": 0.5752, "IoU.wardrobe": 0.4954, "IoU.lamp": 0.7519, "IoU.bathtub": 0.8658, "IoU.railing": 0.4053, "IoU.cushion": 0.6973, "IoU.base": 0.4258, "IoU.box": 0.3819, "IoU.column": 0.5937, "IoU.signboard": 0.4272, "IoU.chest of drawers": 0.4603, "IoU.counter": 0.4688, "IoU.sand": 0.4556, "IoU.sink": 0.8188, "IoU.skyscraper": 0.459, "IoU.fireplace": 0.7557, "IoU.refrigerator": 0.8109, "IoU.grandstand": 0.4999, "IoU.path": 0.3457, "IoU.stairs": 0.3918, "IoU.runway": 0.6624, "IoU.case": 0.6473, "IoU.pool table": 0.9499, "IoU.pillow": 0.6973, "IoU.screen door": 0.7453, "IoU.stairway": 0.4649, "IoU.river": 0.1245, "IoU.bridge": 0.7648, "IoU.bookcase": 0.3927, "IoU.blind": 0.4191, "IoU.coffee table": 0.6165, "IoU.toilet": 0.9063, "IoU.flower": 0.482, "IoU.book": 0.5412, "IoU.hill": 0.0684, "IoU.bench": 0.6411, "IoU.countertop": 0.6511, "IoU.stove": 0.8749, "IoU.palm": 0.5085, "IoU.kitchen island": 0.4327, "IoU.computer": 0.7733, "IoU.swivel chair": 0.5284, "IoU.boat": 0.809, "IoU.bar": 0.6345, "IoU.arcade machine": 0.9032, "IoU.hovel": 0.4303, "IoU.bus": 0.9429, "IoU.towel": 0.8027, "IoU.light": 0.6219, "IoU.truck": 0.519, "IoU.tower": 0.2332, "IoU.chandelier": 0.7468, "IoU.awning": 0.5241, "IoU.streetlight": 0.3636, "IoU.booth": 0.427, "IoU.television receiver": 0.8303, "IoU.airplane": 0.8852, "IoU.dirt track": 0.1035, "IoU.apparel": 0.6515, "IoU.pole": 0.2462, "IoU.land": 0.0424, "IoU.bannister": 0.1681, "IoU.escalator": 0.6518, "IoU.ottoman": 0.3499, "IoU.bottle": 0.457, "IoU.buffet": 0.3152, "IoU.poster": 0.3642, "IoU.stage": 0.2102, "IoU.van": 0.561, "IoU.ship": 0.3708, "IoU.fountain": 0.2492, "IoU.conveyer belt": 0.8503, "IoU.canopy": 0.5038, "IoU.washer": 0.8721, "IoU.plaything": 0.4296, "IoU.swimming pool": 0.4949, "IoU.stool": 0.4544, "IoU.barrel": 0.7804, "IoU.basket": 0.4649, "IoU.waterfall": 0.5706, "IoU.tent": 0.9632, "IoU.bag": 0.2811, "IoU.minibike": 0.7706, "IoU.cradle": 0.7913, "IoU.oven": 0.6828, "IoU.ball": 0.3693, "IoU.food": 0.6043, "IoU.step": 0.1473, "IoU.tank": 0.6154, "IoU.trade name": 0.1427, "IoU.microwave": 0.9092, "IoU.pot": 0.5957, "IoU.animal": 0.611, "IoU.bicycle": 0.6059, "IoU.lake": 0.4399, "IoU.dishwasher": 0.7216, "IoU.screen": 0.6157, "IoU.blanket": 0.306, "IoU.sculpture": 0.7613, "IoU.hood": 0.6561, "IoU.sconce": 0.6067, "IoU.vase": 0.5109, "IoU.traffic light": 0.3657, "IoU.tray": 0.2225, "IoU.ashcan": 0.4656, "IoU.fan": 0.7232, "IoU.pier": 0.3714, "IoU.crt screen": 0.1515, "IoU.plate": 0.6528, "IoU.monitor": 0.3462, "IoU.bulletin board": 0.5756, "IoU.shower": 0.1678, "IoU.radiator": 0.6558, "IoU.glass": 0.2214, "IoU.clock": 0.4796, "IoU.flag": 0.7093, "Acc.wall": 0.8853, "Acc.building": 0.9297, "Acc.sky": 0.9747, "Acc.floor": 0.914, "Acc.tree": 0.9059, "Acc.ceiling": 0.9483, "Acc.road": 0.9216, "Acc.bed ": 0.9655, "Acc.windowpane": 0.8603, "Acc.grass": 0.7947, "Acc.cabinet": 0.7746, "Acc.sidewalk": 0.8219, "Acc.person": 0.9427, "Acc.earth": 0.5691, "Acc.door": 0.7613, "Acc.table": 0.7961, "Acc.mountain": 0.7077, "Acc.plant": 0.696, "Acc.curtain": 0.8535, "Acc.chair": 0.7966, "Acc.car": 0.9523, "Acc.water": 0.6678, "Acc.painting": 0.9101, "Acc.sofa": 0.8689, "Acc.shelf": 0.6362, "Acc.house": 0.6617, "Acc.sea": 0.8464, "Acc.mirror": 0.878, "Acc.rug": 0.7823, "Acc.field": 0.613, "Acc.armchair": 0.8037, "Acc.seat": 0.8938, "Acc.fence": 0.6745, "Acc.desk": 0.7715, "Acc.rock": 0.8872, "Acc.wardrobe": 0.6531, "Acc.lamp": 0.8598, "Acc.bathtub": 0.9035, "Acc.railing": 0.6489, "Acc.cushion": 0.7701, "Acc.base": 0.5481, "Acc.box": 0.4932, "Acc.column": 0.7598, "Acc.signboard": 0.5481, "Acc.chest of drawers": 0.7725, "Acc.counter": 0.5662, "Acc.sand": 0.7932, "Acc.sink": 0.8701, "Acc.skyscraper": 0.5928, "Acc.fireplace": 0.9486, "Acc.refrigerator": 0.9016, "Acc.grandstand": 0.792, "Acc.path": 0.5279, "Acc.stairs": 0.4858, "Acc.runway": 0.8428, "Acc.case": 0.7932, "Acc.pool table": 0.9833, "Acc.pillow": 0.8318, "Acc.screen door": 0.7725, "Acc.stairway": 0.5565, "Acc.river": 0.3115, "Acc.bridge": 0.8875, "Acc.bookcase": 0.5979, "Acc.blind": 0.465, "Acc.coffee table": 0.8875, "Acc.toilet": 0.9379, "Acc.flower": 0.5839, "Acc.book": 0.6916, "Acc.hill": 0.1225, "Acc.bench": 0.7089, "Acc.countertop": 0.7949, "Acc.stove": 0.941, "Acc.palm": 0.8489, "Acc.kitchen island": 0.7454, "Acc.computer": 0.9219, "Acc.swivel chair": 0.8222, "Acc.boat": 0.9229, "Acc.bar": 0.8995, "Acc.arcade machine": 0.9788, "Acc.hovel": 0.493, "Acc.bus": 0.9737, "Acc.towel": 0.8666, "Acc.light": 0.7302, "Acc.truck": 0.6266, "Acc.tower": 0.3919, "Acc.chandelier": 0.865, "Acc.awning": 0.6856, "Acc.streetlight": 0.5009, "Acc.booth": 0.685, "Acc.television receiver": 0.915, "Acc.airplane": 0.9675, "Acc.dirt track": 0.2842, "Acc.apparel": 0.8696, "Acc.pole": 0.3133, "Acc.land": 0.065, "Acc.bannister": 0.2043, "Acc.escalator": 0.8418, "Acc.ottoman": 0.4207, "Acc.bottle": 0.6409, "Acc.buffet": 0.3384, "Acc.poster": 0.5537, "Acc.stage": 0.405, "Acc.van": 0.7411, "Acc.ship": 0.4244, "Acc.fountain": 0.2561, "Acc.conveyer belt": 0.9657, "Acc.canopy": 0.64, "Acc.washer": 0.9316, "Acc.plaything": 0.6343, "Acc.swimming pool": 0.9173, "Acc.stool": 0.7928, "Acc.barrel": 0.9136, "Acc.basket": 0.594, "Acc.waterfall": 0.6708, "Acc.tent": 0.9814, "Acc.bag": 0.3371, "Acc.minibike": 0.9019, "Acc.cradle": 0.9772, "Acc.oven": 0.8129, "Acc.ball": 0.3885, "Acc.food": 0.7252, "Acc.step": 0.1625, "Acc.tank": 0.6586, "Acc.trade name": 0.1511, "Acc.microwave": 0.9684, "Acc.pot": 0.7047, "Acc.animal": 0.6235, "Acc.bicycle": 0.814, "Acc.lake": 0.6894, "Acc.dishwasher": 0.8432, "Acc.screen": 0.893, "Acc.blanket": 0.4018, "Acc.sculpture": 0.8448, "Acc.hood": 0.7569, "Acc.sconce": 0.7923, "Acc.vase": 0.6489, "Acc.traffic light": 0.7067, "Acc.tray": 0.2637, "Acc.ashcan": 0.7013, "Acc.fan": 0.8363, "Acc.pier": 0.4324, "Acc.crt screen": 0.3018, "Acc.plate": 0.8084, "Acc.monitor": 0.4098, "Acc.bulletin board": 0.8213, "Acc.shower": 0.1958, "Acc.radiator": 0.8861, "Acc.glass": 0.2375, "Acc.clock": 0.5161, "Acc.flag": 0.7879} {"mode": "train", "epoch": 32, "iter": 40050, "lr": 2e-05, "memory": 72263, "data_time": 2.23147, "decode.loss_ce": 0.19119, "decode.acc_seg": 91.77102, "aux.loss_ce": 0.07977, "aux.acc_seg": 91.4405, "loss": 0.27095, "time": 4.19866} {"mode": "train", "epoch": 32, "iter": 40100, "lr": 2e-05, "memory": 72263, "data_time": 0.01044, "decode.loss_ce": 0.19536, "decode.acc_seg": 91.60769, "aux.loss_ce": 0.081, "aux.acc_seg": 91.29639, "loss": 0.27636, "time": 1.97828} {"mode": "train", "epoch": 32, "iter": 40150, "lr": 2e-05, "memory": 72263, "data_time": 0.0102, "decode.loss_ce": 0.18629, "decode.acc_seg": 92.01179, "aux.loss_ce": 0.07795, "aux.acc_seg": 91.62431, "loss": 0.26423, "time": 1.97795} {"mode": "train", "epoch": 32, "iter": 40200, "lr": 2e-05, "memory": 72263, "data_time": 0.0106, "decode.loss_ce": 0.18767, "decode.acc_seg": 92.03331, "aux.loss_ce": 0.07856, "aux.acc_seg": 91.67046, "loss": 0.26623, "time": 1.9785} {"mode": "train", "epoch": 32, "iter": 40250, "lr": 2e-05, "memory": 72263, "data_time": 0.01035, "decode.loss_ce": 0.19084, "decode.acc_seg": 91.81552, "aux.loss_ce": 0.07959, "aux.acc_seg": 91.57826, "loss": 0.27043, "time": 1.97734} {"mode": "train", "epoch": 32, "iter": 40300, "lr": 2e-05, "memory": 72263, "data_time": 0.01075, "decode.loss_ce": 0.195, "decode.acc_seg": 92.0087, "aux.loss_ce": 0.08098, "aux.acc_seg": 91.57629, "loss": 0.27598, "time": 1.97804} {"mode": "train", "epoch": 32, "iter": 40350, "lr": 2e-05, "memory": 72263, "data_time": 0.0104, "decode.loss_ce": 0.18763, "decode.acc_seg": 91.94253, "aux.loss_ce": 0.07862, "aux.acc_seg": 91.63973, "loss": 0.26625, "time": 1.98137} {"mode": "train", "epoch": 32, "iter": 40400, "lr": 2e-05, "memory": 72263, "data_time": 0.01004, "decode.loss_ce": 0.18477, "decode.acc_seg": 92.14748, "aux.loss_ce": 0.07739, "aux.acc_seg": 91.79026, "loss": 0.26217, "time": 1.97637} {"mode": "train", "epoch": 33, "iter": 40450, "lr": 2e-05, "memory": 72263, "data_time": 0.06123, "decode.loss_ce": 0.18645, "decode.acc_seg": 92.20637, "aux.loss_ce": 0.07724, "aux.acc_seg": 91.83948, "loss": 0.26369, "time": 2.03149} {"mode": "train", "epoch": 33, "iter": 40500, "lr": 2e-05, "memory": 72263, "data_time": 0.01094, "decode.loss_ce": 0.17246, "decode.acc_seg": 92.40334, "aux.loss_ce": 0.07199, "aux.acc_seg": 92.02707, "loss": 0.24445, "time": 1.97927} {"mode": "train", "epoch": 33, "iter": 40550, "lr": 2e-05, "memory": 72263, "data_time": 0.0105, "decode.loss_ce": 0.18083, "decode.acc_seg": 92.08773, "aux.loss_ce": 0.07521, "aux.acc_seg": 91.81176, "loss": 0.25603, "time": 1.97698} {"mode": "train", "epoch": 33, "iter": 40600, "lr": 2e-05, "memory": 72263, "data_time": 0.0101, "decode.loss_ce": 0.19119, "decode.acc_seg": 92.21752, "aux.loss_ce": 0.07996, "aux.acc_seg": 91.84566, "loss": 0.27115, "time": 1.97624} {"mode": "train", "epoch": 33, "iter": 40650, "lr": 2e-05, "memory": 72263, "data_time": 0.00995, "decode.loss_ce": 0.19431, "decode.acc_seg": 91.56469, "aux.loss_ce": 0.08117, "aux.acc_seg": 91.20795, "loss": 0.27548, "time": 1.98348} {"mode": "train", "epoch": 33, "iter": 40700, "lr": 2e-05, "memory": 72263, "data_time": 0.0105, "decode.loss_ce": 0.18077, "decode.acc_seg": 92.34324, "aux.loss_ce": 0.07597, "aux.acc_seg": 91.895, "loss": 0.25674, "time": 1.97726} {"mode": "train", "epoch": 33, "iter": 40750, "lr": 2e-05, "memory": 72263, "data_time": 0.00969, "decode.loss_ce": 0.176, "decode.acc_seg": 92.28871, "aux.loss_ce": 0.07369, "aux.acc_seg": 91.93332, "loss": 0.24969, "time": 1.97735} {"mode": "train", "epoch": 33, "iter": 40800, "lr": 2e-05, "memory": 72263, "data_time": 0.0096, "decode.loss_ce": 0.20425, "decode.acc_seg": 91.50983, "aux.loss_ce": 0.08449, "aux.acc_seg": 91.20721, "loss": 0.28874, "time": 1.97585} {"mode": "train", "epoch": 33, "iter": 40850, "lr": 2e-05, "memory": 72263, "data_time": 0.01031, "decode.loss_ce": 0.19385, "decode.acc_seg": 91.77538, "aux.loss_ce": 0.08104, "aux.acc_seg": 91.44454, "loss": 0.27489, "time": 1.98176} {"mode": "train", "epoch": 33, "iter": 40900, "lr": 2e-05, "memory": 72263, "data_time": 0.00983, "decode.loss_ce": 0.19278, "decode.acc_seg": 92.09845, "aux.loss_ce": 0.08044, "aux.acc_seg": 91.76079, "loss": 0.27322, "time": 1.97805} {"mode": "train", "epoch": 33, "iter": 40950, "lr": 2e-05, "memory": 72263, "data_time": 0.01067, "decode.loss_ce": 0.18636, "decode.acc_seg": 92.03704, "aux.loss_ce": 0.07719, "aux.acc_seg": 91.7234, "loss": 0.26355, "time": 1.97986} {"mode": "train", "epoch": 33, "iter": 41000, "lr": 2e-05, "memory": 72263, "data_time": 0.00967, "decode.loss_ce": 0.18994, "decode.acc_seg": 92.2592, "aux.loss_ce": 0.07878, "aux.acc_seg": 91.88381, "loss": 0.26872, "time": 1.97722} {"mode": "val", "epoch": 33, "iter": 250, "lr": 2e-05, "aAcc": 0.8622, "mIoU": 0.5826, "mAcc": 0.7145, "IoU.wall": 0.819, "IoU.building": 0.8474, "IoU.sky": 0.9475, "IoU.floor": 0.8466, "IoU.tree": 0.7756, "IoU.ceiling": 0.8751, "IoU.road": 0.8552, "IoU.bed ": 0.9249, "IoU.windowpane": 0.6665, "IoU.grass": 0.7005, "IoU.cabinet": 0.6745, "IoU.sidewalk": 0.7011, "IoU.person": 0.8569, "IoU.earth": 0.4047, "IoU.door": 0.5833, "IoU.table": 0.678, "IoU.mountain": 0.6306, "IoU.plant": 0.5706, "IoU.curtain": 0.7925, "IoU.chair": 0.6657, "IoU.car": 0.8759, "IoU.water": 0.6317, "IoU.painting": 0.7917, "IoU.sofa": 0.8167, "IoU.shelf": 0.495, "IoU.house": 0.5235, "IoU.sea": 0.7498, "IoU.mirror": 0.7971, "IoU.rug": 0.6721, "IoU.field": 0.3275, "IoU.armchair": 0.608, "IoU.seat": 0.6844, "IoU.fence": 0.4793, "IoU.desk": 0.5955, "IoU.rock": 0.5724, "IoU.wardrobe": 0.5492, "IoU.lamp": 0.7609, "IoU.bathtub": 0.8495, "IoU.railing": 0.4378, "IoU.cushion": 0.6908, "IoU.base": 0.4034, "IoU.box": 0.3774, "IoU.column": 0.5835, "IoU.signboard": 0.4128, "IoU.chest of drawers": 0.4458, "IoU.counter": 0.4287, "IoU.sand": 0.4686, "IoU.sink": 0.8428, "IoU.skyscraper": 0.4952, "IoU.fireplace": 0.7302, "IoU.refrigerator": 0.8227, "IoU.grandstand": 0.4943, "IoU.path": 0.3304, "IoU.stairs": 0.3009, "IoU.runway": 0.6779, "IoU.case": 0.5702, "IoU.pool table": 0.9486, "IoU.pillow": 0.6419, "IoU.screen door": 0.8282, "IoU.stairway": 0.4838, "IoU.river": 0.1337, "IoU.bridge": 0.6386, "IoU.bookcase": 0.4614, "IoU.blind": 0.4681, "IoU.coffee table": 0.614, "IoU.toilet": 0.9079, "IoU.flower": 0.4952, "IoU.book": 0.5713, "IoU.hill": 0.079, "IoU.bench": 0.6111, "IoU.countertop": 0.64, "IoU.stove": 0.8654, "IoU.palm": 0.5127, "IoU.kitchen island": 0.4346, "IoU.computer": 0.768, "IoU.swivel chair": 0.522, "IoU.boat": 0.6482, "IoU.bar": 0.6181, "IoU.arcade machine": 0.9137, "IoU.hovel": 0.4312, "IoU.bus": 0.9379, "IoU.towel": 0.749, "IoU.light": 0.6201, "IoU.truck": 0.5269, "IoU.tower": 0.2745, "IoU.chandelier": 0.7542, "IoU.awning": 0.4981, "IoU.streetlight": 0.3757, "IoU.booth": 0.343, "IoU.television receiver": 0.8214, "IoU.airplane": 0.8267, "IoU.dirt track": 0.0657, "IoU.apparel": 0.6311, "IoU.pole": 0.2586, "IoU.land": 0.041, "IoU.bannister": 0.2131, "IoU.escalator": 0.6532, "IoU.ottoman": 0.5707, "IoU.bottle": 0.4432, "IoU.buffet": 0.6112, "IoU.poster": 0.3372, "IoU.stage": 0.248, "IoU.van": 0.4984, "IoU.ship": 0.7758, "IoU.fountain": 0.5266, "IoU.conveyer belt": 0.7846, "IoU.canopy": 0.4804, "IoU.washer": 0.7917, "IoU.plaything": 0.3965, "IoU.swimming pool": 0.5382, "IoU.stool": 0.5316, "IoU.barrel": 0.6574, "IoU.basket": 0.417, "IoU.waterfall": 0.4932, "IoU.tent": 0.9536, "IoU.bag": 0.2337, "IoU.minibike": 0.7708, "IoU.cradle": 0.8926, "IoU.oven": 0.5927, "IoU.ball": 0.4708, "IoU.food": 0.6621, "IoU.step": 0.1359, "IoU.tank": 0.7327, "IoU.trade name": 0.3329, "IoU.microwave": 0.8857, "IoU.pot": 0.6083, "IoU.animal": 0.6127, "IoU.bicycle": 0.6034, "IoU.lake": 0.5347, "IoU.dishwasher": 0.7667, "IoU.screen": 0.6159, "IoU.blanket": 0.266, "IoU.sculpture": 0.6926, "IoU.hood": 0.6449, "IoU.sconce": 0.6185, "IoU.vase": 0.5069, "IoU.traffic light": 0.3647, "IoU.tray": 0.206, "IoU.ashcan": 0.5255, "IoU.fan": 0.7101, "IoU.pier": 0.431, "IoU.crt screen": 0.1022, "IoU.plate": 0.6354, "IoU.monitor": 0.3204, "IoU.bulletin board": 0.5781, "IoU.shower": 0.1526, "IoU.radiator": 0.6891, "IoU.glass": 0.2302, "IoU.clock": 0.5557, "IoU.flag": 0.7197, "Acc.wall": 0.9009, "Acc.building": 0.9284, "Acc.sky": 0.9772, "Acc.floor": 0.9029, "Acc.tree": 0.889, "Acc.ceiling": 0.9398, "Acc.road": 0.9189, "Acc.bed ": 0.9622, "Acc.windowpane": 0.8005, "Acc.grass": 0.8866, "Acc.cabinet": 0.7618, "Acc.sidewalk": 0.8247, "Acc.person": 0.9396, "Acc.earth": 0.5354, "Acc.door": 0.7531, "Acc.table": 0.8205, "Acc.mountain": 0.7275, "Acc.plant": 0.6596, "Acc.curtain": 0.895, "Acc.chair": 0.7858, "Acc.car": 0.9466, "Acc.water": 0.7951, "Acc.painting": 0.9134, "Acc.sofa": 0.892, "Acc.shelf": 0.66, "Acc.house": 0.6792, "Acc.sea": 0.8623, "Acc.mirror": 0.8677, "Acc.rug": 0.8101, "Acc.field": 0.3854, "Acc.armchair": 0.8052, "Acc.seat": 0.8874, "Acc.fence": 0.6586, "Acc.desk": 0.7797, "Acc.rock": 0.8846, "Acc.wardrobe": 0.7115, "Acc.lamp": 0.8773, "Acc.bathtub": 0.8865, "Acc.railing": 0.605, "Acc.cushion": 0.8582, "Acc.base": 0.593, "Acc.box": 0.5299, "Acc.column": 0.7012, "Acc.signboard": 0.5481, "Acc.chest of drawers": 0.6307, "Acc.counter": 0.5458, "Acc.sand": 0.7897, "Acc.sink": 0.9151, "Acc.skyscraper": 0.6494, "Acc.fireplace": 0.9403, "Acc.refrigerator": 0.932, "Acc.grandstand": 0.8559, "Acc.path": 0.427, "Acc.stairs": 0.3511, "Acc.runway": 0.8832, "Acc.case": 0.664, "Acc.pool table": 0.9852, "Acc.pillow": 0.7411, "Acc.screen door": 0.8588, "Acc.stairway": 0.7176, "Acc.river": 0.2052, "Acc.bridge": 0.7084, "Acc.bookcase": 0.6581, "Acc.blind": 0.5321, "Acc.coffee table": 0.9171, "Acc.toilet": 0.9579, "Acc.flower": 0.7017, "Acc.book": 0.7956, "Acc.hill": 0.1311, "Acc.bench": 0.6859, "Acc.countertop": 0.8413, "Acc.stove": 0.9379, "Acc.palm": 0.8347, "Acc.kitchen island": 0.9391, "Acc.computer": 0.9285, "Acc.swivel chair": 0.8248, "Acc.boat": 0.9411, "Acc.bar": 0.7876, "Acc.arcade machine": 0.9811, "Acc.hovel": 0.4939, "Acc.bus": 0.9695, "Acc.towel": 0.9226, "Acc.light": 0.7065, "Acc.truck": 0.6237, "Acc.tower": 0.4926, "Acc.chandelier": 0.857, "Acc.awning": 0.644, "Acc.streetlight": 0.5142, "Acc.booth": 0.5058, "Acc.television receiver": 0.9013, "Acc.airplane": 0.9683, "Acc.dirt track": 0.2313, "Acc.apparel": 0.7849, "Acc.pole": 0.3492, "Acc.land": 0.0738, "Acc.bannister": 0.3021, "Acc.escalator": 0.8238, "Acc.ottoman": 0.6997, "Acc.bottle": 0.7144, "Acc.buffet": 0.7163, "Acc.poster": 0.3774, "Acc.stage": 0.4587, "Acc.van": 0.6354, "Acc.ship": 0.9053, "Acc.fountain": 0.5286, "Acc.conveyer belt": 0.9737, "Acc.canopy": 0.6131, "Acc.washer": 0.8324, "Acc.plaything": 0.5917, "Acc.swimming pool": 0.8392, "Acc.stool": 0.7853, "Acc.barrel": 0.9417, "Acc.basket": 0.615, "Acc.waterfall": 0.7052, "Acc.tent": 0.9898, "Acc.bag": 0.2676, "Acc.minibike": 0.8898, "Acc.cradle": 0.9685, "Acc.oven": 0.6879, "Acc.ball": 0.498, "Acc.food": 0.7774, "Acc.step": 0.1752, "Acc.tank": 0.8413, "Acc.trade name": 0.4058, "Acc.microwave": 0.9579, "Acc.pot": 0.7036, "Acc.animal": 0.629, "Acc.bicycle": 0.8176, "Acc.lake": 0.6374, "Acc.dishwasher": 0.8206, "Acc.screen": 0.8842, "Acc.blanket": 0.3363, "Acc.sculpture": 0.8625, "Acc.hood": 0.7518, "Acc.sconce": 0.7282, "Acc.vase": 0.6652, "Acc.traffic light": 0.682, "Acc.tray": 0.2411, "Acc.ashcan": 0.6675, "Acc.fan": 0.7902, "Acc.pier": 0.4851, "Acc.crt screen": 0.225, "Acc.plate": 0.7805, "Acc.monitor": 0.4212, "Acc.bulletin board": 0.6478, "Acc.shower": 0.1574, "Acc.radiator": 0.8344, "Acc.glass": 0.2516, "Acc.clock": 0.6293, "Acc.flag": 0.8256} {"mode": "train", "epoch": 33, "iter": 41050, "lr": 2e-05, "memory": 72263, "data_time": 2.22443, "decode.loss_ce": 0.18709, "decode.acc_seg": 92.07014, "aux.loss_ce": 0.07796, "aux.acc_seg": 91.69899, "loss": 0.26505, "time": 4.19331} {"mode": "train", "epoch": 33, "iter": 41100, "lr": 2e-05, "memory": 72263, "data_time": 0.0098, "decode.loss_ce": 0.18966, "decode.acc_seg": 92.0592, "aux.loss_ce": 0.07881, "aux.acc_seg": 91.70038, "loss": 0.26847, "time": 1.97764} {"mode": "train", "epoch": 33, "iter": 41150, "lr": 2e-05, "memory": 72263, "data_time": 0.00974, "decode.loss_ce": 0.20984, "decode.acc_seg": 91.42009, "aux.loss_ce": 0.08695, "aux.acc_seg": 91.09433, "loss": 0.29679, "time": 1.97839} {"mode": "train", "epoch": 33, "iter": 41200, "lr": 2e-05, "memory": 72263, "data_time": 0.01052, "decode.loss_ce": 0.19632, "decode.acc_seg": 91.29358, "aux.loss_ce": 0.08179, "aux.acc_seg": 90.9334, "loss": 0.27811, "time": 1.98121} {"mode": "train", "epoch": 33, "iter": 41250, "lr": 2e-05, "memory": 72263, "data_time": 0.01026, "decode.loss_ce": 0.18926, "decode.acc_seg": 92.2429, "aux.loss_ce": 0.07823, "aux.acc_seg": 91.94206, "loss": 0.26749, "time": 1.97611} {"mode": "train", "epoch": 33, "iter": 41300, "lr": 2e-05, "memory": 72263, "data_time": 0.01002, "decode.loss_ce": 0.18389, "decode.acc_seg": 92.39597, "aux.loss_ce": 0.07654, "aux.acc_seg": 92.01992, "loss": 0.26043, "time": 1.97849} {"mode": "train", "epoch": 33, "iter": 41350, "lr": 2e-05, "memory": 72263, "data_time": 0.01026, "decode.loss_ce": 0.19121, "decode.acc_seg": 91.98297, "aux.loss_ce": 0.07955, "aux.acc_seg": 91.67385, "loss": 0.27076, "time": 1.97764} {"mode": "train", "epoch": 33, "iter": 41400, "lr": 2e-05, "memory": 72263, "data_time": 0.01029, "decode.loss_ce": 0.18052, "decode.acc_seg": 92.19887, "aux.loss_ce": 0.07536, "aux.acc_seg": 91.92136, "loss": 0.25588, "time": 1.9799} {"mode": "train", "epoch": 33, "iter": 41450, "lr": 2e-05, "memory": 72263, "data_time": 0.01032, "decode.loss_ce": 0.19275, "decode.acc_seg": 92.0211, "aux.loss_ce": 0.08032, "aux.acc_seg": 91.69883, "loss": 0.27307, "time": 1.97838} {"mode": "train", "epoch": 33, "iter": 41500, "lr": 2e-05, "memory": 72263, "data_time": 0.01037, "decode.loss_ce": 0.18948, "decode.acc_seg": 92.02044, "aux.loss_ce": 0.07928, "aux.acc_seg": 91.70607, "loss": 0.26875, "time": 1.97691} {"mode": "train", "epoch": 33, "iter": 41550, "lr": 2e-05, "memory": 72263, "data_time": 0.01011, "decode.loss_ce": 0.17203, "decode.acc_seg": 92.45662, "aux.loss_ce": 0.0716, "aux.acc_seg": 92.18014, "loss": 0.24363, "time": 1.9785} {"mode": "train", "epoch": 33, "iter": 41600, "lr": 2e-05, "memory": 72263, "data_time": 0.01059, "decode.loss_ce": 0.19774, "decode.acc_seg": 91.80711, "aux.loss_ce": 0.08222, "aux.acc_seg": 91.45718, "loss": 0.27996, "time": 1.98256} {"mode": "train", "epoch": 33, "iter": 41650, "lr": 2e-05, "memory": 72263, "data_time": 0.00984, "decode.loss_ce": 0.17573, "decode.acc_seg": 92.31698, "aux.loss_ce": 0.07288, "aux.acc_seg": 92.06632, "loss": 0.24861, "time": 1.97759} {"mode": "train", "epoch": 34, "iter": 41700, "lr": 2e-05, "memory": 72263, "data_time": 0.0598, "decode.loss_ce": 0.18568, "decode.acc_seg": 92.02352, "aux.loss_ce": 0.07776, "aux.acc_seg": 91.71644, "loss": 0.26344, "time": 2.02901} {"mode": "train", "epoch": 34, "iter": 41750, "lr": 2e-05, "memory": 72263, "data_time": 0.00979, "decode.loss_ce": 0.16612, "decode.acc_seg": 92.9465, "aux.loss_ce": 0.07008, "aux.acc_seg": 92.63501, "loss": 0.23621, "time": 1.97936} {"mode": "train", "epoch": 34, "iter": 41800, "lr": 2e-05, "memory": 72263, "data_time": 0.01034, "decode.loss_ce": 0.18428, "decode.acc_seg": 92.27627, "aux.loss_ce": 0.07725, "aux.acc_seg": 91.90119, "loss": 0.26154, "time": 1.97877} {"mode": "train", "epoch": 34, "iter": 41850, "lr": 2e-05, "memory": 72263, "data_time": 0.00983, "decode.loss_ce": 0.17892, "decode.acc_seg": 92.11939, "aux.loss_ce": 0.07486, "aux.acc_seg": 91.79504, "loss": 0.25378, "time": 1.97891} {"mode": "train", "epoch": 34, "iter": 41900, "lr": 2e-05, "memory": 72263, "data_time": 0.01041, "decode.loss_ce": 0.17884, "decode.acc_seg": 92.20862, "aux.loss_ce": 0.07519, "aux.acc_seg": 91.87353, "loss": 0.25403, "time": 1.97569} {"mode": "train", "epoch": 34, "iter": 41950, "lr": 2e-05, "memory": 72263, "data_time": 0.00963, "decode.loss_ce": 0.19206, "decode.acc_seg": 91.91978, "aux.loss_ce": 0.08026, "aux.acc_seg": 91.56468, "loss": 0.27231, "time": 1.97675} {"mode": "train", "epoch": 34, "iter": 42000, "lr": 2e-05, "memory": 72263, "data_time": 0.00978, "decode.loss_ce": 0.17783, "decode.acc_seg": 92.53357, "aux.loss_ce": 0.07469, "aux.acc_seg": 92.13868, "loss": 0.25252, "time": 3.6743} {"mode": "val", "epoch": 34, "iter": 250, "lr": 2e-05, "aAcc": 0.8633, "mIoU": 0.5851, "mAcc": 0.7107, "IoU.wall": 0.8261, "IoU.building": 0.852, "IoU.sky": 0.9485, "IoU.floor": 0.8444, "IoU.tree": 0.7822, "IoU.ceiling": 0.8698, "IoU.road": 0.834, "IoU.bed ": 0.9285, "IoU.windowpane": 0.6598, "IoU.grass": 0.6958, "IoU.cabinet": 0.6725, "IoU.sidewalk": 0.6775, "IoU.person": 0.862, "IoU.earth": 0.4131, "IoU.door": 0.5792, "IoU.table": 0.698, "IoU.mountain": 0.6386, "IoU.plant": 0.5772, "IoU.curtain": 0.7828, "IoU.chair": 0.673, "IoU.car": 0.8835, "IoU.water": 0.6469, "IoU.painting": 0.8045, "IoU.sofa": 0.8271, "IoU.shelf": 0.5114, "IoU.house": 0.5618, "IoU.sea": 0.7703, "IoU.mirror": 0.7961, "IoU.rug": 0.6651, "IoU.field": 0.2998, "IoU.armchair": 0.5971, "IoU.seat": 0.6958, "IoU.fence": 0.5199, "IoU.desk": 0.5768, "IoU.rock": 0.5878, "IoU.wardrobe": 0.5658, "IoU.lamp": 0.7629, "IoU.bathtub": 0.8663, "IoU.railing": 0.4268, "IoU.cushion": 0.7123, "IoU.base": 0.3775, "IoU.box": 0.3927, "IoU.column": 0.5847, "IoU.signboard": 0.419, "IoU.chest of drawers": 0.4604, "IoU.counter": 0.3755, "IoU.sand": 0.5561, "IoU.sink": 0.8423, "IoU.skyscraper": 0.4677, "IoU.fireplace": 0.7255, "IoU.refrigerator": 0.8116, "IoU.grandstand": 0.5288, "IoU.path": 0.2912, "IoU.stairs": 0.3629, "IoU.runway": 0.6838, "IoU.case": 0.6151, "IoU.pool table": 0.9516, "IoU.pillow": 0.6518, "IoU.screen door": 0.7662, "IoU.stairway": 0.5041, "IoU.river": 0.1429, "IoU.bridge": 0.6237, "IoU.bookcase": 0.3877, "IoU.blind": 0.4419, "IoU.coffee table": 0.6202, "IoU.toilet": 0.912, "IoU.flower": 0.5096, "IoU.book": 0.5538, "IoU.hill": 0.1097, "IoU.bench": 0.6699, "IoU.countertop": 0.6153, "IoU.stove": 0.8787, "IoU.palm": 0.5058, "IoU.kitchen island": 0.5176, "IoU.computer": 0.7739, "IoU.swivel chair": 0.5198, "IoU.boat": 0.7387, "IoU.bar": 0.6595, "IoU.arcade machine": 0.9213, "IoU.hovel": 0.4574, "IoU.bus": 0.9347, "IoU.towel": 0.8027, "IoU.light": 0.6222, "IoU.truck": 0.5241, "IoU.tower": 0.3127, "IoU.chandelier": 0.7487, "IoU.awning": 0.5086, "IoU.streetlight": 0.37, "IoU.booth": 0.4039, "IoU.television receiver": 0.8021, "IoU.airplane": 0.8924, "IoU.dirt track": 0.0553, "IoU.apparel": 0.644, "IoU.pole": 0.2626, "IoU.land": 0.0465, "IoU.bannister": 0.1988, "IoU.escalator": 0.6247, "IoU.ottoman": 0.5704, "IoU.bottle": 0.4863, "IoU.buffet": 0.5616, "IoU.poster": 0.3436, "IoU.stage": 0.243, "IoU.van": 0.5285, "IoU.ship": 0.7681, "IoU.fountain": 0.3348, "IoU.conveyer belt": 0.7872, "IoU.canopy": 0.2809, "IoU.washer": 0.8564, "IoU.plaything": 0.363, "IoU.swimming pool": 0.6159, "IoU.stool": 0.5398, "IoU.barrel": 0.7172, "IoU.basket": 0.4405, "IoU.waterfall": 0.5067, "IoU.tent": 0.8647, "IoU.bag": 0.246, "IoU.minibike": 0.7798, "IoU.cradle": 0.8556, "IoU.oven": 0.7087, "IoU.ball": 0.5765, "IoU.food": 0.6105, "IoU.step": 0.1897, "IoU.tank": 0.7658, "IoU.trade name": 0.1927, "IoU.microwave": 0.9126, "IoU.pot": 0.6024, "IoU.animal": 0.5988, "IoU.bicycle": 0.6143, "IoU.lake": 0.5993, "IoU.dishwasher": 0.7621, "IoU.screen": 0.6476, "IoU.blanket": 0.2939, "IoU.sculpture": 0.6925, "IoU.hood": 0.7225, "IoU.sconce": 0.6013, "IoU.vase": 0.5211, "IoU.traffic light": 0.3783, "IoU.tray": 0.2655, "IoU.ashcan": 0.5058, "IoU.fan": 0.699, "IoU.pier": 0.4062, "IoU.crt screen": 0.0632, "IoU.plate": 0.6499, "IoU.monitor": 0.1305, "IoU.bulletin board": 0.5377, "IoU.shower": 0.0941, "IoU.radiator": 0.681, "IoU.glass": 0.2139, "IoU.clock": 0.5291, "IoU.flag": 0.739, "Acc.wall": 0.8993, "Acc.building": 0.9311, "Acc.sky": 0.9787, "Acc.floor": 0.9146, "Acc.tree": 0.8911, "Acc.ceiling": 0.9406, "Acc.road": 0.9221, "Acc.bed ": 0.9734, "Acc.windowpane": 0.8123, "Acc.grass": 0.8604, "Acc.cabinet": 0.7495, "Acc.sidewalk": 0.7814, "Acc.person": 0.9403, "Acc.earth": 0.5267, "Acc.door": 0.7693, "Acc.table": 0.8233, "Acc.mountain": 0.7229, "Acc.plant": 0.7016, "Acc.curtain": 0.8742, "Acc.chair": 0.7856, "Acc.car": 0.9401, "Acc.water": 0.8108, "Acc.painting": 0.9137, "Acc.sofa": 0.8926, "Acc.shelf": 0.7243, "Acc.house": 0.715, "Acc.sea": 0.8893, "Acc.mirror": 0.876, "Acc.rug": 0.8014, "Acc.field": 0.4606, "Acc.armchair": 0.7689, "Acc.seat": 0.8794, "Acc.fence": 0.7188, "Acc.desk": 0.7862, "Acc.rock": 0.8672, "Acc.wardrobe": 0.7518, "Acc.lamp": 0.8438, "Acc.bathtub": 0.894, "Acc.railing": 0.6387, "Acc.cushion": 0.835, "Acc.base": 0.6673, "Acc.box": 0.5247, "Acc.column": 0.7088, "Acc.signboard": 0.5822, "Acc.chest of drawers": 0.6906, "Acc.counter": 0.4092, "Acc.sand": 0.759, "Acc.sink": 0.8972, "Acc.skyscraper": 0.5938, "Acc.fireplace": 0.9142, "Acc.refrigerator": 0.9012, "Acc.grandstand": 0.8658, "Acc.path": 0.4154, "Acc.stairs": 0.4285, "Acc.runway": 0.886, "Acc.case": 0.7556, "Acc.pool table": 0.9778, "Acc.pillow": 0.7357, "Acc.screen door": 0.7971, "Acc.stairway": 0.6279, "Acc.river": 0.2278, "Acc.bridge": 0.8545, "Acc.bookcase": 0.4679, "Acc.blind": 0.5026, "Acc.coffee table": 0.8646, "Acc.toilet": 0.9477, "Acc.flower": 0.6123, "Acc.book": 0.8118, "Acc.hill": 0.2205, "Acc.bench": 0.7685, "Acc.countertop": 0.8594, "Acc.stove": 0.9333, "Acc.palm": 0.8483, "Acc.kitchen island": 0.8573, "Acc.computer": 0.9084, "Acc.swivel chair": 0.776, "Acc.boat": 0.9012, "Acc.bar": 0.8135, "Acc.arcade machine": 0.972, "Acc.hovel": 0.5392, "Acc.bus": 0.9643, "Acc.towel": 0.838, "Acc.light": 0.7235, "Acc.truck": 0.664, "Acc.tower": 0.5209, "Acc.chandelier": 0.8463, "Acc.awning": 0.6874, "Acc.streetlight": 0.4925, "Acc.booth": 0.5453, "Acc.television receiver": 0.868, "Acc.airplane": 0.9443, "Acc.dirt track": 0.2188, "Acc.apparel": 0.8912, "Acc.pole": 0.356, "Acc.land": 0.0634, "Acc.bannister": 0.2444, "Acc.escalator": 0.8695, "Acc.ottoman": 0.694, "Acc.bottle": 0.6699, "Acc.buffet": 0.6255, "Acc.poster": 0.4415, "Acc.stage": 0.4224, "Acc.van": 0.7097, "Acc.ship": 0.8868, "Acc.fountain": 0.3361, "Acc.conveyer belt": 0.9591, "Acc.canopy": 0.3762, "Acc.washer": 0.9114, "Acc.plaything": 0.5546, "Acc.swimming pool": 0.8833, "Acc.stool": 0.7654, "Acc.barrel": 0.8502, "Acc.basket": 0.5842, "Acc.waterfall": 0.6602, "Acc.tent": 0.9881, "Acc.bag": 0.2735, "Acc.minibike": 0.8706, "Acc.cradle": 0.9743, "Acc.oven": 0.8117, "Acc.ball": 0.6343, "Acc.food": 0.7055, "Acc.step": 0.2238, "Acc.tank": 0.8416, "Acc.trade name": 0.214, "Acc.microwave": 0.9557, "Acc.pot": 0.7082, "Acc.animal": 0.6123, "Acc.bicycle": 0.7615, "Acc.lake": 0.6325, "Acc.dishwasher": 0.8224, "Acc.screen": 0.927, "Acc.blanket": 0.4089, "Acc.sculpture": 0.826, "Acc.hood": 0.9244, "Acc.sconce": 0.685, "Acc.vase": 0.6476, "Acc.traffic light": 0.6947, "Acc.tray": 0.344, "Acc.ashcan": 0.6971, "Acc.fan": 0.8218, "Acc.pier": 0.4398, "Acc.crt screen": 0.1668, "Acc.plate": 0.827, "Acc.monitor": 0.1561, "Acc.bulletin board": 0.6846, "Acc.shower": 0.1483, "Acc.radiator": 0.8335, "Acc.glass": 0.2267, "Acc.clock": 0.5986, "Acc.flag": 0.8126} {"mode": "train", "epoch": 34, "iter": 42050, "lr": 2e-05, "memory": 72263, "data_time": 2.19773, "decode.loss_ce": 0.17818, "decode.acc_seg": 92.37536, "aux.loss_ce": 0.07485, "aux.acc_seg": 91.98946, "loss": 0.25303, "time": 4.16543} {"mode": "train", "epoch": 34, "iter": 42100, "lr": 2e-05, "memory": 72263, "data_time": 0.01022, "decode.loss_ce": 0.1857, "decode.acc_seg": 92.32074, "aux.loss_ce": 0.0776, "aux.acc_seg": 91.95561, "loss": 0.2633, "time": 1.97704} {"mode": "train", "epoch": 34, "iter": 42150, "lr": 2e-05, "memory": 72263, "data_time": 0.01083, "decode.loss_ce": 0.17743, "decode.acc_seg": 92.30232, "aux.loss_ce": 0.07413, "aux.acc_seg": 91.99376, "loss": 0.25155, "time": 1.97883} {"mode": "train", "epoch": 34, "iter": 42200, "lr": 2e-05, "memory": 72263, "data_time": 0.00993, "decode.loss_ce": 0.18634, "decode.acc_seg": 92.01206, "aux.loss_ce": 0.07761, "aux.acc_seg": 91.71174, "loss": 0.26396, "time": 1.97589} {"mode": "train", "epoch": 34, "iter": 42250, "lr": 2e-05, "memory": 72263, "data_time": 0.01014, "decode.loss_ce": 0.18825, "decode.acc_seg": 91.87665, "aux.loss_ce": 0.07817, "aux.acc_seg": 91.57679, "loss": 0.26641, "time": 1.9775} {"mode": "train", "epoch": 34, "iter": 42300, "lr": 2e-05, "memory": 72263, "data_time": 0.01017, "decode.loss_ce": 0.18763, "decode.acc_seg": 92.00946, "aux.loss_ce": 0.07777, "aux.acc_seg": 91.70939, "loss": 0.2654, "time": 1.97511} {"mode": "train", "epoch": 34, "iter": 42350, "lr": 2e-05, "memory": 72263, "data_time": 0.00982, "decode.loss_ce": 0.18082, "decode.acc_seg": 92.05168, "aux.loss_ce": 0.07585, "aux.acc_seg": 91.65877, "loss": 0.25667, "time": 1.97662} {"mode": "train", "epoch": 34, "iter": 42400, "lr": 2e-05, "memory": 72263, "data_time": 0.01065, "decode.loss_ce": 0.18313, "decode.acc_seg": 91.96374, "aux.loss_ce": 0.07679, "aux.acc_seg": 91.69383, "loss": 0.25992, "time": 1.97692} {"mode": "train", "epoch": 34, "iter": 42450, "lr": 2e-05, "memory": 72263, "data_time": 0.00996, "decode.loss_ce": 0.18394, "decode.acc_seg": 92.14527, "aux.loss_ce": 0.07664, "aux.acc_seg": 91.79269, "loss": 0.26058, "time": 1.97837} {"mode": "train", "epoch": 34, "iter": 42500, "lr": 2e-05, "memory": 72263, "data_time": 0.00977, "decode.loss_ce": 0.18239, "decode.acc_seg": 92.0468, "aux.loss_ce": 0.07551, "aux.acc_seg": 91.75685, "loss": 0.25791, "time": 1.97743} {"mode": "train", "epoch": 34, "iter": 42550, "lr": 2e-05, "memory": 72263, "data_time": 0.01005, "decode.loss_ce": 0.18025, "decode.acc_seg": 92.20256, "aux.loss_ce": 0.07504, "aux.acc_seg": 91.86832, "loss": 0.25529, "time": 1.97738} {"mode": "train", "epoch": 34, "iter": 42600, "lr": 2e-05, "memory": 72263, "data_time": 0.00971, "decode.loss_ce": 0.19479, "decode.acc_seg": 91.99152, "aux.loss_ce": 0.08077, "aux.acc_seg": 91.64819, "loss": 0.27557, "time": 1.97727} {"mode": "train", "epoch": 34, "iter": 42650, "lr": 2e-05, "memory": 72263, "data_time": 0.00966, "decode.loss_ce": 0.18772, "decode.acc_seg": 92.20511, "aux.loss_ce": 0.07832, "aux.acc_seg": 91.84837, "loss": 0.26604, "time": 1.9751} {"mode": "train", "epoch": 34, "iter": 42700, "lr": 2e-05, "memory": 72263, "data_time": 0.0102, "decode.loss_ce": 0.18123, "decode.acc_seg": 92.36451, "aux.loss_ce": 0.07567, "aux.acc_seg": 92.03407, "loss": 0.2569, "time": 1.9756} {"mode": "train", "epoch": 34, "iter": 42750, "lr": 2e-05, "memory": 72263, "data_time": 0.00973, "decode.loss_ce": 0.18775, "decode.acc_seg": 91.96015, "aux.loss_ce": 0.07833, "aux.acc_seg": 91.63782, "loss": 0.26608, "time": 1.97778} {"mode": "train", "epoch": 34, "iter": 42800, "lr": 2e-05, "memory": 72263, "data_time": 0.01024, "decode.loss_ce": 0.17892, "decode.acc_seg": 92.20311, "aux.loss_ce": 0.07484, "aux.acc_seg": 91.8258, "loss": 0.25376, "time": 1.97601} {"mode": "train", "epoch": 34, "iter": 42850, "lr": 2e-05, "memory": 72263, "data_time": 0.01051, "decode.loss_ce": 0.1883, "decode.acc_seg": 91.91348, "aux.loss_ce": 0.07875, "aux.acc_seg": 91.57186, "loss": 0.26705, "time": 1.97907} {"mode": "train", "epoch": 34, "iter": 42900, "lr": 2e-05, "memory": 72263, "data_time": 0.00968, "decode.loss_ce": 0.17736, "decode.acc_seg": 92.31981, "aux.loss_ce": 0.07332, "aux.acc_seg": 92.05938, "loss": 0.25067, "time": 1.97593} {"mode": "train", "epoch": 35, "iter": 42950, "lr": 2e-05, "memory": 72263, "data_time": 0.05794, "decode.loss_ce": 0.18044, "decode.acc_seg": 92.37386, "aux.loss_ce": 0.07496, "aux.acc_seg": 92.05376, "loss": 0.25539, "time": 2.02974} {"mode": "train", "epoch": 35, "iter": 43000, "lr": 2e-05, "memory": 72263, "data_time": 0.01005, "decode.loss_ce": 0.17481, "decode.acc_seg": 92.33235, "aux.loss_ce": 0.07395, "aux.acc_seg": 91.92844, "loss": 0.24876, "time": 1.97874} {"mode": "val", "epoch": 35, "iter": 250, "lr": 2e-05, "aAcc": 0.8629, "mIoU": 0.5863, "mAcc": 0.7118, "IoU.wall": 0.8237, "IoU.building": 0.8529, "IoU.sky": 0.9486, "IoU.floor": 0.8486, "IoU.tree": 0.7768, "IoU.ceiling": 0.8669, "IoU.road": 0.8523, "IoU.bed ": 0.9238, "IoU.windowpane": 0.6608, "IoU.grass": 0.6896, "IoU.cabinet": 0.6748, "IoU.sidewalk": 0.6982, "IoU.person": 0.8568, "IoU.earth": 0.4052, "IoU.door": 0.6093, "IoU.table": 0.6933, "IoU.mountain": 0.6318, "IoU.plant": 0.5647, "IoU.curtain": 0.8012, "IoU.chair": 0.6825, "IoU.car": 0.8816, "IoU.water": 0.6276, "IoU.painting": 0.8122, "IoU.sofa": 0.821, "IoU.shelf": 0.4909, "IoU.house": 0.5329, "IoU.sea": 0.7337, "IoU.mirror": 0.7807, "IoU.rug": 0.6599, "IoU.field": 0.2974, "IoU.armchair": 0.6081, "IoU.seat": 0.6922, "IoU.fence": 0.5186, "IoU.desk": 0.569, "IoU.rock": 0.6007, "IoU.wardrobe": 0.5775, "IoU.lamp": 0.7579, "IoU.bathtub": 0.8881, "IoU.railing": 0.4497, "IoU.cushion": 0.7235, "IoU.base": 0.3884, "IoU.box": 0.3829, "IoU.column": 0.5911, "IoU.signboard": 0.4275, "IoU.chest of drawers": 0.4773, "IoU.counter": 0.4737, "IoU.sand": 0.4927, "IoU.sink": 0.8493, "IoU.skyscraper": 0.455, "IoU.fireplace": 0.7137, "IoU.refrigerator": 0.7991, "IoU.grandstand": 0.5388, "IoU.path": 0.2997, "IoU.stairs": 0.266, "IoU.runway": 0.6848, "IoU.case": 0.6172, "IoU.pool table": 0.9509, "IoU.pillow": 0.6629, "IoU.screen door": 0.8637, "IoU.stairway": 0.3993, "IoU.river": 0.1155, "IoU.bridge": 0.759, "IoU.bookcase": 0.4138, "IoU.blind": 0.4359, "IoU.coffee table": 0.6168, "IoU.toilet": 0.9128, "IoU.flower": 0.4708, "IoU.book": 0.572, "IoU.hill": 0.0897, "IoU.bench": 0.6527, "IoU.countertop": 0.6446, "IoU.stove": 0.8626, "IoU.palm": 0.5047, "IoU.kitchen island": 0.4381, "IoU.computer": 0.7574, "IoU.swivel chair": 0.4839, "IoU.boat": 0.5421, "IoU.bar": 0.6325, "IoU.arcade machine": 0.9231, "IoU.hovel": 0.4893, "IoU.bus": 0.936, "IoU.towel": 0.8304, "IoU.light": 0.6282, "IoU.truck": 0.5315, "IoU.tower": 0.1765, "IoU.chandelier": 0.7399, "IoU.awning": 0.4187, "IoU.streetlight": 0.3479, "IoU.booth": 0.4569, "IoU.television receiver": 0.8097, "IoU.airplane": 0.8852, "IoU.dirt track": 0.0727, "IoU.apparel": 0.637, "IoU.pole": 0.322, "IoU.land": 0.0515, "IoU.bannister": 0.208, "IoU.escalator": 0.6437, "IoU.ottoman": 0.576, "IoU.bottle": 0.458, "IoU.buffet": 0.5808, "IoU.poster": 0.3699, "IoU.stage": 0.2588, "IoU.van": 0.4447, "IoU.ship": 0.7159, "IoU.fountain": 0.4351, "IoU.conveyer belt": 0.8048, "IoU.canopy": 0.5632, "IoU.washer": 0.8788, "IoU.plaything": 0.3391, "IoU.swimming pool": 0.597, "IoU.stool": 0.5924, "IoU.barrel": 0.6693, "IoU.basket": 0.445, "IoU.waterfall": 0.5511, "IoU.tent": 0.9302, "IoU.bag": 0.2973, "IoU.minibike": 0.7902, "IoU.cradle": 0.882, "IoU.oven": 0.6949, "IoU.ball": 0.6054, "IoU.food": 0.6198, "IoU.step": 0.1996, "IoU.tank": 0.7874, "IoU.trade name": 0.1774, "IoU.microwave": 0.9159, "IoU.pot": 0.5886, "IoU.animal": 0.6226, "IoU.bicycle": 0.6215, "IoU.lake": 0.5036, "IoU.dishwasher": 0.7279, "IoU.screen": 0.5883, "IoU.blanket": 0.3064, "IoU.sculpture": 0.7044, "IoU.hood": 0.6081, "IoU.sconce": 0.6234, "IoU.vase": 0.5132, "IoU.traffic light": 0.4312, "IoU.tray": 0.2637, "IoU.ashcan": 0.4817, "IoU.fan": 0.7294, "IoU.pier": 0.3858, "IoU.crt screen": 0.0882, "IoU.plate": 0.6299, "IoU.monitor": 0.2438, "IoU.bulletin board": 0.5455, "IoU.shower": 0.1793, "IoU.radiator": 0.6983, "IoU.glass": 0.2403, "IoU.clock": 0.5034, "IoU.flag": 0.7007, "Acc.wall": 0.9051, "Acc.building": 0.941, "Acc.sky": 0.9747, "Acc.floor": 0.9089, "Acc.tree": 0.8807, "Acc.ceiling": 0.9376, "Acc.road": 0.9087, "Acc.bed ": 0.9725, "Acc.windowpane": 0.8119, "Acc.grass": 0.7982, "Acc.cabinet": 0.7672, "Acc.sidewalk": 0.8622, "Acc.person": 0.9482, "Acc.earth": 0.5628, "Acc.door": 0.7327, "Acc.table": 0.8099, "Acc.mountain": 0.7304, "Acc.plant": 0.6574, "Acc.curtain": 0.8949, "Acc.chair": 0.8245, "Acc.car": 0.9451, "Acc.water": 0.7652, "Acc.painting": 0.9013, "Acc.sofa": 0.8888, "Acc.shelf": 0.6921, "Acc.house": 0.6608, "Acc.sea": 0.8615, "Acc.mirror": 0.8628, "Acc.rug": 0.7598, "Acc.field": 0.5214, "Acc.armchair": 0.7554, "Acc.seat": 0.8745, "Acc.fence": 0.6568, "Acc.desk": 0.7834, "Acc.rock": 0.8765, "Acc.wardrobe": 0.756, "Acc.lamp": 0.8789, "Acc.bathtub": 0.9229, "Acc.railing": 0.6438, "Acc.cushion": 0.8426, "Acc.base": 0.6459, "Acc.box": 0.5134, "Acc.column": 0.7073, "Acc.signboard": 0.5803, "Acc.chest of drawers": 0.6814, "Acc.counter": 0.5457, "Acc.sand": 0.7821, "Acc.sink": 0.9159, "Acc.skyscraper": 0.5633, "Acc.fireplace": 0.8409, "Acc.refrigerator": 0.8442, "Acc.grandstand": 0.8355, "Acc.path": 0.4383, "Acc.stairs": 0.3159, "Acc.runway": 0.8885, "Acc.case": 0.7644, "Acc.pool table": 0.9843, "Acc.pillow": 0.7488, "Acc.screen door": 0.8942, "Acc.stairway": 0.5807, "Acc.river": 0.2152, "Acc.bridge": 0.8383, "Acc.bookcase": 0.6035, "Acc.blind": 0.5055, "Acc.coffee table": 0.8634, "Acc.toilet": 0.9481, "Acc.flower": 0.6539, "Acc.book": 0.7575, "Acc.hill": 0.1443, "Acc.bench": 0.7729, "Acc.countertop": 0.8277, "Acc.stove": 0.9337, "Acc.palm": 0.8456, "Acc.kitchen island": 0.8003, "Acc.computer": 0.8626, "Acc.swivel chair": 0.6915, "Acc.boat": 0.9255, "Acc.bar": 0.765, "Acc.arcade machine": 0.9552, "Acc.hovel": 0.5511, "Acc.bus": 0.9686, "Acc.towel": 0.8896, "Acc.light": 0.7514, "Acc.truck": 0.6404, "Acc.tower": 0.271, "Acc.chandelier": 0.8475, "Acc.awning": 0.4939, "Acc.streetlight": 0.4623, "Acc.booth": 0.7272, "Acc.television receiver": 0.8777, "Acc.airplane": 0.9537, "Acc.dirt track": 0.3002, "Acc.apparel": 0.7807, "Acc.pole": 0.4718, "Acc.land": 0.0792, "Acc.bannister": 0.2714, "Acc.escalator": 0.8745, "Acc.ottoman": 0.7713, "Acc.bottle": 0.7428, "Acc.buffet": 0.6536, "Acc.poster": 0.4523, "Acc.stage": 0.4348, "Acc.van": 0.5636, "Acc.ship": 0.8441, "Acc.fountain": 0.4514, "Acc.conveyer belt": 0.9716, "Acc.canopy": 0.6544, "Acc.washer": 0.9324, "Acc.plaything": 0.5078, "Acc.swimming pool": 0.9119, "Acc.stool": 0.7213, "Acc.barrel": 0.9119, "Acc.basket": 0.5956, "Acc.waterfall": 0.7429, "Acc.tent": 0.9876, "Acc.bag": 0.3379, "Acc.minibike": 0.9002, "Acc.cradle": 0.9785, "Acc.oven": 0.8132, "Acc.ball": 0.7278, "Acc.food": 0.6849, "Acc.step": 0.2598, "Acc.tank": 0.9407, "Acc.trade name": 0.1957, "Acc.microwave": 0.9628, "Acc.pot": 0.6744, "Acc.animal": 0.6442, "Acc.bicycle": 0.8001, "Acc.lake": 0.6664, "Acc.dishwasher": 0.8149, "Acc.screen": 0.7984, "Acc.blanket": 0.3791, "Acc.sculpture": 0.8352, "Acc.hood": 0.708, "Acc.sconce": 0.7481, "Acc.vase": 0.6939, "Acc.traffic light": 0.5748, "Acc.tray": 0.3285, "Acc.ashcan": 0.647, "Acc.fan": 0.857, "Acc.pier": 0.4337, "Acc.crt screen": 0.2163, "Acc.plate": 0.8177, "Acc.monitor": 0.3462, "Acc.bulletin board": 0.6477, "Acc.shower": 0.2182, "Acc.radiator": 0.7961, "Acc.glass": 0.2688, "Acc.clock": 0.5967, "Acc.flag": 0.7278} {"mode": "train", "epoch": 35, "iter": 43050, "lr": 2e-05, "memory": 72263, "data_time": 2.2192, "decode.loss_ce": 0.17883, "decode.acc_seg": 92.33081, "aux.loss_ce": 0.07522, "aux.acc_seg": 91.96492, "loss": 0.25405, "time": 4.19145} {"mode": "train", "epoch": 35, "iter": 43100, "lr": 2e-05, "memory": 72263, "data_time": 0.01057, "decode.loss_ce": 0.17807, "decode.acc_seg": 92.30753, "aux.loss_ce": 0.07496, "aux.acc_seg": 91.95559, "loss": 0.25303, "time": 1.97813} {"mode": "train", "epoch": 35, "iter": 43150, "lr": 2e-05, "memory": 72263, "data_time": 0.01094, "decode.loss_ce": 0.18262, "decode.acc_seg": 91.89706, "aux.loss_ce": 0.07616, "aux.acc_seg": 91.61251, "loss": 0.25878, "time": 1.97819} {"mode": "train", "epoch": 35, "iter": 43200, "lr": 2e-05, "memory": 72263, "data_time": 0.01025, "decode.loss_ce": 0.18202, "decode.acc_seg": 92.38573, "aux.loss_ce": 0.07573, "aux.acc_seg": 92.04394, "loss": 0.25776, "time": 1.9767} {"mode": "train", "epoch": 35, "iter": 43250, "lr": 2e-05, "memory": 72263, "data_time": 0.01128, "decode.loss_ce": 0.18113, "decode.acc_seg": 92.41499, "aux.loss_ce": 0.07552, "aux.acc_seg": 92.08938, "loss": 0.25665, "time": 1.98009} {"mode": "train", "epoch": 35, "iter": 43300, "lr": 2e-05, "memory": 72263, "data_time": 0.01032, "decode.loss_ce": 0.16065, "decode.acc_seg": 93.05205, "aux.loss_ce": 0.06785, "aux.acc_seg": 92.67134, "loss": 0.2285, "time": 1.97674} {"mode": "train", "epoch": 35, "iter": 43350, "lr": 2e-05, "memory": 72263, "data_time": 0.01016, "decode.loss_ce": 0.17102, "decode.acc_seg": 92.46905, "aux.loss_ce": 0.07202, "aux.acc_seg": 92.08891, "loss": 0.24304, "time": 1.97804} {"mode": "train", "epoch": 35, "iter": 43400, "lr": 2e-05, "memory": 72263, "data_time": 0.01103, "decode.loss_ce": 0.18338, "decode.acc_seg": 92.24683, "aux.loss_ce": 0.0764, "aux.acc_seg": 91.94708, "loss": 0.25977, "time": 1.9782} {"mode": "train", "epoch": 35, "iter": 43450, "lr": 2e-05, "memory": 72263, "data_time": 0.01094, "decode.loss_ce": 0.17661, "decode.acc_seg": 92.39557, "aux.loss_ce": 0.07462, "aux.acc_seg": 91.93576, "loss": 0.25123, "time": 1.97706} {"mode": "train", "epoch": 35, "iter": 43500, "lr": 2e-05, "memory": 72263, "data_time": 0.00983, "decode.loss_ce": 0.18001, "decode.acc_seg": 92.41133, "aux.loss_ce": 0.0748, "aux.acc_seg": 92.07626, "loss": 0.25481, "time": 1.97808} {"mode": "train", "epoch": 35, "iter": 43550, "lr": 2e-05, "memory": 72263, "data_time": 0.00979, "decode.loss_ce": 0.17032, "decode.acc_seg": 92.71476, "aux.loss_ce": 0.07135, "aux.acc_seg": 92.40182, "loss": 0.24168, "time": 1.97687} {"mode": "train", "epoch": 35, "iter": 43600, "lr": 2e-05, "memory": 72263, "data_time": 0.00995, "decode.loss_ce": 0.17689, "decode.acc_seg": 92.35016, "aux.loss_ce": 0.07421, "aux.acc_seg": 91.90276, "loss": 0.2511, "time": 1.9795} {"mode": "train", "epoch": 35, "iter": 43650, "lr": 2e-05, "memory": 72263, "data_time": 0.01039, "decode.loss_ce": 0.17757, "decode.acc_seg": 92.46762, "aux.loss_ce": 0.07439, "aux.acc_seg": 92.11676, "loss": 0.25196, "time": 1.97824} {"mode": "train", "epoch": 35, "iter": 43700, "lr": 2e-05, "memory": 72263, "data_time": 0.00971, "decode.loss_ce": 0.17615, "decode.acc_seg": 92.5541, "aux.loss_ce": 0.07356, "aux.acc_seg": 92.26259, "loss": 0.24971, "time": 1.97879} {"mode": "train", "epoch": 35, "iter": 43750, "lr": 2e-05, "memory": 72263, "data_time": 0.0109, "decode.loss_ce": 0.17602, "decode.acc_seg": 92.46277, "aux.loss_ce": 0.07417, "aux.acc_seg": 92.0502, "loss": 0.25018, "time": 1.97923} {"mode": "train", "epoch": 35, "iter": 43800, "lr": 2e-05, "memory": 72263, "data_time": 0.01062, "decode.loss_ce": 0.18654, "decode.acc_seg": 92.14872, "aux.loss_ce": 0.07746, "aux.acc_seg": 91.80104, "loss": 0.264, "time": 1.97839} {"mode": "train", "epoch": 35, "iter": 43850, "lr": 2e-05, "memory": 72263, "data_time": 0.01016, "decode.loss_ce": 0.17028, "decode.acc_seg": 92.72048, "aux.loss_ce": 0.07103, "aux.acc_seg": 92.36643, "loss": 0.24131, "time": 1.97577} {"mode": "train", "epoch": 35, "iter": 43900, "lr": 2e-05, "memory": 72263, "data_time": 0.01045, "decode.loss_ce": 0.17671, "decode.acc_seg": 92.72556, "aux.loss_ce": 0.07345, "aux.acc_seg": 92.41707, "loss": 0.25016, "time": 1.97861} {"mode": "train", "epoch": 35, "iter": 43950, "lr": 2e-05, "memory": 72263, "data_time": 0.01016, "decode.loss_ce": 0.16806, "decode.acc_seg": 92.66431, "aux.loss_ce": 0.07029, "aux.acc_seg": 92.31327, "loss": 0.23835, "time": 1.97712} {"mode": "train", "epoch": 35, "iter": 44000, "lr": 2e-05, "memory": 72263, "data_time": 0.01016, "decode.loss_ce": 0.17571, "decode.acc_seg": 92.47318, "aux.loss_ce": 0.07386, "aux.acc_seg": 92.088, "loss": 0.24957, "time": 3.67027} {"mode": "val", "epoch": 35, "iter": 250, "lr": 2e-05, "aAcc": 0.8643, "mIoU": 0.5907, "mAcc": 0.7183, "IoU.wall": 0.8257, "IoU.building": 0.8535, "IoU.sky": 0.9515, "IoU.floor": 0.8501, "IoU.tree": 0.7874, "IoU.ceiling": 0.8765, "IoU.road": 0.8559, "IoU.bed ": 0.9307, "IoU.windowpane": 0.6635, "IoU.grass": 0.666, "IoU.cabinet": 0.6792, "IoU.sidewalk": 0.7117, "IoU.person": 0.8605, "IoU.earth": 0.4008, "IoU.door": 0.5977, "IoU.table": 0.6652, "IoU.mountain": 0.647, "IoU.plant": 0.5869, "IoU.curtain": 0.7935, "IoU.chair": 0.6813, "IoU.car": 0.8843, "IoU.water": 0.6149, "IoU.painting": 0.7977, "IoU.sofa": 0.8139, "IoU.shelf": 0.4613, "IoU.house": 0.551, "IoU.sea": 0.7531, "IoU.mirror": 0.7872, "IoU.rug": 0.6812, "IoU.field": 0.2792, "IoU.armchair": 0.6169, "IoU.seat": 0.6975, "IoU.fence": 0.5085, "IoU.desk": 0.585, "IoU.rock": 0.6096, "IoU.wardrobe": 0.5576, "IoU.lamp": 0.7659, "IoU.bathtub": 0.8668, "IoU.railing": 0.4333, "IoU.cushion": 0.7105, "IoU.base": 0.4609, "IoU.box": 0.3844, "IoU.column": 0.5709, "IoU.signboard": 0.4212, "IoU.chest of drawers": 0.5149, "IoU.counter": 0.4465, "IoU.sand": 0.5052, "IoU.sink": 0.8519, "IoU.skyscraper": 0.4841, "IoU.fireplace": 0.7451, "IoU.refrigerator": 0.7968, "IoU.grandstand": 0.4921, "IoU.path": 0.3104, "IoU.stairs": 0.313, "IoU.runway": 0.6592, "IoU.case": 0.6098, "IoU.pool table": 0.9528, "IoU.pillow": 0.6771, "IoU.screen door": 0.8755, "IoU.stairway": 0.4851, "IoU.river": 0.0996, "IoU.bridge": 0.7566, "IoU.bookcase": 0.3766, "IoU.blind": 0.4535, "IoU.coffee table": 0.6143, "IoU.toilet": 0.9098, "IoU.flower": 0.4413, "IoU.book": 0.5043, "IoU.hill": 0.1507, "IoU.bench": 0.7054, "IoU.countertop": 0.6333, "IoU.stove": 0.8716, "IoU.palm": 0.5158, "IoU.kitchen island": 0.4856, "IoU.computer": 0.7825, "IoU.swivel chair": 0.5083, "IoU.boat": 0.6687, "IoU.bar": 0.6264, "IoU.arcade machine": 0.8809, "IoU.hovel": 0.4847, "IoU.bus": 0.9389, "IoU.towel": 0.7989, "IoU.light": 0.6214, "IoU.truck": 0.5224, "IoU.tower": 0.3326, "IoU.chandelier": 0.7523, "IoU.awning": 0.5391, "IoU.streetlight": 0.3638, "IoU.booth": 0.4968, "IoU.television receiver": 0.8176, "IoU.airplane": 0.8577, "IoU.dirt track": 0.0294, "IoU.apparel": 0.6059, "IoU.pole": 0.2841, "IoU.land": 0.056, "IoU.bannister": 0.2459, "IoU.escalator": 0.6554, "IoU.ottoman": 0.5942, "IoU.bottle": 0.4488, "IoU.buffet": 0.6148, "IoU.poster": 0.3501, "IoU.stage": 0.2539, "IoU.van": 0.5175, "IoU.ship": 0.7156, "IoU.fountain": 0.3864, "IoU.conveyer belt": 0.832, "IoU.canopy": 0.4859, "IoU.washer": 0.8872, "IoU.plaything": 0.4866, "IoU.swimming pool": 0.563, "IoU.stool": 0.577, "IoU.barrel": 0.6705, "IoU.basket": 0.4225, "IoU.waterfall": 0.5883, "IoU.tent": 0.9202, "IoU.bag": 0.2511, "IoU.minibike": 0.7941, "IoU.cradle": 0.7843, "IoU.oven": 0.6656, "IoU.ball": 0.572, "IoU.food": 0.4959, "IoU.step": 0.1099, "IoU.tank": 0.6179, "IoU.trade name": 0.2073, "IoU.microwave": 0.9136, "IoU.pot": 0.5907, "IoU.animal": 0.6105, "IoU.bicycle": 0.5825, "IoU.lake": 0.5433, "IoU.dishwasher": 0.7233, "IoU.screen": 0.6213, "IoU.blanket": 0.3393, "IoU.sculpture": 0.7693, "IoU.hood": 0.6522, "IoU.sconce": 0.5978, "IoU.vase": 0.5209, "IoU.traffic light": 0.3942, "IoU.tray": 0.2538, "IoU.ashcan": 0.4796, "IoU.fan": 0.7285, "IoU.pier": 0.3997, "IoU.crt screen": 0.1568, "IoU.plate": 0.6554, "IoU.monitor": 0.6215, "IoU.bulletin board": 0.5213, "IoU.shower": 0.1702, "IoU.radiator": 0.6843, "IoU.glass": 0.2156, "IoU.clock": 0.5318, "IoU.flag": 0.7047, "Acc.wall": 0.902, "Acc.building": 0.9375, "Acc.sky": 0.9765, "Acc.floor": 0.9159, "Acc.tree": 0.9024, "Acc.ceiling": 0.9379, "Acc.road": 0.9119, "Acc.bed ": 0.9693, "Acc.windowpane": 0.8296, "Acc.grass": 0.7828, "Acc.cabinet": 0.7638, "Acc.sidewalk": 0.8577, "Acc.person": 0.9464, "Acc.earth": 0.5578, "Acc.door": 0.7127, "Acc.table": 0.8233, "Acc.mountain": 0.7656, "Acc.plant": 0.6897, "Acc.curtain": 0.8967, "Acc.chair": 0.7794, "Acc.car": 0.9428, "Acc.water": 0.7529, "Acc.painting": 0.9095, "Acc.sofa": 0.8816, "Acc.shelf": 0.5888, "Acc.house": 0.6411, "Acc.sea": 0.9097, "Acc.mirror": 0.8866, "Acc.rug": 0.7915, "Acc.field": 0.5431, "Acc.armchair": 0.8217, "Acc.seat": 0.8709, "Acc.fence": 0.6319, "Acc.desk": 0.8158, "Acc.rock": 0.7823, "Acc.wardrobe": 0.7771, "Acc.lamp": 0.8772, "Acc.bathtub": 0.9109, "Acc.railing": 0.6079, "Acc.cushion": 0.8244, "Acc.base": 0.644, "Acc.box": 0.4862, "Acc.column": 0.6851, "Acc.signboard": 0.5397, "Acc.chest of drawers": 0.7178, "Acc.counter": 0.4904, "Acc.sand": 0.7951, "Acc.sink": 0.89, "Acc.skyscraper": 0.6227, "Acc.fireplace": 0.9336, "Acc.refrigerator": 0.9057, "Acc.grandstand": 0.8458, "Acc.path": 0.4017, "Acc.stairs": 0.4057, "Acc.runway": 0.847, "Acc.case": 0.7991, "Acc.pool table": 0.9824, "Acc.pillow": 0.7729, "Acc.screen door": 0.9203, "Acc.stairway": 0.613, "Acc.river": 0.1846, "Acc.bridge": 0.8453, "Acc.bookcase": 0.7234, "Acc.blind": 0.5341, "Acc.coffee table": 0.8694, "Acc.toilet": 0.9455, "Acc.flower": 0.5829, "Acc.book": 0.7051, "Acc.hill": 0.2634, "Acc.bench": 0.8124, "Acc.countertop": 0.8413, "Acc.stove": 0.9122, "Acc.palm": 0.8345, "Acc.kitchen island": 0.9187, "Acc.computer": 0.9124, "Acc.swivel chair": 0.8378, "Acc.boat": 0.9113, "Acc.bar": 0.7436, "Acc.arcade machine": 0.9189, "Acc.hovel": 0.5463, "Acc.bus": 0.9734, "Acc.towel": 0.8525, "Acc.light": 0.7295, "Acc.truck": 0.695, "Acc.tower": 0.6119, "Acc.chandelier": 0.8797, "Acc.awning": 0.6935, "Acc.streetlight": 0.5032, "Acc.booth": 0.7388, "Acc.television receiver": 0.8572, "Acc.airplane": 0.9529, "Acc.dirt track": 0.0931, "Acc.apparel": 0.7709, "Acc.pole": 0.3794, "Acc.land": 0.0864, "Acc.bannister": 0.3083, "Acc.escalator": 0.8574, "Acc.ottoman": 0.7652, "Acc.bottle": 0.7257, "Acc.buffet": 0.7709, "Acc.poster": 0.422, "Acc.stage": 0.4207, "Acc.van": 0.6731, "Acc.ship": 0.7768, "Acc.fountain": 0.3936, "Acc.conveyer belt": 0.9466, "Acc.canopy": 0.6416, "Acc.washer": 0.9492, "Acc.plaything": 0.6729, "Acc.swimming pool": 0.8074, "Acc.stool": 0.7029, "Acc.barrel": 0.9478, "Acc.basket": 0.5823, "Acc.waterfall": 0.7944, "Acc.tent": 0.989, "Acc.bag": 0.2762, "Acc.minibike": 0.8699, "Acc.cradle": 0.9717, "Acc.oven": 0.8046, "Acc.ball": 0.6485, "Acc.food": 0.5499, "Acc.step": 0.1316, "Acc.tank": 0.6774, "Acc.trade name": 0.2299, "Acc.microwave": 0.9625, "Acc.pot": 0.6994, "Acc.animal": 0.6214, "Acc.bicycle": 0.7515, "Acc.lake": 0.6384, "Acc.dishwasher": 0.7878, "Acc.screen": 0.8695, "Acc.blanket": 0.4813, "Acc.sculpture": 0.8632, "Acc.hood": 0.7549, "Acc.sconce": 0.6983, "Acc.vase": 0.6812, "Acc.traffic light": 0.5542, "Acc.tray": 0.323, "Acc.ashcan": 0.6369, "Acc.fan": 0.8371, "Acc.pier": 0.4259, "Acc.crt screen": 0.2112, "Acc.plate": 0.7974, "Acc.monitor": 0.7477, "Acc.bulletin board": 0.8572, "Acc.shower": 0.1796, "Acc.radiator": 0.8241, "Acc.glass": 0.229, "Acc.clock": 0.6186, "Acc.flag": 0.7955} {"mode": "train", "epoch": 35, "iter": 44050, "lr": 2e-05, "memory": 72263, "data_time": 2.20218, "decode.loss_ce": 0.18232, "decode.acc_seg": 92.20222, "aux.loss_ce": 0.07617, "aux.acc_seg": 91.91087, "loss": 0.25849, "time": 4.1696} {"mode": "train", "epoch": 35, "iter": 44100, "lr": 2e-05, "memory": 72263, "data_time": 0.01057, "decode.loss_ce": 0.16108, "decode.acc_seg": 92.99419, "aux.loss_ce": 0.06744, "aux.acc_seg": 92.67459, "loss": 0.22852, "time": 1.97657} {"mode": "train", "epoch": 35, "iter": 44150, "lr": 2e-05, "memory": 72263, "data_time": 0.01102, "decode.loss_ce": 0.17472, "decode.acc_seg": 92.5574, "aux.loss_ce": 0.07283, "aux.acc_seg": 92.28549, "loss": 0.24755, "time": 1.979} {"mode": "train", "epoch": 35, "iter": 44200, "lr": 2e-05, "memory": 72263, "data_time": 0.01017, "decode.loss_ce": 0.18129, "decode.acc_seg": 92.46044, "aux.loss_ce": 0.07594, "aux.acc_seg": 92.11837, "loss": 0.25723, "time": 1.97581} {"mode": "train", "epoch": 36, "iter": 44250, "lr": 2e-05, "memory": 72263, "data_time": 0.06012, "decode.loss_ce": 0.16722, "decode.acc_seg": 92.56409, "aux.loss_ce": 0.06978, "aux.acc_seg": 92.21662, "loss": 0.237, "time": 2.03389} {"mode": "train", "epoch": 36, "iter": 44300, "lr": 2e-05, "memory": 72263, "data_time": 0.00961, "decode.loss_ce": 0.1829, "decode.acc_seg": 92.23252, "aux.loss_ce": 0.07605, "aux.acc_seg": 91.91658, "loss": 0.25895, "time": 1.97552} {"mode": "train", "epoch": 36, "iter": 44350, "lr": 2e-05, "memory": 72263, "data_time": 0.00976, "decode.loss_ce": 0.18261, "decode.acc_seg": 92.26786, "aux.loss_ce": 0.07634, "aux.acc_seg": 91.97759, "loss": 0.25895, "time": 1.9787} {"mode": "train", "epoch": 36, "iter": 44400, "lr": 2e-05, "memory": 72263, "data_time": 0.01061, "decode.loss_ce": 0.17779, "decode.acc_seg": 92.56726, "aux.loss_ce": 0.07357, "aux.acc_seg": 92.24488, "loss": 0.25136, "time": 1.97632} {"mode": "train", "epoch": 36, "iter": 44450, "lr": 2e-05, "memory": 72263, "data_time": 0.01029, "decode.loss_ce": 0.18343, "decode.acc_seg": 92.54034, "aux.loss_ce": 0.07603, "aux.acc_seg": 92.2047, "loss": 0.25946, "time": 1.97836} {"mode": "train", "epoch": 36, "iter": 44500, "lr": 2e-05, "memory": 72263, "data_time": 0.00998, "decode.loss_ce": 0.16487, "decode.acc_seg": 92.85414, "aux.loss_ce": 0.06934, "aux.acc_seg": 92.47056, "loss": 0.23421, "time": 1.97861} {"mode": "train", "epoch": 36, "iter": 44550, "lr": 2e-05, "memory": 72263, "data_time": 0.01053, "decode.loss_ce": 0.16667, "decode.acc_seg": 92.62772, "aux.loss_ce": 0.07009, "aux.acc_seg": 92.27533, "loss": 0.23676, "time": 1.98047} {"mode": "train", "epoch": 36, "iter": 44600, "lr": 2e-05, "memory": 72263, "data_time": 0.01049, "decode.loss_ce": 0.1736, "decode.acc_seg": 92.32216, "aux.loss_ce": 0.07285, "aux.acc_seg": 91.9357, "loss": 0.24645, "time": 1.97705} {"mode": "train", "epoch": 36, "iter": 44650, "lr": 2e-05, "memory": 72263, "data_time": 0.0098, "decode.loss_ce": 0.17437, "decode.acc_seg": 92.24935, "aux.loss_ce": 0.07289, "aux.acc_seg": 91.93434, "loss": 0.24726, "time": 1.97665} {"mode": "train", "epoch": 36, "iter": 44700, "lr": 2e-05, "memory": 72263, "data_time": 0.00995, "decode.loss_ce": 0.17777, "decode.acc_seg": 92.45423, "aux.loss_ce": 0.07437, "aux.acc_seg": 92.13282, "loss": 0.25214, "time": 1.97912} {"mode": "train", "epoch": 36, "iter": 44750, "lr": 2e-05, "memory": 72263, "data_time": 0.01033, "decode.loss_ce": 0.16589, "decode.acc_seg": 92.93289, "aux.loss_ce": 0.06994, "aux.acc_seg": 92.59324, "loss": 0.23583, "time": 1.97792} {"mode": "train", "epoch": 36, "iter": 44800, "lr": 2e-05, "memory": 72263, "data_time": 0.01105, "decode.loss_ce": 0.18169, "decode.acc_seg": 92.22732, "aux.loss_ce": 0.07599, "aux.acc_seg": 91.88508, "loss": 0.25768, "time": 1.98107} {"mode": "train", "epoch": 36, "iter": 44850, "lr": 2e-05, "memory": 72263, "data_time": 0.01131, "decode.loss_ce": 0.16875, "decode.acc_seg": 92.97157, "aux.loss_ce": 0.07096, "aux.acc_seg": 92.62793, "loss": 0.2397, "time": 1.97806} {"mode": "train", "epoch": 36, "iter": 44900, "lr": 2e-05, "memory": 72263, "data_time": 0.00973, "decode.loss_ce": 0.17405, "decode.acc_seg": 92.38786, "aux.loss_ce": 0.07315, "aux.acc_seg": 91.99186, "loss": 0.2472, "time": 1.97766} {"mode": "train", "epoch": 36, "iter": 44950, "lr": 2e-05, "memory": 72263, "data_time": 0.0105, "decode.loss_ce": 0.18235, "decode.acc_seg": 92.26282, "aux.loss_ce": 0.0756, "aux.acc_seg": 92.00407, "loss": 0.25795, "time": 1.97874} {"mode": "train", "epoch": 36, "iter": 45000, "lr": 2e-05, "memory": 72263, "data_time": 0.01045, "decode.loss_ce": 0.18087, "decode.acc_seg": 92.32609, "aux.loss_ce": 0.07539, "aux.acc_seg": 91.99529, "loss": 0.25626, "time": 1.97899} {"mode": "val", "epoch": 36, "iter": 250, "lr": 2e-05, "aAcc": 0.8636, "mIoU": 0.5879, "mAcc": 0.7105, "IoU.wall": 0.826, "IoU.building": 0.8539, "IoU.sky": 0.9497, "IoU.floor": 0.8478, "IoU.tree": 0.7811, "IoU.ceiling": 0.8753, "IoU.road": 0.8526, "IoU.bed ": 0.9266, "IoU.windowpane": 0.6631, "IoU.grass": 0.6719, "IoU.cabinet": 0.6732, "IoU.sidewalk": 0.6991, "IoU.person": 0.8675, "IoU.earth": 0.3984, "IoU.door": 0.5787, "IoU.table": 0.6908, "IoU.mountain": 0.625, "IoU.plant": 0.5724, "IoU.curtain": 0.7801, "IoU.chair": 0.6712, "IoU.car": 0.8845, "IoU.water": 0.6111, "IoU.painting": 0.8108, "IoU.sofa": 0.812, "IoU.shelf": 0.5015, "IoU.house": 0.5766, "IoU.sea": 0.7521, "IoU.mirror": 0.7859, "IoU.rug": 0.6488, "IoU.field": 0.2926, "IoU.armchair": 0.6031, "IoU.seat": 0.6508, "IoU.fence": 0.5407, "IoU.desk": 0.5982, "IoU.rock": 0.5826, "IoU.wardrobe": 0.5457, "IoU.lamp": 0.7512, "IoU.bathtub": 0.8545, "IoU.railing": 0.4574, "IoU.cushion": 0.7129, "IoU.base": 0.435, "IoU.box": 0.327, "IoU.column": 0.5911, "IoU.signboard": 0.3932, "IoU.chest of drawers": 0.5005, "IoU.counter": 0.4393, "IoU.sand": 0.5337, "IoU.sink": 0.8422, "IoU.skyscraper": 0.4729, "IoU.fireplace": 0.7376, "IoU.refrigerator": 0.8379, "IoU.grandstand": 0.6514, "IoU.path": 0.2986, "IoU.stairs": 0.3712, "IoU.runway": 0.729, "IoU.case": 0.6603, "IoU.pool table": 0.9512, "IoU.pillow": 0.6859, "IoU.screen door": 0.8777, "IoU.stairway": 0.3887, "IoU.river": 0.1256, "IoU.bridge": 0.7774, "IoU.bookcase": 0.4385, "IoU.blind": 0.4447, "IoU.coffee table": 0.6186, "IoU.toilet": 0.8996, "IoU.flower": 0.4063, "IoU.book": 0.5651, "IoU.hill": 0.1211, "IoU.bench": 0.672, "IoU.countertop": 0.6305, "IoU.stove": 0.8616, "IoU.palm": 0.5294, "IoU.kitchen island": 0.4904, "IoU.computer": 0.7756, "IoU.swivel chair": 0.4997, "IoU.boat": 0.7573, "IoU.bar": 0.6057, "IoU.arcade machine": 0.9157, "IoU.hovel": 0.3385, "IoU.bus": 0.9456, "IoU.towel": 0.7615, "IoU.light": 0.6134, "IoU.truck": 0.5214, "IoU.tower": 0.267, "IoU.chandelier": 0.7377, "IoU.awning": 0.4307, "IoU.streetlight": 0.3777, "IoU.booth": 0.4718, "IoU.television receiver": 0.7753, "IoU.airplane": 0.8682, "IoU.dirt track": 0.033, "IoU.apparel": 0.652, "IoU.pole": 0.2726, "IoU.land": 0.0338, "IoU.bannister": 0.215, "IoU.escalator": 0.6361, "IoU.ottoman": 0.5398, "IoU.bottle": 0.4377, "IoU.buffet": 0.6407, "IoU.poster": 0.411, "IoU.stage": 0.1603, "IoU.van": 0.5176, "IoU.ship": 0.7691, "IoU.fountain": 0.3074, "IoU.conveyer belt": 0.8535, "IoU.canopy": 0.4687, "IoU.washer": 0.8651, "IoU.plaything": 0.4789, "IoU.swimming pool": 0.5462, "IoU.stool": 0.5618, "IoU.barrel": 0.604, "IoU.basket": 0.4218, "IoU.waterfall": 0.4652, "IoU.tent": 0.956, "IoU.bag": 0.2349, "IoU.minibike": 0.7693, "IoU.cradle": 0.8866, "IoU.oven": 0.6604, "IoU.ball": 0.5751, "IoU.food": 0.6316, "IoU.step": 0.0929, "IoU.tank": 0.6204, "IoU.trade name": 0.1954, "IoU.microwave": 0.9096, "IoU.pot": 0.5844, "IoU.animal": 0.6017, "IoU.bicycle": 0.615, "IoU.lake": 0.528, "IoU.dishwasher": 0.776, "IoU.screen": 0.6543, "IoU.blanket": 0.344, "IoU.sculpture": 0.7171, "IoU.hood": 0.7649, "IoU.sconce": 0.6107, "IoU.vase": 0.5263, "IoU.traffic light": 0.3951, "IoU.tray": 0.2699, "IoU.ashcan": 0.5306, "IoU.fan": 0.7162, "IoU.pier": 0.4101, "IoU.crt screen": 0.1057, "IoU.plate": 0.6482, "IoU.monitor": 0.4154, "IoU.bulletin board": 0.5373, "IoU.shower": 0.1514, "IoU.radiator": 0.6711, "IoU.glass": 0.2156, "IoU.clock": 0.5294, "IoU.flag": 0.7039, "Acc.wall": 0.9048, "Acc.building": 0.9344, "Acc.sky": 0.9704, "Acc.floor": 0.9296, "Acc.tree": 0.9083, "Acc.ceiling": 0.9364, "Acc.road": 0.9321, "Acc.bed ": 0.9691, "Acc.windowpane": 0.8089, "Acc.grass": 0.8012, "Acc.cabinet": 0.748, "Acc.sidewalk": 0.8029, "Acc.person": 0.9415, "Acc.earth": 0.5318, "Acc.door": 0.7197, "Acc.table": 0.7972, "Acc.mountain": 0.7142, "Acc.plant": 0.6797, "Acc.curtain": 0.8762, "Acc.chair": 0.7864, "Acc.car": 0.942, "Acc.water": 0.7652, "Acc.painting": 0.9068, "Acc.sofa": 0.8862, "Acc.shelf": 0.6545, "Acc.house": 0.7303, "Acc.sea": 0.9035, "Acc.mirror": 0.8574, "Acc.rug": 0.7222, "Acc.field": 0.5223, "Acc.armchair": 0.7666, "Acc.seat": 0.9038, "Acc.fence": 0.7585, "Acc.desk": 0.7743, "Acc.rock": 0.8213, "Acc.wardrobe": 0.7716, "Acc.lamp": 0.8822, "Acc.bathtub": 0.894, "Acc.railing": 0.6287, "Acc.cushion": 0.822, "Acc.base": 0.7351, "Acc.box": 0.3807, "Acc.column": 0.7355, "Acc.signboard": 0.5418, "Acc.chest of drawers": 0.7669, "Acc.counter": 0.578, "Acc.sand": 0.7676, "Acc.sink": 0.9144, "Acc.skyscraper": 0.6089, "Acc.fireplace": 0.9201, "Acc.refrigerator": 0.8897, "Acc.grandstand": 0.7104, "Acc.path": 0.4015, "Acc.stairs": 0.6009, "Acc.runway": 0.9481, "Acc.case": 0.8203, "Acc.pool table": 0.983, "Acc.pillow": 0.8019, "Acc.screen door": 0.9131, "Acc.stairway": 0.5031, "Acc.river": 0.2226, "Acc.bridge": 0.8696, "Acc.bookcase": 0.5909, "Acc.blind": 0.5167, "Acc.coffee table": 0.8574, "Acc.toilet": 0.9428, "Acc.flower": 0.5061, "Acc.book": 0.799, "Acc.hill": 0.2631, "Acc.bench": 0.7681, "Acc.countertop": 0.7913, "Acc.stove": 0.9185, "Acc.palm": 0.8212, "Acc.kitchen island": 0.934, "Acc.computer": 0.9091, "Acc.swivel chair": 0.7778, "Acc.boat": 0.9047, "Acc.bar": 0.8726, "Acc.arcade machine": 0.9741, "Acc.hovel": 0.3645, "Acc.bus": 0.9715, "Acc.towel": 0.7951, "Acc.light": 0.7126, "Acc.truck": 0.6799, "Acc.tower": 0.4691, "Acc.chandelier": 0.8683, "Acc.awning": 0.5485, "Acc.streetlight": 0.5088, "Acc.booth": 0.4931, "Acc.television receiver": 0.8881, "Acc.airplane": 0.971, "Acc.dirt track": 0.1023, "Acc.apparel": 0.8651, "Acc.pole": 0.3549, "Acc.land": 0.0431, "Acc.bannister": 0.2714, "Acc.escalator": 0.8634, "Acc.ottoman": 0.7011, "Acc.bottle": 0.7084, "Acc.buffet": 0.746, "Acc.poster": 0.4648, "Acc.stage": 0.2134, "Acc.van": 0.6811, "Acc.ship": 0.9131, "Acc.fountain": 0.3101, "Acc.conveyer belt": 0.9503, "Acc.canopy": 0.5744, "Acc.washer": 0.9195, "Acc.plaything": 0.6857, "Acc.swimming pool": 0.7455, "Acc.stool": 0.7435, "Acc.barrel": 0.8759, "Acc.basket": 0.5412, "Acc.waterfall": 0.5614, "Acc.tent": 0.9918, "Acc.bag": 0.2601, "Acc.minibike": 0.9044, "Acc.cradle": 0.9738, "Acc.oven": 0.8026, "Acc.ball": 0.7538, "Acc.food": 0.7906, "Acc.step": 0.1032, "Acc.tank": 0.6677, "Acc.trade name": 0.2191, "Acc.microwave": 0.965, "Acc.pot": 0.6591, "Acc.animal": 0.6196, "Acc.bicycle": 0.7822, "Acc.lake": 0.6369, "Acc.dishwasher": 0.8352, "Acc.screen": 0.9386, "Acc.blanket": 0.4654, "Acc.sculpture": 0.795, "Acc.hood": 0.929, "Acc.sconce": 0.7244, "Acc.vase": 0.6197, "Acc.traffic light": 0.6702, "Acc.tray": 0.3604, "Acc.ashcan": 0.6549, "Acc.fan": 0.8375, "Acc.pier": 0.46, "Acc.crt screen": 0.1997, "Acc.plate": 0.7836, "Acc.monitor": 0.4757, "Acc.bulletin board": 0.6724, "Acc.shower": 0.1525, "Acc.radiator": 0.807, "Acc.glass": 0.2298, "Acc.clock": 0.5917, "Acc.flag": 0.7755} {"mode": "train", "epoch": 36, "iter": 45050, "lr": 2e-05, "memory": 72263, "data_time": 2.23988, "decode.loss_ce": 0.18387, "decode.acc_seg": 92.33632, "aux.loss_ce": 0.07686, "aux.acc_seg": 91.93854, "loss": 0.26073, "time": 4.20538} {"mode": "train", "epoch": 36, "iter": 45100, "lr": 2e-05, "memory": 72263, "data_time": 0.01047, "decode.loss_ce": 0.2015, "decode.acc_seg": 91.35819, "aux.loss_ce": 0.08327, "aux.acc_seg": 91.02129, "loss": 0.28477, "time": 1.97851} {"mode": "train", "epoch": 36, "iter": 45150, "lr": 2e-05, "memory": 72263, "data_time": 0.00972, "decode.loss_ce": 0.16926, "decode.acc_seg": 92.61275, "aux.loss_ce": 0.07097, "aux.acc_seg": 92.31996, "loss": 0.24022, "time": 1.9762} {"mode": "train", "epoch": 36, "iter": 45200, "lr": 2e-05, "memory": 72263, "data_time": 0.0102, "decode.loss_ce": 0.18461, "decode.acc_seg": 91.83943, "aux.loss_ce": 0.07692, "aux.acc_seg": 91.46494, "loss": 0.26153, "time": 1.97627} {"mode": "train", "epoch": 36, "iter": 45250, "lr": 2e-05, "memory": 72263, "data_time": 0.00971, "decode.loss_ce": 0.17272, "decode.acc_seg": 92.70055, "aux.loss_ce": 0.07284, "aux.acc_seg": 92.35471, "loss": 0.24556, "time": 1.97872} {"mode": "train", "epoch": 36, "iter": 45300, "lr": 2e-05, "memory": 72263, "data_time": 0.00975, "decode.loss_ce": 0.18052, "decode.acc_seg": 92.42968, "aux.loss_ce": 0.07544, "aux.acc_seg": 92.12649, "loss": 0.25596, "time": 1.97615} {"mode": "train", "epoch": 36, "iter": 45350, "lr": 2e-05, "memory": 72263, "data_time": 0.01048, "decode.loss_ce": 0.18115, "decode.acc_seg": 92.15558, "aux.loss_ce": 0.0754, "aux.acc_seg": 91.84056, "loss": 0.25655, "time": 1.9795} {"mode": "train", "epoch": 36, "iter": 45400, "lr": 2e-05, "memory": 72263, "data_time": 0.01001, "decode.loss_ce": 0.17148, "decode.acc_seg": 92.54499, "aux.loss_ce": 0.07221, "aux.acc_seg": 92.13354, "loss": 0.2437, "time": 1.97645} {"mode": "train", "epoch": 36, "iter": 45450, "lr": 2e-05, "memory": 72263, "data_time": 0.01025, "decode.loss_ce": 0.1762, "decode.acc_seg": 92.16393, "aux.loss_ce": 0.07348, "aux.acc_seg": 91.89052, "loss": 0.24968, "time": 1.97708} {"mode": "train", "epoch": 37, "iter": 45500, "lr": 2e-05, "memory": 72263, "data_time": 0.06505, "decode.loss_ce": 0.1693, "decode.acc_seg": 92.71804, "aux.loss_ce": 0.07079, "aux.acc_seg": 92.30735, "loss": 0.24009, "time": 2.03495} {"mode": "train", "epoch": 37, "iter": 45550, "lr": 2e-05, "memory": 72263, "data_time": 0.00974, "decode.loss_ce": 0.17479, "decode.acc_seg": 92.39414, "aux.loss_ce": 0.07327, "aux.acc_seg": 92.03061, "loss": 0.24806, "time": 1.97752} {"mode": "train", "epoch": 37, "iter": 45600, "lr": 2e-05, "memory": 72263, "data_time": 0.01033, "decode.loss_ce": 0.16908, "decode.acc_seg": 92.69455, "aux.loss_ce": 0.0714, "aux.acc_seg": 92.33208, "loss": 0.24048, "time": 1.98146} {"mode": "train", "epoch": 37, "iter": 45650, "lr": 2e-05, "memory": 72263, "data_time": 0.01005, "decode.loss_ce": 0.17034, "decode.acc_seg": 92.60333, "aux.loss_ce": 0.07167, "aux.acc_seg": 92.30427, "loss": 0.24202, "time": 1.97776} {"mode": "train", "epoch": 37, "iter": 45700, "lr": 2e-05, "memory": 72263, "data_time": 0.00976, "decode.loss_ce": 0.17123, "decode.acc_seg": 92.53375, "aux.loss_ce": 0.07204, "aux.acc_seg": 92.19692, "loss": 0.24327, "time": 1.97945} {"mode": "train", "epoch": 37, "iter": 45750, "lr": 2e-05, "memory": 72263, "data_time": 0.0106, "decode.loss_ce": 0.17376, "decode.acc_seg": 92.74149, "aux.loss_ce": 0.07265, "aux.acc_seg": 92.40523, "loss": 0.24641, "time": 1.97671} {"mode": "train", "epoch": 37, "iter": 45800, "lr": 2e-05, "memory": 72263, "data_time": 0.00966, "decode.loss_ce": 0.16828, "decode.acc_seg": 92.50786, "aux.loss_ce": 0.07013, "aux.acc_seg": 92.19064, "loss": 0.23841, "time": 1.97727} {"mode": "train", "epoch": 37, "iter": 45850, "lr": 2e-05, "memory": 72263, "data_time": 0.01066, "decode.loss_ce": 0.17236, "decode.acc_seg": 92.40697, "aux.loss_ce": 0.07293, "aux.acc_seg": 92.02414, "loss": 0.24529, "time": 1.98} {"mode": "train", "epoch": 37, "iter": 45900, "lr": 2e-05, "memory": 72263, "data_time": 0.01009, "decode.loss_ce": 0.1619, "decode.acc_seg": 92.95476, "aux.loss_ce": 0.06867, "aux.acc_seg": 92.55154, "loss": 0.23057, "time": 1.97715} {"mode": "train", "epoch": 37, "iter": 45950, "lr": 2e-05, "memory": 72263, "data_time": 0.01037, "decode.loss_ce": 0.17115, "decode.acc_seg": 92.68876, "aux.loss_ce": 0.07128, "aux.acc_seg": 92.36402, "loss": 0.24243, "time": 1.97611} {"mode": "train", "epoch": 37, "iter": 46000, "lr": 2e-05, "memory": 72263, "data_time": 0.00996, "decode.loss_ce": 0.15787, "decode.acc_seg": 93.10715, "aux.loss_ce": 0.06691, "aux.acc_seg": 92.69884, "loss": 0.22478, "time": 3.69426} {"mode": "val", "epoch": 37, "iter": 250, "lr": 2e-05, "aAcc": 0.8657, "mIoU": 0.5926, "mAcc": 0.7178, "IoU.wall": 0.8258, "IoU.building": 0.8574, "IoU.sky": 0.9509, "IoU.floor": 0.8498, "IoU.tree": 0.7846, "IoU.ceiling": 0.8696, "IoU.road": 0.848, "IoU.bed ": 0.9276, "IoU.windowpane": 0.6562, "IoU.grass": 0.688, "IoU.cabinet": 0.6867, "IoU.sidewalk": 0.7055, "IoU.person": 0.8611, "IoU.earth": 0.4095, "IoU.door": 0.5857, "IoU.table": 0.6937, "IoU.mountain": 0.6255, "IoU.plant": 0.5855, "IoU.curtain": 0.8057, "IoU.chair": 0.681, "IoU.car": 0.8742, "IoU.water": 0.6454, "IoU.painting": 0.8014, "IoU.sofa": 0.824, "IoU.shelf": 0.4651, "IoU.house": 0.5863, "IoU.sea": 0.7418, "IoU.mirror": 0.8039, "IoU.rug": 0.6716, "IoU.field": 0.2922, "IoU.armchair": 0.6364, "IoU.seat": 0.6753, "IoU.fence": 0.54, "IoU.desk": 0.5949, "IoU.rock": 0.5635, "IoU.wardrobe": 0.5844, "IoU.lamp": 0.7532, "IoU.bathtub": 0.887, "IoU.railing": 0.4388, "IoU.cushion": 0.7064, "IoU.base": 0.4274, "IoU.box": 0.3943, "IoU.column": 0.5837, "IoU.signboard": 0.4169, "IoU.chest of drawers": 0.4752, "IoU.counter": 0.4933, "IoU.sand": 0.517, "IoU.sink": 0.8133, "IoU.skyscraper": 0.4951, "IoU.fireplace": 0.747, "IoU.refrigerator": 0.8519, "IoU.grandstand": 0.6425, "IoU.path": 0.3122, "IoU.stairs": 0.4064, "IoU.runway": 0.6563, "IoU.case": 0.6995, "IoU.pool table": 0.9505, "IoU.pillow": 0.6828, "IoU.screen door": 0.824, "IoU.stairway": 0.452, "IoU.river": 0.1089, "IoU.bridge": 0.6767, "IoU.bookcase": 0.4143, "IoU.blind": 0.4013, "IoU.coffee table": 0.6034, "IoU.toilet": 0.9005, "IoU.flower": 0.4435, "IoU.book": 0.5586, "IoU.hill": 0.088, "IoU.bench": 0.6138, "IoU.countertop": 0.6443, "IoU.stove": 0.8668, "IoU.palm": 0.554, "IoU.kitchen island": 0.5078, "IoU.computer": 0.7626, "IoU.swivel chair": 0.5034, "IoU.boat": 0.7389, "IoU.bar": 0.659, "IoU.arcade machine": 0.8611, "IoU.hovel": 0.5007, "IoU.bus": 0.9397, "IoU.towel": 0.8301, "IoU.light": 0.6231, "IoU.truck": 0.5086, "IoU.tower": 0.2962, "IoU.chandelier": 0.725, "IoU.awning": 0.4777, "IoU.streetlight": 0.3696, "IoU.booth": 0.615, "IoU.television receiver": 0.8019, "IoU.airplane": 0.8639, "IoU.dirt track": 0.0262, "IoU.apparel": 0.6645, "IoU.pole": 0.2773, "IoU.land": 0.0334, "IoU.bannister": 0.197, "IoU.escalator": 0.6613, "IoU.ottoman": 0.5926, "IoU.bottle": 0.4632, "IoU.buffet": 0.5618, "IoU.poster": 0.366, "IoU.stage": 0.1851, "IoU.van": 0.457, "IoU.ship": 0.6855, "IoU.fountain": 0.3791, "IoU.conveyer belt": 0.8482, "IoU.canopy": 0.4749, "IoU.washer": 0.8537, "IoU.plaything": 0.3532, "IoU.swimming pool": 0.7244, "IoU.stool": 0.5909, "IoU.barrel": 0.6541, "IoU.basket": 0.4269, "IoU.waterfall": 0.5622, "IoU.tent": 0.9226, "IoU.bag": 0.2863, "IoU.minibike": 0.7563, "IoU.cradle": 0.8334, "IoU.oven": 0.6749, "IoU.ball": 0.6178, "IoU.food": 0.5913, "IoU.step": 0.124, "IoU.tank": 0.7287, "IoU.trade name": 0.1866, "IoU.microwave": 0.9083, "IoU.pot": 0.5861, "IoU.animal": 0.6066, "IoU.bicycle": 0.6159, "IoU.lake": 0.5592, "IoU.dishwasher": 0.7517, "IoU.screen": 0.637, "IoU.blanket": 0.329, "IoU.sculpture": 0.7437, "IoU.hood": 0.7072, "IoU.sconce": 0.6024, "IoU.vase": 0.5176, "IoU.traffic light": 0.3799, "IoU.tray": 0.1776, "IoU.ashcan": 0.5247, "IoU.fan": 0.722, "IoU.pier": 0.3844, "IoU.crt screen": 0.0873, "IoU.plate": 0.6409, "IoU.monitor": 0.4885, "IoU.bulletin board": 0.5387, "IoU.shower": 0.1936, "IoU.radiator": 0.6738, "IoU.glass": 0.216, "IoU.clock": 0.5438, "IoU.flag": 0.7095, "Acc.wall": 0.895, "Acc.building": 0.9374, "Acc.sky": 0.9776, "Acc.floor": 0.9163, "Acc.tree": 0.8928, "Acc.ceiling": 0.9499, "Acc.road": 0.914, "Acc.bed ": 0.9677, "Acc.windowpane": 0.828, "Acc.grass": 0.8196, "Acc.cabinet": 0.7814, "Acc.sidewalk": 0.8336, "Acc.person": 0.9492, "Acc.earth": 0.5512, "Acc.door": 0.7469, "Acc.table": 0.8071, "Acc.mountain": 0.7553, "Acc.plant": 0.6873, "Acc.curtain": 0.8978, "Acc.chair": 0.7679, "Acc.car": 0.9428, "Acc.water": 0.8163, "Acc.painting": 0.9131, "Acc.sofa": 0.9044, "Acc.shelf": 0.5769, "Acc.house": 0.7233, "Acc.sea": 0.9073, "Acc.mirror": 0.8775, "Acc.rug": 0.7931, "Acc.field": 0.4978, "Acc.armchair": 0.8143, "Acc.seat": 0.9015, "Acc.fence": 0.6628, "Acc.desk": 0.7905, "Acc.rock": 0.8311, "Acc.wardrobe": 0.7975, "Acc.lamp": 0.869, "Acc.bathtub": 0.9255, "Acc.railing": 0.6111, "Acc.cushion": 0.8642, "Acc.base": 0.6667, "Acc.box": 0.5247, "Acc.column": 0.7368, "Acc.signboard": 0.5755, "Acc.chest of drawers": 0.6391, "Acc.counter": 0.6148, "Acc.sand": 0.7872, "Acc.sink": 0.861, "Acc.skyscraper": 0.6496, "Acc.fireplace": 0.9305, "Acc.refrigerator": 0.9173, "Acc.grandstand": 0.8229, "Acc.path": 0.4252, "Acc.stairs": 0.4595, "Acc.runway": 0.8404, "Acc.case": 0.8432, "Acc.pool table": 0.9837, "Acc.pillow": 0.8191, "Acc.screen door": 0.8557, "Acc.stairway": 0.692, "Acc.river": 0.1576, "Acc.bridge": 0.8665, "Acc.bookcase": 0.5966, "Acc.blind": 0.4267, "Acc.coffee table": 0.881, "Acc.toilet": 0.9328, "Acc.flower": 0.5663, "Acc.book": 0.8231, "Acc.hill": 0.1526, "Acc.bench": 0.7521, "Acc.countertop": 0.8547, "Acc.stove": 0.9273, "Acc.palm": 0.8185, "Acc.kitchen island": 0.865, "Acc.computer": 0.914, "Acc.swivel chair": 0.8052, "Acc.boat": 0.9156, "Acc.bar": 0.8185, "Acc.arcade machine": 0.9023, "Acc.hovel": 0.6035, "Acc.bus": 0.9732, "Acc.towel": 0.9071, "Acc.light": 0.7563, "Acc.truck": 0.6423, "Acc.tower": 0.4367, "Acc.chandelier": 0.8597, "Acc.awning": 0.604, "Acc.streetlight": 0.5257, "Acc.booth": 0.6719, "Acc.television receiver": 0.8626, "Acc.airplane": 0.9681, "Acc.dirt track": 0.0947, "Acc.apparel": 0.8332, "Acc.pole": 0.3856, "Acc.land": 0.0506, "Acc.bannister": 0.2371, "Acc.escalator": 0.8457, "Acc.ottoman": 0.7979, "Acc.bottle": 0.7257, "Acc.buffet": 0.6956, "Acc.poster": 0.4331, "Acc.stage": 0.3094, "Acc.van": 0.6757, "Acc.ship": 0.7399, "Acc.fountain": 0.4063, "Acc.conveyer belt": 0.9666, "Acc.canopy": 0.6012, "Acc.washer": 0.9082, "Acc.plaything": 0.4669, "Acc.swimming pool": 0.8584, "Acc.stool": 0.7303, "Acc.barrel": 0.9242, "Acc.basket": 0.5448, "Acc.waterfall": 0.7273, "Acc.tent": 0.9903, "Acc.bag": 0.3663, "Acc.minibike": 0.9115, "Acc.cradle": 0.9752, "Acc.oven": 0.8323, "Acc.ball": 0.7057, "Acc.food": 0.6505, "Acc.step": 0.1591, "Acc.tank": 0.7841, "Acc.trade name": 0.207, "Acc.microwave": 0.9615, "Acc.pot": 0.7134, "Acc.animal": 0.619, "Acc.bicycle": 0.8095, "Acc.lake": 0.6379, "Acc.dishwasher": 0.846, "Acc.screen": 0.9357, "Acc.blanket": 0.4423, "Acc.sculpture": 0.8219, "Acc.hood": 0.8171, "Acc.sconce": 0.7086, "Acc.vase": 0.6839, "Acc.traffic light": 0.7229, "Acc.tray": 0.1963, "Acc.ashcan": 0.6602, "Acc.fan": 0.882, "Acc.pier": 0.4066, "Acc.crt screen": 0.1459, "Acc.plate": 0.8275, "Acc.monitor": 0.575, "Acc.bulletin board": 0.6885, "Acc.shower": 0.2242, "Acc.radiator": 0.8141, "Acc.glass": 0.2307, "Acc.clock": 0.6169, "Acc.flag": 0.8205} {"mode": "train", "epoch": 37, "iter": 46050, "lr": 2e-05, "memory": 72263, "data_time": 2.21512, "decode.loss_ce": 0.16756, "decode.acc_seg": 92.83611, "aux.loss_ce": 0.07075, "aux.acc_seg": 92.45041, "loss": 0.23831, "time": 4.17984} {"mode": "train", "epoch": 37, "iter": 46100, "lr": 2e-05, "memory": 72263, "data_time": 0.00984, "decode.loss_ce": 0.17726, "decode.acc_seg": 92.56918, "aux.loss_ce": 0.07479, "aux.acc_seg": 92.1729, "loss": 0.25205, "time": 1.97774} {"mode": "train", "epoch": 37, "iter": 46150, "lr": 2e-05, "memory": 72263, "data_time": 0.01043, "decode.loss_ce": 0.17232, "decode.acc_seg": 92.68854, "aux.loss_ce": 0.07221, "aux.acc_seg": 92.35081, "loss": 0.24452, "time": 1.98021} {"mode": "train", "epoch": 37, "iter": 46200, "lr": 2e-05, "memory": 72263, "data_time": 0.0099, "decode.loss_ce": 0.16421, "decode.acc_seg": 92.92205, "aux.loss_ce": 0.0691, "aux.acc_seg": 92.51227, "loss": 0.23331, "time": 1.97858} {"mode": "train", "epoch": 37, "iter": 46250, "lr": 2e-05, "memory": 72263, "data_time": 0.0098, "decode.loss_ce": 0.16943, "decode.acc_seg": 92.71457, "aux.loss_ce": 0.07122, "aux.acc_seg": 92.36867, "loss": 0.24065, "time": 1.97772} {"mode": "train", "epoch": 37, "iter": 46300, "lr": 2e-05, "memory": 72263, "data_time": 0.01032, "decode.loss_ce": 0.17076, "decode.acc_seg": 92.58861, "aux.loss_ce": 0.07189, "aux.acc_seg": 92.21444, "loss": 0.24264, "time": 1.97655} {"mode": "train", "epoch": 37, "iter": 46350, "lr": 2e-05, "memory": 72263, "data_time": 0.00978, "decode.loss_ce": 0.17803, "decode.acc_seg": 92.37362, "aux.loss_ce": 0.07423, "aux.acc_seg": 92.05132, "loss": 0.25226, "time": 1.98008} {"mode": "train", "epoch": 37, "iter": 46400, "lr": 2e-05, "memory": 72263, "data_time": 0.00978, "decode.loss_ce": 0.17122, "decode.acc_seg": 92.70165, "aux.loss_ce": 0.07181, "aux.acc_seg": 92.31929, "loss": 0.24303, "time": 1.97723} {"mode": "train", "epoch": 37, "iter": 46450, "lr": 2e-05, "memory": 72263, "data_time": 0.00974, "decode.loss_ce": 0.17485, "decode.acc_seg": 92.53847, "aux.loss_ce": 0.07255, "aux.acc_seg": 92.24042, "loss": 0.2474, "time": 1.97907} {"mode": "train", "epoch": 37, "iter": 46500, "lr": 2e-05, "memory": 72263, "data_time": 0.01028, "decode.loss_ce": 0.17259, "decode.acc_seg": 92.5841, "aux.loss_ce": 0.07229, "aux.acc_seg": 92.28089, "loss": 0.24488, "time": 1.97772} {"mode": "train", "epoch": 37, "iter": 46550, "lr": 2e-05, "memory": 72263, "data_time": 0.01032, "decode.loss_ce": 0.16623, "decode.acc_seg": 92.94164, "aux.loss_ce": 0.06984, "aux.acc_seg": 92.64459, "loss": 0.23607, "time": 1.97969} {"mode": "train", "epoch": 37, "iter": 46600, "lr": 2e-05, "memory": 72263, "data_time": 0.00982, "decode.loss_ce": 0.16305, "decode.acc_seg": 93.08701, "aux.loss_ce": 0.06766, "aux.acc_seg": 92.76575, "loss": 0.2307, "time": 1.97701} {"mode": "train", "epoch": 37, "iter": 46650, "lr": 2e-05, "memory": 72263, "data_time": 0.00977, "decode.loss_ce": 0.17122, "decode.acc_seg": 92.61992, "aux.loss_ce": 0.0718, "aux.acc_seg": 92.30157, "loss": 0.24302, "time": 1.98019} {"mode": "train", "epoch": 37, "iter": 46700, "lr": 2e-05, "memory": 72263, "data_time": 0.00969, "decode.loss_ce": 0.17559, "decode.acc_seg": 92.30983, "aux.loss_ce": 0.07325, "aux.acc_seg": 92.00639, "loss": 0.24884, "time": 1.97688} {"mode": "train", "epoch": 38, "iter": 46750, "lr": 2e-05, "memory": 72263, "data_time": 0.05122, "decode.loss_ce": 0.17677, "decode.acc_seg": 92.34163, "aux.loss_ce": 0.07443, "aux.acc_seg": 91.95641, "loss": 0.2512, "time": 2.02329} {"mode": "train", "epoch": 38, "iter": 46800, "lr": 2e-05, "memory": 72263, "data_time": 0.01017, "decode.loss_ce": 0.17191, "decode.acc_seg": 92.76207, "aux.loss_ce": 0.07211, "aux.acc_seg": 92.411, "loss": 0.24403, "time": 1.97696} {"mode": "train", "epoch": 38, "iter": 46850, "lr": 2e-05, "memory": 72263, "data_time": 0.00973, "decode.loss_ce": 0.16836, "decode.acc_seg": 92.84741, "aux.loss_ce": 0.07074, "aux.acc_seg": 92.4788, "loss": 0.2391, "time": 1.97495} {"mode": "train", "epoch": 38, "iter": 46900, "lr": 2e-05, "memory": 72263, "data_time": 0.01008, "decode.loss_ce": 0.16203, "decode.acc_seg": 93.0948, "aux.loss_ce": 0.06858, "aux.acc_seg": 92.67471, "loss": 0.23061, "time": 1.97664} {"mode": "train", "epoch": 38, "iter": 46950, "lr": 2e-05, "memory": 72263, "data_time": 0.0099, "decode.loss_ce": 0.15899, "decode.acc_seg": 93.21884, "aux.loss_ce": 0.0666, "aux.acc_seg": 92.92901, "loss": 0.2256, "time": 1.97694} {"mode": "train", "epoch": 38, "iter": 47000, "lr": 2e-05, "memory": 72263, "data_time": 0.01029, "decode.loss_ce": 0.16637, "decode.acc_seg": 92.855, "aux.loss_ce": 0.06976, "aux.acc_seg": 92.45759, "loss": 0.23613, "time": 1.97772} {"mode": "val", "epoch": 38, "iter": 250, "lr": 2e-05, "aAcc": 0.8651, "mIoU": 0.5932, "mAcc": 0.7203, "IoU.wall": 0.8247, "IoU.building": 0.8494, "IoU.sky": 0.9504, "IoU.floor": 0.8495, "IoU.tree": 0.7895, "IoU.ceiling": 0.8735, "IoU.road": 0.85, "IoU.bed ": 0.9291, "IoU.windowpane": 0.6582, "IoU.grass": 0.6796, "IoU.cabinet": 0.6835, "IoU.sidewalk": 0.7095, "IoU.person": 0.8635, "IoU.earth": 0.3887, "IoU.door": 0.6053, "IoU.table": 0.6994, "IoU.mountain": 0.6212, "IoU.plant": 0.5927, "IoU.curtain": 0.7948, "IoU.chair": 0.6844, "IoU.car": 0.881, "IoU.water": 0.6244, "IoU.painting": 0.8062, "IoU.sofa": 0.8201, "IoU.shelf": 0.4997, "IoU.house": 0.5472, "IoU.sea": 0.7341, "IoU.mirror": 0.7926, "IoU.rug": 0.6704, "IoU.field": 0.3163, "IoU.armchair": 0.5963, "IoU.seat": 0.693, "IoU.fence": 0.4995, "IoU.desk": 0.6006, "IoU.rock": 0.5627, "IoU.wardrobe": 0.5621, "IoU.lamp": 0.7568, "IoU.bathtub": 0.8806, "IoU.railing": 0.4317, "IoU.cushion": 0.6927, "IoU.base": 0.4947, "IoU.box": 0.4007, "IoU.column": 0.5802, "IoU.signboard": 0.4258, "IoU.chest of drawers": 0.447, "IoU.counter": 0.4945, "IoU.sand": 0.5029, "IoU.sink": 0.8508, "IoU.skyscraper": 0.5005, "IoU.fireplace": 0.7599, "IoU.refrigerator": 0.8712, "IoU.grandstand": 0.6344, "IoU.path": 0.3293, "IoU.stairs": 0.4139, "IoU.runway": 0.7204, "IoU.case": 0.6526, "IoU.pool table": 0.9519, "IoU.pillow": 0.6556, "IoU.screen door": 0.841, "IoU.stairway": 0.4718, "IoU.river": 0.1164, "IoU.bridge": 0.7515, "IoU.bookcase": 0.4344, "IoU.blind": 0.3997, "IoU.coffee table": 0.6081, "IoU.toilet": 0.9042, "IoU.flower": 0.4525, "IoU.book": 0.5471, "IoU.hill": 0.121, "IoU.bench": 0.675, "IoU.countertop": 0.6454, "IoU.stove": 0.8826, "IoU.palm": 0.5166, "IoU.kitchen island": 0.5522, "IoU.computer": 0.7642, "IoU.swivel chair": 0.5023, "IoU.boat": 0.6624, "IoU.bar": 0.6782, "IoU.arcade machine": 0.8624, "IoU.hovel": 0.472, "IoU.bus": 0.9373, "IoU.towel": 0.8137, "IoU.light": 0.6273, "IoU.truck": 0.5216, "IoU.tower": 0.2955, "IoU.chandelier": 0.7253, "IoU.awning": 0.5119, "IoU.streetlight": 0.3833, "IoU.booth": 0.6137, "IoU.television receiver": 0.8086, "IoU.airplane": 0.8922, "IoU.dirt track": 0.0661, "IoU.apparel": 0.6352, "IoU.pole": 0.2996, "IoU.land": 0.04, "IoU.bannister": 0.2055, "IoU.escalator": 0.6671, "IoU.ottoman": 0.5248, "IoU.bottle": 0.4614, "IoU.buffet": 0.6161, "IoU.poster": 0.3497, "IoU.stage": 0.2399, "IoU.van": 0.5312, "IoU.ship": 0.7404, "IoU.fountain": 0.2993, "IoU.conveyer belt": 0.85, "IoU.canopy": 0.6602, "IoU.washer": 0.8661, "IoU.plaything": 0.369, "IoU.swimming pool": 0.5398, "IoU.stool": 0.6065, "IoU.barrel": 0.6442, "IoU.basket": 0.4549, "IoU.waterfall": 0.471, "IoU.tent": 0.9623, "IoU.bag": 0.2418, "IoU.minibike": 0.7763, "IoU.cradle": 0.8569, "IoU.oven": 0.6985, "IoU.ball": 0.5, "IoU.food": 0.6228, "IoU.step": 0.1123, "IoU.tank": 0.6956, "IoU.trade name": 0.3403, "IoU.microwave": 0.9043, "IoU.pot": 0.5987, "IoU.animal": 0.5974, "IoU.bicycle": 0.6053, "IoU.lake": 0.5748, "IoU.dishwasher": 0.6959, "IoU.screen": 0.6101, "IoU.blanket": 0.2449, "IoU.sculpture": 0.7418, "IoU.hood": 0.6959, "IoU.sconce": 0.591, "IoU.vase": 0.5139, "IoU.traffic light": 0.3932, "IoU.tray": 0.2909, "IoU.ashcan": 0.5058, "IoU.fan": 0.7235, "IoU.pier": 0.4047, "IoU.crt screen": 0.0269, "IoU.plate": 0.6511, "IoU.monitor": 0.2818, "IoU.bulletin board": 0.59, "IoU.shower": 0.1049, "IoU.radiator": 0.6921, "IoU.glass": 0.2308, "IoU.clock": 0.522, "IoU.flag": 0.702, "Acc.wall": 0.8926, "Acc.building": 0.9305, "Acc.sky": 0.9763, "Acc.floor": 0.9193, "Acc.tree": 0.899, "Acc.ceiling": 0.9491, "Acc.road": 0.8951, "Acc.bed ": 0.9653, "Acc.windowpane": 0.8259, "Acc.grass": 0.8531, "Acc.cabinet": 0.7921, "Acc.sidewalk": 0.8865, "Acc.person": 0.9434, "Acc.earth": 0.5139, "Acc.door": 0.7795, "Acc.table": 0.8032, "Acc.mountain": 0.6974, "Acc.plant": 0.6983, "Acc.curtain": 0.8903, "Acc.chair": 0.7971, "Acc.car": 0.944, "Acc.water": 0.7893, "Acc.painting": 0.9057, "Acc.sofa": 0.8905, "Acc.shelf": 0.6508, "Acc.house": 0.6652, "Acc.sea": 0.9001, "Acc.mirror": 0.8592, "Acc.rug": 0.7443, "Acc.field": 0.5103, "Acc.armchair": 0.7902, "Acc.seat": 0.892, "Acc.fence": 0.5923, "Acc.desk": 0.8261, "Acc.rock": 0.8672, "Acc.wardrobe": 0.7567, "Acc.lamp": 0.8699, "Acc.bathtub": 0.9083, "Acc.railing": 0.6212, "Acc.cushion": 0.8505, "Acc.base": 0.7227, "Acc.box": 0.5386, "Acc.column": 0.7698, "Acc.signboard": 0.5713, "Acc.chest of drawers": 0.6679, "Acc.counter": 0.5831, "Acc.sand": 0.7927, "Acc.sink": 0.9006, "Acc.skyscraper": 0.6668, "Acc.fireplace": 0.9443, "Acc.refrigerator": 0.9596, "Acc.grandstand": 0.845, "Acc.path": 0.4253, "Acc.stairs": 0.5396, "Acc.runway": 0.9275, "Acc.case": 0.7549, "Acc.pool table": 0.984, "Acc.pillow": 0.7657, "Acc.screen door": 0.8676, "Acc.stairway": 0.6061, "Acc.river": 0.1826, "Acc.bridge": 0.8271, "Acc.bookcase": 0.6736, "Acc.blind": 0.4098, "Acc.coffee table": 0.8604, "Acc.toilet": 0.9425, "Acc.flower": 0.6119, "Acc.book": 0.7965, "Acc.hill": 0.2362, "Acc.bench": 0.8201, "Acc.countertop": 0.8403, "Acc.stove": 0.9428, "Acc.palm": 0.8819, "Acc.kitchen island": 0.8941, "Acc.computer": 0.9213, "Acc.swivel chair": 0.7934, "Acc.boat": 0.9328, "Acc.bar": 0.8398, "Acc.arcade machine": 0.9081, "Acc.hovel": 0.5602, "Acc.bus": 0.9583, "Acc.towel": 0.8897, "Acc.light": 0.7578, "Acc.truck": 0.6427, "Acc.tower": 0.6237, "Acc.chandelier": 0.8642, "Acc.awning": 0.6628, "Acc.streetlight": 0.5198, "Acc.booth": 0.6983, "Acc.television receiver": 0.8557, "Acc.airplane": 0.9579, "Acc.dirt track": 0.2137, "Acc.apparel": 0.8378, "Acc.pole": 0.4231, "Acc.land": 0.0531, "Acc.bannister": 0.2577, "Acc.escalator": 0.8533, "Acc.ottoman": 0.6853, "Acc.bottle": 0.7521, "Acc.buffet": 0.7241, "Acc.poster": 0.3957, "Acc.stage": 0.3874, "Acc.van": 0.6718, "Acc.ship": 0.8751, "Acc.fountain": 0.3028, "Acc.conveyer belt": 0.9627, "Acc.canopy": 0.8222, "Acc.washer": 0.9181, "Acc.plaything": 0.4902, "Acc.swimming pool": 0.7734, "Acc.stool": 0.7311, "Acc.barrel": 0.919, "Acc.basket": 0.6051, "Acc.waterfall": 0.5886, "Acc.tent": 0.98, "Acc.bag": 0.2708, "Acc.minibike": 0.8799, "Acc.cradle": 0.9647, "Acc.oven": 0.8191, "Acc.ball": 0.5198, "Acc.food": 0.7997, "Acc.step": 0.133, "Acc.tank": 0.7505, "Acc.trade name": 0.4164, "Acc.microwave": 0.9607, "Acc.pot": 0.7109, "Acc.animal": 0.6108, "Acc.bicycle": 0.7752, "Acc.lake": 0.6379, "Acc.dishwasher": 0.7333, "Acc.screen": 0.9607, "Acc.blanket": 0.263, "Acc.sculpture": 0.8561, "Acc.hood": 0.8095, "Acc.sconce": 0.7939, "Acc.vase": 0.721, "Acc.traffic light": 0.6683, "Acc.tray": 0.3884, "Acc.ashcan": 0.668, "Acc.fan": 0.8537, "Acc.pier": 0.4315, "Acc.crt screen": 0.0568, "Acc.plate": 0.7995, "Acc.monitor": 0.325, "Acc.bulletin board": 0.7411, "Acc.shower": 0.1277, "Acc.radiator": 0.8608, "Acc.glass": 0.2514, "Acc.clock": 0.6273, "Acc.flag": 0.7584} {"mode": "train", "epoch": 38, "iter": 47050, "lr": 2e-05, "memory": 72263, "data_time": 2.23459, "decode.loss_ce": 0.17367, "decode.acc_seg": 92.55395, "aux.loss_ce": 0.07222, "aux.acc_seg": 92.249, "loss": 0.24589, "time": 4.20192} {"mode": "train", "epoch": 38, "iter": 47100, "lr": 2e-05, "memory": 72263, "data_time": 0.01058, "decode.loss_ce": 0.15827, "decode.acc_seg": 93.20022, "aux.loss_ce": 0.06697, "aux.acc_seg": 92.77524, "loss": 0.22524, "time": 1.97816} {"mode": "train", "epoch": 38, "iter": 47150, "lr": 2e-05, "memory": 72263, "data_time": 0.00969, "decode.loss_ce": 0.16825, "decode.acc_seg": 93.09285, "aux.loss_ce": 0.0709, "aux.acc_seg": 92.65616, "loss": 0.23916, "time": 1.97793} {"mode": "train", "epoch": 38, "iter": 47200, "lr": 2e-05, "memory": 72263, "data_time": 0.01007, "decode.loss_ce": 0.16743, "decode.acc_seg": 92.76312, "aux.loss_ce": 0.07042, "aux.acc_seg": 92.39695, "loss": 0.23785, "time": 1.98195} {"mode": "train", "epoch": 38, "iter": 47250, "lr": 2e-05, "memory": 72263, "data_time": 0.01022, "decode.loss_ce": 0.16655, "decode.acc_seg": 92.75841, "aux.loss_ce": 0.0693, "aux.acc_seg": 92.3971, "loss": 0.23585, "time": 1.97619} {"mode": "train", "epoch": 38, "iter": 47300, "lr": 2e-05, "memory": 72263, "data_time": 0.0098, "decode.loss_ce": 0.16162, "decode.acc_seg": 92.85888, "aux.loss_ce": 0.0677, "aux.acc_seg": 92.53312, "loss": 0.22932, "time": 1.97805} {"mode": "train", "epoch": 38, "iter": 47350, "lr": 2e-05, "memory": 72263, "data_time": 0.01025, "decode.loss_ce": 0.17442, "decode.acc_seg": 92.58536, "aux.loss_ce": 0.07306, "aux.acc_seg": 92.26328, "loss": 0.24748, "time": 1.97821} {"mode": "train", "epoch": 38, "iter": 47400, "lr": 2e-05, "memory": 72263, "data_time": 0.00979, "decode.loss_ce": 0.16979, "decode.acc_seg": 92.79779, "aux.loss_ce": 0.07115, "aux.acc_seg": 92.45132, "loss": 0.24094, "time": 1.97725} {"mode": "train", "epoch": 38, "iter": 47450, "lr": 2e-05, "memory": 72263, "data_time": 0.0098, "decode.loss_ce": 0.17676, "decode.acc_seg": 92.52066, "aux.loss_ce": 0.0746, "aux.acc_seg": 92.17343, "loss": 0.25137, "time": 1.97689} {"mode": "train", "epoch": 38, "iter": 47500, "lr": 2e-05, "memory": 72263, "data_time": 0.00984, "decode.loss_ce": 0.16931, "decode.acc_seg": 92.6788, "aux.loss_ce": 0.07114, "aux.acc_seg": 92.26655, "loss": 0.24045, "time": 1.97747} {"mode": "train", "epoch": 38, "iter": 47550, "lr": 2e-05, "memory": 72263, "data_time": 0.01013, "decode.loss_ce": 0.17212, "decode.acc_seg": 92.81145, "aux.loss_ce": 0.07248, "aux.acc_seg": 92.44839, "loss": 0.2446, "time": 1.97554} {"mode": "train", "epoch": 38, "iter": 47600, "lr": 2e-05, "memory": 72263, "data_time": 0.00996, "decode.loss_ce": 0.16684, "decode.acc_seg": 92.86959, "aux.loss_ce": 0.07041, "aux.acc_seg": 92.47286, "loss": 0.23725, "time": 1.9792} {"mode": "train", "epoch": 38, "iter": 47650, "lr": 2e-05, "memory": 72263, "data_time": 0.01055, "decode.loss_ce": 0.16352, "decode.acc_seg": 92.79528, "aux.loss_ce": 0.06897, "aux.acc_seg": 92.40137, "loss": 0.2325, "time": 1.97756} {"mode": "train", "epoch": 38, "iter": 47700, "lr": 2e-05, "memory": 72263, "data_time": 0.01016, "decode.loss_ce": 0.17081, "decode.acc_seg": 92.65894, "aux.loss_ce": 0.07148, "aux.acc_seg": 92.36915, "loss": 0.24229, "time": 1.97761} {"mode": "train", "epoch": 38, "iter": 47750, "lr": 2e-05, "memory": 72263, "data_time": 0.01002, "decode.loss_ce": 0.17562, "decode.acc_seg": 92.61515, "aux.loss_ce": 0.07389, "aux.acc_seg": 92.23809, "loss": 0.24951, "time": 1.97957} {"mode": "train", "epoch": 38, "iter": 47800, "lr": 2e-05, "memory": 72263, "data_time": 0.01037, "decode.loss_ce": 0.15808, "decode.acc_seg": 92.79489, "aux.loss_ce": 0.06629, "aux.acc_seg": 92.54988, "loss": 0.22437, "time": 1.97582} {"mode": "train", "epoch": 38, "iter": 47850, "lr": 2e-05, "memory": 72263, "data_time": 0.00986, "decode.loss_ce": 0.16863, "decode.acc_seg": 92.76098, "aux.loss_ce": 0.07044, "aux.acc_seg": 92.45023, "loss": 0.23907, "time": 1.97498} {"mode": "train", "epoch": 38, "iter": 47900, "lr": 2e-05, "memory": 72263, "data_time": 0.00995, "decode.loss_ce": 0.16789, "decode.acc_seg": 92.64065, "aux.loss_ce": 0.07046, "aux.acc_seg": 92.29455, "loss": 0.23836, "time": 1.97743} {"mode": "train", "epoch": 38, "iter": 47950, "lr": 2e-05, "memory": 72263, "data_time": 0.01055, "decode.loss_ce": 0.17536, "decode.acc_seg": 92.37763, "aux.loss_ce": 0.07312, "aux.acc_seg": 91.98707, "loss": 0.24848, "time": 1.97697} {"mode": "train", "epoch": 39, "iter": 48000, "lr": 2e-05, "memory": 72263, "data_time": 0.05236, "decode.loss_ce": 0.16843, "decode.acc_seg": 92.59201, "aux.loss_ce": 0.07081, "aux.acc_seg": 92.22227, "loss": 0.23924, "time": 3.6446} {"mode": "val", "epoch": 39, "iter": 250, "lr": 2e-05, "aAcc": 0.8627, "mIoU": 0.588, "mAcc": 0.7167, "IoU.wall": 0.825, "IoU.building": 0.8515, "IoU.sky": 0.9485, "IoU.floor": 0.8448, "IoU.tree": 0.7794, "IoU.ceiling": 0.871, "IoU.road": 0.8685, "IoU.bed ": 0.9329, "IoU.windowpane": 0.6658, "IoU.grass": 0.649, "IoU.cabinet": 0.661, "IoU.sidewalk": 0.7121, "IoU.person": 0.8629, "IoU.earth": 0.4108, "IoU.door": 0.6076, "IoU.table": 0.6975, "IoU.mountain": 0.6079, "IoU.plant": 0.5549, "IoU.curtain": 0.7972, "IoU.chair": 0.6914, "IoU.car": 0.8787, "IoU.water": 0.6452, "IoU.painting": 0.8018, "IoU.sofa": 0.8047, "IoU.shelf": 0.4975, "IoU.house": 0.5145, "IoU.sea": 0.7567, "IoU.mirror": 0.7789, "IoU.rug": 0.6521, "IoU.field": 0.2636, "IoU.armchair": 0.6063, "IoU.seat": 0.6675, "IoU.fence": 0.505, "IoU.desk": 0.6058, "IoU.rock": 0.5633, "IoU.wardrobe": 0.5466, "IoU.lamp": 0.75, "IoU.bathtub": 0.8674, "IoU.railing": 0.4164, "IoU.cushion": 0.6968, "IoU.base": 0.4355, "IoU.box": 0.3724, "IoU.column": 0.5718, "IoU.signboard": 0.4059, "IoU.chest of drawers": 0.4353, "IoU.counter": 0.4682, "IoU.sand": 0.5317, "IoU.sink": 0.8345, "IoU.skyscraper": 0.5014, "IoU.fireplace": 0.7504, "IoU.refrigerator": 0.8406, "IoU.grandstand": 0.5652, "IoU.path": 0.3232, "IoU.stairs": 0.3874, "IoU.runway": 0.7422, "IoU.case": 0.6629, "IoU.pool table": 0.9534, "IoU.pillow": 0.6522, "IoU.screen door": 0.8146, "IoU.stairway": 0.5078, "IoU.river": 0.1296, "IoU.bridge": 0.7776, "IoU.bookcase": 0.4404, "IoU.blind": 0.4964, "IoU.coffee table": 0.6259, "IoU.toilet": 0.8997, "IoU.flower": 0.4435, "IoU.book": 0.5562, "IoU.hill": 0.1304, "IoU.bench": 0.684, "IoU.countertop": 0.6494, "IoU.stove": 0.879, "IoU.palm": 0.5368, "IoU.kitchen island": 0.5134, "IoU.computer": 0.7591, "IoU.swivel chair": 0.4967, "IoU.boat": 0.5254, "IoU.bar": 0.6645, "IoU.arcade machine": 0.8995, "IoU.hovel": 0.4711, "IoU.bus": 0.9351, "IoU.towel": 0.8016, "IoU.light": 0.5957, "IoU.truck": 0.5147, "IoU.tower": 0.2714, "IoU.chandelier": 0.7202, "IoU.awning": 0.3907, "IoU.streetlight": 0.3692, "IoU.booth": 0.5803, "IoU.television receiver": 0.8117, "IoU.airplane": 0.8722, "IoU.dirt track": 0.0544, "IoU.apparel": 0.5931, "IoU.pole": 0.2842, "IoU.land": 0.048, "IoU.bannister": 0.1702, "IoU.escalator": 0.6577, "IoU.ottoman": 0.5446, "IoU.bottle": 0.4559, "IoU.buffet": 0.6146, "IoU.poster": 0.3328, "IoU.stage": 0.197, "IoU.van": 0.486, "IoU.ship": 0.8355, "IoU.fountain": 0.3423, "IoU.conveyer belt": 0.8498, "IoU.canopy": 0.5348, "IoU.washer": 0.8626, "IoU.plaything": 0.3453, "IoU.swimming pool": 0.5615, "IoU.stool": 0.5925, "IoU.barrel": 0.6268, "IoU.basket": 0.4467, "IoU.waterfall": 0.4591, "IoU.tent": 0.9129, "IoU.bag": 0.2856, "IoU.minibike": 0.7491, "IoU.cradle": 0.7873, "IoU.oven": 0.6983, "IoU.ball": 0.6085, "IoU.food": 0.522, "IoU.step": 0.1088, "IoU.tank": 0.658, "IoU.trade name": 0.1519, "IoU.microwave": 0.9038, "IoU.pot": 0.5952, "IoU.animal": 0.6214, "IoU.bicycle": 0.6008, "IoU.lake": 0.6024, "IoU.dishwasher": 0.6891, "IoU.screen": 0.5371, "IoU.blanket": 0.344, "IoU.sculpture": 0.7506, "IoU.hood": 0.6415, "IoU.sconce": 0.6174, "IoU.vase": 0.5031, "IoU.traffic light": 0.3756, "IoU.tray": 0.2564, "IoU.ashcan": 0.5028, "IoU.fan": 0.6949, "IoU.pier": 0.399, "IoU.crt screen": 0.2022, "IoU.plate": 0.6401, "IoU.monitor": 0.5864, "IoU.bulletin board": 0.6025, "IoU.shower": 0.1625, "IoU.radiator": 0.6655, "IoU.glass": 0.2325, "IoU.clock": 0.5523, "IoU.flag": 0.6839, "Acc.wall": 0.8987, "Acc.building": 0.9268, "Acc.sky": 0.9762, "Acc.floor": 0.9191, "Acc.tree": 0.8968, "Acc.ceiling": 0.9427, "Acc.road": 0.9095, "Acc.bed ": 0.9688, "Acc.windowpane": 0.8095, "Acc.grass": 0.7921, "Acc.cabinet": 0.7418, "Acc.sidewalk": 0.8637, "Acc.person": 0.9473, "Acc.earth": 0.5628, "Acc.door": 0.7739, "Acc.table": 0.8231, "Acc.mountain": 0.7115, "Acc.plant": 0.6411, "Acc.curtain": 0.891, "Acc.chair": 0.8019, "Acc.car": 0.9489, "Acc.water": 0.8114, "Acc.painting": 0.9292, "Acc.sofa": 0.9184, "Acc.shelf": 0.6301, "Acc.house": 0.6745, "Acc.sea": 0.8382, "Acc.mirror": 0.8289, "Acc.rug": 0.7497, "Acc.field": 0.4988, "Acc.armchair": 0.7676, "Acc.seat": 0.8502, "Acc.fence": 0.6062, "Acc.desk": 0.7568, "Acc.rock": 0.8377, "Acc.wardrobe": 0.7911, "Acc.lamp": 0.8458, "Acc.bathtub": 0.9129, "Acc.railing": 0.592, "Acc.cushion": 0.8592, "Acc.base": 0.6422, "Acc.box": 0.4809, "Acc.column": 0.6864, "Acc.signboard": 0.5532, "Acc.chest of drawers": 0.7588, "Acc.counter": 0.5072, "Acc.sand": 0.7806, "Acc.sink": 0.8857, "Acc.skyscraper": 0.6397, "Acc.fireplace": 0.9518, "Acc.refrigerator": 0.9275, "Acc.grandstand": 0.8087, "Acc.path": 0.4403, "Acc.stairs": 0.4615, "Acc.runway": 0.9735, "Acc.case": 0.8993, "Acc.pool table": 0.9811, "Acc.pillow": 0.7491, "Acc.screen door": 0.9234, "Acc.stairway": 0.7263, "Acc.river": 0.2818, "Acc.bridge": 0.8851, "Acc.bookcase": 0.6884, "Acc.blind": 0.6031, "Acc.coffee table": 0.8625, "Acc.toilet": 0.9349, "Acc.flower": 0.5956, "Acc.book": 0.7874, "Acc.hill": 0.3125, "Acc.bench": 0.7874, "Acc.countertop": 0.8633, "Acc.stove": 0.9286, "Acc.palm": 0.8626, "Acc.kitchen island": 0.797, "Acc.computer": 0.9188, "Acc.swivel chair": 0.7751, "Acc.boat": 0.926, "Acc.bar": 0.8154, "Acc.arcade machine": 0.9462, "Acc.hovel": 0.5742, "Acc.bus": 0.972, "Acc.towel": 0.8772, "Acc.light": 0.6561, "Acc.truck": 0.6826, "Acc.tower": 0.4483, "Acc.chandelier": 0.8975, "Acc.awning": 0.4797, "Acc.streetlight": 0.4897, "Acc.booth": 0.6939, "Acc.television receiver": 0.8729, "Acc.airplane": 0.9667, "Acc.dirt track": 0.2718, "Acc.apparel": 0.6887, "Acc.pole": 0.36, "Acc.land": 0.0646, "Acc.bannister": 0.2114, "Acc.escalator": 0.8676, "Acc.ottoman": 0.7109, "Acc.bottle": 0.7471, "Acc.buffet": 0.8215, "Acc.poster": 0.3747, "Acc.stage": 0.3546, "Acc.van": 0.6214, "Acc.ship": 0.8538, "Acc.fountain": 0.3486, "Acc.conveyer belt": 0.9627, "Acc.canopy": 0.7049, "Acc.washer": 0.9288, "Acc.plaything": 0.4783, "Acc.swimming pool": 0.7937, "Acc.stool": 0.7458, "Acc.barrel": 0.9389, "Acc.basket": 0.5725, "Acc.waterfall": 0.4908, "Acc.tent": 0.988, "Acc.bag": 0.3302, "Acc.minibike": 0.9239, "Acc.cradle": 0.9755, "Acc.oven": 0.8294, "Acc.ball": 0.7011, "Acc.food": 0.6211, "Acc.step": 0.1146, "Acc.tank": 0.7027, "Acc.trade name": 0.1644, "Acc.microwave": 0.9668, "Acc.pot": 0.6873, "Acc.animal": 0.6368, "Acc.bicycle": 0.7979, "Acc.lake": 0.6359, "Acc.dishwasher": 0.8474, "Acc.screen": 0.6681, "Acc.blanket": 0.405, "Acc.sculpture": 0.8209, "Acc.hood": 0.7149, "Acc.sconce": 0.7432, "Acc.vase": 0.6873, "Acc.traffic light": 0.6167, "Acc.tray": 0.3485, "Acc.ashcan": 0.656, "Acc.fan": 0.7677, "Acc.pier": 0.4344, "Acc.crt screen": 0.4336, "Acc.plate": 0.7643, "Acc.monitor": 0.7427, "Acc.bulletin board": 0.7426, "Acc.shower": 0.1764, "Acc.radiator": 0.7914, "Acc.glass": 0.2543, "Acc.clock": 0.6669, "Acc.flag": 0.8333} {"mode": "train", "epoch": 39, "iter": 48050, "lr": 2e-05, "memory": 72263, "data_time": 2.20147, "decode.loss_ce": 0.16477, "decode.acc_seg": 93.1032, "aux.loss_ce": 0.06939, "aux.acc_seg": 92.74437, "loss": 0.23416, "time": 4.17185} {"mode": "train", "epoch": 39, "iter": 48100, "lr": 2e-05, "memory": 72263, "data_time": 0.01059, "decode.loss_ce": 0.166, "decode.acc_seg": 92.96414, "aux.loss_ce": 0.07004, "aux.acc_seg": 92.62987, "loss": 0.23604, "time": 1.97943} {"mode": "train", "epoch": 39, "iter": 48150, "lr": 2e-05, "memory": 72263, "data_time": 0.00978, "decode.loss_ce": 0.17262, "decode.acc_seg": 92.53546, "aux.loss_ce": 0.07189, "aux.acc_seg": 92.22623, "loss": 0.24452, "time": 1.97874} {"mode": "train", "epoch": 39, "iter": 48200, "lr": 2e-05, "memory": 72263, "data_time": 0.00985, "decode.loss_ce": 0.16979, "decode.acc_seg": 92.73892, "aux.loss_ce": 0.0717, "aux.acc_seg": 92.26409, "loss": 0.24149, "time": 1.97715} {"mode": "train", "epoch": 39, "iter": 48250, "lr": 2e-05, "memory": 72263, "data_time": 0.01032, "decode.loss_ce": 0.1605, "decode.acc_seg": 93.05167, "aux.loss_ce": 0.06818, "aux.acc_seg": 92.6754, "loss": 0.22868, "time": 1.97886} {"mode": "train", "epoch": 39, "iter": 48300, "lr": 2e-05, "memory": 72263, "data_time": 0.0099, "decode.loss_ce": 0.16279, "decode.acc_seg": 92.9963, "aux.loss_ce": 0.06939, "aux.acc_seg": 92.55633, "loss": 0.23217, "time": 1.98074} {"mode": "train", "epoch": 39, "iter": 48350, "lr": 2e-05, "memory": 72263, "data_time": 0.0099, "decode.loss_ce": 0.15717, "decode.acc_seg": 93.03349, "aux.loss_ce": 0.06621, "aux.acc_seg": 92.63973, "loss": 0.22337, "time": 1.97837} {"mode": "train", "epoch": 39, "iter": 48400, "lr": 2e-05, "memory": 72263, "data_time": 0.0109, "decode.loss_ce": 0.16797, "decode.acc_seg": 92.62875, "aux.loss_ce": 0.07066, "aux.acc_seg": 92.27661, "loss": 0.23863, "time": 1.97888} {"mode": "train", "epoch": 39, "iter": 48450, "lr": 2e-05, "memory": 72263, "data_time": 0.01002, "decode.loss_ce": 0.16637, "decode.acc_seg": 92.70961, "aux.loss_ce": 0.0699, "aux.acc_seg": 92.36594, "loss": 0.23628, "time": 1.97704} {"mode": "train", "epoch": 39, "iter": 48500, "lr": 2e-05, "memory": 72263, "data_time": 0.00974, "decode.loss_ce": 0.16831, "decode.acc_seg": 93.05019, "aux.loss_ce": 0.07095, "aux.acc_seg": 92.58805, "loss": 0.23926, "time": 1.9783} {"mode": "train", "epoch": 39, "iter": 48550, "lr": 2e-05, "memory": 72263, "data_time": 0.00994, "decode.loss_ce": 0.16365, "decode.acc_seg": 92.91413, "aux.loss_ce": 0.06866, "aux.acc_seg": 92.54605, "loss": 0.23231, "time": 1.9769} {"mode": "train", "epoch": 39, "iter": 48600, "lr": 2e-05, "memory": 72263, "data_time": 0.01036, "decode.loss_ce": 0.15756, "decode.acc_seg": 92.98788, "aux.loss_ce": 0.06659, "aux.acc_seg": 92.58621, "loss": 0.22416, "time": 1.9784} {"mode": "train", "epoch": 39, "iter": 48650, "lr": 2e-05, "memory": 72263, "data_time": 0.01036, "decode.loss_ce": 0.16538, "decode.acc_seg": 92.64164, "aux.loss_ce": 0.06877, "aux.acc_seg": 92.35388, "loss": 0.23414, "time": 1.9797} {"mode": "train", "epoch": 39, "iter": 48700, "lr": 2e-05, "memory": 72263, "data_time": 0.01021, "decode.loss_ce": 0.17804, "decode.acc_seg": 92.64153, "aux.loss_ce": 0.07473, "aux.acc_seg": 92.26953, "loss": 0.25277, "time": 1.9787} {"mode": "train", "epoch": 39, "iter": 48750, "lr": 2e-05, "memory": 72263, "data_time": 0.00994, "decode.loss_ce": 0.16342, "decode.acc_seg": 92.78825, "aux.loss_ce": 0.06849, "aux.acc_seg": 92.388, "loss": 0.23192, "time": 1.976} {"mode": "train", "epoch": 39, "iter": 48800, "lr": 2e-05, "memory": 72263, "data_time": 0.0101, "decode.loss_ce": 0.16258, "decode.acc_seg": 92.93101, "aux.loss_ce": 0.06811, "aux.acc_seg": 92.55788, "loss": 0.23069, "time": 1.97862} {"mode": "train", "epoch": 39, "iter": 48850, "lr": 2e-05, "memory": 72263, "data_time": 0.00978, "decode.loss_ce": 0.16918, "decode.acc_seg": 92.67978, "aux.loss_ce": 0.07075, "aux.acc_seg": 92.30176, "loss": 0.23993, "time": 1.97844} {"mode": "train", "epoch": 39, "iter": 48900, "lr": 2e-05, "memory": 72263, "data_time": 0.01076, "decode.loss_ce": 0.17129, "decode.acc_seg": 92.83461, "aux.loss_ce": 0.07146, "aux.acc_seg": 92.50444, "loss": 0.24275, "time": 1.97881} {"mode": "train", "epoch": 39, "iter": 48950, "lr": 2e-05, "memory": 72263, "data_time": 0.01071, "decode.loss_ce": 0.15988, "decode.acc_seg": 93.00803, "aux.loss_ce": 0.06773, "aux.acc_seg": 92.66169, "loss": 0.22761, "time": 1.97703} {"mode": "train", "epoch": 39, "iter": 49000, "lr": 2e-05, "memory": 72263, "data_time": 0.00969, "decode.loss_ce": 0.17471, "decode.acc_seg": 92.58632, "aux.loss_ce": 0.07303, "aux.acc_seg": 92.28723, "loss": 0.24775, "time": 1.98056} {"mode": "val", "epoch": 39, "iter": 250, "lr": 2e-05, "aAcc": 0.8644, "mIoU": 0.594, "mAcc": 0.7216, "IoU.wall": 0.8248, "IoU.building": 0.8535, "IoU.sky": 0.9494, "IoU.floor": 0.8489, "IoU.tree": 0.7773, "IoU.ceiling": 0.8766, "IoU.road": 0.8644, "IoU.bed ": 0.9297, "IoU.windowpane": 0.6631, "IoU.grass": 0.6713, "IoU.cabinet": 0.6743, "IoU.sidewalk": 0.7116, "IoU.person": 0.8651, "IoU.earth": 0.398, "IoU.door": 0.581, "IoU.table": 0.7085, "IoU.mountain": 0.5998, "IoU.plant": 0.5659, "IoU.curtain": 0.8066, "IoU.chair": 0.6853, "IoU.car": 0.8807, "IoU.water": 0.6498, "IoU.painting": 0.8108, "IoU.sofa": 0.8231, "IoU.shelf": 0.5027, "IoU.house": 0.5358, "IoU.sea": 0.732, "IoU.mirror": 0.7971, "IoU.rug": 0.6568, "IoU.field": 0.2736, "IoU.armchair": 0.613, "IoU.seat": 0.6692, "IoU.fence": 0.534, "IoU.desk": 0.5841, "IoU.rock": 0.5579, "IoU.wardrobe": 0.5465, "IoU.lamp": 0.7577, "IoU.bathtub": 0.9062, "IoU.railing": 0.4355, "IoU.cushion": 0.7116, "IoU.base": 0.4287, "IoU.box": 0.3713, "IoU.column": 0.5987, "IoU.signboard": 0.4059, "IoU.chest of drawers": 0.4876, "IoU.counter": 0.5601, "IoU.sand": 0.5068, "IoU.sink": 0.827, "IoU.skyscraper": 0.4781, "IoU.fireplace": 0.7282, "IoU.refrigerator": 0.8766, "IoU.grandstand": 0.6305, "IoU.path": 0.3126, "IoU.stairs": 0.4479, "IoU.runway": 0.7286, "IoU.case": 0.6538, "IoU.pool table": 0.9525, "IoU.pillow": 0.6711, "IoU.screen door": 0.7482, "IoU.stairway": 0.4987, "IoU.river": 0.1022, "IoU.bridge": 0.7619, "IoU.bookcase": 0.4641, "IoU.blind": 0.4603, "IoU.coffee table": 0.6278, "IoU.toilet": 0.9019, "IoU.flower": 0.4779, "IoU.book": 0.5727, "IoU.hill": 0.1275, "IoU.bench": 0.6298, "IoU.countertop": 0.6433, "IoU.stove": 0.8755, "IoU.palm": 0.5197, "IoU.kitchen island": 0.5491, "IoU.computer": 0.7736, "IoU.swivel chair": 0.4987, "IoU.boat": 0.6471, "IoU.bar": 0.7101, "IoU.arcade machine": 0.8243, "IoU.hovel": 0.4587, "IoU.bus": 0.9443, "IoU.towel": 0.8183, "IoU.light": 0.6156, "IoU.truck": 0.5159, "IoU.tower": 0.3414, "IoU.chandelier": 0.7327, "IoU.awning": 0.3935, "IoU.streetlight": 0.3687, "IoU.booth": 0.5251, "IoU.television receiver": 0.804, "IoU.airplane": 0.8364, "IoU.dirt track": 0.059, "IoU.apparel": 0.6227, "IoU.pole": 0.2953, "IoU.land": 0.0489, "IoU.bannister": 0.2268, "IoU.escalator": 0.6783, "IoU.ottoman": 0.5215, "IoU.bottle": 0.4532, "IoU.buffet": 0.6367, "IoU.poster": 0.3494, "IoU.stage": 0.197, "IoU.van": 0.5147, "IoU.ship": 0.7612, "IoU.fountain": 0.2791, "IoU.conveyer belt": 0.8241, "IoU.canopy": 0.5995, "IoU.washer": 0.827, "IoU.plaything": 0.3775, "IoU.swimming pool": 0.6126, "IoU.stool": 0.5772, "IoU.barrel": 0.737, "IoU.basket": 0.4272, "IoU.waterfall": 0.4956, "IoU.tent": 0.9412, "IoU.bag": 0.2929, "IoU.minibike": 0.7635, "IoU.cradle": 0.9051, "IoU.oven": 0.6857, "IoU.ball": 0.5776, "IoU.food": 0.6113, "IoU.step": 0.1241, "IoU.tank": 0.6595, "IoU.trade name": 0.2232, "IoU.microwave": 0.9016, "IoU.pot": 0.584, "IoU.animal": 0.6193, "IoU.bicycle": 0.5901, "IoU.lake": 0.4223, "IoU.dishwasher": 0.7505, "IoU.screen": 0.6561, "IoU.blanket": 0.3606, "IoU.sculpture": 0.6277, "IoU.hood": 0.6449, "IoU.sconce": 0.619, "IoU.vase": 0.5144, "IoU.traffic light": 0.3921, "IoU.tray": 0.2824, "IoU.ashcan": 0.5182, "IoU.fan": 0.7183, "IoU.pier": 0.3791, "IoU.crt screen": 0.1896, "IoU.plate": 0.6434, "IoU.monitor": 0.6273, "IoU.bulletin board": 0.5498, "IoU.shower": 0.1834, "IoU.radiator": 0.6939, "IoU.glass": 0.2213, "IoU.clock": 0.5277, "IoU.flag": 0.7076, "Acc.wall": 0.8998, "Acc.building": 0.9321, "Acc.sky": 0.9781, "Acc.floor": 0.9074, "Acc.tree": 0.8899, "Acc.ceiling": 0.9557, "Acc.road": 0.906, "Acc.bed ": 0.9696, "Acc.windowpane": 0.7974, "Acc.grass": 0.8096, "Acc.cabinet": 0.7506, "Acc.sidewalk": 0.8779, "Acc.person": 0.9412, "Acc.earth": 0.5519, "Acc.door": 0.7318, "Acc.table": 0.8103, "Acc.mountain": 0.743, "Acc.plant": 0.6841, "Acc.curtain": 0.8929, "Acc.chair": 0.7987, "Acc.car": 0.9375, "Acc.water": 0.7877, "Acc.painting": 0.9042, "Acc.sofa": 0.8954, "Acc.shelf": 0.6658, "Acc.house": 0.662, "Acc.sea": 0.8276, "Acc.mirror": 0.8803, "Acc.rug": 0.7621, "Acc.field": 0.4711, "Acc.armchair": 0.8025, "Acc.seat": 0.896, "Acc.fence": 0.6631, "Acc.desk": 0.7952, "Acc.rock": 0.7969, "Acc.wardrobe": 0.8295, "Acc.lamp": 0.8705, "Acc.bathtub": 0.936, "Acc.railing": 0.6326, "Acc.cushion": 0.8453, "Acc.base": 0.6937, "Acc.box": 0.4762, "Acc.column": 0.7524, "Acc.signboard": 0.5743, "Acc.chest of drawers": 0.7106, "Acc.counter": 0.6663, "Acc.sand": 0.7912, "Acc.sink": 0.8727, "Acc.skyscraper": 0.6659, "Acc.fireplace": 0.9122, "Acc.refrigerator": 0.9521, "Acc.grandstand": 0.8286, "Acc.path": 0.4109, "Acc.stairs": 0.5649, "Acc.runway": 0.9371, "Acc.case": 0.8185, "Acc.pool table": 0.9818, "Acc.pillow": 0.7738, "Acc.screen door": 0.7839, "Acc.stairway": 0.6321, "Acc.river": 0.2283, "Acc.bridge": 0.9012, "Acc.bookcase": 0.6803, "Acc.blind": 0.5099, "Acc.coffee table": 0.8934, "Acc.toilet": 0.9338, "Acc.flower": 0.6241, "Acc.book": 0.7691, "Acc.hill": 0.2017, "Acc.bench": 0.6961, "Acc.countertop": 0.8462, "Acc.stove": 0.9237, "Acc.palm": 0.8257, "Acc.kitchen island": 0.8557, "Acc.computer": 0.9106, "Acc.swivel chair": 0.7686, "Acc.boat": 0.9207, "Acc.bar": 0.8587, "Acc.arcade machine": 0.8607, "Acc.hovel": 0.5121, "Acc.bus": 0.97, "Acc.towel": 0.8965, "Acc.light": 0.6788, "Acc.truck": 0.627, "Acc.tower": 0.6271, "Acc.chandelier": 0.8497, "Acc.awning": 0.4784, "Acc.streetlight": 0.4767, "Acc.booth": 0.7833, "Acc.television receiver": 0.885, "Acc.airplane": 0.9564, "Acc.dirt track": 0.0782, "Acc.apparel": 0.9185, "Acc.pole": 0.3898, "Acc.land": 0.0686, "Acc.bannister": 0.2968, "Acc.escalator": 0.8627, "Acc.ottoman": 0.7033, "Acc.bottle": 0.6717, "Acc.buffet": 0.7552, "Acc.poster": 0.4636, "Acc.stage": 0.4116, "Acc.van": 0.7722, "Acc.ship": 0.7666, "Acc.fountain": 0.2813, "Acc.conveyer belt": 0.9643, "Acc.canopy": 0.7535, "Acc.washer": 0.8773, "Acc.plaything": 0.5118, "Acc.swimming pool": 0.8782, "Acc.stool": 0.7297, "Acc.barrel": 0.9485, "Acc.basket": 0.5856, "Acc.waterfall": 0.6578, "Acc.tent": 0.9868, "Acc.bag": 0.3464, "Acc.minibike": 0.8956, "Acc.cradle": 0.9718, "Acc.oven": 0.7941, "Acc.ball": 0.6777, "Acc.food": 0.7535, "Acc.step": 0.136, "Acc.tank": 0.7263, "Acc.trade name": 0.2568, "Acc.microwave": 0.9633, "Acc.pot": 0.686, "Acc.animal": 0.6367, "Acc.bicycle": 0.7383, "Acc.lake": 0.6874, "Acc.dishwasher": 0.8347, "Acc.screen": 0.8847, "Acc.blanket": 0.4431, "Acc.sculpture": 0.8382, "Acc.hood": 0.7309, "Acc.sconce": 0.7514, "Acc.vase": 0.6493, "Acc.traffic light": 0.6646, "Acc.tray": 0.3726, "Acc.ashcan": 0.6489, "Acc.fan": 0.8226, "Acc.pier": 0.4038, "Acc.crt screen": 0.2131, "Acc.plate": 0.7699, "Acc.monitor": 0.8257, "Acc.bulletin board": 0.7082, "Acc.shower": 0.1854, "Acc.radiator": 0.8039, "Acc.glass": 0.2351, "Acc.clock": 0.6053, "Acc.flag": 0.8107} {"mode": "train", "epoch": 39, "iter": 49050, "lr": 2e-05, "memory": 72263, "data_time": 2.27154, "decode.loss_ce": 0.16284, "decode.acc_seg": 92.98615, "aux.loss_ce": 0.069, "aux.acc_seg": 92.6067, "loss": 0.23184, "time": 4.24154} {"mode": "train", "epoch": 39, "iter": 49100, "lr": 2e-05, "memory": 72263, "data_time": 0.01057, "decode.loss_ce": 0.16798, "decode.acc_seg": 92.78606, "aux.loss_ce": 0.07018, "aux.acc_seg": 92.43203, "loss": 0.23815, "time": 1.97743} {"mode": "train", "epoch": 39, "iter": 49150, "lr": 2e-05, "memory": 72263, "data_time": 0.00994, "decode.loss_ce": 0.15419, "decode.acc_seg": 93.35002, "aux.loss_ce": 0.06586, "aux.acc_seg": 92.93714, "loss": 0.22005, "time": 1.97856} {"mode": "train", "epoch": 39, "iter": 49200, "lr": 2e-05, "memory": 72263, "data_time": 0.01055, "decode.loss_ce": 0.16529, "decode.acc_seg": 92.9823, "aux.loss_ce": 0.06946, "aux.acc_seg": 92.57996, "loss": 0.23474, "time": 1.97925} {"mode": "train", "epoch": 39, "iter": 49250, "lr": 2e-05, "memory": 72263, "data_time": 0.0104, "decode.loss_ce": 0.16873, "decode.acc_seg": 92.58171, "aux.loss_ce": 0.071, "aux.acc_seg": 92.27894, "loss": 0.23973, "time": 1.97936} {"mode": "train", "epoch": 40, "iter": 49300, "lr": 2e-05, "memory": 72263, "data_time": 0.05136, "decode.loss_ce": 0.16096, "decode.acc_seg": 93.07991, "aux.loss_ce": 0.06767, "aux.acc_seg": 92.78677, "loss": 0.22863, "time": 2.01997} {"mode": "train", "epoch": 40, "iter": 49350, "lr": 2e-05, "memory": 72263, "data_time": 0.01002, "decode.loss_ce": 0.16448, "decode.acc_seg": 92.80948, "aux.loss_ce": 0.06827, "aux.acc_seg": 92.47964, "loss": 0.23275, "time": 1.97913} {"mode": "train", "epoch": 40, "iter": 49400, "lr": 2e-05, "memory": 72263, "data_time": 0.00977, "decode.loss_ce": 0.15674, "decode.acc_seg": 93.19306, "aux.loss_ce": 0.06633, "aux.acc_seg": 92.82725, "loss": 0.22307, "time": 1.97791} {"mode": "train", "epoch": 40, "iter": 49450, "lr": 2e-05, "memory": 72263, "data_time": 0.01087, "decode.loss_ce": 0.16254, "decode.acc_seg": 92.92369, "aux.loss_ce": 0.06838, "aux.acc_seg": 92.4995, "loss": 0.23092, "time": 1.97856} {"mode": "train", "epoch": 40, "iter": 49500, "lr": 2e-05, "memory": 72263, "data_time": 0.00961, "decode.loss_ce": 0.16187, "decode.acc_seg": 93.02871, "aux.loss_ce": 0.06814, "aux.acc_seg": 92.68161, "loss": 0.23002, "time": 1.97741} {"mode": "train", "epoch": 40, "iter": 49550, "lr": 2e-05, "memory": 72263, "data_time": 0.01026, "decode.loss_ce": 0.16558, "decode.acc_seg": 92.89281, "aux.loss_ce": 0.0698, "aux.acc_seg": 92.50016, "loss": 0.23538, "time": 1.97902} {"mode": "train", "epoch": 40, "iter": 49600, "lr": 2e-05, "memory": 72263, "data_time": 0.0107, "decode.loss_ce": 0.16551, "decode.acc_seg": 92.88972, "aux.loss_ce": 0.06927, "aux.acc_seg": 92.54126, "loss": 0.23478, "time": 1.97768} {"mode": "train", "epoch": 40, "iter": 49650, "lr": 2e-05, "memory": 72263, "data_time": 0.00963, "decode.loss_ce": 0.16553, "decode.acc_seg": 93.12121, "aux.loss_ce": 0.06966, "aux.acc_seg": 92.76967, "loss": 0.2352, "time": 1.97719} {"mode": "train", "epoch": 40, "iter": 49700, "lr": 2e-05, "memory": 72263, "data_time": 0.01021, "decode.loss_ce": 0.16415, "decode.acc_seg": 92.84215, "aux.loss_ce": 0.06926, "aux.acc_seg": 92.43103, "loss": 0.23341, "time": 1.97587} {"mode": "train", "epoch": 40, "iter": 49750, "lr": 2e-05, "memory": 72263, "data_time": 0.01025, "decode.loss_ce": 0.16115, "decode.acc_seg": 93.06986, "aux.loss_ce": 0.06823, "aux.acc_seg": 92.6207, "loss": 0.22938, "time": 1.98064} {"mode": "train", "epoch": 40, "iter": 49800, "lr": 2e-05, "memory": 72263, "data_time": 0.0097, "decode.loss_ce": 0.15916, "decode.acc_seg": 93.05051, "aux.loss_ce": 0.06723, "aux.acc_seg": 92.66226, "loss": 0.22639, "time": 1.97864} {"mode": "train", "epoch": 40, "iter": 49850, "lr": 2e-05, "memory": 72263, "data_time": 0.01079, "decode.loss_ce": 0.15539, "decode.acc_seg": 93.21265, "aux.loss_ce": 0.06602, "aux.acc_seg": 92.85052, "loss": 0.22141, "time": 1.97742} {"mode": "train", "epoch": 40, "iter": 49900, "lr": 2e-05, "memory": 72263, "data_time": 0.01157, "decode.loss_ce": 0.16458, "decode.acc_seg": 92.8431, "aux.loss_ce": 0.06949, "aux.acc_seg": 92.45722, "loss": 0.23407, "time": 1.98034} {"mode": "train", "epoch": 40, "iter": 49950, "lr": 2e-05, "memory": 72263, "data_time": 0.01165, "decode.loss_ce": 0.1577, "decode.acc_seg": 93.08562, "aux.loss_ce": 0.06674, "aux.acc_seg": 92.71254, "loss": 0.22444, "time": 1.97989} {"mode": "train", "epoch": 40, "iter": 50000, "lr": 2e-05, "memory": 72263, "data_time": 0.00997, "decode.loss_ce": 0.14495, "decode.acc_seg": 93.69745, "aux.loss_ce": 0.06168, "aux.acc_seg": 93.31654, "loss": 0.20663, "time": 3.66667} {"mode": "val", "epoch": 40, "iter": 250, "lr": 2e-05, "aAcc": 0.8649, "mIoU": 0.593, "mAcc": 0.7173, "IoU.wall": 0.8279, "IoU.building": 0.8512, "IoU.sky": 0.9486, "IoU.floor": 0.8509, "IoU.tree": 0.7828, "IoU.ceiling": 0.8697, "IoU.road": 0.8561, "IoU.bed ": 0.9333, "IoU.windowpane": 0.6603, "IoU.grass": 0.6685, "IoU.cabinet": 0.6732, "IoU.sidewalk": 0.7076, "IoU.person": 0.8676, "IoU.earth": 0.4007, "IoU.door": 0.5946, "IoU.table": 0.7077, "IoU.mountain": 0.6288, "IoU.plant": 0.556, "IoU.curtain": 0.7995, "IoU.chair": 0.6703, "IoU.car": 0.8847, "IoU.water": 0.6449, "IoU.painting": 0.8252, "IoU.sofa": 0.8156, "IoU.shelf": 0.4975, "IoU.house": 0.5167, "IoU.sea": 0.7359, "IoU.mirror": 0.7848, "IoU.rug": 0.6509, "IoU.field": 0.2964, "IoU.armchair": 0.5839, "IoU.seat": 0.6799, "IoU.fence": 0.5262, "IoU.desk": 0.5965, "IoU.rock": 0.556, "IoU.wardrobe": 0.5534, "IoU.lamp": 0.7595, "IoU.bathtub": 0.9119, "IoU.railing": 0.44, "IoU.cushion": 0.6876, "IoU.base": 0.3971, "IoU.box": 0.4001, "IoU.column": 0.5914, "IoU.signboard": 0.3996, "IoU.chest of drawers": 0.4215, "IoU.counter": 0.5655, "IoU.sand": 0.5297, "IoU.sink": 0.8335, "IoU.skyscraper": 0.479, "IoU.fireplace": 0.7231, "IoU.refrigerator": 0.8684, "IoU.grandstand": 0.6009, "IoU.path": 0.3169, "IoU.stairs": 0.4447, "IoU.runway": 0.7209, "IoU.case": 0.6717, "IoU.pool table": 0.954, "IoU.pillow": 0.6623, "IoU.screen door": 0.8888, "IoU.stairway": 0.5197, "IoU.river": 0.1231, "IoU.bridge": 0.7709, "IoU.bookcase": 0.4174, "IoU.blind": 0.449, "IoU.coffee table": 0.6287, "IoU.toilet": 0.9071, "IoU.flower": 0.4368, "IoU.book": 0.557, "IoU.hill": 0.1523, "IoU.bench": 0.6908, "IoU.countertop": 0.6384, "IoU.stove": 0.8526, "IoU.palm": 0.5179, "IoU.kitchen island": 0.4806, "IoU.computer": 0.7696, "IoU.swivel chair": 0.4978, "IoU.boat": 0.6478, "IoU.bar": 0.7198, "IoU.arcade machine": 0.8101, "IoU.hovel": 0.4617, "IoU.bus": 0.9383, "IoU.towel": 0.8071, "IoU.light": 0.6306, "IoU.truck": 0.5373, "IoU.tower": 0.2604, "IoU.chandelier": 0.7272, "IoU.awning": 0.3896, "IoU.streetlight": 0.3366, "IoU.booth": 0.6162, "IoU.television receiver": 0.8084, "IoU.airplane": 0.8766, "IoU.dirt track": 0.0773, "IoU.apparel": 0.6802, "IoU.pole": 0.2969, "IoU.land": 0.0508, "IoU.bannister": 0.2243, "IoU.escalator": 0.6732, "IoU.ottoman": 0.5636, "IoU.bottle": 0.4506, "IoU.buffet": 0.5458, "IoU.poster": 0.3772, "IoU.stage": 0.222, "IoU.van": 0.5473, "IoU.ship": 0.8642, "IoU.fountain": 0.293, "IoU.conveyer belt": 0.8466, "IoU.canopy": 0.5701, "IoU.washer": 0.8355, "IoU.plaything": 0.3241, "IoU.swimming pool": 0.5707, "IoU.stool": 0.5318, "IoU.barrel": 0.7118, "IoU.basket": 0.4177, "IoU.waterfall": 0.5168, "IoU.tent": 0.9693, "IoU.bag": 0.2755, "IoU.minibike": 0.7578, "IoU.cradle": 0.8895, "IoU.oven": 0.6757, "IoU.ball": 0.3671, "IoU.food": 0.6368, "IoU.step": 0.1254, "IoU.tank": 0.6505, "IoU.trade name": 0.1974, "IoU.microwave": 0.8943, "IoU.pot": 0.591, "IoU.animal": 0.6124, "IoU.bicycle": 0.5907, "IoU.lake": 0.5242, "IoU.dishwasher": 0.7283, "IoU.screen": 0.6253, "IoU.blanket": 0.3744, "IoU.sculpture": 0.7066, "IoU.hood": 0.6603, "IoU.sconce": 0.6217, "IoU.vase": 0.5109, "IoU.traffic light": 0.3982, "IoU.tray": 0.2922, "IoU.ashcan": 0.5126, "IoU.fan": 0.7246, "IoU.pier": 0.3878, "IoU.crt screen": 0.1025, "IoU.plate": 0.6369, "IoU.monitor": 0.6758, "IoU.bulletin board": 0.5418, "IoU.shower": 0.1288, "IoU.radiator": 0.6895, "IoU.glass": 0.2096, "IoU.clock": 0.5351, "IoU.flag": 0.6899, "Acc.wall": 0.9102, "Acc.building": 0.9327, "Acc.sky": 0.975, "Acc.floor": 0.9225, "Acc.tree": 0.9009, "Acc.ceiling": 0.9366, "Acc.road": 0.9085, "Acc.bed ": 0.9677, "Acc.windowpane": 0.8207, "Acc.grass": 0.8273, "Acc.cabinet": 0.7712, "Acc.sidewalk": 0.859, "Acc.person": 0.9387, "Acc.earth": 0.5184, "Acc.door": 0.7264, "Acc.table": 0.8155, "Acc.mountain": 0.7262, "Acc.plant": 0.6521, "Acc.curtain": 0.9004, "Acc.chair": 0.7642, "Acc.car": 0.9431, "Acc.water": 0.8006, "Acc.painting": 0.908, "Acc.sofa": 0.9012, "Acc.shelf": 0.6282, "Acc.house": 0.6696, "Acc.sea": 0.8484, "Acc.mirror": 0.8525, "Acc.rug": 0.6951, "Acc.field": 0.5356, "Acc.armchair": 0.7884, "Acc.seat": 0.8945, "Acc.fence": 0.6552, "Acc.desk": 0.8055, "Acc.rock": 0.8222, "Acc.wardrobe": 0.7225, "Acc.lamp": 0.8604, "Acc.bathtub": 0.9382, "Acc.railing": 0.6039, "Acc.cushion": 0.8258, "Acc.base": 0.5847, "Acc.box": 0.5472, "Acc.column": 0.7031, "Acc.signboard": 0.5438, "Acc.chest of drawers": 0.7046, "Acc.counter": 0.6741, "Acc.sand": 0.7753, "Acc.sink": 0.8885, "Acc.skyscraper": 0.5919, "Acc.fireplace": 0.8821, "Acc.refrigerator": 0.9251, "Acc.grandstand": 0.8714, "Acc.path": 0.4091, "Acc.stairs": 0.5432, "Acc.runway": 0.928, "Acc.case": 0.8292, "Acc.pool table": 0.9767, "Acc.pillow": 0.7779, "Acc.screen door": 0.9136, "Acc.stairway": 0.6559, "Acc.river": 0.2471, "Acc.bridge": 0.8706, "Acc.bookcase": 0.6027, "Acc.blind": 0.4813, "Acc.coffee table": 0.8759, "Acc.toilet": 0.9353, "Acc.flower": 0.6224, "Acc.book": 0.8028, "Acc.hill": 0.2644, "Acc.bench": 0.7797, "Acc.countertop": 0.8136, "Acc.stove": 0.9415, "Acc.palm": 0.8131, "Acc.kitchen island": 0.8051, "Acc.computer": 0.9182, "Acc.swivel chair": 0.7912, "Acc.boat": 0.9239, "Acc.bar": 0.8494, "Acc.arcade machine": 0.8415, "Acc.hovel": 0.5144, "Acc.bus": 0.9681, "Acc.towel": 0.8675, "Acc.light": 0.7378, "Acc.truck": 0.6408, "Acc.tower": 0.4377, "Acc.chandelier": 0.8138, "Acc.awning": 0.4931, "Acc.streetlight": 0.4283, "Acc.booth": 0.6348, "Acc.television receiver": 0.8613, "Acc.airplane": 0.966, "Acc.dirt track": 0.3288, "Acc.apparel": 0.8822, "Acc.pole": 0.3777, "Acc.land": 0.091, "Acc.bannister": 0.3065, "Acc.escalator": 0.8642, "Acc.ottoman": 0.7701, "Acc.bottle": 0.7104, "Acc.buffet": 0.6374, "Acc.poster": 0.4325, "Acc.stage": 0.4719, "Acc.van": 0.7864, "Acc.ship": 0.915, "Acc.fountain": 0.3068, "Acc.conveyer belt": 0.9601, "Acc.canopy": 0.7247, "Acc.washer": 0.8866, "Acc.plaything": 0.5998, "Acc.swimming pool": 0.7959, "Acc.stool": 0.7199, "Acc.barrel": 0.8761, "Acc.basket": 0.6172, "Acc.waterfall": 0.678, "Acc.tent": 0.9833, "Acc.bag": 0.3194, "Acc.minibike": 0.9038, "Acc.cradle": 0.9734, "Acc.oven": 0.8084, "Acc.ball": 0.3831, "Acc.food": 0.7938, "Acc.step": 0.1411, "Acc.tank": 0.706, "Acc.trade name": 0.2236, "Acc.microwave": 0.9677, "Acc.pot": 0.7171, "Acc.animal": 0.6292, "Acc.bicycle": 0.7458, "Acc.lake": 0.6373, "Acc.dishwasher": 0.8146, "Acc.screen": 0.9317, "Acc.blanket": 0.4448, "Acc.sculpture": 0.8176, "Acc.hood": 0.7694, "Acc.sconce": 0.7156, "Acc.vase": 0.6737, "Acc.traffic light": 0.6799, "Acc.tray": 0.3937, "Acc.ashcan": 0.68, "Acc.fan": 0.8418, "Acc.pier": 0.4085, "Acc.crt screen": 0.1218, "Acc.plate": 0.8021, "Acc.monitor": 0.8304, "Acc.bulletin board": 0.6263, "Acc.shower": 0.1318, "Acc.radiator": 0.839, "Acc.glass": 0.22, "Acc.clock": 0.629, "Acc.flag": 0.815} {"mode": "train", "epoch": 40, "iter": 50050, "lr": 1e-05, "memory": 72263, "data_time": 2.20278, "decode.loss_ce": 0.16016, "decode.acc_seg": 93.16099, "aux.loss_ce": 0.06713, "aux.acc_seg": 92.85538, "loss": 0.22728, "time": 4.17085} {"mode": "train", "epoch": 40, "iter": 50100, "lr": 1e-05, "memory": 72263, "data_time": 0.0105, "decode.loss_ce": 0.16659, "decode.acc_seg": 92.7942, "aux.loss_ce": 0.07012, "aux.acc_seg": 92.43167, "loss": 0.23671, "time": 1.97788} {"mode": "train", "epoch": 40, "iter": 50150, "lr": 1e-05, "memory": 72263, "data_time": 0.01128, "decode.loss_ce": 0.16548, "decode.acc_seg": 92.88039, "aux.loss_ce": 0.06909, "aux.acc_seg": 92.62583, "loss": 0.23458, "time": 1.97708} {"mode": "train", "epoch": 40, "iter": 50200, "lr": 1e-05, "memory": 72263, "data_time": 0.01033, "decode.loss_ce": 0.15842, "decode.acc_seg": 93.11861, "aux.loss_ce": 0.06651, "aux.acc_seg": 92.77665, "loss": 0.22493, "time": 1.97937} {"mode": "train", "epoch": 40, "iter": 50250, "lr": 1e-05, "memory": 72263, "data_time": 0.01105, "decode.loss_ce": 0.16268, "decode.acc_seg": 93.16109, "aux.loss_ce": 0.06866, "aux.acc_seg": 92.7955, "loss": 0.23134, "time": 1.97786} {"mode": "train", "epoch": 40, "iter": 50300, "lr": 1e-05, "memory": 72263, "data_time": 0.01069, "decode.loss_ce": 0.1535, "decode.acc_seg": 93.33376, "aux.loss_ce": 0.06443, "aux.acc_seg": 93.01394, "loss": 0.21793, "time": 1.97878} {"mode": "train", "epoch": 40, "iter": 50350, "lr": 1e-05, "memory": 72263, "data_time": 0.01044, "decode.loss_ce": 0.15737, "decode.acc_seg": 93.23103, "aux.loss_ce": 0.06666, "aux.acc_seg": 92.86301, "loss": 0.22403, "time": 1.9797} {"mode": "train", "epoch": 40, "iter": 50400, "lr": 1e-05, "memory": 72263, "data_time": 0.01057, "decode.loss_ce": 0.14855, "decode.acc_seg": 93.32729, "aux.loss_ce": 0.06345, "aux.acc_seg": 92.96138, "loss": 0.21201, "time": 1.9792} {"mode": "train", "epoch": 40, "iter": 50450, "lr": 1e-05, "memory": 72263, "data_time": 0.01039, "decode.loss_ce": 0.16236, "decode.acc_seg": 93.19943, "aux.loss_ce": 0.06897, "aux.acc_seg": 92.78759, "loss": 0.23133, "time": 1.97835} {"mode": "train", "epoch": 40, "iter": 50500, "lr": 1e-05, "memory": 72263, "data_time": 0.01105, "decode.loss_ce": 0.16673, "decode.acc_seg": 92.78366, "aux.loss_ce": 0.07048, "aux.acc_seg": 92.39014, "loss": 0.23721, "time": 1.97947} {"mode": "train", "epoch": 41, "iter": 50550, "lr": 1e-05, "memory": 72263, "data_time": 0.05503, "decode.loss_ce": 0.15438, "decode.acc_seg": 93.28414, "aux.loss_ce": 0.06545, "aux.acc_seg": 92.90369, "loss": 0.21983, "time": 2.023} {"mode": "train", "epoch": 41, "iter": 50600, "lr": 1e-05, "memory": 72263, "data_time": 0.01022, "decode.loss_ce": 0.15532, "decode.acc_seg": 93.31559, "aux.loss_ce": 0.06624, "aux.acc_seg": 92.86293, "loss": 0.22156, "time": 1.97774} {"mode": "train", "epoch": 41, "iter": 50650, "lr": 1e-05, "memory": 72263, "data_time": 0.01084, "decode.loss_ce": 0.14886, "decode.acc_seg": 93.34728, "aux.loss_ce": 0.06292, "aux.acc_seg": 92.99699, "loss": 0.21178, "time": 1.97821} {"mode": "train", "epoch": 41, "iter": 50700, "lr": 1e-05, "memory": 72263, "data_time": 0.01078, "decode.loss_ce": 0.15466, "decode.acc_seg": 93.29045, "aux.loss_ce": 0.06542, "aux.acc_seg": 92.92313, "loss": 0.22008, "time": 1.97927} {"mode": "train", "epoch": 41, "iter": 50750, "lr": 1e-05, "memory": 72263, "data_time": 0.0103, "decode.loss_ce": 0.1627, "decode.acc_seg": 93.05061, "aux.loss_ce": 0.06904, "aux.acc_seg": 92.67135, "loss": 0.23174, "time": 1.97914} {"mode": "train", "epoch": 41, "iter": 50800, "lr": 1e-05, "memory": 72263, "data_time": 0.01092, "decode.loss_ce": 0.15969, "decode.acc_seg": 92.99171, "aux.loss_ce": 0.06766, "aux.acc_seg": 92.6347, "loss": 0.22735, "time": 1.97939} {"mode": "train", "epoch": 41, "iter": 50850, "lr": 1e-05, "memory": 72263, "data_time": 0.01033, "decode.loss_ce": 0.15769, "decode.acc_seg": 93.11266, "aux.loss_ce": 0.06653, "aux.acc_seg": 92.73971, "loss": 0.22422, "time": 1.97743} {"mode": "train", "epoch": 41, "iter": 50900, "lr": 1e-05, "memory": 72263, "data_time": 0.01115, "decode.loss_ce": 0.16106, "decode.acc_seg": 93.10051, "aux.loss_ce": 0.06835, "aux.acc_seg": 92.66057, "loss": 0.22941, "time": 1.97813} {"mode": "train", "epoch": 41, "iter": 50950, "lr": 1e-05, "memory": 72263, "data_time": 0.01046, "decode.loss_ce": 0.15716, "decode.acc_seg": 93.34048, "aux.loss_ce": 0.06562, "aux.acc_seg": 93.05516, "loss": 0.22278, "time": 1.98322} {"mode": "train", "epoch": 41, "iter": 51000, "lr": 1e-05, "memory": 72263, "data_time": 0.01047, "decode.loss_ce": 0.16389, "decode.acc_seg": 92.94393, "aux.loss_ce": 0.06905, "aux.acc_seg": 92.5574, "loss": 0.23294, "time": 1.97792} {"mode": "val", "epoch": 41, "iter": 250, "lr": 1e-05, "aAcc": 0.8636, "mIoU": 0.5898, "mAcc": 0.7131, "IoU.wall": 0.8242, "IoU.building": 0.8523, "IoU.sky": 0.9496, "IoU.floor": 0.8479, "IoU.tree": 0.7831, "IoU.ceiling": 0.8733, "IoU.road": 0.8512, "IoU.bed ": 0.929, "IoU.windowpane": 0.6679, "IoU.grass": 0.6788, "IoU.cabinet": 0.6776, "IoU.sidewalk": 0.7009, "IoU.person": 0.868, "IoU.earth": 0.3958, "IoU.door": 0.6043, "IoU.table": 0.7082, "IoU.mountain": 0.6491, "IoU.plant": 0.5673, "IoU.curtain": 0.8065, "IoU.chair": 0.6934, "IoU.car": 0.8858, "IoU.water": 0.607, "IoU.painting": 0.8027, "IoU.sofa": 0.8236, "IoU.shelf": 0.503, "IoU.house": 0.5382, "IoU.sea": 0.7156, "IoU.mirror": 0.7914, "IoU.rug": 0.6687, "IoU.field": 0.2462, "IoU.armchair": 0.607, "IoU.seat": 0.6666, "IoU.fence": 0.5162, "IoU.desk": 0.6125, "IoU.rock": 0.5613, "IoU.wardrobe": 0.562, "IoU.lamp": 0.7567, "IoU.bathtub": 0.8478, "IoU.railing": 0.4445, "IoU.cushion": 0.7122, "IoU.base": 0.3979, "IoU.box": 0.3537, "IoU.column": 0.5913, "IoU.signboard": 0.4032, "IoU.chest of drawers": 0.4528, "IoU.counter": 0.5601, "IoU.sand": 0.5132, "IoU.sink": 0.825, "IoU.skyscraper": 0.4766, "IoU.fireplace": 0.7263, "IoU.refrigerator": 0.8436, "IoU.grandstand": 0.5391, "IoU.path": 0.2807, "IoU.stairs": 0.3233, "IoU.runway": 0.7268, "IoU.case": 0.6539, "IoU.pool table": 0.9494, "IoU.pillow": 0.6995, "IoU.screen door": 0.7356, "IoU.stairway": 0.4481, "IoU.river": 0.1168, "IoU.bridge": 0.5533, "IoU.bookcase": 0.4688, "IoU.blind": 0.4207, "IoU.coffee table": 0.6102, "IoU.toilet": 0.9021, "IoU.flower": 0.4625, "IoU.book": 0.5692, "IoU.hill": 0.104, "IoU.bench": 0.6021, "IoU.countertop": 0.6455, "IoU.stove": 0.8752, "IoU.palm": 0.5324, "IoU.kitchen island": 0.4944, "IoU.computer": 0.7804, "IoU.swivel chair": 0.5326, "IoU.boat": 0.6705, "IoU.bar": 0.7103, "IoU.arcade machine": 0.8276, "IoU.hovel": 0.4597, "IoU.bus": 0.9237, "IoU.towel": 0.7955, "IoU.light": 0.631, "IoU.truck": 0.5138, "IoU.tower": 0.2446, "IoU.chandelier": 0.7318, "IoU.awning": 0.3949, "IoU.streetlight": 0.3891, "IoU.booth": 0.6103, "IoU.television receiver": 0.8322, "IoU.airplane": 0.8404, "IoU.dirt track": 0.2766, "IoU.apparel": 0.6808, "IoU.pole": 0.3, "IoU.land": 0.0556, "IoU.bannister": 0.2165, "IoU.escalator": 0.6604, "IoU.ottoman": 0.5389, "IoU.bottle": 0.4596, "IoU.buffet": 0.5676, "IoU.poster": 0.3452, "IoU.stage": 0.2324, "IoU.van": 0.5798, "IoU.ship": 0.8183, "IoU.fountain": 0.3493, "IoU.conveyer belt": 0.8626, "IoU.canopy": 0.5646, "IoU.washer": 0.8891, "IoU.plaything": 0.3095, "IoU.swimming pool": 0.5734, "IoU.stool": 0.566, "IoU.barrel": 0.6991, "IoU.basket": 0.426, "IoU.waterfall": 0.5218, "IoU.tent": 0.9574, "IoU.bag": 0.2635, "IoU.minibike": 0.7748, "IoU.cradle": 0.8516, "IoU.oven": 0.7246, "IoU.ball": 0.6059, "IoU.food": 0.5912, "IoU.step": 0.1334, "IoU.tank": 0.6277, "IoU.trade name": 0.2688, "IoU.microwave": 0.8901, "IoU.pot": 0.5764, "IoU.animal": 0.6225, "IoU.bicycle": 0.6197, "IoU.lake": 0.4042, "IoU.dishwasher": 0.7368, "IoU.screen": 0.6217, "IoU.blanket": 0.3549, "IoU.sculpture": 0.7406, "IoU.hood": 0.6554, "IoU.sconce": 0.5696, "IoU.vase": 0.5039, "IoU.traffic light": 0.4239, "IoU.tray": 0.2742, "IoU.ashcan": 0.521, "IoU.fan": 0.7134, "IoU.pier": 0.3997, "IoU.crt screen": 0.0964, "IoU.plate": 0.6346, "IoU.monitor": 0.3436, "IoU.bulletin board": 0.5582, "IoU.shower": 0.1828, "IoU.radiator": 0.6965, "IoU.glass": 0.2218, "IoU.clock": 0.5831, "IoU.flag": 0.6937, "Acc.wall": 0.8988, "Acc.building": 0.9272, "Acc.sky": 0.9767, "Acc.floor": 0.9178, "Acc.tree": 0.896, "Acc.ceiling": 0.9386, "Acc.road": 0.9092, "Acc.bed ": 0.9697, "Acc.windowpane": 0.8272, "Acc.grass": 0.8132, "Acc.cabinet": 0.7706, "Acc.sidewalk": 0.847, "Acc.person": 0.9409, "Acc.earth": 0.5824, "Acc.door": 0.7883, "Acc.table": 0.8157, "Acc.mountain": 0.7566, "Acc.plant": 0.6879, "Acc.curtain": 0.8899, "Acc.chair": 0.8003, "Acc.car": 0.9415, "Acc.water": 0.7456, "Acc.painting": 0.9123, "Acc.sofa": 0.9152, "Acc.shelf": 0.6702, "Acc.house": 0.7309, "Acc.sea": 0.847, "Acc.mirror": 0.8897, "Acc.rug": 0.7884, "Acc.field": 0.3446, "Acc.armchair": 0.8172, "Acc.seat": 0.8942, "Acc.fence": 0.6347, "Acc.desk": 0.7941, "Acc.rock": 0.8325, "Acc.wardrobe": 0.7733, "Acc.lamp": 0.8704, "Acc.bathtub": 0.8823, "Acc.railing": 0.6253, "Acc.cushion": 0.8141, "Acc.base": 0.5916, "Acc.box": 0.4164, "Acc.column": 0.7922, "Acc.signboard": 0.533, "Acc.chest of drawers": 0.6776, "Acc.counter": 0.6503, "Acc.sand": 0.7805, "Acc.sink": 0.8818, "Acc.skyscraper": 0.5879, "Acc.fireplace": 0.9384, "Acc.refrigerator": 0.9223, "Acc.grandstand": 0.8598, "Acc.path": 0.3582, "Acc.stairs": 0.3846, "Acc.runway": 0.935, "Acc.case": 0.8573, "Acc.pool table": 0.9869, "Acc.pillow": 0.8245, "Acc.screen door": 0.7586, "Acc.stairway": 0.5895, "Acc.river": 0.3125, "Acc.bridge": 0.6217, "Acc.bookcase": 0.6765, "Acc.blind": 0.4574, "Acc.coffee table": 0.8864, "Acc.toilet": 0.9305, "Acc.flower": 0.6081, "Acc.book": 0.7408, "Acc.hill": 0.1648, "Acc.bench": 0.6799, "Acc.countertop": 0.8217, "Acc.stove": 0.9507, "Acc.palm": 0.8171, "Acc.kitchen island": 0.7906, "Acc.computer": 0.9077, "Acc.swivel chair": 0.7394, "Acc.boat": 0.9224, "Acc.bar": 0.8786, "Acc.arcade machine": 0.866, "Acc.hovel": 0.5497, "Acc.bus": 0.9745, "Acc.towel": 0.8552, "Acc.light": 0.752, "Acc.truck": 0.6596, "Acc.tower": 0.4098, "Acc.chandelier": 0.8535, "Acc.awning": 0.537, "Acc.streetlight": 0.5593, "Acc.booth": 0.7733, "Acc.television receiver": 0.917, "Acc.airplane": 0.9755, "Acc.dirt track": 0.3314, "Acc.apparel": 0.8159, "Acc.pole": 0.3966, "Acc.land": 0.09, "Acc.bannister": 0.2513, "Acc.escalator": 0.8637, "Acc.ottoman": 0.6928, "Acc.bottle": 0.7164, "Acc.buffet": 0.6407, "Acc.poster": 0.4027, "Acc.stage": 0.4861, "Acc.van": 0.7611, "Acc.ship": 0.8715, "Acc.fountain": 0.3589, "Acc.conveyer belt": 0.9547, "Acc.canopy": 0.7793, "Acc.washer": 0.9502, "Acc.plaything": 0.4348, "Acc.swimming pool": 0.8445, "Acc.stool": 0.6873, "Acc.barrel": 0.9472, "Acc.basket": 0.5622, "Acc.waterfall": 0.7192, "Acc.tent": 0.9881, "Acc.bag": 0.2883, "Acc.minibike": 0.8954, "Acc.cradle": 0.9809, "Acc.oven": 0.8187, "Acc.ball": 0.7052, "Acc.food": 0.7254, "Acc.step": 0.1484, "Acc.tank": 0.6796, "Acc.trade name": 0.3233, "Acc.microwave": 0.9697, "Acc.pot": 0.6511, "Acc.animal": 0.643, "Acc.bicycle": 0.7441, "Acc.lake": 0.4329, "Acc.dishwasher": 0.8462, "Acc.screen": 0.8752, "Acc.blanket": 0.4329, "Acc.sculpture": 0.8061, "Acc.hood": 0.7654, "Acc.sconce": 0.6545, "Acc.vase": 0.6859, "Acc.traffic light": 0.6251, "Acc.tray": 0.3629, "Acc.ashcan": 0.6759, "Acc.fan": 0.8613, "Acc.pier": 0.436, "Acc.crt screen": 0.2159, "Acc.plate": 0.8175, "Acc.monitor": 0.3936, "Acc.bulletin board": 0.6331, "Acc.shower": 0.1975, "Acc.radiator": 0.8343, "Acc.glass": 0.2357, "Acc.clock": 0.6714, "Acc.flag": 0.7903} {"mode": "train", "epoch": 41, "iter": 51050, "lr": 1e-05, "memory": 72263, "data_time": 2.22014, "decode.loss_ce": 0.15892, "decode.acc_seg": 93.10666, "aux.loss_ce": 0.06697, "aux.acc_seg": 92.73644, "loss": 0.22589, "time": 4.18984} {"mode": "train", "epoch": 41, "iter": 51100, "lr": 1e-05, "memory": 72263, "data_time": 0.01127, "decode.loss_ce": 0.16469, "decode.acc_seg": 92.94214, "aux.loss_ce": 0.06957, "aux.acc_seg": 92.63802, "loss": 0.23426, "time": 1.97773} {"mode": "train", "epoch": 41, "iter": 51150, "lr": 1e-05, "memory": 72263, "data_time": 0.01093, "decode.loss_ce": 0.17865, "decode.acc_seg": 92.27878, "aux.loss_ce": 0.0746, "aux.acc_seg": 91.87576, "loss": 0.25325, "time": 1.97985} {"mode": "train", "epoch": 41, "iter": 51200, "lr": 1e-05, "memory": 72263, "data_time": 0.01101, "decode.loss_ce": 0.15861, "decode.acc_seg": 93.15487, "aux.loss_ce": 0.06665, "aux.acc_seg": 92.8101, "loss": 0.22526, "time": 1.97772} {"mode": "train", "epoch": 41, "iter": 51250, "lr": 1e-05, "memory": 72263, "data_time": 0.01073, "decode.loss_ce": 0.16185, "decode.acc_seg": 92.99417, "aux.loss_ce": 0.06793, "aux.acc_seg": 92.62023, "loss": 0.22977, "time": 1.98011} {"mode": "train", "epoch": 41, "iter": 51300, "lr": 1e-05, "memory": 72263, "data_time": 0.01095, "decode.loss_ce": 0.16451, "decode.acc_seg": 92.99911, "aux.loss_ce": 0.06905, "aux.acc_seg": 92.66196, "loss": 0.23357, "time": 1.97744} {"mode": "train", "epoch": 41, "iter": 51350, "lr": 1e-05, "memory": 72263, "data_time": 0.0106, "decode.loss_ce": 0.15357, "decode.acc_seg": 93.28725, "aux.loss_ce": 0.06455, "aux.acc_seg": 92.92653, "loss": 0.21811, "time": 1.97664} {"mode": "train", "epoch": 41, "iter": 51400, "lr": 1e-05, "memory": 72263, "data_time": 0.01017, "decode.loss_ce": 0.16461, "decode.acc_seg": 92.71514, "aux.loss_ce": 0.06942, "aux.acc_seg": 92.38408, "loss": 0.23403, "time": 1.97801} {"mode": "train", "epoch": 41, "iter": 51450, "lr": 1e-05, "memory": 72263, "data_time": 0.01087, "decode.loss_ce": 0.16118, "decode.acc_seg": 93.19814, "aux.loss_ce": 0.06731, "aux.acc_seg": 92.85051, "loss": 0.22849, "time": 1.97872} {"mode": "train", "epoch": 41, "iter": 51500, "lr": 1e-05, "memory": 72263, "data_time": 0.01072, "decode.loss_ce": 0.15248, "decode.acc_seg": 93.58724, "aux.loss_ce": 0.06444, "aux.acc_seg": 93.18198, "loss": 0.21692, "time": 1.98012} {"mode": "train", "epoch": 41, "iter": 51550, "lr": 1e-05, "memory": 72263, "data_time": 0.01067, "decode.loss_ce": 0.15437, "decode.acc_seg": 93.11122, "aux.loss_ce": 0.06519, "aux.acc_seg": 92.7558, "loss": 0.21956, "time": 1.97763} {"mode": "train", "epoch": 41, "iter": 51600, "lr": 1e-05, "memory": 72263, "data_time": 0.0105, "decode.loss_ce": 0.15886, "decode.acc_seg": 93.18854, "aux.loss_ce": 0.06724, "aux.acc_seg": 92.87284, "loss": 0.2261, "time": 1.97694} {"mode": "train", "epoch": 41, "iter": 51650, "lr": 1e-05, "memory": 72263, "data_time": 0.01031, "decode.loss_ce": 0.16269, "decode.acc_seg": 93.00245, "aux.loss_ce": 0.06916, "aux.acc_seg": 92.58639, "loss": 0.23185, "time": 1.97635} {"mode": "train", "epoch": 41, "iter": 51700, "lr": 1e-05, "memory": 72263, "data_time": 0.01036, "decode.loss_ce": 0.16229, "decode.acc_seg": 92.93564, "aux.loss_ce": 0.06806, "aux.acc_seg": 92.56601, "loss": 0.23035, "time": 1.97492} {"mode": "train", "epoch": 41, "iter": 51750, "lr": 1e-05, "memory": 72263, "data_time": 0.01018, "decode.loss_ce": 0.16667, "decode.acc_seg": 92.63253, "aux.loss_ce": 0.0705, "aux.acc_seg": 92.28237, "loss": 0.23717, "time": 1.97765} {"mode": "train", "epoch": 42, "iter": 51800, "lr": 1e-05, "memory": 72263, "data_time": 0.06472, "decode.loss_ce": 0.15138, "decode.acc_seg": 93.45579, "aux.loss_ce": 0.06388, "aux.acc_seg": 93.17409, "loss": 0.21525, "time": 2.03333} {"mode": "train", "epoch": 42, "iter": 51850, "lr": 1e-05, "memory": 72263, "data_time": 0.01058, "decode.loss_ce": 0.1567, "decode.acc_seg": 93.25518, "aux.loss_ce": 0.06638, "aux.acc_seg": 92.87961, "loss": 0.22307, "time": 1.97688} {"mode": "train", "epoch": 42, "iter": 51900, "lr": 1e-05, "memory": 72263, "data_time": 0.01049, "decode.loss_ce": 0.15163, "decode.acc_seg": 93.49731, "aux.loss_ce": 0.06401, "aux.acc_seg": 93.10365, "loss": 0.21565, "time": 1.97607} {"mode": "train", "epoch": 42, "iter": 51950, "lr": 1e-05, "memory": 72263, "data_time": 0.01121, "decode.loss_ce": 0.15906, "decode.acc_seg": 93.21234, "aux.loss_ce": 0.06689, "aux.acc_seg": 92.86295, "loss": 0.22595, "time": 1.98054} {"mode": "train", "epoch": 42, "iter": 52000, "lr": 1e-05, "memory": 72263, "data_time": 0.01073, "decode.loss_ce": 0.15578, "decode.acc_seg": 93.11219, "aux.loss_ce": 0.06581, "aux.acc_seg": 92.77149, "loss": 0.22159, "time": 3.66961} {"mode": "val", "epoch": 42, "iter": 250, "lr": 1e-05, "aAcc": 0.863, "mIoU": 0.5865, "mAcc": 0.7136, "IoU.wall": 0.8237, "IoU.building": 0.8527, "IoU.sky": 0.9508, "IoU.floor": 0.8483, "IoU.tree": 0.7797, "IoU.ceiling": 0.8759, "IoU.road": 0.8523, "IoU.bed ": 0.9265, "IoU.windowpane": 0.6642, "IoU.grass": 0.6629, "IoU.cabinet": 0.6714, "IoU.sidewalk": 0.6843, "IoU.person": 0.8666, "IoU.earth": 0.4061, "IoU.door": 0.586, "IoU.table": 0.6905, "IoU.mountain": 0.6551, "IoU.plant": 0.5595, "IoU.curtain": 0.786, "IoU.chair": 0.6857, "IoU.car": 0.8801, "IoU.water": 0.587, "IoU.painting": 0.7941, "IoU.sofa": 0.8316, "IoU.shelf": 0.5031, "IoU.house": 0.5944, "IoU.sea": 0.6712, "IoU.mirror": 0.7811, "IoU.rug": 0.6591, "IoU.field": 0.2825, "IoU.armchair": 0.6258, "IoU.seat": 0.6748, "IoU.fence": 0.494, "IoU.desk": 0.5735, "IoU.rock": 0.5825, "IoU.wardrobe": 0.5216, "IoU.lamp": 0.7605, "IoU.bathtub": 0.8592, "IoU.railing": 0.4279, "IoU.cushion": 0.7013, "IoU.base": 0.425, "IoU.box": 0.393, "IoU.column": 0.5744, "IoU.signboard": 0.4042, "IoU.chest of drawers": 0.4373, "IoU.counter": 0.5217, "IoU.sand": 0.5191, "IoU.sink": 0.8327, "IoU.skyscraper": 0.3697, "IoU.fireplace": 0.7213, "IoU.refrigerator": 0.8481, "IoU.grandstand": 0.5603, "IoU.path": 0.2703, "IoU.stairs": 0.3956, "IoU.runway": 0.705, "IoU.case": 0.6638, "IoU.pool table": 0.9509, "IoU.pillow": 0.703, "IoU.screen door": 0.8871, "IoU.stairway": 0.4379, "IoU.river": 0.1348, "IoU.bridge": 0.6585, "IoU.bookcase": 0.4471, "IoU.blind": 0.4145, "IoU.coffee table": 0.6121, "IoU.toilet": 0.9067, "IoU.flower": 0.467, "IoU.book": 0.5671, "IoU.hill": 0.1107, "IoU.bench": 0.6291, "IoU.countertop": 0.6493, "IoU.stove": 0.8676, "IoU.palm": 0.5187, "IoU.kitchen island": 0.4875, "IoU.computer": 0.7679, "IoU.swivel chair": 0.5035, "IoU.boat": 0.7125, "IoU.bar": 0.7125, "IoU.arcade machine": 0.8119, "IoU.hovel": 0.4005, "IoU.bus": 0.936, "IoU.towel": 0.7857, "IoU.light": 0.6247, "IoU.truck": 0.5181, "IoU.tower": 0.1779, "IoU.chandelier": 0.7341, "IoU.awning": 0.444, "IoU.streetlight": 0.3509, "IoU.booth": 0.6309, "IoU.television receiver": 0.8041, "IoU.airplane": 0.8742, "IoU.dirt track": 0.0744, "IoU.apparel": 0.6508, "IoU.pole": 0.2947, "IoU.land": 0.051, "IoU.bannister": 0.2071, "IoU.escalator": 0.6568, "IoU.ottoman": 0.5356, "IoU.bottle": 0.4587, "IoU.buffet": 0.6314, "IoU.poster": 0.3317, "IoU.stage": 0.2327, "IoU.van": 0.467, "IoU.ship": 0.7596, "IoU.fountain": 0.3989, "IoU.conveyer belt": 0.8187, "IoU.canopy": 0.5379, "IoU.washer": 0.8775, "IoU.plaything": 0.3397, "IoU.swimming pool": 0.5962, "IoU.stool": 0.52, "IoU.barrel": 0.7282, "IoU.basket": 0.4289, "IoU.waterfall": 0.5233, "IoU.tent": 0.9389, "IoU.bag": 0.286, "IoU.minibike": 0.7517, "IoU.cradle": 0.8815, "IoU.oven": 0.6709, "IoU.ball": 0.5277, "IoU.food": 0.6277, "IoU.step": 0.1417, "IoU.tank": 0.6363, "IoU.trade name": 0.2315, "IoU.microwave": 0.8914, "IoU.pot": 0.5919, "IoU.animal": 0.6074, "IoU.bicycle": 0.5925, "IoU.lake": 0.4449, "IoU.dishwasher": 0.7639, "IoU.screen": 0.5329, "IoU.blanket": 0.3356, "IoU.sculpture": 0.7145, "IoU.hood": 0.801, "IoU.sconce": 0.6163, "IoU.vase": 0.5183, "IoU.traffic light": 0.4033, "IoU.tray": 0.258, "IoU.ashcan": 0.507, "IoU.fan": 0.7158, "IoU.pier": 0.406, "IoU.crt screen": 0.0969, "IoU.plate": 0.6497, "IoU.monitor": 0.3944, "IoU.bulletin board": 0.4802, "IoU.shower": 0.1219, "IoU.radiator": 0.7167, "IoU.glass": 0.237, "IoU.clock": 0.5509, "IoU.flag": 0.6983, "Acc.wall": 0.8908, "Acc.building": 0.9415, "Acc.sky": 0.9798, "Acc.floor": 0.9167, "Acc.tree": 0.8886, "Acc.ceiling": 0.9471, "Acc.road": 0.9239, "Acc.bed ": 0.9693, "Acc.windowpane": 0.832, "Acc.grass": 0.8545, "Acc.cabinet": 0.7689, "Acc.sidewalk": 0.8158, "Acc.person": 0.9377, "Acc.earth": 0.5081, "Acc.door": 0.7527, "Acc.table": 0.7898, "Acc.mountain": 0.7829, "Acc.plant": 0.6598, "Acc.curtain": 0.8863, "Acc.chair": 0.7896, "Acc.car": 0.9389, "Acc.water": 0.7227, "Acc.painting": 0.9178, "Acc.sofa": 0.9123, "Acc.shelf": 0.6653, "Acc.house": 0.7505, "Acc.sea": 0.8402, "Acc.mirror": 0.8576, "Acc.rug": 0.7599, "Acc.field": 0.4447, "Acc.armchair": 0.7784, "Acc.seat": 0.8899, "Acc.fence": 0.6274, "Acc.desk": 0.8127, "Acc.rock": 0.8553, "Acc.wardrobe": 0.7353, "Acc.lamp": 0.8668, "Acc.bathtub": 0.9003, "Acc.railing": 0.5838, "Acc.cushion": 0.7825, "Acc.base": 0.5977, "Acc.box": 0.5059, "Acc.column": 0.749, "Acc.signboard": 0.5439, "Acc.chest of drawers": 0.6668, "Acc.counter": 0.6682, "Acc.sand": 0.7745, "Acc.sink": 0.8877, "Acc.skyscraper": 0.4303, "Acc.fireplace": 0.914, "Acc.refrigerator": 0.9265, "Acc.grandstand": 0.8484, "Acc.path": 0.4816, "Acc.stairs": 0.4952, "Acc.runway": 0.9196, "Acc.case": 0.8517, "Acc.pool table": 0.9849, "Acc.pillow": 0.8428, "Acc.screen door": 0.9301, "Acc.stairway": 0.5979, "Acc.river": 0.3118, "Acc.bridge": 0.7592, "Acc.bookcase": 0.704, "Acc.blind": 0.4348, "Acc.coffee table": 0.879, "Acc.toilet": 0.9327, "Acc.flower": 0.5896, "Acc.book": 0.7238, "Acc.hill": 0.1678, "Acc.bench": 0.7255, "Acc.countertop": 0.8486, "Acc.stove": 0.9284, "Acc.palm": 0.8171, "Acc.kitchen island": 0.8883, "Acc.computer": 0.9161, "Acc.swivel chair": 0.8015, "Acc.boat": 0.9212, "Acc.bar": 0.8187, "Acc.arcade machine": 0.8714, "Acc.hovel": 0.4526, "Acc.bus": 0.9639, "Acc.towel": 0.8467, "Acc.light": 0.7479, "Acc.truck": 0.6222, "Acc.tower": 0.2689, "Acc.chandelier": 0.8562, "Acc.awning": 0.5654, "Acc.streetlight": 0.4828, "Acc.booth": 0.7915, "Acc.television receiver": 0.8766, "Acc.airplane": 0.9492, "Acc.dirt track": 0.2029, "Acc.apparel": 0.8855, "Acc.pole": 0.3917, "Acc.land": 0.0733, "Acc.bannister": 0.2694, "Acc.escalator": 0.8785, "Acc.ottoman": 0.7435, "Acc.bottle": 0.7054, "Acc.buffet": 0.7159, "Acc.poster": 0.3848, "Acc.stage": 0.3872, "Acc.van": 0.6011, "Acc.ship": 0.8725, "Acc.fountain": 0.4206, "Acc.conveyer belt": 0.9739, "Acc.canopy": 0.728, "Acc.washer": 0.9422, "Acc.plaything": 0.5227, "Acc.swimming pool": 0.9124, "Acc.stool": 0.7569, "Acc.barrel": 0.9826, "Acc.basket": 0.5868, "Acc.waterfall": 0.6581, "Acc.tent": 0.9894, "Acc.bag": 0.3307, "Acc.minibike": 0.9023, "Acc.cradle": 0.9773, "Acc.oven": 0.7803, "Acc.ball": 0.5989, "Acc.food": 0.7403, "Acc.step": 0.1853, "Acc.tank": 0.6806, "Acc.trade name": 0.2641, "Acc.microwave": 0.9625, "Acc.pot": 0.678, "Acc.animal": 0.6212, "Acc.bicycle": 0.7564, "Acc.lake": 0.5744, "Acc.dishwasher": 0.8299, "Acc.screen": 0.7804, "Acc.blanket": 0.3715, "Acc.sculpture": 0.8201, "Acc.hood": 0.938, "Acc.sconce": 0.7632, "Acc.vase": 0.6762, "Acc.traffic light": 0.6483, "Acc.tray": 0.3492, "Acc.ashcan": 0.6893, "Acc.fan": 0.86, "Acc.pier": 0.4285, "Acc.crt screen": 0.2048, "Acc.plate": 0.7839, "Acc.monitor": 0.4886, "Acc.bulletin board": 0.5989, "Acc.shower": 0.1223, "Acc.radiator": 0.8076, "Acc.glass": 0.2626, "Acc.clock": 0.6554, "Acc.flag": 0.7702} {"mode": "train", "epoch": 42, "iter": 52050, "lr": 1e-05, "memory": 72263, "data_time": 2.22588, "decode.loss_ce": 0.15124, "decode.acc_seg": 93.3851, "aux.loss_ce": 0.06403, "aux.acc_seg": 92.97627, "loss": 0.21527, "time": 4.19245} {"mode": "train", "epoch": 42, "iter": 52100, "lr": 1e-05, "memory": 72263, "data_time": 0.01041, "decode.loss_ce": 0.15572, "decode.acc_seg": 93.12209, "aux.loss_ce": 0.0658, "aux.acc_seg": 92.77245, "loss": 0.22152, "time": 1.98096} {"mode": "train", "epoch": 42, "iter": 52150, "lr": 1e-05, "memory": 72263, "data_time": 0.01102, "decode.loss_ce": 0.16445, "decode.acc_seg": 93.04894, "aux.loss_ce": 0.06898, "aux.acc_seg": 92.64395, "loss": 0.23343, "time": 1.97872} {"mode": "train", "epoch": 42, "iter": 52200, "lr": 1e-05, "memory": 72263, "data_time": 0.01087, "decode.loss_ce": 0.1658, "decode.acc_seg": 92.81862, "aux.loss_ce": 0.06871, "aux.acc_seg": 92.49264, "loss": 0.23451, "time": 1.97996} {"mode": "train", "epoch": 42, "iter": 52250, "lr": 1e-05, "memory": 72263, "data_time": 0.01117, "decode.loss_ce": 0.16077, "decode.acc_seg": 92.89, "aux.loss_ce": 0.06773, "aux.acc_seg": 92.50318, "loss": 0.2285, "time": 1.9796} {"mode": "train", "epoch": 42, "iter": 52300, "lr": 1e-05, "memory": 72263, "data_time": 0.011, "decode.loss_ce": 0.15021, "decode.acc_seg": 93.50878, "aux.loss_ce": 0.06367, "aux.acc_seg": 93.1504, "loss": 0.21388, "time": 1.98042} {"mode": "train", "epoch": 42, "iter": 52350, "lr": 1e-05, "memory": 72263, "data_time": 0.01108, "decode.loss_ce": 0.1507, "decode.acc_seg": 93.26195, "aux.loss_ce": 0.06448, "aux.acc_seg": 92.79289, "loss": 0.21518, "time": 1.97918} {"mode": "train", "epoch": 42, "iter": 52400, "lr": 1e-05, "memory": 72263, "data_time": 0.01095, "decode.loss_ce": 0.14572, "decode.acc_seg": 93.6399, "aux.loss_ce": 0.06163, "aux.acc_seg": 93.26777, "loss": 0.20735, "time": 1.97767} {"mode": "train", "epoch": 42, "iter": 52450, "lr": 1e-05, "memory": 72263, "data_time": 0.01024, "decode.loss_ce": 0.15542, "decode.acc_seg": 93.15294, "aux.loss_ce": 0.06587, "aux.acc_seg": 92.79395, "loss": 0.22128, "time": 1.97776} {"mode": "train", "epoch": 42, "iter": 52500, "lr": 1e-05, "memory": 72263, "data_time": 0.01004, "decode.loss_ce": 0.16006, "decode.acc_seg": 92.92682, "aux.loss_ce": 0.06806, "aux.acc_seg": 92.49997, "loss": 0.22812, "time": 1.97881} {"mode": "train", "epoch": 42, "iter": 52550, "lr": 1e-05, "memory": 72263, "data_time": 0.01015, "decode.loss_ce": 0.15189, "decode.acc_seg": 93.30137, "aux.loss_ce": 0.06408, "aux.acc_seg": 92.95326, "loss": 0.21597, "time": 1.9773} {"mode": "train", "epoch": 42, "iter": 52600, "lr": 1e-05, "memory": 72263, "data_time": 0.01023, "decode.loss_ce": 0.15088, "decode.acc_seg": 93.40752, "aux.loss_ce": 0.06395, "aux.acc_seg": 93.02432, "loss": 0.21483, "time": 1.97836} {"mode": "train", "epoch": 42, "iter": 52650, "lr": 1e-05, "memory": 72263, "data_time": 0.01148, "decode.loss_ce": 0.15603, "decode.acc_seg": 93.10641, "aux.loss_ce": 0.06606, "aux.acc_seg": 92.68631, "loss": 0.22209, "time": 1.98085} {"mode": "train", "epoch": 42, "iter": 52700, "lr": 1e-05, "memory": 72263, "data_time": 0.01008, "decode.loss_ce": 0.1498, "decode.acc_seg": 93.6156, "aux.loss_ce": 0.06327, "aux.acc_seg": 93.23818, "loss": 0.21308, "time": 1.97826} {"mode": "train", "epoch": 42, "iter": 52750, "lr": 1e-05, "memory": 72263, "data_time": 0.01039, "decode.loss_ce": 0.16092, "decode.acc_seg": 93.05238, "aux.loss_ce": 0.06795, "aux.acc_seg": 92.62826, "loss": 0.22887, "time": 1.97734} {"mode": "train", "epoch": 42, "iter": 52800, "lr": 1e-05, "memory": 72263, "data_time": 0.01097, "decode.loss_ce": 0.16216, "decode.acc_seg": 93.1056, "aux.loss_ce": 0.06871, "aux.acc_seg": 92.71259, "loss": 0.23086, "time": 1.97688} {"mode": "train", "epoch": 42, "iter": 52850, "lr": 1e-05, "memory": 72263, "data_time": 0.01054, "decode.loss_ce": 0.16301, "decode.acc_seg": 93.11985, "aux.loss_ce": 0.06872, "aux.acc_seg": 92.74146, "loss": 0.23173, "time": 1.97952} {"mode": "train", "epoch": 42, "iter": 52900, "lr": 1e-05, "memory": 72263, "data_time": 0.01037, "decode.loss_ce": 0.15292, "decode.acc_seg": 93.25128, "aux.loss_ce": 0.06428, "aux.acc_seg": 92.97439, "loss": 0.2172, "time": 1.9787} {"mode": "train", "epoch": 42, "iter": 52950, "lr": 1e-05, "memory": 72263, "data_time": 0.01118, "decode.loss_ce": 0.15591, "decode.acc_seg": 93.1212, "aux.loss_ce": 0.06587, "aux.acc_seg": 92.76607, "loss": 0.22178, "time": 1.97795} {"mode": "train", "epoch": 42, "iter": 53000, "lr": 1e-05, "memory": 72263, "data_time": 0.01096, "decode.loss_ce": 0.15867, "decode.acc_seg": 93.17039, "aux.loss_ce": 0.06674, "aux.acc_seg": 92.81821, "loss": 0.2254, "time": 1.9779} {"mode": "val", "epoch": 42, "iter": 250, "lr": 1e-05, "aAcc": 0.8643, "mIoU": 0.5926, "mAcc": 0.7239, "IoU.wall": 0.8283, "IoU.building": 0.8544, "IoU.sky": 0.9499, "IoU.floor": 0.8452, "IoU.tree": 0.7774, "IoU.ceiling": 0.8745, "IoU.road": 0.8554, "IoU.bed ": 0.9298, "IoU.windowpane": 0.6753, "IoU.grass": 0.673, "IoU.cabinet": 0.6786, "IoU.sidewalk": 0.6985, "IoU.person": 0.8668, "IoU.earth": 0.4062, "IoU.door": 0.5858, "IoU.table": 0.707, "IoU.mountain": 0.6515, "IoU.plant": 0.5525, "IoU.curtain": 0.7934, "IoU.chair": 0.693, "IoU.car": 0.8802, "IoU.water": 0.5554, "IoU.painting": 0.8215, "IoU.sofa": 0.828, "IoU.shelf": 0.5106, "IoU.house": 0.5808, "IoU.sea": 0.6582, "IoU.mirror": 0.7828, "IoU.rug": 0.635, "IoU.field": 0.2835, "IoU.armchair": 0.6123, "IoU.seat": 0.6596, "IoU.fence": 0.515, "IoU.desk": 0.6051, "IoU.rock": 0.5635, "IoU.wardrobe": 0.5772, "IoU.lamp": 0.7627, "IoU.bathtub": 0.8649, "IoU.railing": 0.4323, "IoU.cushion": 0.7056, "IoU.base": 0.4264, "IoU.box": 0.4052, "IoU.column": 0.5905, "IoU.signboard": 0.4262, "IoU.chest of drawers": 0.4504, "IoU.counter": 0.5295, "IoU.sand": 0.5226, "IoU.sink": 0.8341, "IoU.skyscraper": 0.4677, "IoU.fireplace": 0.7261, "IoU.refrigerator": 0.8474, "IoU.grandstand": 0.5756, "IoU.path": 0.3187, "IoU.stairs": 0.3991, "IoU.runway": 0.7249, "IoU.case": 0.6445, "IoU.pool table": 0.9524, "IoU.pillow": 0.6841, "IoU.screen door": 0.7556, "IoU.stairway": 0.5216, "IoU.river": 0.1067, "IoU.bridge": 0.6666, "IoU.bookcase": 0.4251, "IoU.blind": 0.4857, "IoU.coffee table": 0.6194, "IoU.toilet": 0.904, "IoU.flower": 0.4413, "IoU.book": 0.5612, "IoU.hill": 0.1502, "IoU.bench": 0.6052, "IoU.countertop": 0.6629, "IoU.stove": 0.8727, "IoU.palm": 0.5091, "IoU.kitchen island": 0.5029, "IoU.computer": 0.7675, "IoU.swivel chair": 0.4953, "IoU.boat": 0.7126, "IoU.bar": 0.7201, "IoU.arcade machine": 0.9123, "IoU.hovel": 0.4819, "IoU.bus": 0.9303, "IoU.towel": 0.7962, "IoU.light": 0.626, "IoU.truck": 0.5207, "IoU.tower": 0.2843, "IoU.chandelier": 0.7439, "IoU.awning": 0.4732, "IoU.streetlight": 0.3965, "IoU.booth": 0.5537, "IoU.television receiver": 0.8096, "IoU.airplane": 0.8725, "IoU.dirt track": 0.143, "IoU.apparel": 0.6025, "IoU.pole": 0.281, "IoU.land": 0.0627, "IoU.bannister": 0.2225, "IoU.escalator": 0.6509, "IoU.ottoman": 0.5214, "IoU.bottle": 0.4509, "IoU.buffet": 0.5915, "IoU.poster": 0.3401, "IoU.stage": 0.2151, "IoU.van": 0.5076, "IoU.ship": 0.7261, "IoU.fountain": 0.4033, "IoU.conveyer belt": 0.8338, "IoU.canopy": 0.5676, "IoU.washer": 0.8971, "IoU.plaything": 0.3507, "IoU.swimming pool": 0.512, "IoU.stool": 0.5574, "IoU.barrel": 0.7682, "IoU.basket": 0.4292, "IoU.waterfall": 0.6645, "IoU.tent": 0.9636, "IoU.bag": 0.2537, "IoU.minibike": 0.7442, "IoU.cradle": 0.8976, "IoU.oven": 0.5813, "IoU.ball": 0.5613, "IoU.food": 0.5939, "IoU.step": 0.1257, "IoU.tank": 0.6279, "IoU.trade name": 0.2489, "IoU.microwave": 0.8652, "IoU.pot": 0.5977, "IoU.animal": 0.5916, "IoU.bicycle": 0.6091, "IoU.lake": 0.5174, "IoU.dishwasher": 0.7324, "IoU.screen": 0.6554, "IoU.blanket": 0.3602, "IoU.sculpture": 0.7449, "IoU.hood": 0.6925, "IoU.sconce": 0.6069, "IoU.vase": 0.5016, "IoU.traffic light": 0.3877, "IoU.tray": 0.3032, "IoU.ashcan": 0.5111, "IoU.fan": 0.7316, "IoU.pier": 0.3859, "IoU.crt screen": 0.1161, "IoU.plate": 0.6469, "IoU.monitor": 0.4138, "IoU.bulletin board": 0.5502, "IoU.shower": 0.1378, "IoU.radiator": 0.6769, "IoU.glass": 0.2486, "IoU.clock": 0.5503, "IoU.flag": 0.7182, "Acc.wall": 0.8961, "Acc.building": 0.9351, "Acc.sky": 0.9783, "Acc.floor": 0.9167, "Acc.tree": 0.8869, "Acc.ceiling": 0.9425, "Acc.road": 0.9089, "Acc.bed ": 0.9715, "Acc.windowpane": 0.8114, "Acc.grass": 0.8325, "Acc.cabinet": 0.7684, "Acc.sidewalk": 0.8558, "Acc.person": 0.9404, "Acc.earth": 0.5162, "Acc.door": 0.7675, "Acc.table": 0.8164, "Acc.mountain": 0.7745, "Acc.plant": 0.6862, "Acc.curtain": 0.8698, "Acc.chair": 0.8087, "Acc.car": 0.9511, "Acc.water": 0.6771, "Acc.painting": 0.9167, "Acc.sofa": 0.9159, "Acc.shelf": 0.6801, "Acc.house": 0.6965, "Acc.sea": 0.8511, "Acc.mirror": 0.8673, "Acc.rug": 0.741, "Acc.field": 0.5147, "Acc.armchair": 0.771, "Acc.seat": 0.8956, "Acc.fence": 0.6374, "Acc.desk": 0.8142, "Acc.rock": 0.8516, "Acc.wardrobe": 0.7785, "Acc.lamp": 0.8768, "Acc.bathtub": 0.8913, "Acc.railing": 0.6161, "Acc.cushion": 0.8142, "Acc.base": 0.5212, "Acc.box": 0.5092, "Acc.column": 0.7796, "Acc.signboard": 0.5859, "Acc.chest of drawers": 0.6929, "Acc.counter": 0.633, "Acc.sand": 0.7772, "Acc.sink": 0.8823, "Acc.skyscraper": 0.5725, "Acc.fireplace": 0.9285, "Acc.refrigerator": 0.9441, "Acc.grandstand": 0.8067, "Acc.path": 0.4391, "Acc.stairs": 0.4839, "Acc.runway": 0.9326, "Acc.case": 0.8754, "Acc.pool table": 0.9845, "Acc.pillow": 0.8082, "Acc.screen door": 0.776, "Acc.stairway": 0.7143, "Acc.river": 0.258, "Acc.bridge": 0.7437, "Acc.bookcase": 0.6286, "Acc.blind": 0.5911, "Acc.coffee table": 0.8738, "Acc.toilet": 0.9317, "Acc.flower": 0.5947, "Acc.book": 0.7781, "Acc.hill": 0.2344, "Acc.bench": 0.6888, "Acc.countertop": 0.8556, "Acc.stove": 0.9471, "Acc.palm": 0.8345, "Acc.kitchen island": 0.8132, "Acc.computer": 0.9194, "Acc.swivel chair": 0.7624, "Acc.boat": 0.9164, "Acc.bar": 0.868, "Acc.arcade machine": 0.9722, "Acc.hovel": 0.5549, "Acc.bus": 0.974, "Acc.towel": 0.8594, "Acc.light": 0.7983, "Acc.truck": 0.6244, "Acc.tower": 0.4856, "Acc.chandelier": 0.8921, "Acc.awning": 0.5932, "Acc.streetlight": 0.5657, "Acc.booth": 0.7283, "Acc.television receiver": 0.8946, "Acc.airplane": 0.9709, "Acc.dirt track": 0.4862, "Acc.apparel": 0.7959, "Acc.pole": 0.3804, "Acc.land": 0.1116, "Acc.bannister": 0.2915, "Acc.escalator": 0.885, "Acc.ottoman": 0.7122, "Acc.bottle": 0.7059, "Acc.buffet": 0.6883, "Acc.poster": 0.4033, "Acc.stage": 0.4114, "Acc.van": 0.6412, "Acc.ship": 0.8676, "Acc.fountain": 0.4085, "Acc.conveyer belt": 0.97, "Acc.canopy": 0.7348, "Acc.washer": 0.9647, "Acc.plaything": 0.4609, "Acc.swimming pool": 0.7299, "Acc.stool": 0.7137, "Acc.barrel": 0.9651, "Acc.basket": 0.608, "Acc.waterfall": 0.8432, "Acc.tent": 0.9854, "Acc.bag": 0.2795, "Acc.minibike": 0.9059, "Acc.cradle": 0.973, "Acc.oven": 0.6774, "Acc.ball": 0.6969, "Acc.food": 0.6802, "Acc.step": 0.1561, "Acc.tank": 0.7058, "Acc.trade name": 0.2947, "Acc.microwave": 0.9665, "Acc.pot": 0.6845, "Acc.animal": 0.6046, "Acc.bicycle": 0.754, "Acc.lake": 0.6378, "Acc.dishwasher": 0.8018, "Acc.screen": 0.9306, "Acc.blanket": 0.4248, "Acc.sculpture": 0.8813, "Acc.hood": 0.8116, "Acc.sconce": 0.7436, "Acc.vase": 0.6748, "Acc.traffic light": 0.7126, "Acc.tray": 0.4239, "Acc.ashcan": 0.6791, "Acc.fan": 0.8424, "Acc.pier": 0.4397, "Acc.crt screen": 0.196, "Acc.plate": 0.812, "Acc.monitor": 0.5072, "Acc.bulletin board": 0.7367, "Acc.shower": 0.1393, "Acc.radiator": 0.8493, "Acc.glass": 0.291, "Acc.clock": 0.6799, "Acc.flag": 0.7866} {"mode": "train", "epoch": 43, "iter": 53050, "lr": 1e-05, "memory": 72263, "data_time": 2.29767, "decode.loss_ce": 0.15124, "decode.acc_seg": 93.34309, "aux.loss_ce": 0.06362, "aux.acc_seg": 93.02974, "loss": 0.21486, "time": 4.26949} {"mode": "train", "epoch": 43, "iter": 53100, "lr": 1e-05, "memory": 72263, "data_time": 0.01057, "decode.loss_ce": 0.15127, "decode.acc_seg": 93.38337, "aux.loss_ce": 0.06437, "aux.acc_seg": 92.99177, "loss": 0.21564, "time": 1.97828} {"mode": "train", "epoch": 43, "iter": 53150, "lr": 1e-05, "memory": 72263, "data_time": 0.01067, "decode.loss_ce": 0.14358, "decode.acc_seg": 93.81719, "aux.loss_ce": 0.06122, "aux.acc_seg": 93.3951, "loss": 0.2048, "time": 1.97994} {"mode": "train", "epoch": 43, "iter": 53200, "lr": 1e-05, "memory": 72263, "data_time": 0.01029, "decode.loss_ce": 0.1527, "decode.acc_seg": 93.27777, "aux.loss_ce": 0.06473, "aux.acc_seg": 92.88703, "loss": 0.21743, "time": 1.97597} {"mode": "train", "epoch": 43, "iter": 53250, "lr": 1e-05, "memory": 72263, "data_time": 0.01097, "decode.loss_ce": 0.14661, "decode.acc_seg": 93.60535, "aux.loss_ce": 0.06249, "aux.acc_seg": 93.18977, "loss": 0.20909, "time": 1.97804} {"mode": "train", "epoch": 43, "iter": 53300, "lr": 1e-05, "memory": 72263, "data_time": 0.00998, "decode.loss_ce": 0.1547, "decode.acc_seg": 93.42612, "aux.loss_ce": 0.06534, "aux.acc_seg": 93.04472, "loss": 0.22004, "time": 1.97756} {"mode": "train", "epoch": 43, "iter": 53350, "lr": 1e-05, "memory": 72263, "data_time": 0.01075, "decode.loss_ce": 0.15108, "decode.acc_seg": 93.31108, "aux.loss_ce": 0.06432, "aux.acc_seg": 92.86501, "loss": 0.2154, "time": 1.98006} {"mode": "train", "epoch": 43, "iter": 53400, "lr": 1e-05, "memory": 72263, "data_time": 0.01125, "decode.loss_ce": 0.14882, "decode.acc_seg": 93.4076, "aux.loss_ce": 0.06332, "aux.acc_seg": 93.0185, "loss": 0.21214, "time": 1.98203} {"mode": "train", "epoch": 43, "iter": 53450, "lr": 1e-05, "memory": 72263, "data_time": 0.01146, "decode.loss_ce": 0.14634, "decode.acc_seg": 93.51024, "aux.loss_ce": 0.06204, "aux.acc_seg": 93.15108, "loss": 0.20838, "time": 1.979} {"mode": "train", "epoch": 43, "iter": 53500, "lr": 1e-05, "memory": 72263, "data_time": 0.01094, "decode.loss_ce": 0.15324, "decode.acc_seg": 93.32815, "aux.loss_ce": 0.06464, "aux.acc_seg": 92.95973, "loss": 0.21788, "time": 1.98105} {"mode": "train", "epoch": 43, "iter": 53550, "lr": 1e-05, "memory": 72263, "data_time": 0.01041, "decode.loss_ce": 0.14979, "decode.acc_seg": 93.39091, "aux.loss_ce": 0.06361, "aux.acc_seg": 92.98939, "loss": 0.2134, "time": 1.97929} {"mode": "train", "epoch": 43, "iter": 53600, "lr": 1e-05, "memory": 72263, "data_time": 0.01081, "decode.loss_ce": 0.15623, "decode.acc_seg": 93.07924, "aux.loss_ce": 0.06654, "aux.acc_seg": 92.62121, "loss": 0.22277, "time": 1.98014} {"mode": "train", "epoch": 43, "iter": 53650, "lr": 1e-05, "memory": 72263, "data_time": 0.01038, "decode.loss_ce": 0.15795, "decode.acc_seg": 92.94226, "aux.loss_ce": 0.06707, "aux.acc_seg": 92.52602, "loss": 0.22502, "time": 1.97882} {"mode": "train", "epoch": 43, "iter": 53700, "lr": 1e-05, "memory": 72263, "data_time": 0.01085, "decode.loss_ce": 0.15076, "decode.acc_seg": 93.31752, "aux.loss_ce": 0.06316, "aux.acc_seg": 93.02127, "loss": 0.21392, "time": 1.98135} {"mode": "train", "epoch": 43, "iter": 53750, "lr": 1e-05, "memory": 72263, "data_time": 0.01119, "decode.loss_ce": 0.15856, "decode.acc_seg": 92.96902, "aux.loss_ce": 0.06691, "aux.acc_seg": 92.63449, "loss": 0.22547, "time": 1.97863} {"mode": "train", "epoch": 43, "iter": 53800, "lr": 1e-05, "memory": 72263, "data_time": 0.01125, "decode.loss_ce": 0.16687, "decode.acc_seg": 92.91291, "aux.loss_ce": 0.07017, "aux.acc_seg": 92.51152, "loss": 0.23703, "time": 1.98207} {"mode": "train", "epoch": 43, "iter": 53850, "lr": 1e-05, "memory": 72263, "data_time": 0.01058, "decode.loss_ce": 0.15349, "decode.acc_seg": 93.42487, "aux.loss_ce": 0.06525, "aux.acc_seg": 93.05841, "loss": 0.21874, "time": 1.97912} {"mode": "train", "epoch": 43, "iter": 53900, "lr": 1e-05, "memory": 72263, "data_time": 0.01096, "decode.loss_ce": 0.16674, "decode.acc_seg": 92.78489, "aux.loss_ce": 0.07022, "aux.acc_seg": 92.47382, "loss": 0.23696, "time": 1.9797} {"mode": "train", "epoch": 43, "iter": 53950, "lr": 1e-05, "memory": 72263, "data_time": 0.01134, "decode.loss_ce": 0.16212, "decode.acc_seg": 93.13889, "aux.loss_ce": 0.0679, "aux.acc_seg": 92.81773, "loss": 0.23002, "time": 1.97842} {"mode": "train", "epoch": 43, "iter": 54000, "lr": 1e-05, "memory": 72263, "data_time": 0.01063, "decode.loss_ce": 0.15401, "decode.acc_seg": 93.32083, "aux.loss_ce": 0.06513, "aux.acc_seg": 92.90251, "loss": 0.21914, "time": 3.65305} {"mode": "val", "epoch": 43, "iter": 250, "lr": 1e-05, "aAcc": 0.8649, "mIoU": 0.5917, "mAcc": 0.7167, "IoU.wall": 0.829, "IoU.building": 0.8529, "IoU.sky": 0.9497, "IoU.floor": 0.8488, "IoU.tree": 0.771, "IoU.ceiling": 0.8742, "IoU.road": 0.8639, "IoU.bed ": 0.9307, "IoU.windowpane": 0.6743, "IoU.grass": 0.7016, "IoU.cabinet": 0.682, "IoU.sidewalk": 0.701, "IoU.person": 0.8676, "IoU.earth": 0.3902, "IoU.door": 0.6009, "IoU.table": 0.7066, "IoU.mountain": 0.6352, "IoU.plant": 0.5562, "IoU.curtain": 0.7938, "IoU.chair": 0.6836, "IoU.car": 0.8795, "IoU.water": 0.6147, "IoU.painting": 0.8079, "IoU.sofa": 0.8273, "IoU.shelf": 0.5176, "IoU.house": 0.5224, "IoU.sea": 0.6917, "IoU.mirror": 0.7917, "IoU.rug": 0.6057, "IoU.field": 0.3002, "IoU.armchair": 0.6004, "IoU.seat": 0.6564, "IoU.fence": 0.5054, "IoU.desk": 0.5888, "IoU.rock": 0.5482, "IoU.wardrobe": 0.5758, "IoU.lamp": 0.7533, "IoU.bathtub": 0.8733, "IoU.railing": 0.4385, "IoU.cushion": 0.6913, "IoU.base": 0.3747, "IoU.box": 0.382, "IoU.column": 0.5853, "IoU.signboard": 0.4183, "IoU.chest of drawers": 0.4905, "IoU.counter": 0.5411, "IoU.sand": 0.54, "IoU.sink": 0.8224, "IoU.skyscraper": 0.4877, "IoU.fireplace": 0.7228, "IoU.refrigerator": 0.8415, "IoU.grandstand": 0.5369, "IoU.path": 0.322, "IoU.stairs": 0.2846, "IoU.runway": 0.7276, "IoU.case": 0.605, "IoU.pool table": 0.9505, "IoU.pillow": 0.6703, "IoU.screen door": 0.7709, "IoU.stairway": 0.4319, "IoU.river": 0.129, "IoU.bridge": 0.7197, "IoU.bookcase": 0.436, "IoU.blind": 0.4783, "IoU.coffee table": 0.615, "IoU.toilet": 0.9052, "IoU.flower": 0.4525, "IoU.book": 0.5693, "IoU.hill": 0.1447, "IoU.bench": 0.6004, "IoU.countertop": 0.6505, "IoU.stove": 0.8666, "IoU.palm": 0.5275, "IoU.kitchen island": 0.5263, "IoU.computer": 0.7662, "IoU.swivel chair": 0.5125, "IoU.boat": 0.7148, "IoU.bar": 0.7306, "IoU.arcade machine": 0.8568, "IoU.hovel": 0.4819, "IoU.bus": 0.9349, "IoU.towel": 0.8098, "IoU.light": 0.629, "IoU.truck": 0.5093, "IoU.tower": 0.2076, "IoU.chandelier": 0.7297, "IoU.awning": 0.396, "IoU.streetlight": 0.3828, "IoU.booth": 0.5876, "IoU.television receiver": 0.8258, "IoU.airplane": 0.8688, "IoU.dirt track": 0.035, "IoU.apparel": 0.6861, "IoU.pole": 0.2841, "IoU.land": 0.0491, "IoU.bannister": 0.2108, "IoU.escalator": 0.658, "IoU.ottoman": 0.5156, "IoU.bottle": 0.4386, "IoU.buffet": 0.6374, "IoU.poster": 0.3437, "IoU.stage": 0.278, "IoU.van": 0.5008, "IoU.ship": 0.7896, "IoU.fountain": 0.299, "IoU.conveyer belt": 0.8515, "IoU.canopy": 0.576, "IoU.washer": 0.8688, "IoU.plaything": 0.3281, "IoU.swimming pool": 0.576, "IoU.stool": 0.5732, "IoU.barrel": 0.7966, "IoU.basket": 0.4417, "IoU.waterfall": 0.7014, "IoU.tent": 0.9423, "IoU.bag": 0.3415, "IoU.minibike": 0.7791, "IoU.cradle": 0.8743, "IoU.oven": 0.6669, "IoU.ball": 0.4768, "IoU.food": 0.644, "IoU.step": 0.1097, "IoU.tank": 0.6359, "IoU.trade name": 0.2334, "IoU.microwave": 0.8928, "IoU.pot": 0.5959, "IoU.animal": 0.6091, "IoU.bicycle": 0.6107, "IoU.lake": 0.5092, "IoU.dishwasher": 0.7651, "IoU.screen": 0.6186, "IoU.blanket": 0.3918, "IoU.sculpture": 0.7343, "IoU.hood": 0.6987, "IoU.sconce": 0.6126, "IoU.vase": 0.5019, "IoU.traffic light": 0.4081, "IoU.tray": 0.2594, "IoU.ashcan": 0.4983, "IoU.fan": 0.7228, "IoU.pier": 0.3943, "IoU.crt screen": 0.0902, "IoU.plate": 0.6672, "IoU.monitor": 0.3938, "IoU.bulletin board": 0.5499, "IoU.shower": 0.1818, "IoU.radiator": 0.6868, "IoU.glass": 0.2181, "IoU.clock": 0.5574, "IoU.flag": 0.6743, "Acc.wall": 0.9084, "Acc.building": 0.9332, "Acc.sky": 0.9753, "Acc.floor": 0.9216, "Acc.tree": 0.9019, "Acc.ceiling": 0.9438, "Acc.road": 0.9182, "Acc.bed ": 0.9708, "Acc.windowpane": 0.8023, "Acc.grass": 0.8069, "Acc.cabinet": 0.7574, "Acc.sidewalk": 0.8443, "Acc.person": 0.9409, "Acc.earth": 0.5141, "Acc.door": 0.754, "Acc.table": 0.8278, "Acc.mountain": 0.732, "Acc.plant": 0.6486, "Acc.curtain": 0.8875, "Acc.chair": 0.812, "Acc.car": 0.9466, "Acc.water": 0.7639, "Acc.painting": 0.909, "Acc.sofa": 0.9166, "Acc.shelf": 0.6727, "Acc.house": 0.6444, "Acc.sea": 0.8463, "Acc.mirror": 0.9341, "Acc.rug": 0.6728, "Acc.field": 0.5662, "Acc.armchair": 0.7373, "Acc.seat": 0.8983, "Acc.fence": 0.6573, "Acc.desk": 0.8344, "Acc.rock": 0.8089, "Acc.wardrobe": 0.795, "Acc.lamp": 0.8729, "Acc.bathtub": 0.9009, "Acc.railing": 0.6465, "Acc.cushion": 0.8218, "Acc.base": 0.4695, "Acc.box": 0.4746, "Acc.column": 0.7332, "Acc.signboard": 0.5749, "Acc.chest of drawers": 0.673, "Acc.counter": 0.6617, "Acc.sand": 0.7806, "Acc.sink": 0.8694, "Acc.skyscraper": 0.631, "Acc.fireplace": 0.8954, "Acc.refrigerator": 0.9115, "Acc.grandstand": 0.8236, "Acc.path": 0.4586, "Acc.stairs": 0.3179, "Acc.runway": 0.937, "Acc.case": 0.7768, "Acc.pool table": 0.9869, "Acc.pillow": 0.7802, "Acc.screen door": 0.8013, "Acc.stairway": 0.7105, "Acc.river": 0.2562, "Acc.bridge": 0.8111, "Acc.bookcase": 0.6192, "Acc.blind": 0.5772, "Acc.coffee table": 0.888, "Acc.toilet": 0.9366, "Acc.flower": 0.6726, "Acc.book": 0.7903, "Acc.hill": 0.237, "Acc.bench": 0.6693, "Acc.countertop": 0.8244, "Acc.stove": 0.9355, "Acc.palm": 0.7683, "Acc.kitchen island": 0.7717, "Acc.computer": 0.9231, "Acc.swivel chair": 0.8155, "Acc.boat": 0.9074, "Acc.bar": 0.8419, "Acc.arcade machine": 0.9004, "Acc.hovel": 0.5505, "Acc.bus": 0.9728, "Acc.towel": 0.899, "Acc.light": 0.7581, "Acc.truck": 0.6383, "Acc.tower": 0.3496, "Acc.chandelier": 0.8188, "Acc.awning": 0.5193, "Acc.streetlight": 0.5275, "Acc.booth": 0.7292, "Acc.television receiver": 0.8665, "Acc.airplane": 0.9737, "Acc.dirt track": 0.0845, "Acc.apparel": 0.8984, "Acc.pole": 0.3668, "Acc.land": 0.0873, "Acc.bannister": 0.2823, "Acc.escalator": 0.8841, "Acc.ottoman": 0.6478, "Acc.bottle": 0.6577, "Acc.buffet": 0.7498, "Acc.poster": 0.4084, "Acc.stage": 0.4519, "Acc.van": 0.6415, "Acc.ship": 0.881, "Acc.fountain": 0.3018, "Acc.conveyer belt": 0.963, "Acc.canopy": 0.719, "Acc.washer": 0.9201, "Acc.plaything": 0.4777, "Acc.swimming pool": 0.8489, "Acc.stool": 0.7293, "Acc.barrel": 0.9795, "Acc.basket": 0.6262, "Acc.waterfall": 0.8899, "Acc.tent": 0.989, "Acc.bag": 0.4051, "Acc.minibike": 0.905, "Acc.cradle": 0.9793, "Acc.oven": 0.7692, "Acc.ball": 0.6157, "Acc.food": 0.7981, "Acc.step": 0.1247, "Acc.tank": 0.7053, "Acc.trade name": 0.2717, "Acc.microwave": 0.9616, "Acc.pot": 0.6699, "Acc.animal": 0.6284, "Acc.bicycle": 0.8149, "Acc.lake": 0.6374, "Acc.dishwasher": 0.8569, "Acc.screen": 0.9666, "Acc.blanket": 0.4748, "Acc.sculpture": 0.8732, "Acc.hood": 0.764, "Acc.sconce": 0.7507, "Acc.vase": 0.6473, "Acc.traffic light": 0.6724, "Acc.tray": 0.3417, "Acc.ashcan": 0.6544, "Acc.fan": 0.8625, "Acc.pier": 0.4079, "Acc.crt screen": 0.1603, "Acc.plate": 0.7991, "Acc.monitor": 0.4657, "Acc.bulletin board": 0.6478, "Acc.shower": 0.1994, "Acc.radiator": 0.8314, "Acc.glass": 0.2344, "Acc.clock": 0.6577, "Acc.flag": 0.7969} {"mode": "train", "epoch": 43, "iter": 54050, "lr": 1e-05, "memory": 72263, "data_time": 2.23196, "decode.loss_ce": 0.15186, "decode.acc_seg": 93.23253, "aux.loss_ce": 0.06403, "aux.acc_seg": 92.94973, "loss": 0.21588, "time": 4.20332} {"mode": "train", "epoch": 43, "iter": 54100, "lr": 1e-05, "memory": 72263, "data_time": 0.01121, "decode.loss_ce": 0.15244, "decode.acc_seg": 93.33332, "aux.loss_ce": 0.06456, "aux.acc_seg": 92.9665, "loss": 0.21699, "time": 1.97729} {"mode": "train", "epoch": 43, "iter": 54150, "lr": 1e-05, "memory": 72263, "data_time": 0.01122, "decode.loss_ce": 0.15426, "decode.acc_seg": 93.24339, "aux.loss_ce": 0.06502, "aux.acc_seg": 92.86531, "loss": 0.21928, "time": 1.98017} {"mode": "train", "epoch": 43, "iter": 54200, "lr": 1e-05, "memory": 72263, "data_time": 0.01031, "decode.loss_ce": 0.1552, "decode.acc_seg": 93.19817, "aux.loss_ce": 0.06554, "aux.acc_seg": 92.84836, "loss": 0.22074, "time": 1.97739} {"mode": "train", "epoch": 43, "iter": 54250, "lr": 1e-05, "memory": 72263, "data_time": 0.011, "decode.loss_ce": 0.15429, "decode.acc_seg": 93.21273, "aux.loss_ce": 0.06525, "aux.acc_seg": 92.80955, "loss": 0.21955, "time": 1.97818} {"mode": "train", "epoch": 43, "iter": 54300, "lr": 1e-05, "memory": 72263, "data_time": 0.01134, "decode.loss_ce": 0.15513, "decode.acc_seg": 93.22332, "aux.loss_ce": 0.06594, "aux.acc_seg": 92.8229, "loss": 0.22107, "time": 1.98094} {"mode": "train", "epoch": 44, "iter": 54350, "lr": 1e-05, "memory": 72263, "data_time": 0.05292, "decode.loss_ce": 0.15636, "decode.acc_seg": 93.31239, "aux.loss_ce": 0.06638, "aux.acc_seg": 92.90096, "loss": 0.22274, "time": 2.01933} {"mode": "train", "epoch": 44, "iter": 54400, "lr": 1e-05, "memory": 72263, "data_time": 0.01078, "decode.loss_ce": 0.16194, "decode.acc_seg": 93.06064, "aux.loss_ce": 0.06822, "aux.acc_seg": 92.75305, "loss": 0.23016, "time": 1.97948} {"mode": "train", "epoch": 44, "iter": 54450, "lr": 1e-05, "memory": 72263, "data_time": 0.01064, "decode.loss_ce": 0.15195, "decode.acc_seg": 93.37414, "aux.loss_ce": 0.06353, "aux.acc_seg": 93.00978, "loss": 0.21548, "time": 1.97765} {"mode": "train", "epoch": 44, "iter": 54500, "lr": 1e-05, "memory": 72263, "data_time": 0.01118, "decode.loss_ce": 0.15312, "decode.acc_seg": 93.32204, "aux.loss_ce": 0.06454, "aux.acc_seg": 92.89785, "loss": 0.21766, "time": 1.97959} {"mode": "train", "epoch": 44, "iter": 54550, "lr": 1e-05, "memory": 72263, "data_time": 0.00993, "decode.loss_ce": 0.15105, "decode.acc_seg": 93.38761, "aux.loss_ce": 0.06368, "aux.acc_seg": 92.9558, "loss": 0.21472, "time": 1.97718} {"mode": "train", "epoch": 44, "iter": 54600, "lr": 1e-05, "memory": 72263, "data_time": 0.0101, "decode.loss_ce": 0.14934, "decode.acc_seg": 93.31723, "aux.loss_ce": 0.06268, "aux.acc_seg": 93.07341, "loss": 0.21202, "time": 1.97648} {"mode": "train", "epoch": 44, "iter": 54650, "lr": 1e-05, "memory": 72263, "data_time": 0.01064, "decode.loss_ce": 0.15486, "decode.acc_seg": 93.39738, "aux.loss_ce": 0.06538, "aux.acc_seg": 92.99565, "loss": 0.22025, "time": 1.98045} {"mode": "train", "epoch": 44, "iter": 54700, "lr": 1e-05, "memory": 72263, "data_time": 0.01035, "decode.loss_ce": 0.1522, "decode.acc_seg": 93.17076, "aux.loss_ce": 0.06486, "aux.acc_seg": 92.79105, "loss": 0.21705, "time": 1.97837} {"mode": "train", "epoch": 44, "iter": 54750, "lr": 1e-05, "memory": 72263, "data_time": 0.01127, "decode.loss_ce": 0.15185, "decode.acc_seg": 93.38536, "aux.loss_ce": 0.0639, "aux.acc_seg": 93.08184, "loss": 0.21575, "time": 1.97958} {"mode": "train", "epoch": 44, "iter": 54800, "lr": 1e-05, "memory": 72263, "data_time": 0.01096, "decode.loss_ce": 0.16157, "decode.acc_seg": 92.9702, "aux.loss_ce": 0.06838, "aux.acc_seg": 92.54803, "loss": 0.22995, "time": 1.977} {"mode": "train", "epoch": 44, "iter": 54850, "lr": 1e-05, "memory": 72263, "data_time": 0.01044, "decode.loss_ce": 0.1699, "decode.acc_seg": 92.63706, "aux.loss_ce": 0.0717, "aux.acc_seg": 92.22024, "loss": 0.2416, "time": 1.978} {"mode": "train", "epoch": 44, "iter": 54900, "lr": 1e-05, "memory": 72263, "data_time": 0.011, "decode.loss_ce": 0.15374, "decode.acc_seg": 93.31091, "aux.loss_ce": 0.06499, "aux.acc_seg": 92.96088, "loss": 0.21873, "time": 1.97997} {"mode": "train", "epoch": 44, "iter": 54950, "lr": 1e-05, "memory": 72263, "data_time": 0.01045, "decode.loss_ce": 0.15201, "decode.acc_seg": 93.32775, "aux.loss_ce": 0.06433, "aux.acc_seg": 92.98087, "loss": 0.21634, "time": 1.97737} {"mode": "train", "epoch": 44, "iter": 55000, "lr": 1e-05, "memory": 72263, "data_time": 0.01196, "decode.loss_ce": 0.1451, "decode.acc_seg": 93.72953, "aux.loss_ce": 0.06136, "aux.acc_seg": 93.39258, "loss": 0.20646, "time": 1.97941} {"mode": "val", "epoch": 44, "iter": 250, "lr": 1e-05, "aAcc": 0.8638, "mIoU": 0.59, "mAcc": 0.7165, "IoU.wall": 0.8273, "IoU.building": 0.85, "IoU.sky": 0.9509, "IoU.floor": 0.8503, "IoU.tree": 0.778, "IoU.ceiling": 0.8754, "IoU.road": 0.8533, "IoU.bed ": 0.9283, "IoU.windowpane": 0.6777, "IoU.grass": 0.6726, "IoU.cabinet": 0.6835, "IoU.sidewalk": 0.6984, "IoU.person": 0.8651, "IoU.earth": 0.399, "IoU.door": 0.5998, "IoU.table": 0.714, "IoU.mountain": 0.6245, "IoU.plant": 0.5734, "IoU.curtain": 0.7778, "IoU.chair": 0.6855, "IoU.car": 0.8826, "IoU.water": 0.6234, "IoU.painting": 0.8217, "IoU.sofa": 0.8246, "IoU.shelf": 0.5315, "IoU.house": 0.5009, "IoU.sea": 0.6723, "IoU.mirror": 0.7917, "IoU.rug": 0.6435, "IoU.field": 0.2929, "IoU.armchair": 0.625, "IoU.seat": 0.6256, "IoU.fence": 0.5304, "IoU.desk": 0.603, "IoU.rock": 0.5775, "IoU.wardrobe": 0.5325, "IoU.lamp": 0.7381, "IoU.bathtub": 0.8764, "IoU.railing": 0.4418, "IoU.cushion": 0.6881, "IoU.base": 0.4443, "IoU.box": 0.4222, "IoU.column": 0.558, "IoU.signboard": 0.4034, "IoU.chest of drawers": 0.4301, "IoU.counter": 0.5184, "IoU.sand": 0.5651, "IoU.sink": 0.833, "IoU.skyscraper": 0.4934, "IoU.fireplace": 0.7292, "IoU.refrigerator": 0.8712, "IoU.grandstand": 0.5714, "IoU.path": 0.2912, "IoU.stairs": 0.2738, "IoU.runway": 0.7231, "IoU.case": 0.593, "IoU.pool table": 0.9529, "IoU.pillow": 0.6413, "IoU.screen door": 0.8375, "IoU.stairway": 0.4195, "IoU.river": 0.1118, "IoU.bridge": 0.6369, "IoU.bookcase": 0.4775, "IoU.blind": 0.5189, "IoU.coffee table": 0.6122, "IoU.toilet": 0.9071, "IoU.flower": 0.4305, "IoU.book": 0.5574, "IoU.hill": 0.1299, "IoU.bench": 0.5937, "IoU.countertop": 0.6603, "IoU.stove": 0.8658, "IoU.palm": 0.5108, "IoU.kitchen island": 0.5339, "IoU.computer": 0.7717, "IoU.swivel chair": 0.5362, "IoU.boat": 0.8043, "IoU.bar": 0.7201, "IoU.arcade machine": 0.7837, "IoU.hovel": 0.4718, "IoU.bus": 0.9352, "IoU.towel": 0.7988, "IoU.light": 0.6276, "IoU.truck": 0.5159, "IoU.tower": 0.3018, "IoU.chandelier": 0.7369, "IoU.awning": 0.3813, "IoU.streetlight": 0.3661, "IoU.booth": 0.5699, "IoU.television receiver": 0.7886, "IoU.airplane": 0.8794, "IoU.dirt track": 0.0378, "IoU.apparel": 0.6825, "IoU.pole": 0.2881, "IoU.land": 0.057, "IoU.bannister": 0.2131, "IoU.escalator": 0.6617, "IoU.ottoman": 0.5516, "IoU.bottle": 0.4383, "IoU.buffet": 0.5844, "IoU.poster": 0.3583, "IoU.stage": 0.2073, "IoU.van": 0.5328, "IoU.ship": 0.8308, "IoU.fountain": 0.3163, "IoU.conveyer belt": 0.848, "IoU.canopy": 0.5581, "IoU.washer": 0.8641, "IoU.plaything": 0.3472, "IoU.swimming pool": 0.5353, "IoU.stool": 0.4909, "IoU.barrel": 0.6886, "IoU.basket": 0.4417, "IoU.waterfall": 0.6642, "IoU.tent": 0.9344, "IoU.bag": 0.2877, "IoU.minibike": 0.7653, "IoU.cradle": 0.8662, "IoU.oven": 0.5956, "IoU.ball": 0.6229, "IoU.food": 0.6237, "IoU.step": 0.1261, "IoU.tank": 0.6297, "IoU.trade name": 0.1913, "IoU.microwave": 0.8819, "IoU.pot": 0.6055, "IoU.animal": 0.6112, "IoU.bicycle": 0.6318, "IoU.lake": 0.5116, "IoU.dishwasher": 0.789, "IoU.screen": 0.6303, "IoU.blanket": 0.3345, "IoU.sculpture": 0.748, "IoU.hood": 0.6905, "IoU.sconce": 0.59, "IoU.vase": 0.5097, "IoU.traffic light": 0.4239, "IoU.tray": 0.2982, "IoU.ashcan": 0.523, "IoU.fan": 0.7296, "IoU.pier": 0.3907, "IoU.crt screen": 0.082, "IoU.plate": 0.6616, "IoU.monitor": 0.3262, "IoU.bulletin board": 0.4931, "IoU.shower": 0.1969, "IoU.radiator": 0.6951, "IoU.glass": 0.2323, "IoU.clock": 0.5474, "IoU.flag": 0.7072, "Acc.wall": 0.9035, "Acc.building": 0.9256, "Acc.sky": 0.9781, "Acc.floor": 0.9152, "Acc.tree": 0.8861, "Acc.ceiling": 0.9482, "Acc.road": 0.9196, "Acc.bed ": 0.9698, "Acc.windowpane": 0.7997, "Acc.grass": 0.803, "Acc.cabinet": 0.7752, "Acc.sidewalk": 0.8256, "Acc.person": 0.9489, "Acc.earth": 0.5293, "Acc.door": 0.772, "Acc.table": 0.819, "Acc.mountain": 0.7406, "Acc.plant": 0.6857, "Acc.curtain": 0.8866, "Acc.chair": 0.7822, "Acc.car": 0.9395, "Acc.water": 0.7851, "Acc.painting": 0.9137, "Acc.sofa": 0.9028, "Acc.shelf": 0.6752, "Acc.house": 0.6747, "Acc.sea": 0.8182, "Acc.mirror": 0.8712, "Acc.rug": 0.7666, "Acc.field": 0.5735, "Acc.armchair": 0.8424, "Acc.seat": 0.9071, "Acc.fence": 0.6797, "Acc.desk": 0.7789, "Acc.rock": 0.7987, "Acc.wardrobe": 0.6867, "Acc.lamp": 0.8824, "Acc.bathtub": 0.9167, "Acc.railing": 0.6047, "Acc.cushion": 0.8247, "Acc.base": 0.587, "Acc.box": 0.5316, "Acc.column": 0.7235, "Acc.signboard": 0.5578, "Acc.chest of drawers": 0.6969, "Acc.counter": 0.6739, "Acc.sand": 0.7636, "Acc.sink": 0.8757, "Acc.skyscraper": 0.6756, "Acc.fireplace": 0.9319, "Acc.refrigerator": 0.9256, "Acc.grandstand": 0.8163, "Acc.path": 0.4387, "Acc.stairs": 0.3169, "Acc.runway": 0.9316, "Acc.case": 0.7596, "Acc.pool table": 0.9831, "Acc.pillow": 0.7316, "Acc.screen door": 0.8604, "Acc.stairway": 0.7239, "Acc.river": 0.1982, "Acc.bridge": 0.8476, "Acc.bookcase": 0.5757, "Acc.blind": 0.662, "Acc.coffee table": 0.8833, "Acc.toilet": 0.9399, "Acc.flower": 0.5859, "Acc.book": 0.7681, "Acc.hill": 0.2403, "Acc.bench": 0.66, "Acc.countertop": 0.8563, "Acc.stove": 0.9273, "Acc.palm": 0.8467, "Acc.kitchen island": 0.7909, "Acc.computer": 0.9207, "Acc.swivel chair": 0.7754, "Acc.boat": 0.911, "Acc.bar": 0.8217, "Acc.arcade machine": 0.8084, "Acc.hovel": 0.536, "Acc.bus": 0.9704, "Acc.towel": 0.8685, "Acc.light": 0.7145, "Acc.truck": 0.6449, "Acc.tower": 0.6588, "Acc.chandelier": 0.8568, "Acc.awning": 0.4639, "Acc.streetlight": 0.4876, "Acc.booth": 0.733, "Acc.television receiver": 0.8987, "Acc.airplane": 0.9619, "Acc.dirt track": 0.0944, "Acc.apparel": 0.8746, "Acc.pole": 0.3851, "Acc.land": 0.0853, "Acc.bannister": 0.2673, "Acc.escalator": 0.8733, "Acc.ottoman": 0.6972, "Acc.bottle": 0.6156, "Acc.buffet": 0.6704, "Acc.poster": 0.4195, "Acc.stage": 0.3465, "Acc.van": 0.6915, "Acc.ship": 0.9011, "Acc.fountain": 0.3215, "Acc.conveyer belt": 0.9639, "Acc.canopy": 0.7355, "Acc.washer": 0.9217, "Acc.plaything": 0.4834, "Acc.swimming pool": 0.7712, "Acc.stool": 0.783, "Acc.barrel": 0.9755, "Acc.basket": 0.6084, "Acc.waterfall": 0.8821, "Acc.tent": 0.9864, "Acc.bag": 0.3389, "Acc.minibike": 0.9056, "Acc.cradle": 0.9719, "Acc.oven": 0.726, "Acc.ball": 0.7467, "Acc.food": 0.7261, "Acc.step": 0.1529, "Acc.tank": 0.6993, "Acc.trade name": 0.2215, "Acc.microwave": 0.9696, "Acc.pot": 0.7123, "Acc.animal": 0.6267, "Acc.bicycle": 0.8102, "Acc.lake": 0.6379, "Acc.dishwasher": 0.8496, "Acc.screen": 0.9396, "Acc.blanket": 0.3922, "Acc.sculpture": 0.8581, "Acc.hood": 0.77, "Acc.sconce": 0.6668, "Acc.vase": 0.6905, "Acc.traffic light": 0.6656, "Acc.tray": 0.4065, "Acc.ashcan": 0.6942, "Acc.fan": 0.8433, "Acc.pier": 0.4638, "Acc.crt screen": 0.1661, "Acc.plate": 0.7871, "Acc.monitor": 0.3644, "Acc.bulletin board": 0.592, "Acc.shower": 0.2256, "Acc.radiator": 0.8463, "Acc.glass": 0.2568, "Acc.clock": 0.6375, "Acc.flag": 0.7882} {"mode": "train", "epoch": 44, "iter": 55050, "lr": 1e-05, "memory": 72263, "data_time": 2.3305, "decode.loss_ce": 0.14229, "decode.acc_seg": 93.82566, "aux.loss_ce": 0.06095, "aux.acc_seg": 93.36006, "loss": 0.20325, "time": 4.29733} {"mode": "train", "epoch": 44, "iter": 55100, "lr": 1e-05, "memory": 72263, "data_time": 0.01045, "decode.loss_ce": 0.15023, "decode.acc_seg": 93.45613, "aux.loss_ce": 0.06359, "aux.acc_seg": 93.07889, "loss": 0.21382, "time": 1.97681} {"mode": "train", "epoch": 44, "iter": 55150, "lr": 1e-05, "memory": 72263, "data_time": 0.01128, "decode.loss_ce": 0.14563, "decode.acc_seg": 93.55978, "aux.loss_ce": 0.06233, "aux.acc_seg": 93.10841, "loss": 0.20796, "time": 1.97731} {"mode": "train", "epoch": 44, "iter": 55200, "lr": 1e-05, "memory": 72263, "data_time": 0.01045, "decode.loss_ce": 0.14959, "decode.acc_seg": 93.39445, "aux.loss_ce": 0.0633, "aux.acc_seg": 92.9809, "loss": 0.21289, "time": 1.977} {"mode": "train", "epoch": 44, "iter": 55250, "lr": 1e-05, "memory": 72263, "data_time": 0.01112, "decode.loss_ce": 0.14472, "decode.acc_seg": 93.68837, "aux.loss_ce": 0.06169, "aux.acc_seg": 93.27785, "loss": 0.20641, "time": 1.98006} {"mode": "train", "epoch": 44, "iter": 55300, "lr": 1e-05, "memory": 72263, "data_time": 0.01012, "decode.loss_ce": 0.14487, "decode.acc_seg": 93.6029, "aux.loss_ce": 0.06117, "aux.acc_seg": 93.23501, "loss": 0.20604, "time": 1.9792} {"mode": "train", "epoch": 44, "iter": 55350, "lr": 1e-05, "memory": 72263, "data_time": 0.0102, "decode.loss_ce": 0.15127, "decode.acc_seg": 93.36799, "aux.loss_ce": 0.06451, "aux.acc_seg": 92.93362, "loss": 0.21578, "time": 1.9764} {"mode": "train", "epoch": 44, "iter": 55400, "lr": 1e-05, "memory": 72263, "data_time": 0.01085, "decode.loss_ce": 0.15214, "decode.acc_seg": 93.35071, "aux.loss_ce": 0.06488, "aux.acc_seg": 92.94576, "loss": 0.21702, "time": 1.97834} {"mode": "train", "epoch": 44, "iter": 55450, "lr": 1e-05, "memory": 72263, "data_time": 0.01051, "decode.loss_ce": 0.15042, "decode.acc_seg": 93.43065, "aux.loss_ce": 0.06418, "aux.acc_seg": 92.96796, "loss": 0.21459, "time": 1.97868} {"mode": "train", "epoch": 44, "iter": 55500, "lr": 1e-05, "memory": 72263, "data_time": 0.01057, "decode.loss_ce": 0.14305, "decode.acc_seg": 93.71355, "aux.loss_ce": 0.06125, "aux.acc_seg": 93.28095, "loss": 0.20429, "time": 1.98012} {"mode": "train", "epoch": 44, "iter": 55550, "lr": 1e-05, "memory": 72263, "data_time": 0.01102, "decode.loss_ce": 0.15551, "decode.acc_seg": 93.2758, "aux.loss_ce": 0.06523, "aux.acc_seg": 92.97269, "loss": 0.22074, "time": 1.97744} {"mode": "train", "epoch": 45, "iter": 55600, "lr": 1e-05, "memory": 72263, "data_time": 0.07787, "decode.loss_ce": 0.14089, "decode.acc_seg": 93.65296, "aux.loss_ce": 0.05996, "aux.acc_seg": 93.27677, "loss": 0.20085, "time": 2.04715} {"mode": "train", "epoch": 45, "iter": 55650, "lr": 1e-05, "memory": 72263, "data_time": 0.01174, "decode.loss_ce": 0.1511, "decode.acc_seg": 93.4178, "aux.loss_ce": 0.06399, "aux.acc_seg": 93.01261, "loss": 0.21509, "time": 1.98119} {"mode": "train", "epoch": 45, "iter": 55700, "lr": 1e-05, "memory": 72263, "data_time": 0.01029, "decode.loss_ce": 0.15309, "decode.acc_seg": 93.41715, "aux.loss_ce": 0.06462, "aux.acc_seg": 93.05559, "loss": 0.21771, "time": 1.97912} {"mode": "train", "epoch": 45, "iter": 55750, "lr": 1e-05, "memory": 72263, "data_time": 0.01123, "decode.loss_ce": 0.14612, "decode.acc_seg": 93.65526, "aux.loss_ce": 0.06177, "aux.acc_seg": 93.3513, "loss": 0.20789, "time": 1.98079} {"mode": "train", "epoch": 45, "iter": 55800, "lr": 1e-05, "memory": 72263, "data_time": 0.01062, "decode.loss_ce": 0.14668, "decode.acc_seg": 93.41612, "aux.loss_ce": 0.06243, "aux.acc_seg": 93.05943, "loss": 0.20911, "time": 1.97714} {"mode": "train", "epoch": 45, "iter": 55850, "lr": 1e-05, "memory": 72263, "data_time": 0.01052, "decode.loss_ce": 0.15791, "decode.acc_seg": 93.19324, "aux.loss_ce": 0.06715, "aux.acc_seg": 92.75638, "loss": 0.22506, "time": 1.98025} {"mode": "train", "epoch": 45, "iter": 55900, "lr": 1e-05, "memory": 72263, "data_time": 0.01035, "decode.loss_ce": 0.14669, "decode.acc_seg": 93.24644, "aux.loss_ce": 0.06222, "aux.acc_seg": 92.85456, "loss": 0.20891, "time": 1.9788} {"mode": "train", "epoch": 45, "iter": 55950, "lr": 1e-05, "memory": 72263, "data_time": 0.01057, "decode.loss_ce": 0.14297, "decode.acc_seg": 93.73884, "aux.loss_ce": 0.06129, "aux.acc_seg": 93.23644, "loss": 0.20426, "time": 1.97642} {"mode": "train", "epoch": 45, "iter": 56000, "lr": 1e-05, "memory": 72263, "data_time": 0.01119, "decode.loss_ce": 0.14764, "decode.acc_seg": 93.27928, "aux.loss_ce": 0.06263, "aux.acc_seg": 92.88712, "loss": 0.21027, "time": 3.71166} {"mode": "val", "epoch": 45, "iter": 250, "lr": 1e-05, "aAcc": 0.864, "mIoU": 0.592, "mAcc": 0.7173, "IoU.wall": 0.8282, "IoU.building": 0.8513, "IoU.sky": 0.95, "IoU.floor": 0.8479, "IoU.tree": 0.7801, "IoU.ceiling": 0.8754, "IoU.road": 0.8475, "IoU.bed ": 0.931, "IoU.windowpane": 0.6727, "IoU.grass": 0.6939, "IoU.cabinet": 0.6766, "IoU.sidewalk": 0.6872, "IoU.person": 0.8677, "IoU.earth": 0.3833, "IoU.door": 0.5901, "IoU.table": 0.711, "IoU.mountain": 0.6251, "IoU.plant": 0.574, "IoU.curtain": 0.79, "IoU.chair": 0.693, "IoU.car": 0.8799, "IoU.water": 0.6132, "IoU.painting": 0.8077, "IoU.sofa": 0.8248, "IoU.shelf": 0.5004, "IoU.house": 0.5011, "IoU.sea": 0.6902, "IoU.mirror": 0.8089, "IoU.rug": 0.6356, "IoU.field": 0.3069, "IoU.armchair": 0.6242, "IoU.seat": 0.6519, "IoU.fence": 0.5187, "IoU.desk": 0.6168, "IoU.rock": 0.5653, "IoU.wardrobe": 0.5516, "IoU.lamp": 0.7676, "IoU.bathtub": 0.8529, "IoU.railing": 0.4399, "IoU.cushion": 0.7055, "IoU.base": 0.4592, "IoU.box": 0.4139, "IoU.column": 0.5836, "IoU.signboard": 0.4067, "IoU.chest of drawers": 0.4293, "IoU.counter": 0.5387, "IoU.sand": 0.5287, "IoU.sink": 0.8233, "IoU.skyscraper": 0.4851, "IoU.fireplace": 0.7207, "IoU.refrigerator": 0.8579, "IoU.grandstand": 0.512, "IoU.path": 0.286, "IoU.stairs": 0.2612, "IoU.runway": 0.7227, "IoU.case": 0.6287, "IoU.pool table": 0.9536, "IoU.pillow": 0.6905, "IoU.screen door": 0.7554, "IoU.stairway": 0.4265, "IoU.river": 0.1319, "IoU.bridge": 0.6576, "IoU.bookcase": 0.4242, "IoU.blind": 0.4645, "IoU.coffee table": 0.6167, "IoU.toilet": 0.9102, "IoU.flower": 0.4261, "IoU.book": 0.5658, "IoU.hill": 0.1258, "IoU.bench": 0.5921, "IoU.countertop": 0.67, "IoU.stove": 0.8735, "IoU.palm": 0.5356, "IoU.kitchen island": 0.5494, "IoU.computer": 0.7664, "IoU.swivel chair": 0.5278, "IoU.boat": 0.7086, "IoU.bar": 0.6759, "IoU.arcade machine": 0.7811, "IoU.hovel": 0.5178, "IoU.bus": 0.9333, "IoU.towel": 0.7965, "IoU.light": 0.6319, "IoU.truck": 0.5036, "IoU.tower": 0.2944, "IoU.chandelier": 0.7264, "IoU.awning": 0.3863, "IoU.streetlight": 0.3707, "IoU.booth": 0.5991, "IoU.television receiver": 0.7995, "IoU.airplane": 0.8841, "IoU.dirt track": 0.0981, "IoU.apparel": 0.6861, "IoU.pole": 0.3003, "IoU.land": 0.0588, "IoU.bannister": 0.2106, "IoU.escalator": 0.6438, "IoU.ottoman": 0.6173, "IoU.bottle": 0.4501, "IoU.buffet": 0.632, "IoU.poster": 0.3255, "IoU.stage": 0.2197, "IoU.van": 0.5046, "IoU.ship": 0.831, "IoU.fountain": 0.3653, "IoU.conveyer belt": 0.8379, "IoU.canopy": 0.5436, "IoU.washer": 0.8582, "IoU.plaything": 0.3243, "IoU.swimming pool": 0.5198, "IoU.stool": 0.5724, "IoU.barrel": 0.8068, "IoU.basket": 0.4252, "IoU.waterfall": 0.6505, "IoU.tent": 0.9391, "IoU.bag": 0.3011, "IoU.minibike": 0.7719, "IoU.cradle": 0.8804, "IoU.oven": 0.6814, "IoU.ball": 0.6225, "IoU.food": 0.6331, "IoU.step": 0.1165, "IoU.tank": 0.6359, "IoU.trade name": 0.244, "IoU.microwave": 0.8929, "IoU.pot": 0.6108, "IoU.animal": 0.6072, "IoU.bicycle": 0.6182, "IoU.lake": 0.5562, "IoU.dishwasher": 0.7759, "IoU.screen": 0.607, "IoU.blanket": 0.3459, "IoU.sculpture": 0.7234, "IoU.hood": 0.7187, "IoU.sconce": 0.6209, "IoU.vase": 0.5069, "IoU.traffic light": 0.4237, "IoU.tray": 0.2699, "IoU.ashcan": 0.5045, "IoU.fan": 0.733, "IoU.pier": 0.4109, "IoU.crt screen": 0.0732, "IoU.plate": 0.6473, "IoU.monitor": 0.2234, "IoU.bulletin board": 0.5384, "IoU.shower": 0.2133, "IoU.radiator": 0.6909, "IoU.glass": 0.2377, "IoU.clock": 0.5413, "IoU.flag": 0.7244, "Acc.wall": 0.9021, "Acc.building": 0.9333, "Acc.sky": 0.9766, "Acc.floor": 0.9253, "Acc.tree": 0.8924, "Acc.ceiling": 0.9473, "Acc.road": 0.9238, "Acc.bed ": 0.9692, "Acc.windowpane": 0.8035, "Acc.grass": 0.8235, "Acc.cabinet": 0.7867, "Acc.sidewalk": 0.7994, "Acc.person": 0.9466, "Acc.earth": 0.4973, "Acc.door": 0.7634, "Acc.table": 0.8225, "Acc.mountain": 0.7298, "Acc.plant": 0.6908, "Acc.curtain": 0.8854, "Acc.chair": 0.7822, "Acc.car": 0.9473, "Acc.water": 0.7517, "Acc.painting": 0.9188, "Acc.sofa": 0.8943, "Acc.shelf": 0.622, "Acc.house": 0.6145, "Acc.sea": 0.8814, "Acc.mirror": 0.8873, "Acc.rug": 0.6819, "Acc.field": 0.5491, "Acc.armchair": 0.8197, "Acc.seat": 0.8878, "Acc.fence": 0.6583, "Acc.desk": 0.7902, "Acc.rock": 0.8938, "Acc.wardrobe": 0.7254, "Acc.lamp": 0.8695, "Acc.bathtub": 0.8843, "Acc.railing": 0.611, "Acc.cushion": 0.8397, "Acc.base": 0.6156, "Acc.box": 0.5555, "Acc.column": 0.6598, "Acc.signboard": 0.5562, "Acc.chest of drawers": 0.6429, "Acc.counter": 0.6402, "Acc.sand": 0.7734, "Acc.sink": 0.8666, "Acc.skyscraper": 0.6489, "Acc.fireplace": 0.9036, "Acc.refrigerator": 0.949, "Acc.grandstand": 0.8316, "Acc.path": 0.4442, "Acc.stairs": 0.2926, "Acc.runway": 0.9416, "Acc.case": 0.8274, "Acc.pool table": 0.9829, "Acc.pillow": 0.8161, "Acc.screen door": 0.7751, "Acc.stairway": 0.7404, "Acc.river": 0.2353, "Acc.bridge": 0.8807, "Acc.bookcase": 0.6314, "Acc.blind": 0.5579, "Acc.coffee table": 0.8873, "Acc.toilet": 0.9428, "Acc.flower": 0.6338, "Acc.book": 0.75, "Acc.hill": 0.269, "Acc.bench": 0.6688, "Acc.countertop": 0.8373, "Acc.stove": 0.937, "Acc.palm": 0.826, "Acc.kitchen island": 0.8512, "Acc.computer": 0.9192, "Acc.swivel chair": 0.7587, "Acc.boat": 0.9258, "Acc.bar": 0.7788, "Acc.arcade machine": 0.8103, "Acc.hovel": 0.6044, "Acc.bus": 0.9708, "Acc.towel": 0.866, "Acc.light": 0.7323, "Acc.truck": 0.6296, "Acc.tower": 0.5415, "Acc.chandelier": 0.866, "Acc.awning": 0.4792, "Acc.streetlight": 0.5382, "Acc.booth": 0.686, "Acc.television receiver": 0.8807, "Acc.airplane": 0.9638, "Acc.dirt track": 0.1755, "Acc.apparel": 0.8841, "Acc.pole": 0.4228, "Acc.land": 0.0926, "Acc.bannister": 0.2557, "Acc.escalator": 0.8899, "Acc.ottoman": 0.7907, "Acc.bottle": 0.7107, "Acc.buffet": 0.7355, "Acc.poster": 0.4091, "Acc.stage": 0.4003, "Acc.van": 0.6449, "Acc.ship": 0.8503, "Acc.fountain": 0.3852, "Acc.conveyer belt": 0.9699, "Acc.canopy": 0.6912, "Acc.washer": 0.9078, "Acc.plaything": 0.4514, "Acc.swimming pool": 0.7446, "Acc.stool": 0.7482, "Acc.barrel": 0.9776, "Acc.basket": 0.6319, "Acc.waterfall": 0.7279, "Acc.tent": 0.9868, "Acc.bag": 0.3465, "Acc.minibike": 0.8919, "Acc.cradle": 0.9773, "Acc.oven": 0.7898, "Acc.ball": 0.7651, "Acc.food": 0.7391, "Acc.step": 0.1406, "Acc.tank": 0.6915, "Acc.trade name": 0.2925, "Acc.microwave": 0.9682, "Acc.pot": 0.7096, "Acc.animal": 0.6254, "Acc.bicycle": 0.795, "Acc.lake": 0.6346, "Acc.dishwasher": 0.8119, "Acc.screen": 0.9025, "Acc.blanket": 0.4082, "Acc.sculpture": 0.837, "Acc.hood": 0.7943, "Acc.sconce": 0.744, "Acc.vase": 0.6817, "Acc.traffic light": 0.6609, "Acc.tray": 0.356, "Acc.ashcan": 0.6854, "Acc.fan": 0.845, "Acc.pier": 0.4515, "Acc.crt screen": 0.1901, "Acc.plate": 0.8044, "Acc.monitor": 0.2488, "Acc.bulletin board": 0.6774, "Acc.shower": 0.2443, "Acc.radiator": 0.8436, "Acc.glass": 0.261, "Acc.clock": 0.6499, "Acc.flag": 0.795} {"mode": "train", "epoch": 45, "iter": 56050, "lr": 1e-05, "memory": 72263, "data_time": 2.2207, "decode.loss_ce": 0.14536, "decode.acc_seg": 93.48103, "aux.loss_ce": 0.06176, "aux.acc_seg": 93.06119, "loss": 0.20712, "time": 4.19001} {"mode": "train", "epoch": 45, "iter": 56100, "lr": 1e-05, "memory": 72263, "data_time": 0.0116, "decode.loss_ce": 0.15159, "decode.acc_seg": 93.40181, "aux.loss_ce": 0.06437, "aux.acc_seg": 93.03587, "loss": 0.21596, "time": 1.98046} {"mode": "train", "epoch": 45, "iter": 56150, "lr": 1e-05, "memory": 72263, "data_time": 0.01062, "decode.loss_ce": 0.1485, "decode.acc_seg": 93.51192, "aux.loss_ce": 0.06306, "aux.acc_seg": 93.14276, "loss": 0.21155, "time": 1.97581} {"mode": "train", "epoch": 45, "iter": 56200, "lr": 1e-05, "memory": 72263, "data_time": 0.01119, "decode.loss_ce": 0.14363, "decode.acc_seg": 93.64062, "aux.loss_ce": 0.06107, "aux.acc_seg": 93.2311, "loss": 0.2047, "time": 1.97753} {"mode": "train", "epoch": 45, "iter": 56250, "lr": 1e-05, "memory": 72263, "data_time": 0.00996, "decode.loss_ce": 0.15035, "decode.acc_seg": 93.46822, "aux.loss_ce": 0.06361, "aux.acc_seg": 93.1054, "loss": 0.21396, "time": 1.97684} {"mode": "train", "epoch": 45, "iter": 56300, "lr": 1e-05, "memory": 72263, "data_time": 0.01111, "decode.loss_ce": 0.14884, "decode.acc_seg": 93.54001, "aux.loss_ce": 0.0633, "aux.acc_seg": 93.11609, "loss": 0.21214, "time": 1.97855} {"mode": "train", "epoch": 45, "iter": 56350, "lr": 1e-05, "memory": 72263, "data_time": 0.01041, "decode.loss_ce": 0.1413, "decode.acc_seg": 93.71749, "aux.loss_ce": 0.06006, "aux.acc_seg": 93.30868, "loss": 0.20136, "time": 1.97737} {"mode": "train", "epoch": 45, "iter": 56400, "lr": 1e-05, "memory": 72263, "data_time": 0.00996, "decode.loss_ce": 0.14066, "decode.acc_seg": 93.62763, "aux.loss_ce": 0.05975, "aux.acc_seg": 93.22245, "loss": 0.20041, "time": 1.97692} {"mode": "train", "epoch": 45, "iter": 56450, "lr": 1e-05, "memory": 72263, "data_time": 0.01051, "decode.loss_ce": 0.14891, "decode.acc_seg": 93.45426, "aux.loss_ce": 0.06362, "aux.acc_seg": 93.06389, "loss": 0.21253, "time": 1.98007} {"mode": "train", "epoch": 45, "iter": 56500, "lr": 1e-05, "memory": 72263, "data_time": 0.01033, "decode.loss_ce": 0.15625, "decode.acc_seg": 93.46715, "aux.loss_ce": 0.06619, "aux.acc_seg": 93.11254, "loss": 0.22245, "time": 1.97631} {"mode": "train", "epoch": 45, "iter": 56550, "lr": 1e-05, "memory": 72263, "data_time": 0.01012, "decode.loss_ce": 0.15965, "decode.acc_seg": 93.14604, "aux.loss_ce": 0.0674, "aux.acc_seg": 92.74629, "loss": 0.22705, "time": 1.9775} {"mode": "train", "epoch": 45, "iter": 56600, "lr": 1e-05, "memory": 72263, "data_time": 0.01033, "decode.loss_ce": 0.14744, "decode.acc_seg": 93.70857, "aux.loss_ce": 0.06247, "aux.acc_seg": 93.35735, "loss": 0.20991, "time": 1.97832} {"mode": "train", "epoch": 45, "iter": 56650, "lr": 1e-05, "memory": 72263, "data_time": 0.01164, "decode.loss_ce": 0.14884, "decode.acc_seg": 93.46598, "aux.loss_ce": 0.06358, "aux.acc_seg": 93.03452, "loss": 0.21241, "time": 1.98089} {"mode": "train", "epoch": 45, "iter": 56700, "lr": 1e-05, "memory": 72263, "data_time": 0.01152, "decode.loss_ce": 0.15148, "decode.acc_seg": 93.6026, "aux.loss_ce": 0.06427, "aux.acc_seg": 93.20996, "loss": 0.21575, "time": 1.98012} {"mode": "train", "epoch": 45, "iter": 56750, "lr": 1e-05, "memory": 72263, "data_time": 0.01159, "decode.loss_ce": 0.14954, "decode.acc_seg": 93.43261, "aux.loss_ce": 0.06342, "aux.acc_seg": 92.98221, "loss": 0.21296, "time": 1.98058} {"mode": "train", "epoch": 45, "iter": 56800, "lr": 1e-05, "memory": 72263, "data_time": 0.01068, "decode.loss_ce": 0.14531, "decode.acc_seg": 93.50169, "aux.loss_ce": 0.06115, "aux.acc_seg": 93.20211, "loss": 0.20646, "time": 1.97863} {"mode": "train", "epoch": 46, "iter": 56850, "lr": 1e-05, "memory": 72263, "data_time": 0.08055, "decode.loss_ce": 0.14997, "decode.acc_seg": 93.48516, "aux.loss_ce": 0.06348, "aux.acc_seg": 93.08145, "loss": 0.21345, "time": 2.05075} {"mode": "train", "epoch": 46, "iter": 56900, "lr": 1e-05, "memory": 72263, "data_time": 0.01077, "decode.loss_ce": 0.15421, "decode.acc_seg": 93.74435, "aux.loss_ce": 0.0652, "aux.acc_seg": 93.34588, "loss": 0.2194, "time": 1.97975} {"mode": "train", "epoch": 46, "iter": 56950, "lr": 1e-05, "memory": 72263, "data_time": 0.01127, "decode.loss_ce": 0.14689, "decode.acc_seg": 93.39702, "aux.loss_ce": 0.0624, "aux.acc_seg": 93.05198, "loss": 0.20928, "time": 1.97819} {"mode": "train", "epoch": 46, "iter": 57000, "lr": 1e-05, "memory": 72263, "data_time": 0.0103, "decode.loss_ce": 0.15098, "decode.acc_seg": 93.43859, "aux.loss_ce": 0.06433, "aux.acc_seg": 93.05658, "loss": 0.21532, "time": 1.97822} {"mode": "val", "epoch": 46, "iter": 250, "lr": 1e-05, "aAcc": 0.8646, "mIoU": 0.5958, "mAcc": 0.7198, "IoU.wall": 0.8279, "IoU.building": 0.8514, "IoU.sky": 0.9485, "IoU.floor": 0.8491, "IoU.tree": 0.7746, "IoU.ceiling": 0.8764, "IoU.road": 0.8634, "IoU.bed ": 0.9312, "IoU.windowpane": 0.6689, "IoU.grass": 0.6918, "IoU.cabinet": 0.674, "IoU.sidewalk": 0.7032, "IoU.person": 0.8666, "IoU.earth": 0.3945, "IoU.door": 0.5853, "IoU.table": 0.7112, "IoU.mountain": 0.644, "IoU.plant": 0.5569, "IoU.curtain": 0.7786, "IoU.chair": 0.6798, "IoU.car": 0.884, "IoU.water": 0.6255, "IoU.painting": 0.8105, "IoU.sofa": 0.8083, "IoU.shelf": 0.5274, "IoU.house": 0.5329, "IoU.sea": 0.7271, "IoU.mirror": 0.7993, "IoU.rug": 0.6786, "IoU.field": 0.2923, "IoU.armchair": 0.6151, "IoU.seat": 0.6585, "IoU.fence": 0.4819, "IoU.desk": 0.6002, "IoU.rock": 0.5834, "IoU.wardrobe": 0.5359, "IoU.lamp": 0.7677, "IoU.bathtub": 0.8738, "IoU.railing": 0.4416, "IoU.cushion": 0.6949, "IoU.base": 0.4178, "IoU.box": 0.4026, "IoU.column": 0.596, "IoU.signboard": 0.4177, "IoU.chest of drawers": 0.468, "IoU.counter": 0.4839, "IoU.sand": 0.5414, "IoU.sink": 0.8396, "IoU.skyscraper": 0.494, "IoU.fireplace": 0.74, "IoU.refrigerator": 0.8507, "IoU.grandstand": 0.5343, "IoU.path": 0.3084, "IoU.stairs": 0.2989, "IoU.runway": 0.7285, "IoU.case": 0.6551, "IoU.pool table": 0.9532, "IoU.pillow": 0.6685, "IoU.screen door": 0.7682, "IoU.stairway": 0.472, "IoU.river": 0.1272, "IoU.bridge": 0.7746, "IoU.bookcase": 0.4806, "IoU.blind": 0.4521, "IoU.coffee table": 0.6228, "IoU.toilet": 0.9096, "IoU.flower": 0.4297, "IoU.book": 0.5621, "IoU.hill": 0.142, "IoU.bench": 0.5814, "IoU.countertop": 0.657, "IoU.stove": 0.8684, "IoU.palm": 0.5073, "IoU.kitchen island": 0.5075, "IoU.computer": 0.7652, "IoU.swivel chair": 0.5114, "IoU.boat": 0.8407, "IoU.bar": 0.5816, "IoU.arcade machine": 0.8158, "IoU.hovel": 0.5167, "IoU.bus": 0.9433, "IoU.towel": 0.8076, "IoU.light": 0.6315, "IoU.truck": 0.5319, "IoU.tower": 0.3564, "IoU.chandelier": 0.7355, "IoU.awning": 0.3838, "IoU.streetlight": 0.3518, "IoU.booth": 0.6007, "IoU.television receiver": 0.8111, "IoU.airplane": 0.8694, "IoU.dirt track": 0.1044, "IoU.apparel": 0.6784, "IoU.pole": 0.2847, "IoU.land": 0.0543, "IoU.bannister": 0.2186, "IoU.escalator": 0.6805, "IoU.ottoman": 0.5713, "IoU.bottle": 0.4544, "IoU.buffet": 0.5582, "IoU.poster": 0.3828, "IoU.stage": 0.2102, "IoU.van": 0.5163, "IoU.ship": 0.7559, "IoU.fountain": 0.4044, "IoU.conveyer belt": 0.8472, "IoU.canopy": 0.5992, "IoU.washer": 0.8898, "IoU.plaything": 0.3425, "IoU.swimming pool": 0.5172, "IoU.stool": 0.5455, "IoU.barrel": 0.7542, "IoU.basket": 0.4306, "IoU.waterfall": 0.668, "IoU.tent": 0.943, "IoU.bag": 0.2496, "IoU.minibike": 0.7773, "IoU.cradle": 0.8901, "IoU.oven": 0.6562, "IoU.ball": 0.5801, "IoU.food": 0.6212, "IoU.step": 0.1228, "IoU.tank": 0.6487, "IoU.trade name": 0.2545, "IoU.microwave": 0.8875, "IoU.pot": 0.6312, "IoU.animal": 0.6018, "IoU.bicycle": 0.5934, "IoU.lake": 0.5215, "IoU.dishwasher": 0.7882, "IoU.screen": 0.5968, "IoU.blanket": 0.2968, "IoU.sculpture": 0.7153, "IoU.hood": 0.7214, "IoU.sconce": 0.613, "IoU.vase": 0.5124, "IoU.traffic light": 0.4278, "IoU.tray": 0.2735, "IoU.ashcan": 0.5263, "IoU.fan": 0.7304, "IoU.pier": 0.3986, "IoU.crt screen": 0.0928, "IoU.plate": 0.6616, "IoU.monitor": 0.49, "IoU.bulletin board": 0.5406, "IoU.shower": 0.2162, "IoU.radiator": 0.6887, "IoU.glass": 0.2079, "IoU.clock": 0.5724, "IoU.flag": 0.7133, "Acc.wall": 0.9027, "Acc.building": 0.9324, "Acc.sky": 0.9814, "Acc.floor": 0.9119, "Acc.tree": 0.8924, "Acc.ceiling": 0.9478, "Acc.road": 0.9148, "Acc.bed ": 0.9715, "Acc.windowpane": 0.8283, "Acc.grass": 0.8015, "Acc.cabinet": 0.7619, "Acc.sidewalk": 0.8504, "Acc.person": 0.9437, "Acc.earth": 0.5517, "Acc.door": 0.7179, "Acc.table": 0.8244, "Acc.mountain": 0.7384, "Acc.plant": 0.6748, "Acc.curtain": 0.8576, "Acc.chair": 0.7724, "Acc.car": 0.944, "Acc.water": 0.7611, "Acc.painting": 0.9231, "Acc.sofa": 0.8865, "Acc.shelf": 0.6998, "Acc.house": 0.6511, "Acc.sea": 0.8433, "Acc.mirror": 0.8918, "Acc.rug": 0.8186, "Acc.field": 0.5261, "Acc.armchair": 0.8137, "Acc.seat": 0.8989, "Acc.fence": 0.5879, "Acc.desk": 0.8004, "Acc.rock": 0.8811, "Acc.wardrobe": 0.7103, "Acc.lamp": 0.8802, "Acc.bathtub": 0.9116, "Acc.railing": 0.6408, "Acc.cushion": 0.807, "Acc.base": 0.629, "Acc.box": 0.524, "Acc.column": 0.7347, "Acc.signboard": 0.5702, "Acc.chest of drawers": 0.7962, "Acc.counter": 0.6629, "Acc.sand": 0.7758, "Acc.sink": 0.8887, "Acc.skyscraper": 0.6177, "Acc.fireplace": 0.9144, "Acc.refrigerator": 0.9069, "Acc.grandstand": 0.843, "Acc.path": 0.4211, "Acc.stairs": 0.354, "Acc.runway": 0.9373, "Acc.case": 0.8356, "Acc.pool table": 0.9837, "Acc.pillow": 0.7789, "Acc.screen door": 0.7895, "Acc.stairway": 0.7072, "Acc.river": 0.2902, "Acc.bridge": 0.8566, "Acc.bookcase": 0.5959, "Acc.blind": 0.5119, "Acc.coffee table": 0.8768, "Acc.toilet": 0.9441, "Acc.flower": 0.5744, "Acc.book": 0.7785, "Acc.hill": 0.2366, "Acc.bench": 0.6786, "Acc.countertop": 0.8475, "Acc.stove": 0.9279, "Acc.palm": 0.7989, "Acc.kitchen island": 0.8469, "Acc.computer": 0.9177, "Acc.swivel chair": 0.8112, "Acc.boat": 0.9218, "Acc.bar": 0.6588, "Acc.arcade machine": 0.8563, "Acc.hovel": 0.5874, "Acc.bus": 0.965, "Acc.towel": 0.8706, "Acc.light": 0.7313, "Acc.truck": 0.6617, "Acc.tower": 0.6924, "Acc.chandelier": 0.8503, "Acc.awning": 0.4964, "Acc.streetlight": 0.481, "Acc.booth": 0.6896, "Acc.television receiver": 0.8597, "Acc.airplane": 0.9627, "Acc.dirt track": 0.201, "Acc.apparel": 0.8538, "Acc.pole": 0.3714, "Acc.land": 0.0866, "Acc.bannister": 0.258, "Acc.escalator": 0.8648, "Acc.ottoman": 0.7043, "Acc.bottle": 0.6765, "Acc.buffet": 0.6339, "Acc.poster": 0.5445, "Acc.stage": 0.3752, "Acc.van": 0.6959, "Acc.ship": 0.907, "Acc.fountain": 0.4123, "Acc.conveyer belt": 0.9675, "Acc.canopy": 0.7448, "Acc.washer": 0.9538, "Acc.plaything": 0.5673, "Acc.swimming pool": 0.7433, "Acc.stool": 0.7213, "Acc.barrel": 0.9775, "Acc.basket": 0.6046, "Acc.waterfall": 0.7793, "Acc.tent": 0.9864, "Acc.bag": 0.2801, "Acc.minibike": 0.8986, "Acc.cradle": 0.9719, "Acc.oven": 0.7533, "Acc.ball": 0.6687, "Acc.food": 0.7569, "Acc.step": 0.1567, "Acc.tank": 0.7015, "Acc.trade name": 0.3027, "Acc.microwave": 0.9688, "Acc.pot": 0.7416, "Acc.animal": 0.6154, "Acc.bicycle": 0.6975, "Acc.lake": 0.6377, "Acc.dishwasher": 0.849, "Acc.screen": 0.8699, "Acc.blanket": 0.3488, "Acc.sculpture": 0.8853, "Acc.hood": 0.8208, "Acc.sconce": 0.7423, "Acc.vase": 0.691, "Acc.traffic light": 0.655, "Acc.tray": 0.371, "Acc.ashcan": 0.6735, "Acc.fan": 0.8542, "Acc.pier": 0.4304, "Acc.crt screen": 0.1673, "Acc.plate": 0.7764, "Acc.monitor": 0.5808, "Acc.bulletin board": 0.6277, "Acc.shower": 0.224, "Acc.radiator": 0.8299, "Acc.glass": 0.2178, "Acc.clock": 0.6807, "Acc.flag": 0.7897} {"mode": "train", "epoch": 46, "iter": 57050, "lr": 1e-05, "memory": 72263, "data_time": 2.26181, "decode.loss_ce": 0.15369, "decode.acc_seg": 93.11016, "aux.loss_ce": 0.0652, "aux.acc_seg": 92.70631, "loss": 0.21888, "time": 4.23001} {"mode": "train", "epoch": 46, "iter": 57100, "lr": 1e-05, "memory": 72263, "data_time": 0.0108, "decode.loss_ce": 0.14552, "decode.acc_seg": 93.54817, "aux.loss_ce": 0.06171, "aux.acc_seg": 93.17673, "loss": 0.20723, "time": 1.97793} {"mode": "train", "epoch": 46, "iter": 57150, "lr": 1e-05, "memory": 72263, "data_time": 0.01027, "decode.loss_ce": 0.14353, "decode.acc_seg": 93.66477, "aux.loss_ce": 0.06127, "aux.acc_seg": 93.22762, "loss": 0.2048, "time": 1.97928} {"mode": "train", "epoch": 46, "iter": 57200, "lr": 1e-05, "memory": 72263, "data_time": 0.01091, "decode.loss_ce": 0.15387, "decode.acc_seg": 93.32018, "aux.loss_ce": 0.0657, "aux.acc_seg": 92.86737, "loss": 0.21957, "time": 1.9769} {"mode": "train", "epoch": 46, "iter": 57250, "lr": 1e-05, "memory": 72263, "data_time": 0.01112, "decode.loss_ce": 0.14198, "decode.acc_seg": 93.81889, "aux.loss_ce": 0.06017, "aux.acc_seg": 93.49722, "loss": 0.20215, "time": 1.98005} {"mode": "train", "epoch": 46, "iter": 57300, "lr": 1e-05, "memory": 72263, "data_time": 0.01129, "decode.loss_ce": 0.13891, "decode.acc_seg": 94.01209, "aux.loss_ce": 0.05911, "aux.acc_seg": 93.63036, "loss": 0.19802, "time": 1.9798} {"mode": "train", "epoch": 46, "iter": 57350, "lr": 1e-05, "memory": 72263, "data_time": 0.01096, "decode.loss_ce": 0.14466, "decode.acc_seg": 93.71958, "aux.loss_ce": 0.06139, "aux.acc_seg": 93.35556, "loss": 0.20605, "time": 1.97864} {"mode": "train", "epoch": 46, "iter": 57400, "lr": 1e-05, "memory": 72263, "data_time": 0.01025, "decode.loss_ce": 0.14415, "decode.acc_seg": 93.65022, "aux.loss_ce": 0.06163, "aux.acc_seg": 93.24111, "loss": 0.20578, "time": 1.9808} {"mode": "train", "epoch": 46, "iter": 57450, "lr": 1e-05, "memory": 72263, "data_time": 0.0102, "decode.loss_ce": 0.14673, "decode.acc_seg": 93.62305, "aux.loss_ce": 0.06299, "aux.acc_seg": 93.15799, "loss": 0.20972, "time": 1.9777} {"mode": "train", "epoch": 46, "iter": 57500, "lr": 1e-05, "memory": 72263, "data_time": 0.01047, "decode.loss_ce": 0.15094, "decode.acc_seg": 93.37897, "aux.loss_ce": 0.06429, "aux.acc_seg": 92.97449, "loss": 0.21523, "time": 1.97822} {"mode": "train", "epoch": 46, "iter": 57550, "lr": 1e-05, "memory": 72263, "data_time": 0.01107, "decode.loss_ce": 0.14549, "decode.acc_seg": 93.78126, "aux.loss_ce": 0.06159, "aux.acc_seg": 93.40525, "loss": 0.20709, "time": 1.97719} {"mode": "train", "epoch": 46, "iter": 57600, "lr": 1e-05, "memory": 72263, "data_time": 0.01131, "decode.loss_ce": 0.15364, "decode.acc_seg": 93.27813, "aux.loss_ce": 0.06551, "aux.acc_seg": 92.86555, "loss": 0.21915, "time": 1.97896} {"mode": "train", "epoch": 46, "iter": 57650, "lr": 1e-05, "memory": 72263, "data_time": 0.01194, "decode.loss_ce": 0.15151, "decode.acc_seg": 93.34058, "aux.loss_ce": 0.06448, "aux.acc_seg": 92.92579, "loss": 0.21599, "time": 1.97889} {"mode": "train", "epoch": 46, "iter": 57700, "lr": 1e-05, "memory": 72263, "data_time": 0.01124, "decode.loss_ce": 0.14048, "decode.acc_seg": 93.92164, "aux.loss_ce": 0.05942, "aux.acc_seg": 93.62617, "loss": 0.1999, "time": 1.98069} {"mode": "train", "epoch": 46, "iter": 57750, "lr": 1e-05, "memory": 72263, "data_time": 0.01125, "decode.loss_ce": 0.14523, "decode.acc_seg": 93.60909, "aux.loss_ce": 0.0612, "aux.acc_seg": 93.29488, "loss": 0.20643, "time": 1.98006} {"mode": "train", "epoch": 46, "iter": 57800, "lr": 1e-05, "memory": 72263, "data_time": 0.01088, "decode.loss_ce": 0.14933, "decode.acc_seg": 93.43106, "aux.loss_ce": 0.06324, "aux.acc_seg": 93.0463, "loss": 0.21257, "time": 1.97932} {"mode": "train", "epoch": 46, "iter": 57850, "lr": 1e-05, "memory": 72263, "data_time": 0.01085, "decode.loss_ce": 0.15293, "decode.acc_seg": 93.49422, "aux.loss_ce": 0.06462, "aux.acc_seg": 93.11942, "loss": 0.21755, "time": 1.97773} {"mode": "train", "epoch": 46, "iter": 57900, "lr": 1e-05, "memory": 72263, "data_time": 0.01161, "decode.loss_ce": 0.14292, "decode.acc_seg": 93.6268, "aux.loss_ce": 0.06042, "aux.acc_seg": 93.25281, "loss": 0.20334, "time": 1.97882} {"mode": "train", "epoch": 46, "iter": 57950, "lr": 1e-05, "memory": 72263, "data_time": 0.01106, "decode.loss_ce": 0.15367, "decode.acc_seg": 93.39018, "aux.loss_ce": 0.0658, "aux.acc_seg": 92.96278, "loss": 0.21947, "time": 1.98058} {"mode": "train", "epoch": 46, "iter": 58000, "lr": 1e-05, "memory": 72263, "data_time": 0.01231, "decode.loss_ce": 0.14824, "decode.acc_seg": 93.54391, "aux.loss_ce": 0.06314, "aux.acc_seg": 93.18091, "loss": 0.21138, "time": 3.66564} {"mode": "val", "epoch": 46, "iter": 250, "lr": 1e-05, "aAcc": 0.8658, "mIoU": 0.5973, "mAcc": 0.7215, "IoU.wall": 0.8295, "IoU.building": 0.852, "IoU.sky": 0.9499, "IoU.floor": 0.8511, "IoU.tree": 0.7786, "IoU.ceiling": 0.8753, "IoU.road": 0.8623, "IoU.bed ": 0.9327, "IoU.windowpane": 0.669, "IoU.grass": 0.6836, "IoU.cabinet": 0.6752, "IoU.sidewalk": 0.6994, "IoU.person": 0.8676, "IoU.earth": 0.3981, "IoU.door": 0.5998, "IoU.table": 0.7138, "IoU.mountain": 0.6285, "IoU.plant": 0.5624, "IoU.curtain": 0.7969, "IoU.chair": 0.686, "IoU.car": 0.8781, "IoU.water": 0.653, "IoU.painting": 0.8128, "IoU.sofa": 0.8211, "IoU.shelf": 0.4998, "IoU.house": 0.5304, "IoU.sea": 0.7351, "IoU.mirror": 0.7847, "IoU.rug": 0.6648, "IoU.field": 0.2811, "IoU.armchair": 0.6139, "IoU.seat": 0.6836, "IoU.fence": 0.5179, "IoU.desk": 0.5961, "IoU.rock": 0.5652, "IoU.wardrobe": 0.5507, "IoU.lamp": 0.7747, "IoU.bathtub": 0.8506, "IoU.railing": 0.4249, "IoU.cushion": 0.6673, "IoU.base": 0.4377, "IoU.box": 0.3932, "IoU.column": 0.5937, "IoU.signboard": 0.4207, "IoU.chest of drawers": 0.4622, "IoU.counter": 0.5383, "IoU.sand": 0.5337, "IoU.sink": 0.8297, "IoU.skyscraper": 0.4712, "IoU.fireplace": 0.7466, "IoU.refrigerator": 0.8626, "IoU.grandstand": 0.5456, "IoU.path": 0.2875, "IoU.stairs": 0.3151, "IoU.runway": 0.722, "IoU.case": 0.6276, "IoU.pool table": 0.9525, "IoU.pillow": 0.6427, "IoU.screen door": 0.8383, "IoU.stairway": 0.4637, "IoU.river": 0.1416, "IoU.bridge": 0.7646, "IoU.bookcase": 0.4259, "IoU.blind": 0.4367, "IoU.coffee table": 0.6258, "IoU.toilet": 0.9117, "IoU.flower": 0.4477, "IoU.book": 0.5627, "IoU.hill": 0.1375, "IoU.bench": 0.6466, "IoU.countertop": 0.6512, "IoU.stove": 0.8865, "IoU.palm": 0.5366, "IoU.kitchen island": 0.4662, "IoU.computer": 0.767, "IoU.swivel chair": 0.4792, "IoU.boat": 0.7948, "IoU.bar": 0.7727, "IoU.arcade machine": 0.8276, "IoU.hovel": 0.5519, "IoU.bus": 0.9404, "IoU.towel": 0.8032, "IoU.light": 0.6338, "IoU.truck": 0.5178, "IoU.tower": 0.3459, "IoU.chandelier": 0.7478, "IoU.awning": 0.5002, "IoU.streetlight": 0.3607, "IoU.booth": 0.5792, "IoU.television receiver": 0.8131, "IoU.airplane": 0.8881, "IoU.dirt track": 0.1044, "IoU.apparel": 0.6472, "IoU.pole": 0.3101, "IoU.land": 0.0537, "IoU.bannister": 0.2239, "IoU.escalator": 0.6847, "IoU.ottoman": 0.5812, "IoU.bottle": 0.4633, "IoU.buffet": 0.5964, "IoU.poster": 0.3329, "IoU.stage": 0.242, "IoU.van": 0.4806, "IoU.ship": 0.76, "IoU.fountain": 0.3809, "IoU.conveyer belt": 0.833, "IoU.canopy": 0.5922, "IoU.washer": 0.8888, "IoU.plaything": 0.3185, "IoU.swimming pool": 0.5372, "IoU.stool": 0.6134, "IoU.barrel": 0.6814, "IoU.basket": 0.4368, "IoU.waterfall": 0.5882, "IoU.tent": 0.9638, "IoU.bag": 0.3002, "IoU.minibike": 0.7691, "IoU.cradle": 0.8645, "IoU.oven": 0.6504, "IoU.ball": 0.5838, "IoU.food": 0.578, "IoU.step": 0.1103, "IoU.tank": 0.6498, "IoU.trade name": 0.2123, "IoU.microwave": 0.8928, "IoU.pot": 0.6238, "IoU.animal": 0.5941, "IoU.bicycle": 0.6153, "IoU.lake": 0.5212, "IoU.dishwasher": 0.762, "IoU.screen": 0.6104, "IoU.blanket": 0.3618, "IoU.sculpture": 0.7476, "IoU.hood": 0.7275, "IoU.sconce": 0.629, "IoU.vase": 0.5269, "IoU.traffic light": 0.4223, "IoU.tray": 0.2636, "IoU.ashcan": 0.5108, "IoU.fan": 0.7306, "IoU.pier": 0.3874, "IoU.crt screen": 0.0861, "IoU.plate": 0.6451, "IoU.monitor": 0.4849, "IoU.bulletin board": 0.5545, "IoU.shower": 0.2113, "IoU.radiator": 0.682, "IoU.glass": 0.2224, "IoU.clock": 0.5661, "IoU.flag": 0.7232, "Acc.wall": 0.8968, "Acc.building": 0.9297, "Acc.sky": 0.9783, "Acc.floor": 0.9194, "Acc.tree": 0.902, "Acc.ceiling": 0.9493, "Acc.road": 0.9271, "Acc.bed ": 0.973, "Acc.windowpane": 0.8167, "Acc.grass": 0.8366, "Acc.cabinet": 0.7843, "Acc.sidewalk": 0.8327, "Acc.person": 0.9502, "Acc.earth": 0.5164, "Acc.door": 0.7643, "Acc.table": 0.8131, "Acc.mountain": 0.7564, "Acc.plant": 0.6665, "Acc.curtain": 0.8887, "Acc.chair": 0.81, "Acc.car": 0.9465, "Acc.water": 0.8025, "Acc.painting": 0.9304, "Acc.sofa": 0.883, "Acc.shelf": 0.6457, "Acc.house": 0.6433, "Acc.sea": 0.828, "Acc.mirror": 0.8599, "Acc.rug": 0.7603, "Acc.field": 0.4825, "Acc.armchair": 0.8181, "Acc.seat": 0.88, "Acc.fence": 0.6314, "Acc.desk": 0.7892, "Acc.rock": 0.8335, "Acc.wardrobe": 0.7269, "Acc.lamp": 0.8762, "Acc.bathtub": 0.8866, "Acc.railing": 0.6182, "Acc.cushion": 0.8599, "Acc.base": 0.5774, "Acc.box": 0.5285, "Acc.column": 0.7419, "Acc.signboard": 0.5832, "Acc.chest of drawers": 0.6755, "Acc.counter": 0.6662, "Acc.sand": 0.8208, "Acc.sink": 0.8833, "Acc.skyscraper": 0.6184, "Acc.fireplace": 0.9477, "Acc.refrigerator": 0.9341, "Acc.grandstand": 0.8165, "Acc.path": 0.4243, "Acc.stairs": 0.4009, "Acc.runway": 0.9352, "Acc.case": 0.8481, "Acc.pool table": 0.9842, "Acc.pillow": 0.7441, "Acc.screen door": 0.8844, "Acc.stairway": 0.6844, "Acc.river": 0.2963, "Acc.bridge": 0.8545, "Acc.bookcase": 0.5415, "Acc.blind": 0.4719, "Acc.coffee table": 0.8788, "Acc.toilet": 0.9444, "Acc.flower": 0.5823, "Acc.book": 0.8077, "Acc.hill": 0.2595, "Acc.bench": 0.7438, "Acc.countertop": 0.8843, "Acc.stove": 0.9375, "Acc.palm": 0.8529, "Acc.kitchen island": 0.775, "Acc.computer": 0.9223, "Acc.swivel chair": 0.6894, "Acc.boat": 0.9194, "Acc.bar": 0.8802, "Acc.arcade machine": 0.8715, "Acc.hovel": 0.6184, "Acc.bus": 0.9688, "Acc.towel": 0.863, "Acc.light": 0.7519, "Acc.truck": 0.6401, "Acc.tower": 0.6735, "Acc.chandelier": 0.8907, "Acc.awning": 0.6693, "Acc.streetlight": 0.488, "Acc.booth": 0.6413, "Acc.television receiver": 0.8653, "Acc.airplane": 0.9569, "Acc.dirt track": 0.2289, "Acc.apparel": 0.7768, "Acc.pole": 0.4146, "Acc.land": 0.0749, "Acc.bannister": 0.2971, "Acc.escalator": 0.8521, "Acc.ottoman": 0.7641, "Acc.bottle": 0.7316, "Acc.buffet": 0.6744, "Acc.poster": 0.4543, "Acc.stage": 0.3932, "Acc.van": 0.6222, "Acc.ship": 0.9181, "Acc.fountain": 0.3859, "Acc.conveyer belt": 0.9612, "Acc.canopy": 0.7304, "Acc.washer": 0.9484, "Acc.plaything": 0.4087, "Acc.swimming pool": 0.7759, "Acc.stool": 0.6945, "Acc.barrel": 0.9766, "Acc.basket": 0.589, "Acc.waterfall": 0.7068, "Acc.tent": 0.9874, "Acc.bag": 0.339, "Acc.minibike": 0.904, "Acc.cradle": 0.9779, "Acc.oven": 0.7407, "Acc.ball": 0.698, "Acc.food": 0.6957, "Acc.step": 0.1398, "Acc.tank": 0.7253, "Acc.trade name": 0.2462, "Acc.microwave": 0.9621, "Acc.pot": 0.7331, "Acc.animal": 0.6072, "Acc.bicycle": 0.7807, "Acc.lake": 0.6368, "Acc.dishwasher": 0.8423, "Acc.screen": 0.8709, "Acc.blanket": 0.4247, "Acc.sculpture": 0.8649, "Acc.hood": 0.8437, "Acc.sconce": 0.7481, "Acc.vase": 0.6911, "Acc.traffic light": 0.6402, "Acc.tray": 0.3397, "Acc.ashcan": 0.6616, "Acc.fan": 0.842, "Acc.pier": 0.4714, "Acc.crt screen": 0.162, "Acc.plate": 0.8129, "Acc.monitor": 0.5742, "Acc.bulletin board": 0.6989, "Acc.shower": 0.2173, "Acc.radiator": 0.8189, "Acc.glass": 0.239, "Acc.clock": 0.6574, "Acc.flag": 0.8018} {"mode": "train", "epoch": 46, "iter": 58050, "lr": 1e-05, "memory": 72263, "data_time": 2.24349, "decode.loss_ce": 0.14649, "decode.acc_seg": 93.57709, "aux.loss_ce": 0.06191, "aux.acc_seg": 93.24133, "loss": 0.2084, "time": 4.21352} {"mode": "train", "epoch": 47, "iter": 58100, "lr": 1e-05, "memory": 72263, "data_time": 0.06125, "decode.loss_ce": 0.15061, "decode.acc_seg": 93.28196, "aux.loss_ce": 0.06392, "aux.acc_seg": 92.96754, "loss": 0.21453, "time": 2.03183} {"mode": "train", "epoch": 47, "iter": 58150, "lr": 1e-05, "memory": 72263, "data_time": 0.01029, "decode.loss_ce": 0.14922, "decode.acc_seg": 93.46998, "aux.loss_ce": 0.06297, "aux.acc_seg": 93.13481, "loss": 0.21219, "time": 1.97921} {"mode": "train", "epoch": 47, "iter": 58200, "lr": 1e-05, "memory": 72263, "data_time": 0.01008, "decode.loss_ce": 0.14392, "decode.acc_seg": 93.69697, "aux.loss_ce": 0.0612, "aux.acc_seg": 93.30249, "loss": 0.20513, "time": 1.97816} {"mode": "train", "epoch": 47, "iter": 58250, "lr": 1e-05, "memory": 72263, "data_time": 0.00955, "decode.loss_ce": 0.14662, "decode.acc_seg": 93.68208, "aux.loss_ce": 0.06257, "aux.acc_seg": 93.28592, "loss": 0.20919, "time": 1.97724} {"mode": "train", "epoch": 47, "iter": 58300, "lr": 1e-05, "memory": 72263, "data_time": 0.01034, "decode.loss_ce": 0.14054, "decode.acc_seg": 93.78566, "aux.loss_ce": 0.05985, "aux.acc_seg": 93.46877, "loss": 0.20039, "time": 1.97965} {"mode": "train", "epoch": 47, "iter": 58350, "lr": 1e-05, "memory": 72263, "data_time": 0.01006, "decode.loss_ce": 0.14257, "decode.acc_seg": 93.72827, "aux.loss_ce": 0.06055, "aux.acc_seg": 93.41299, "loss": 0.20312, "time": 1.97777} {"mode": "train", "epoch": 47, "iter": 58400, "lr": 1e-05, "memory": 72263, "data_time": 0.00973, "decode.loss_ce": 0.13743, "decode.acc_seg": 93.89126, "aux.loss_ce": 0.05903, "aux.acc_seg": 93.41995, "loss": 0.19646, "time": 1.97832} {"mode": "train", "epoch": 47, "iter": 58450, "lr": 1e-05, "memory": 72263, "data_time": 0.00981, "decode.loss_ce": 0.13653, "decode.acc_seg": 93.97187, "aux.loss_ce": 0.05799, "aux.acc_seg": 93.58123, "loss": 0.19452, "time": 1.97657} {"mode": "train", "epoch": 47, "iter": 58500, "lr": 1e-05, "memory": 72263, "data_time": 0.01041, "decode.loss_ce": 0.1437, "decode.acc_seg": 93.70325, "aux.loss_ce": 0.06079, "aux.acc_seg": 93.38753, "loss": 0.20449, "time": 1.9782} {"mode": "train", "epoch": 47, "iter": 58550, "lr": 1e-05, "memory": 72263, "data_time": 0.00998, "decode.loss_ce": 0.13644, "decode.acc_seg": 94.02873, "aux.loss_ce": 0.05858, "aux.acc_seg": 93.63415, "loss": 0.19501, "time": 1.97804} {"mode": "train", "epoch": 47, "iter": 58600, "lr": 1e-05, "memory": 72263, "data_time": 0.01025, "decode.loss_ce": 0.13843, "decode.acc_seg": 93.99708, "aux.loss_ce": 0.05866, "aux.acc_seg": 93.63423, "loss": 0.19709, "time": 1.98032} {"mode": "train", "epoch": 47, "iter": 58650, "lr": 1e-05, "memory": 72263, "data_time": 0.0106, "decode.loss_ce": 0.14625, "decode.acc_seg": 93.40208, "aux.loss_ce": 0.06189, "aux.acc_seg": 93.01405, "loss": 0.20814, "time": 1.97766} {"mode": "train", "epoch": 47, "iter": 58700, "lr": 1e-05, "memory": 72263, "data_time": 0.01001, "decode.loss_ce": 0.14858, "decode.acc_seg": 93.45535, "aux.loss_ce": 0.06309, "aux.acc_seg": 93.14508, "loss": 0.21168, "time": 1.97972} {"mode": "train", "epoch": 47, "iter": 58750, "lr": 1e-05, "memory": 72263, "data_time": 0.0097, "decode.loss_ce": 0.15207, "decode.acc_seg": 93.46731, "aux.loss_ce": 0.06425, "aux.acc_seg": 93.112, "loss": 0.21632, "time": 1.97623} {"mode": "train", "epoch": 47, "iter": 58800, "lr": 1e-05, "memory": 72263, "data_time": 0.01042, "decode.loss_ce": 0.13719, "decode.acc_seg": 93.92884, "aux.loss_ce": 0.05892, "aux.acc_seg": 93.48034, "loss": 0.19611, "time": 1.98183} {"mode": "train", "epoch": 47, "iter": 58850, "lr": 1e-05, "memory": 72263, "data_time": 0.01074, "decode.loss_ce": 0.14602, "decode.acc_seg": 93.49831, "aux.loss_ce": 0.06168, "aux.acc_seg": 93.19437, "loss": 0.2077, "time": 1.97718} {"mode": "train", "epoch": 47, "iter": 58900, "lr": 1e-05, "memory": 72263, "data_time": 0.01028, "decode.loss_ce": 0.13804, "decode.acc_seg": 93.79473, "aux.loss_ce": 0.05875, "aux.acc_seg": 93.46364, "loss": 0.19679, "time": 1.97997} {"mode": "train", "epoch": 47, "iter": 58950, "lr": 1e-05, "memory": 72263, "data_time": 0.0099, "decode.loss_ce": 0.13865, "decode.acc_seg": 93.75991, "aux.loss_ce": 0.05938, "aux.acc_seg": 93.36466, "loss": 0.19802, "time": 1.97785} {"mode": "train", "epoch": 47, "iter": 59000, "lr": 1e-05, "memory": 72263, "data_time": 0.01038, "decode.loss_ce": 0.1484, "decode.acc_seg": 93.40102, "aux.loss_ce": 0.06325, "aux.acc_seg": 93.03158, "loss": 0.21165, "time": 1.97987} {"mode": "val", "epoch": 47, "iter": 250, "lr": 1e-05, "aAcc": 0.8643, "mIoU": 0.5927, "mAcc": 0.7189, "IoU.wall": 0.8278, "IoU.building": 0.8497, "IoU.sky": 0.9504, "IoU.floor": 0.8444, "IoU.tree": 0.7801, "IoU.ceiling": 0.8762, "IoU.road": 0.8592, "IoU.bed ": 0.9333, "IoU.windowpane": 0.668, "IoU.grass": 0.676, "IoU.cabinet": 0.6794, "IoU.sidewalk": 0.7065, "IoU.person": 0.8693, "IoU.earth": 0.3821, "IoU.door": 0.585, "IoU.table": 0.7046, "IoU.mountain": 0.6155, "IoU.plant": 0.5711, "IoU.curtain": 0.7854, "IoU.chair": 0.6836, "IoU.car": 0.886, "IoU.water": 0.6449, "IoU.painting": 0.8112, "IoU.sofa": 0.8269, "IoU.shelf": 0.5121, "IoU.house": 0.5317, "IoU.sea": 0.7168, "IoU.mirror": 0.7916, "IoU.rug": 0.6508, "IoU.field": 0.2749, "IoU.armchair": 0.6356, "IoU.seat": 0.6645, "IoU.fence": 0.5382, "IoU.desk": 0.6039, "IoU.rock": 0.5668, "IoU.wardrobe": 0.5521, "IoU.lamp": 0.7682, "IoU.bathtub": 0.8586, "IoU.railing": 0.4225, "IoU.cushion": 0.6866, "IoU.base": 0.4647, "IoU.box": 0.4151, "IoU.column": 0.5926, "IoU.signboard": 0.4279, "IoU.chest of drawers": 0.4753, "IoU.counter": 0.5218, "IoU.sand": 0.5218, "IoU.sink": 0.8428, "IoU.skyscraper": 0.4664, "IoU.fireplace": 0.7487, "IoU.refrigerator": 0.8763, "IoU.grandstand": 0.5943, "IoU.path": 0.2873, "IoU.stairs": 0.345, "IoU.runway": 0.6896, "IoU.case": 0.6372, "IoU.pool table": 0.9549, "IoU.pillow": 0.6406, "IoU.screen door": 0.862, "IoU.stairway": 0.3827, "IoU.river": 0.1215, "IoU.bridge": 0.7549, "IoU.bookcase": 0.4741, "IoU.blind": 0.4288, "IoU.coffee table": 0.6164, "IoU.toilet": 0.909, "IoU.flower": 0.4694, "IoU.book": 0.579, "IoU.hill": 0.147, "IoU.bench": 0.6245, "IoU.countertop": 0.6522, "IoU.stove": 0.8653, "IoU.palm": 0.5313, "IoU.kitchen island": 0.4927, "IoU.computer": 0.7654, "IoU.swivel chair": 0.4968, "IoU.boat": 0.8138, "IoU.bar": 0.7216, "IoU.arcade machine": 0.8403, "IoU.hovel": 0.2662, "IoU.bus": 0.9321, "IoU.towel": 0.7848, "IoU.light": 0.6348, "IoU.truck": 0.5158, "IoU.tower": 0.27, "IoU.chandelier": 0.7306, "IoU.awning": 0.3965, "IoU.streetlight": 0.366, "IoU.booth": 0.5218, "IoU.television receiver": 0.826, "IoU.airplane": 0.8934, "IoU.dirt track": 0.0821, "IoU.apparel": 0.6509, "IoU.pole": 0.2853, "IoU.land": 0.0528, "IoU.bannister": 0.2253, "IoU.escalator": 0.6817, "IoU.ottoman": 0.5383, "IoU.bottle": 0.4741, "IoU.buffet": 0.6326, "IoU.poster": 0.3398, "IoU.stage": 0.2328, "IoU.van": 0.5213, "IoU.ship": 0.7505, "IoU.fountain": 0.4173, "IoU.conveyer belt": 0.8273, "IoU.canopy": 0.5955, "IoU.washer": 0.8509, "IoU.plaything": 0.3575, "IoU.swimming pool": 0.5302, "IoU.stool": 0.5438, "IoU.barrel": 0.7279, "IoU.basket": 0.4396, "IoU.waterfall": 0.5758, "IoU.tent": 0.9359, "IoU.bag": 0.3149, "IoU.minibike": 0.7675, "IoU.cradle": 0.9052, "IoU.oven": 0.6687, "IoU.ball": 0.5904, "IoU.food": 0.5251, "IoU.step": 0.12, "IoU.tank": 0.6678, "IoU.trade name": 0.284, "IoU.microwave": 0.8931, "IoU.pot": 0.6318, "IoU.animal": 0.6006, "IoU.bicycle": 0.5952, "IoU.lake": 0.51, "IoU.dishwasher": 0.7399, "IoU.screen": 0.4841, "IoU.blanket": 0.4148, "IoU.sculpture": 0.7473, "IoU.hood": 0.6504, "IoU.sconce": 0.6247, "IoU.vase": 0.5255, "IoU.traffic light": 0.395, "IoU.tray": 0.279, "IoU.ashcan": 0.5041, "IoU.fan": 0.7283, "IoU.pier": 0.407, "IoU.crt screen": 0.0808, "IoU.plate": 0.6481, "IoU.monitor": 0.4017, "IoU.bulletin board": 0.5945, "IoU.shower": 0.1768, "IoU.radiator": 0.6846, "IoU.glass": 0.2228, "IoU.clock": 0.5729, "IoU.flag": 0.7067, "Acc.wall": 0.8987, "Acc.building": 0.9325, "Acc.sky": 0.9765, "Acc.floor": 0.9136, "Acc.tree": 0.8963, "Acc.ceiling": 0.9465, "Acc.road": 0.9284, "Acc.bed ": 0.9717, "Acc.windowpane": 0.8286, "Acc.grass": 0.8398, "Acc.cabinet": 0.772, "Acc.sidewalk": 0.8339, "Acc.person": 0.9444, "Acc.earth": 0.494, "Acc.door": 0.7081, "Acc.table": 0.8237, "Acc.mountain": 0.7208, "Acc.plant": 0.6813, "Acc.curtain": 0.8784, "Acc.chair": 0.7812, "Acc.car": 0.9405, "Acc.water": 0.7938, "Acc.painting": 0.9211, "Acc.sofa": 0.9115, "Acc.shelf": 0.684, "Acc.house": 0.6886, "Acc.sea": 0.8249, "Acc.mirror": 0.874, "Acc.rug": 0.7938, "Acc.field": 0.5163, "Acc.armchair": 0.7968, "Acc.seat": 0.8967, "Acc.fence": 0.6709, "Acc.desk": 0.8263, "Acc.rock": 0.8713, "Acc.wardrobe": 0.7466, "Acc.lamp": 0.878, "Acc.bathtub": 0.8911, "Acc.railing": 0.59, "Acc.cushion": 0.8358, "Acc.base": 0.621, "Acc.box": 0.5318, "Acc.column": 0.6711, "Acc.signboard": 0.5484, "Acc.chest of drawers": 0.7284, "Acc.counter": 0.5925, "Acc.sand": 0.8052, "Acc.sink": 0.8907, "Acc.skyscraper": 0.587, "Acc.fireplace": 0.927, "Acc.refrigerator": 0.9363, "Acc.grandstand": 0.8382, "Acc.path": 0.3986, "Acc.stairs": 0.4581, "Acc.runway": 0.8912, "Acc.case": 0.859, "Acc.pool table": 0.9824, "Acc.pillow": 0.7392, "Acc.screen door": 0.9092, "Acc.stairway": 0.5656, "Acc.river": 0.252, "Acc.bridge": 0.8485, "Acc.bookcase": 0.6493, "Acc.blind": 0.4903, "Acc.coffee table": 0.8929, "Acc.toilet": 0.9434, "Acc.flower": 0.5891, "Acc.book": 0.7868, "Acc.hill": 0.246, "Acc.bench": 0.7035, "Acc.countertop": 0.842, "Acc.stove": 0.9363, "Acc.palm": 0.8099, "Acc.kitchen island": 0.7775, "Acc.computer": 0.9195, "Acc.swivel chair": 0.736, "Acc.boat": 0.9353, "Acc.bar": 0.9097, "Acc.arcade machine": 0.8837, "Acc.hovel": 0.2915, "Acc.bus": 0.974, "Acc.towel": 0.8864, "Acc.light": 0.7285, "Acc.truck": 0.6428, "Acc.tower": 0.5597, "Acc.chandelier": 0.8455, "Acc.awning": 0.5042, "Acc.streetlight": 0.4688, "Acc.booth": 0.691, "Acc.television receiver": 0.8777, "Acc.airplane": 0.9688, "Acc.dirt track": 0.1413, "Acc.apparel": 0.8469, "Acc.pole": 0.3653, "Acc.land": 0.079, "Acc.bannister": 0.2755, "Acc.escalator": 0.8484, "Acc.ottoman": 0.6798, "Acc.bottle": 0.6943, "Acc.buffet": 0.7776, "Acc.poster": 0.4433, "Acc.stage": 0.4672, "Acc.van": 0.7402, "Acc.ship": 0.8879, "Acc.fountain": 0.425, "Acc.conveyer belt": 0.9668, "Acc.canopy": 0.7631, "Acc.washer": 0.9064, "Acc.plaything": 0.4684, "Acc.swimming pool": 0.77, "Acc.stool": 0.7566, "Acc.barrel": 0.9851, "Acc.basket": 0.6107, "Acc.waterfall": 0.7753, "Acc.tent": 0.9899, "Acc.bag": 0.3653, "Acc.minibike": 0.9009, "Acc.cradle": 0.9697, "Acc.oven": 0.798, "Acc.ball": 0.7042, "Acc.food": 0.6122, "Acc.step": 0.1553, "Acc.tank": 0.7346, "Acc.trade name": 0.3513, "Acc.microwave": 0.9684, "Acc.pot": 0.7428, "Acc.animal": 0.6188, "Acc.bicycle": 0.7946, "Acc.lake": 0.6372, "Acc.dishwasher": 0.8189, "Acc.screen": 0.7049, "Acc.blanket": 0.5145, "Acc.sculpture": 0.873, "Acc.hood": 0.7527, "Acc.sconce": 0.7518, "Acc.vase": 0.6546, "Acc.traffic light": 0.6713, "Acc.tray": 0.3755, "Acc.ashcan": 0.6633, "Acc.fan": 0.8311, "Acc.pier": 0.4498, "Acc.crt screen": 0.207, "Acc.plate": 0.809, "Acc.monitor": 0.461, "Acc.bulletin board": 0.7339, "Acc.shower": 0.1815, "Acc.radiator": 0.8211, "Acc.glass": 0.2363, "Acc.clock": 0.6939, "Acc.flag": 0.8227} {"mode": "train", "epoch": 47, "iter": 59050, "lr": 1e-05, "memory": 72263, "data_time": 2.25911, "decode.loss_ce": 0.14033, "decode.acc_seg": 93.56877, "aux.loss_ce": 0.05997, "aux.acc_seg": 93.19414, "loss": 0.2003, "time": 4.22652} {"mode": "train", "epoch": 47, "iter": 59100, "lr": 1e-05, "memory": 72263, "data_time": 0.01014, "decode.loss_ce": 0.13862, "decode.acc_seg": 93.89587, "aux.loss_ce": 0.05906, "aux.acc_seg": 93.47984, "loss": 0.19767, "time": 1.97734} {"mode": "train", "epoch": 47, "iter": 59150, "lr": 1e-05, "memory": 72263, "data_time": 0.01067, "decode.loss_ce": 0.14882, "decode.acc_seg": 93.50953, "aux.loss_ce": 0.06309, "aux.acc_seg": 93.15947, "loss": 0.21191, "time": 1.97928} {"mode": "train", "epoch": 47, "iter": 59200, "lr": 1e-05, "memory": 72263, "data_time": 0.0109, "decode.loss_ce": 0.14632, "decode.acc_seg": 93.48379, "aux.loss_ce": 0.06217, "aux.acc_seg": 93.1694, "loss": 0.20849, "time": 1.98071} {"mode": "train", "epoch": 47, "iter": 59250, "lr": 1e-05, "memory": 72263, "data_time": 0.01103, "decode.loss_ce": 0.14451, "decode.acc_seg": 93.6717, "aux.loss_ce": 0.0615, "aux.acc_seg": 93.30693, "loss": 0.20601, "time": 1.98065} {"mode": "train", "epoch": 47, "iter": 59300, "lr": 1e-05, "memory": 72263, "data_time": 0.01033, "decode.loss_ce": 0.15411, "decode.acc_seg": 93.2018, "aux.loss_ce": 0.0656, "aux.acc_seg": 92.76765, "loss": 0.21971, "time": 1.97849} {"mode": "train", "epoch": 47, "iter": 59350, "lr": 1e-05, "memory": 72263, "data_time": 0.01093, "decode.loss_ce": 0.14842, "decode.acc_seg": 93.6132, "aux.loss_ce": 0.06333, "aux.acc_seg": 93.20596, "loss": 0.21174, "time": 1.98567} {"mode": "train", "epoch": 48, "iter": 59400, "lr": 1e-05, "memory": 72263, "data_time": 0.07668, "decode.loss_ce": 0.13501, "decode.acc_seg": 93.87512, "aux.loss_ce": 0.05799, "aux.acc_seg": 93.43428, "loss": 0.193, "time": 2.0481} {"mode": "train", "epoch": 48, "iter": 59450, "lr": 1e-05, "memory": 72263, "data_time": 0.00977, "decode.loss_ce": 0.14185, "decode.acc_seg": 93.77814, "aux.loss_ce": 0.06075, "aux.acc_seg": 93.34373, "loss": 0.2026, "time": 1.97977} {"mode": "train", "epoch": 48, "iter": 59500, "lr": 1e-05, "memory": 72263, "data_time": 0.00994, "decode.loss_ce": 0.14791, "decode.acc_seg": 93.52297, "aux.loss_ce": 0.06298, "aux.acc_seg": 93.12374, "loss": 0.21089, "time": 1.97835} {"mode": "train", "epoch": 48, "iter": 59550, "lr": 1e-05, "memory": 72263, "data_time": 0.01072, "decode.loss_ce": 0.14234, "decode.acc_seg": 93.75448, "aux.loss_ce": 0.06057, "aux.acc_seg": 93.36053, "loss": 0.20291, "time": 1.98118} {"mode": "train", "epoch": 48, "iter": 59600, "lr": 1e-05, "memory": 72263, "data_time": 0.00965, "decode.loss_ce": 0.1463, "decode.acc_seg": 93.61612, "aux.loss_ce": 0.06256, "aux.acc_seg": 93.23309, "loss": 0.20887, "time": 1.97819} {"mode": "train", "epoch": 48, "iter": 59650, "lr": 1e-05, "memory": 72263, "data_time": 0.0105, "decode.loss_ce": 0.14105, "decode.acc_seg": 93.78397, "aux.loss_ce": 0.06009, "aux.acc_seg": 93.41661, "loss": 0.20114, "time": 1.97872} {"mode": "train", "epoch": 48, "iter": 59700, "lr": 1e-05, "memory": 72263, "data_time": 0.01067, "decode.loss_ce": 0.13734, "decode.acc_seg": 93.99136, "aux.loss_ce": 0.05898, "aux.acc_seg": 93.55233, "loss": 0.19632, "time": 1.97794} {"mode": "train", "epoch": 48, "iter": 59750, "lr": 1e-05, "memory": 72263, "data_time": 0.00991, "decode.loss_ce": 0.12878, "decode.acc_seg": 94.30991, "aux.loss_ce": 0.05545, "aux.acc_seg": 93.90515, "loss": 0.18423, "time": 1.97783} {"mode": "train", "epoch": 48, "iter": 59800, "lr": 1e-05, "memory": 72263, "data_time": 0.00995, "decode.loss_ce": 0.14283, "decode.acc_seg": 93.71195, "aux.loss_ce": 0.06092, "aux.acc_seg": 93.32063, "loss": 0.20374, "time": 1.97938} {"mode": "train", "epoch": 48, "iter": 59850, "lr": 1e-05, "memory": 72263, "data_time": 0.00958, "decode.loss_ce": 0.13836, "decode.acc_seg": 93.94138, "aux.loss_ce": 0.05902, "aux.acc_seg": 93.5322, "loss": 0.19739, "time": 1.97771} {"mode": "train", "epoch": 48, "iter": 59900, "lr": 1e-05, "memory": 72263, "data_time": 0.01001, "decode.loss_ce": 0.1444, "decode.acc_seg": 93.60339, "aux.loss_ce": 0.06162, "aux.acc_seg": 93.17914, "loss": 0.20602, "time": 1.98018} {"mode": "train", "epoch": 48, "iter": 59950, "lr": 1e-05, "memory": 72263, "data_time": 0.01074, "decode.loss_ce": 0.14883, "decode.acc_seg": 93.3497, "aux.loss_ce": 0.06335, "aux.acc_seg": 92.93319, "loss": 0.21218, "time": 1.97975} {"mode": "train", "epoch": 48, "iter": 60000, "lr": 1e-05, "memory": 72263, "data_time": 0.00982, "decode.loss_ce": 0.14825, "decode.acc_seg": 93.26879, "aux.loss_ce": 0.06303, "aux.acc_seg": 92.8552, "loss": 0.21128, "time": 3.71609} {"mode": "val", "epoch": 48, "iter": 250, "lr": 1e-05, "aAcc": 0.8658, "mIoU": 0.594, "mAcc": 0.7182, "IoU.wall": 0.8242, "IoU.building": 0.8513, "IoU.sky": 0.9501, "IoU.floor": 0.8511, "IoU.tree": 0.7852, "IoU.ceiling": 0.8782, "IoU.road": 0.8632, "IoU.bed ": 0.9329, "IoU.windowpane": 0.6753, "IoU.grass": 0.6835, "IoU.cabinet": 0.6758, "IoU.sidewalk": 0.7137, "IoU.person": 0.8662, "IoU.earth": 0.4078, "IoU.door": 0.6037, "IoU.table": 0.7095, "IoU.mountain": 0.6365, "IoU.plant": 0.5729, "IoU.curtain": 0.7766, "IoU.chair": 0.6952, "IoU.car": 0.8857, "IoU.water": 0.6473, "IoU.painting": 0.8124, "IoU.sofa": 0.8115, "IoU.shelf": 0.4981, "IoU.house": 0.5181, "IoU.sea": 0.7472, "IoU.mirror": 0.8028, "IoU.rug": 0.6366, "IoU.field": 0.2923, "IoU.armchair": 0.6242, "IoU.seat": 0.717, "IoU.fence": 0.5363, "IoU.desk": 0.5994, "IoU.rock": 0.5441, "IoU.wardrobe": 0.5316, "IoU.lamp": 0.7677, "IoU.bathtub": 0.8551, "IoU.railing": 0.4364, "IoU.cushion": 0.6862, "IoU.base": 0.4463, "IoU.box": 0.4236, "IoU.column": 0.5804, "IoU.signboard": 0.4159, "IoU.chest of drawers": 0.494, "IoU.counter": 0.5516, "IoU.sand": 0.5358, "IoU.sink": 0.8257, "IoU.skyscraper": 0.463, "IoU.fireplace": 0.7477, "IoU.refrigerator": 0.8807, "IoU.grandstand": 0.6145, "IoU.path": 0.3132, "IoU.stairs": 0.3678, "IoU.runway": 0.7248, "IoU.case": 0.6326, "IoU.pool table": 0.954, "IoU.pillow": 0.6256, "IoU.screen door": 0.8655, "IoU.stairway": 0.4292, "IoU.river": 0.1183, "IoU.bridge": 0.6363, "IoU.bookcase": 0.458, "IoU.blind": 0.4702, "IoU.coffee table": 0.6156, "IoU.toilet": 0.91, "IoU.flower": 0.452, "IoU.book": 0.5767, "IoU.hill": 0.1424, "IoU.bench": 0.6617, "IoU.countertop": 0.6498, "IoU.stove": 0.8775, "IoU.palm": 0.5342, "IoU.kitchen island": 0.525, "IoU.computer": 0.7709, "IoU.swivel chair": 0.5382, "IoU.boat": 0.7177, "IoU.bar": 0.7267, "IoU.arcade machine": 0.8341, "IoU.hovel": 0.4519, "IoU.bus": 0.9329, "IoU.towel": 0.8138, "IoU.light": 0.6293, "IoU.truck": 0.552, "IoU.tower": 0.1474, "IoU.chandelier": 0.7354, "IoU.awning": 0.5096, "IoU.streetlight": 0.3759, "IoU.booth": 0.4949, "IoU.television receiver": 0.8088, "IoU.airplane": 0.8946, "IoU.dirt track": 0.1414, "IoU.apparel": 0.6463, "IoU.pole": 0.2805, "IoU.land": 0.0557, "IoU.bannister": 0.2348, "IoU.escalator": 0.6644, "IoU.ottoman": 0.5674, "IoU.bottle": 0.4582, "IoU.buffet": 0.6247, "IoU.poster": 0.3361, "IoU.stage": 0.2523, "IoU.van": 0.5442, "IoU.ship": 0.6944, "IoU.fountain": 0.3786, "IoU.conveyer belt": 0.8832, "IoU.canopy": 0.5729, "IoU.washer": 0.8653, "IoU.plaything": 0.3684, "IoU.swimming pool": 0.5281, "IoU.stool": 0.5474, "IoU.barrel": 0.7273, "IoU.basket": 0.4311, "IoU.waterfall": 0.5307, "IoU.tent": 0.9657, "IoU.bag": 0.3161, "IoU.minibike": 0.78, "IoU.cradle": 0.8249, "IoU.oven": 0.6722, "IoU.ball": 0.6036, "IoU.food": 0.5031, "IoU.step": 0.1299, "IoU.tank": 0.6281, "IoU.trade name": 0.2686, "IoU.microwave": 0.8973, "IoU.pot": 0.613, "IoU.animal": 0.5804, "IoU.bicycle": 0.6245, "IoU.lake": 0.5234, "IoU.dishwasher": 0.7698, "IoU.screen": 0.6058, "IoU.blanket": 0.3636, "IoU.sculpture": 0.7199, "IoU.hood": 0.7114, "IoU.sconce": 0.6155, "IoU.vase": 0.5168, "IoU.traffic light": 0.3731, "IoU.tray": 0.2479, "IoU.ashcan": 0.5123, "IoU.fan": 0.7116, "IoU.pier": 0.4015, "IoU.crt screen": 0.0203, "IoU.plate": 0.6566, "IoU.monitor": 0.4155, "IoU.bulletin board": 0.4549, "IoU.shower": 0.2077, "IoU.radiator": 0.6807, "IoU.glass": 0.2254, "IoU.clock": 0.5708, "IoU.flag": 0.6936, "Acc.wall": 0.8953, "Acc.building": 0.9296, "Acc.sky": 0.9748, "Acc.floor": 0.923, "Acc.tree": 0.9067, "Acc.ceiling": 0.9502, "Acc.road": 0.913, "Acc.bed ": 0.9727, "Acc.windowpane": 0.8257, "Acc.grass": 0.8309, "Acc.cabinet": 0.771, "Acc.sidewalk": 0.8676, "Acc.person": 0.9525, "Acc.earth": 0.5443, "Acc.door": 0.7809, "Acc.table": 0.8139, "Acc.mountain": 0.7425, "Acc.plant": 0.6833, "Acc.curtain": 0.8764, "Acc.chair": 0.7953, "Acc.car": 0.9453, "Acc.water": 0.8105, "Acc.painting": 0.9172, "Acc.sofa": 0.8941, "Acc.shelf": 0.6533, "Acc.house": 0.6362, "Acc.sea": 0.842, "Acc.mirror": 0.8791, "Acc.rug": 0.7305, "Acc.field": 0.4831, "Acc.armchair": 0.8311, "Acc.seat": 0.8768, "Acc.fence": 0.6723, "Acc.desk": 0.8034, "Acc.rock": 0.8552, "Acc.wardrobe": 0.7278, "Acc.lamp": 0.8881, "Acc.bathtub": 0.8846, "Acc.railing": 0.62, "Acc.cushion": 0.8454, "Acc.base": 0.5849, "Acc.box": 0.5401, "Acc.column": 0.6978, "Acc.signboard": 0.5931, "Acc.chest of drawers": 0.7553, "Acc.counter": 0.6884, "Acc.sand": 0.7748, "Acc.sink": 0.8671, "Acc.skyscraper": 0.6018, "Acc.fireplace": 0.9518, "Acc.refrigerator": 0.9477, "Acc.grandstand": 0.8124, "Acc.path": 0.4259, "Acc.stairs": 0.4877, "Acc.runway": 0.9339, "Acc.case": 0.8498, "Acc.pool table": 0.983, "Acc.pillow": 0.7037, "Acc.screen door": 0.9135, "Acc.stairway": 0.618, "Acc.river": 0.2312, "Acc.bridge": 0.7129, "Acc.bookcase": 0.6201, "Acc.blind": 0.557, "Acc.coffee table": 0.8841, "Acc.toilet": 0.9408, "Acc.flower": 0.5796, "Acc.book": 0.7975, "Acc.hill": 0.2355, "Acc.bench": 0.7292, "Acc.countertop": 0.8417, "Acc.stove": 0.9311, "Acc.palm": 0.7778, "Acc.kitchen island": 0.7577, "Acc.computer": 0.9097, "Acc.swivel chair": 0.7769, "Acc.boat": 0.9309, "Acc.bar": 0.8547, "Acc.arcade machine": 0.8629, "Acc.hovel": 0.5122, "Acc.bus": 0.9742, "Acc.towel": 0.8694, "Acc.light": 0.722, "Acc.truck": 0.659, "Acc.tower": 0.2418, "Acc.chandelier": 0.858, "Acc.awning": 0.7053, "Acc.streetlight": 0.5054, "Acc.booth": 0.7823, "Acc.television receiver": 0.8799, "Acc.airplane": 0.9619, "Acc.dirt track": 0.2297, "Acc.apparel": 0.8097, "Acc.pole": 0.3608, "Acc.land": 0.0845, "Acc.bannister": 0.2808, "Acc.escalator": 0.8572, "Acc.ottoman": 0.7118, "Acc.bottle": 0.7387, "Acc.buffet": 0.7216, "Acc.poster": 0.4832, "Acc.stage": 0.5002, "Acc.van": 0.7123, "Acc.ship": 0.8042, "Acc.fountain": 0.3944, "Acc.conveyer belt": 0.9542, "Acc.canopy": 0.7314, "Acc.washer": 0.9224, "Acc.plaything": 0.5104, "Acc.swimming pool": 0.7686, "Acc.stool": 0.7244, "Acc.barrel": 0.9772, "Acc.basket": 0.608, "Acc.waterfall": 0.689, "Acc.tent": 0.9888, "Acc.bag": 0.3558, "Acc.minibike": 0.9078, "Acc.cradle": 0.9804, "Acc.oven": 0.7801, "Acc.ball": 0.7767, "Acc.food": 0.56, "Acc.step": 0.1746, "Acc.tank": 0.6744, "Acc.trade name": 0.3271, "Acc.microwave": 0.9675, "Acc.pot": 0.6945, "Acc.animal": 0.5919, "Acc.bicycle": 0.7898, "Acc.lake": 0.6371, "Acc.dishwasher": 0.8471, "Acc.screen": 0.9624, "Acc.blanket": 0.4333, "Acc.sculpture": 0.8926, "Acc.hood": 0.7572, "Acc.sconce": 0.7198, "Acc.vase": 0.6902, "Acc.traffic light": 0.7296, "Acc.tray": 0.3416, "Acc.ashcan": 0.6584, "Acc.fan": 0.8046, "Acc.pier": 0.4389, "Acc.crt screen": 0.0388, "Acc.plate": 0.7942, "Acc.monitor": 0.4767, "Acc.bulletin board": 0.5536, "Acc.shower": 0.2143, "Acc.radiator": 0.8229, "Acc.glass": 0.2393, "Acc.clock": 0.6418, "Acc.flag": 0.8159} {"mode": "train", "epoch": 48, "iter": 60050, "lr": 1e-05, "memory": 72263, "data_time": 2.34635, "decode.loss_ce": 0.14292, "decode.acc_seg": 93.75358, "aux.loss_ce": 0.06011, "aux.acc_seg": 93.43333, "loss": 0.20303, "time": 4.31344} {"mode": "train", "epoch": 48, "iter": 60100, "lr": 1e-05, "memory": 72263, "data_time": 0.01091, "decode.loss_ce": 0.13428, "decode.acc_seg": 94.03332, "aux.loss_ce": 0.05767, "aux.acc_seg": 93.57454, "loss": 0.19194, "time": 1.97844} {"mode": "train", "epoch": 48, "iter": 60150, "lr": 1e-05, "memory": 72263, "data_time": 0.01126, "decode.loss_ce": 0.14078, "decode.acc_seg": 93.8102, "aux.loss_ce": 0.06008, "aux.acc_seg": 93.46485, "loss": 0.20086, "time": 1.98056} {"mode": "train", "epoch": 48, "iter": 60200, "lr": 1e-05, "memory": 72263, "data_time": 0.01127, "decode.loss_ce": 0.14117, "decode.acc_seg": 93.76705, "aux.loss_ce": 0.06001, "aux.acc_seg": 93.40754, "loss": 0.20118, "time": 1.97722} {"mode": "train", "epoch": 48, "iter": 60250, "lr": 1e-05, "memory": 72263, "data_time": 0.01021, "decode.loss_ce": 0.14041, "decode.acc_seg": 93.67663, "aux.loss_ce": 0.05969, "aux.acc_seg": 93.28171, "loss": 0.2001, "time": 1.98018} {"mode": "train", "epoch": 48, "iter": 60300, "lr": 1e-05, "memory": 72263, "data_time": 0.01056, "decode.loss_ce": 0.14027, "decode.acc_seg": 93.86593, "aux.loss_ce": 0.05968, "aux.acc_seg": 93.44151, "loss": 0.19996, "time": 1.97647} {"mode": "train", "epoch": 48, "iter": 60350, "lr": 1e-05, "memory": 72263, "data_time": 0.01001, "decode.loss_ce": 0.14939, "decode.acc_seg": 93.53524, "aux.loss_ce": 0.06368, "aux.acc_seg": 93.08598, "loss": 0.21307, "time": 1.97928} {"mode": "train", "epoch": 48, "iter": 60400, "lr": 1e-05, "memory": 72263, "data_time": 0.01086, "decode.loss_ce": 0.14386, "decode.acc_seg": 93.86032, "aux.loss_ce": 0.0611, "aux.acc_seg": 93.45941, "loss": 0.20496, "time": 1.97841} {"mode": "train", "epoch": 48, "iter": 60450, "lr": 1e-05, "memory": 72263, "data_time": 0.01086, "decode.loss_ce": 0.14155, "decode.acc_seg": 93.91303, "aux.loss_ce": 0.06071, "aux.acc_seg": 93.5225, "loss": 0.20226, "time": 1.97893} {"mode": "train", "epoch": 48, "iter": 60500, "lr": 1e-05, "memory": 72263, "data_time": 0.01075, "decode.loss_ce": 0.13946, "decode.acc_seg": 93.93609, "aux.loss_ce": 0.05957, "aux.acc_seg": 93.55596, "loss": 0.19903, "time": 1.97984} {"mode": "train", "epoch": 48, "iter": 60550, "lr": 1e-05, "memory": 72263, "data_time": 0.0096, "decode.loss_ce": 0.14269, "decode.acc_seg": 93.82038, "aux.loss_ce": 0.06012, "aux.acc_seg": 93.46414, "loss": 0.20282, "time": 1.97885} {"mode": "train", "epoch": 48, "iter": 60600, "lr": 1e-05, "memory": 72263, "data_time": 0.01043, "decode.loss_ce": 0.13976, "decode.acc_seg": 93.81087, "aux.loss_ce": 0.05955, "aux.acc_seg": 93.4268, "loss": 0.19931, "time": 1.97794} {"mode": "train", "epoch": 49, "iter": 60650, "lr": 1e-05, "memory": 72263, "data_time": 0.07811, "decode.loss_ce": 0.14772, "decode.acc_seg": 93.56498, "aux.loss_ce": 0.06316, "aux.acc_seg": 93.15564, "loss": 0.21088, "time": 2.04731} {"mode": "train", "epoch": 49, "iter": 60700, "lr": 1e-05, "memory": 72263, "data_time": 0.01104, "decode.loss_ce": 0.14528, "decode.acc_seg": 93.57818, "aux.loss_ce": 0.06209, "aux.acc_seg": 93.15395, "loss": 0.20737, "time": 1.98018} {"mode": "train", "epoch": 49, "iter": 60750, "lr": 1e-05, "memory": 72263, "data_time": 0.00985, "decode.loss_ce": 0.14742, "decode.acc_seg": 93.68361, "aux.loss_ce": 0.06266, "aux.acc_seg": 93.26956, "loss": 0.21009, "time": 1.97835} {"mode": "train", "epoch": 49, "iter": 60800, "lr": 1e-05, "memory": 72263, "data_time": 0.0098, "decode.loss_ce": 0.13028, "decode.acc_seg": 94.16499, "aux.loss_ce": 0.05587, "aux.acc_seg": 93.80423, "loss": 0.18616, "time": 1.97942} {"mode": "train", "epoch": 49, "iter": 60850, "lr": 1e-05, "memory": 72263, "data_time": 0.01008, "decode.loss_ce": 0.13647, "decode.acc_seg": 94.05916, "aux.loss_ce": 0.05844, "aux.acc_seg": 93.64486, "loss": 0.19491, "time": 1.97992} {"mode": "train", "epoch": 49, "iter": 60900, "lr": 1e-05, "memory": 72263, "data_time": 0.01035, "decode.loss_ce": 0.14163, "decode.acc_seg": 93.63216, "aux.loss_ce": 0.06024, "aux.acc_seg": 93.18981, "loss": 0.20187, "time": 1.98171} {"mode": "train", "epoch": 49, "iter": 60950, "lr": 1e-05, "memory": 72263, "data_time": 0.01101, "decode.loss_ce": 0.14778, "decode.acc_seg": 93.61842, "aux.loss_ce": 0.0629, "aux.acc_seg": 93.24724, "loss": 0.21068, "time": 1.97924} {"mode": "train", "epoch": 49, "iter": 61000, "lr": 1e-05, "memory": 72263, "data_time": 0.00968, "decode.loss_ce": 0.13374, "decode.acc_seg": 94.08431, "aux.loss_ce": 0.05734, "aux.acc_seg": 93.67186, "loss": 0.19108, "time": 1.97882} {"mode": "val", "epoch": 49, "iter": 250, "lr": 1e-05, "aAcc": 0.8663, "mIoU": 0.5932, "mAcc": 0.7183, "IoU.wall": 0.8284, "IoU.building": 0.8563, "IoU.sky": 0.9491, "IoU.floor": 0.8505, "IoU.tree": 0.7791, "IoU.ceiling": 0.8769, "IoU.road": 0.8698, "IoU.bed ": 0.9343, "IoU.windowpane": 0.6685, "IoU.grass": 0.6779, "IoU.cabinet": 0.6779, "IoU.sidewalk": 0.7178, "IoU.person": 0.8686, "IoU.earth": 0.4145, "IoU.door": 0.6056, "IoU.table": 0.7138, "IoU.mountain": 0.6335, "IoU.plant": 0.5671, "IoU.curtain": 0.7859, "IoU.chair": 0.6919, "IoU.car": 0.8881, "IoU.water": 0.6212, "IoU.painting": 0.819, "IoU.sofa": 0.8274, "IoU.shelf": 0.5051, "IoU.house": 0.5308, "IoU.sea": 0.7112, "IoU.mirror": 0.7921, "IoU.rug": 0.6458, "IoU.field": 0.2867, "IoU.armchair": 0.6141, "IoU.seat": 0.6937, "IoU.fence": 0.5279, "IoU.desk": 0.5914, "IoU.rock": 0.5797, "IoU.wardrobe": 0.5435, "IoU.lamp": 0.7741, "IoU.bathtub": 0.8818, "IoU.railing": 0.4395, "IoU.cushion": 0.6863, "IoU.base": 0.426, "IoU.box": 0.4026, "IoU.column": 0.5722, "IoU.signboard": 0.4163, "IoU.chest of drawers": 0.4509, "IoU.counter": 0.5012, "IoU.sand": 0.5195, "IoU.sink": 0.8194, "IoU.skyscraper": 0.4579, "IoU.fireplace": 0.7379, "IoU.refrigerator": 0.876, "IoU.grandstand": 0.5924, "IoU.path": 0.322, "IoU.stairs": 0.3983, "IoU.runway": 0.7323, "IoU.case": 0.6515, "IoU.pool table": 0.9541, "IoU.pillow": 0.6534, "IoU.screen door": 0.8673, "IoU.stairway": 0.409, "IoU.river": 0.1192, "IoU.bridge": 0.6616, "IoU.bookcase": 0.4633, "IoU.blind": 0.4219, "IoU.coffee table": 0.6197, "IoU.toilet": 0.9058, "IoU.flower": 0.4528, "IoU.book": 0.5711, "IoU.hill": 0.1325, "IoU.bench": 0.5852, "IoU.countertop": 0.6497, "IoU.stove": 0.8634, "IoU.palm": 0.5374, "IoU.kitchen island": 0.5213, "IoU.computer": 0.7672, "IoU.swivel chair": 0.5123, "IoU.boat": 0.7319, "IoU.bar": 0.7045, "IoU.arcade machine": 0.8316, "IoU.hovel": 0.5182, "IoU.bus": 0.9329, "IoU.towel": 0.7988, "IoU.light": 0.636, "IoU.truck": 0.5466, "IoU.tower": 0.2389, "IoU.chandelier": 0.7346, "IoU.awning": 0.4245, "IoU.streetlight": 0.3889, "IoU.booth": 0.5078, "IoU.television receiver": 0.8183, "IoU.airplane": 0.9008, "IoU.dirt track": 0.0572, "IoU.apparel": 0.6897, "IoU.pole": 0.2841, "IoU.land": 0.0479, "IoU.bannister": 0.2124, "IoU.escalator": 0.6627, "IoU.ottoman": 0.5583, "IoU.bottle": 0.4563, "IoU.buffet": 0.5588, "IoU.poster": 0.3654, "IoU.stage": 0.2066, "IoU.van": 0.5481, "IoU.ship": 0.6946, "IoU.fountain": 0.301, "IoU.conveyer belt": 0.8715, "IoU.canopy": 0.5932, "IoU.washer": 0.8736, "IoU.plaything": 0.3704, "IoU.swimming pool": 0.5364, "IoU.stool": 0.5668, "IoU.barrel": 0.7368, "IoU.basket": 0.4152, "IoU.waterfall": 0.524, "IoU.tent": 0.9624, "IoU.bag": 0.3295, "IoU.minibike": 0.7799, "IoU.cradle": 0.8781, "IoU.oven": 0.6546, "IoU.ball": 0.5569, "IoU.food": 0.6426, "IoU.step": 0.1289, "IoU.tank": 0.6429, "IoU.trade name": 0.2424, "IoU.microwave": 0.8924, "IoU.pot": 0.6096, "IoU.animal": 0.6191, "IoU.bicycle": 0.6273, "IoU.lake": 0.4648, "IoU.dishwasher": 0.7688, "IoU.screen": 0.6119, "IoU.blanket": 0.3821, "IoU.sculpture": 0.7896, "IoU.hood": 0.6981, "IoU.sconce": 0.6232, "IoU.vase": 0.4997, "IoU.traffic light": 0.3775, "IoU.tray": 0.2741, "IoU.ashcan": 0.4966, "IoU.fan": 0.7331, "IoU.pier": 0.4121, "IoU.crt screen": 0.0541, "IoU.plate": 0.6504, "IoU.monitor": 0.3598, "IoU.bulletin board": 0.4992, "IoU.shower": 0.1937, "IoU.radiator": 0.6928, "IoU.glass": 0.2433, "IoU.clock": 0.568, "IoU.flag": 0.7056, "Acc.wall": 0.9103, "Acc.building": 0.9309, "Acc.sky": 0.9768, "Acc.floor": 0.9157, "Acc.tree": 0.8997, "Acc.ceiling": 0.9397, "Acc.road": 0.9118, "Acc.bed ": 0.9701, "Acc.windowpane": 0.8151, "Acc.grass": 0.8309, "Acc.cabinet": 0.7731, "Acc.sidewalk": 0.8697, "Acc.person": 0.9457, "Acc.earth": 0.5409, "Acc.door": 0.7484, "Acc.table": 0.82, "Acc.mountain": 0.7482, "Acc.plant": 0.6792, "Acc.curtain": 0.878, "Acc.chair": 0.8121, "Acc.car": 0.9414, "Acc.water": 0.7616, "Acc.painting": 0.9142, "Acc.sofa": 0.9123, "Acc.shelf": 0.686, "Acc.house": 0.6189, "Acc.sea": 0.8395, "Acc.mirror": 0.8636, "Acc.rug": 0.7667, "Acc.field": 0.4905, "Acc.armchair": 0.7596, "Acc.seat": 0.8755, "Acc.fence": 0.6832, "Acc.desk": 0.792, "Acc.rock": 0.8667, "Acc.wardrobe": 0.7306, "Acc.lamp": 0.8848, "Acc.bathtub": 0.9105, "Acc.railing": 0.6396, "Acc.cushion": 0.8563, "Acc.base": 0.5405, "Acc.box": 0.5028, "Acc.column": 0.6765, "Acc.signboard": 0.5844, "Acc.chest of drawers": 0.6294, "Acc.counter": 0.6015, "Acc.sand": 0.791, "Acc.sink": 0.8685, "Acc.skyscraper": 0.5867, "Acc.fireplace": 0.9332, "Acc.refrigerator": 0.946, "Acc.grandstand": 0.8189, "Acc.path": 0.4615, "Acc.stairs": 0.5032, "Acc.runway": 0.942, "Acc.case": 0.8178, "Acc.pool table": 0.983, "Acc.pillow": 0.7696, "Acc.screen door": 0.9037, "Acc.stairway": 0.5138, "Acc.river": 0.2724, "Acc.bridge": 0.7395, "Acc.bookcase": 0.6009, "Acc.blind": 0.4441, "Acc.coffee table": 0.8779, "Acc.toilet": 0.9345, "Acc.flower": 0.6398, "Acc.book": 0.8229, "Acc.hill": 0.2126, "Acc.bench": 0.6686, "Acc.countertop": 0.8533, "Acc.stove": 0.9199, "Acc.palm": 0.806, "Acc.kitchen island": 0.8591, "Acc.computer": 0.9184, "Acc.swivel chair": 0.7997, "Acc.boat": 0.9423, "Acc.bar": 0.8971, "Acc.arcade machine": 0.8584, "Acc.hovel": 0.59, "Acc.bus": 0.9736, "Acc.towel": 0.9061, "Acc.light": 0.7654, "Acc.truck": 0.6665, "Acc.tower": 0.4309, "Acc.chandelier": 0.8764, "Acc.awning": 0.5368, "Acc.streetlight": 0.5436, "Acc.booth": 0.7262, "Acc.television receiver": 0.8706, "Acc.airplane": 0.9645, "Acc.dirt track": 0.1775, "Acc.apparel": 0.8613, "Acc.pole": 0.385, "Acc.land": 0.0756, "Acc.bannister": 0.2607, "Acc.escalator": 0.8634, "Acc.ottoman": 0.7021, "Acc.bottle": 0.7288, "Acc.buffet": 0.6332, "Acc.poster": 0.4806, "Acc.stage": 0.3519, "Acc.van": 0.723, "Acc.ship": 0.797, "Acc.fountain": 0.3058, "Acc.conveyer belt": 0.9569, "Acc.canopy": 0.7474, "Acc.washer": 0.9281, "Acc.plaything": 0.5369, "Acc.swimming pool": 0.7748, "Acc.stool": 0.7372, "Acc.barrel": 0.9799, "Acc.basket": 0.6405, "Acc.waterfall": 0.6583, "Acc.tent": 0.9895, "Acc.bag": 0.3861, "Acc.minibike": 0.9176, "Acc.cradle": 0.9747, "Acc.oven": 0.7833, "Acc.ball": 0.6347, "Acc.food": 0.7434, "Acc.step": 0.1409, "Acc.tank": 0.6825, "Acc.trade name": 0.2855, "Acc.microwave": 0.9697, "Acc.pot": 0.6967, "Acc.animal": 0.6343, "Acc.bicycle": 0.7903, "Acc.lake": 0.6373, "Acc.dishwasher": 0.834, "Acc.screen": 0.9025, "Acc.blanket": 0.4606, "Acc.sculpture": 0.8732, "Acc.hood": 0.7506, "Acc.sconce": 0.7663, "Acc.vase": 0.7401, "Acc.traffic light": 0.7129, "Acc.tray": 0.3907, "Acc.ashcan": 0.6926, "Acc.fan": 0.8623, "Acc.pier": 0.4513, "Acc.crt screen": 0.1146, "Acc.plate": 0.7976, "Acc.monitor": 0.4103, "Acc.bulletin board": 0.5924, "Acc.shower": 0.2231, "Acc.radiator": 0.8206, "Acc.glass": 0.2684, "Acc.clock": 0.664, "Acc.flag": 0.8379} {"mode": "train", "epoch": 49, "iter": 61050, "lr": 1e-05, "memory": 72263, "data_time": 2.26019, "decode.loss_ce": 0.14014, "decode.acc_seg": 93.87871, "aux.loss_ce": 0.05978, "aux.acc_seg": 93.51469, "loss": 0.19992, "time": 4.25033} {"mode": "train", "epoch": 49, "iter": 61100, "lr": 1e-05, "memory": 72263, "data_time": 0.01075, "decode.loss_ce": 0.1398, "decode.acc_seg": 93.80341, "aux.loss_ce": 0.05992, "aux.acc_seg": 93.34852, "loss": 0.19972, "time": 1.9801} {"mode": "train", "epoch": 49, "iter": 61150, "lr": 1e-05, "memory": 72263, "data_time": 0.01054, "decode.loss_ce": 0.14036, "decode.acc_seg": 93.85649, "aux.loss_ce": 0.06007, "aux.acc_seg": 93.43787, "loss": 0.20043, "time": 1.9797} {"mode": "train", "epoch": 49, "iter": 61200, "lr": 1e-05, "memory": 72263, "data_time": 0.01055, "decode.loss_ce": 0.14953, "decode.acc_seg": 93.53537, "aux.loss_ce": 0.06301, "aux.acc_seg": 93.13777, "loss": 0.21253, "time": 1.97899} {"mode": "train", "epoch": 49, "iter": 61250, "lr": 1e-05, "memory": 72263, "data_time": 0.01004, "decode.loss_ce": 0.14374, "decode.acc_seg": 93.41289, "aux.loss_ce": 0.06145, "aux.acc_seg": 92.98903, "loss": 0.20518, "time": 1.97915} {"mode": "train", "epoch": 49, "iter": 61300, "lr": 1e-05, "memory": 72263, "data_time": 0.01061, "decode.loss_ce": 0.13612, "decode.acc_seg": 94.08046, "aux.loss_ce": 0.05787, "aux.acc_seg": 93.71523, "loss": 0.194, "time": 1.97949} {"mode": "train", "epoch": 49, "iter": 61350, "lr": 1e-05, "memory": 72263, "data_time": 0.00973, "decode.loss_ce": 0.1358, "decode.acc_seg": 93.89524, "aux.loss_ce": 0.05758, "aux.acc_seg": 93.56631, "loss": 0.19338, "time": 1.97757} {"mode": "train", "epoch": 49, "iter": 61400, "lr": 1e-05, "memory": 72263, "data_time": 0.01088, "decode.loss_ce": 0.1418, "decode.acc_seg": 93.94938, "aux.loss_ce": 0.06023, "aux.acc_seg": 93.59067, "loss": 0.20202, "time": 1.97829} {"mode": "train", "epoch": 49, "iter": 61450, "lr": 1e-05, "memory": 72263, "data_time": 0.0098, "decode.loss_ce": 0.1271, "decode.acc_seg": 94.3188, "aux.loss_ce": 0.05428, "aux.acc_seg": 93.9506, "loss": 0.18137, "time": 1.97949} {"mode": "train", "epoch": 49, "iter": 61500, "lr": 1e-05, "memory": 72263, "data_time": 0.01011, "decode.loss_ce": 0.14678, "decode.acc_seg": 93.5307, "aux.loss_ce": 0.06266, "aux.acc_seg": 93.04884, "loss": 0.20943, "time": 1.97658} {"mode": "train", "epoch": 49, "iter": 61550, "lr": 1e-05, "memory": 72263, "data_time": 0.01097, "decode.loss_ce": 0.14473, "decode.acc_seg": 93.76797, "aux.loss_ce": 0.06186, "aux.acc_seg": 93.34439, "loss": 0.20658, "time": 1.97793} {"mode": "train", "epoch": 49, "iter": 61600, "lr": 1e-05, "memory": 72263, "data_time": 0.00964, "decode.loss_ce": 0.15024, "decode.acc_seg": 93.75176, "aux.loss_ce": 0.06348, "aux.acc_seg": 93.37502, "loss": 0.21372, "time": 1.98023} {"mode": "train", "epoch": 49, "iter": 61650, "lr": 1e-05, "memory": 72263, "data_time": 0.01067, "decode.loss_ce": 0.13239, "decode.acc_seg": 94.0218, "aux.loss_ce": 0.05663, "aux.acc_seg": 93.62445, "loss": 0.18902, "time": 1.98177} {"mode": "train", "epoch": 49, "iter": 61700, "lr": 1e-05, "memory": 72263, "data_time": 0.01004, "decode.loss_ce": 0.1417, "decode.acc_seg": 93.80012, "aux.loss_ce": 0.06018, "aux.acc_seg": 93.37631, "loss": 0.20187, "time": 1.97781} {"mode": "train", "epoch": 49, "iter": 61750, "lr": 1e-05, "memory": 72263, "data_time": 0.01052, "decode.loss_ce": 0.14616, "decode.acc_seg": 93.76103, "aux.loss_ce": 0.06231, "aux.acc_seg": 93.35139, "loss": 0.20847, "time": 1.97754} {"mode": "train", "epoch": 49, "iter": 61800, "lr": 1e-05, "memory": 72263, "data_time": 0.00985, "decode.loss_ce": 0.13649, "decode.acc_seg": 94.06488, "aux.loss_ce": 0.05838, "aux.acc_seg": 93.65908, "loss": 0.19487, "time": 1.98198} {"mode": "train", "epoch": 49, "iter": 61850, "lr": 1e-05, "memory": 72263, "data_time": 0.00997, "decode.loss_ce": 0.15014, "decode.acc_seg": 93.46822, "aux.loss_ce": 0.06427, "aux.acc_seg": 93.00029, "loss": 0.21441, "time": 1.97798} {"mode": "train", "epoch": 50, "iter": 61900, "lr": 1e-05, "memory": 72263, "data_time": 0.05425, "decode.loss_ce": 0.13338, "decode.acc_seg": 93.90882, "aux.loss_ce": 0.05705, "aux.acc_seg": 93.51423, "loss": 0.19043, "time": 2.02571} {"mode": "train", "epoch": 50, "iter": 61950, "lr": 1e-05, "memory": 72263, "data_time": 0.01044, "decode.loss_ce": 0.1364, "decode.acc_seg": 93.90208, "aux.loss_ce": 0.05845, "aux.acc_seg": 93.46444, "loss": 0.19485, "time": 1.97721} {"mode": "train", "epoch": 50, "iter": 62000, "lr": 1e-05, "memory": 72263, "data_time": 0.01043, "decode.loss_ce": 0.13596, "decode.acc_seg": 93.82966, "aux.loss_ce": 0.05768, "aux.acc_seg": 93.48799, "loss": 0.19365, "time": 3.71383} {"mode": "val", "epoch": 50, "iter": 250, "lr": 1e-05, "aAcc": 0.8664, "mIoU": 0.5938, "mAcc": 0.7222, "IoU.wall": 0.8296, "IoU.building": 0.854, "IoU.sky": 0.9498, "IoU.floor": 0.8451, "IoU.tree": 0.7794, "IoU.ceiling": 0.8744, "IoU.road": 0.8724, "IoU.bed ": 0.9329, "IoU.windowpane": 0.6736, "IoU.grass": 0.6747, "IoU.cabinet": 0.6755, "IoU.sidewalk": 0.7208, "IoU.person": 0.8657, "IoU.earth": 0.4179, "IoU.door": 0.6147, "IoU.table": 0.7099, "IoU.mountain": 0.6351, "IoU.plant": 0.563, "IoU.curtain": 0.7837, "IoU.chair": 0.6883, "IoU.car": 0.8892, "IoU.water": 0.6595, "IoU.painting": 0.8148, "IoU.sofa": 0.8277, "IoU.shelf": 0.4888, "IoU.house": 0.518, "IoU.sea": 0.7264, "IoU.mirror": 0.8004, "IoU.rug": 0.6464, "IoU.field": 0.2923, "IoU.armchair": 0.6173, "IoU.seat": 0.6702, "IoU.fence": 0.5483, "IoU.desk": 0.6101, "IoU.rock": 0.5449, "IoU.wardrobe": 0.5413, "IoU.lamp": 0.7698, "IoU.bathtub": 0.8807, "IoU.railing": 0.4361, "IoU.cushion": 0.6895, "IoU.base": 0.4398, "IoU.box": 0.4185, "IoU.column": 0.5625, "IoU.signboard": 0.4193, "IoU.chest of drawers": 0.4508, "IoU.counter": 0.4975, "IoU.sand": 0.543, "IoU.sink": 0.8321, "IoU.skyscraper": 0.447, "IoU.fireplace": 0.7365, "IoU.refrigerator": 0.8724, "IoU.grandstand": 0.5931, "IoU.path": 0.309, "IoU.stairs": 0.3345, "IoU.runway": 0.7326, "IoU.case": 0.6418, "IoU.pool table": 0.9535, "IoU.pillow": 0.6489, "IoU.screen door": 0.877, "IoU.stairway": 0.3879, "IoU.river": 0.1447, "IoU.bridge": 0.6813, "IoU.bookcase": 0.4552, "IoU.blind": 0.461, "IoU.coffee table": 0.6194, "IoU.toilet": 0.9021, "IoU.flower": 0.4705, "IoU.book": 0.5828, "IoU.hill": 0.1441, "IoU.bench": 0.5852, "IoU.countertop": 0.6443, "IoU.stove": 0.8757, "IoU.palm": 0.5243, "IoU.kitchen island": 0.5502, "IoU.computer": 0.7697, "IoU.swivel chair": 0.4752, "IoU.boat": 0.7399, "IoU.bar": 0.6946, "IoU.arcade machine": 0.8268, "IoU.hovel": 0.5009, "IoU.bus": 0.9343, "IoU.towel": 0.8082, "IoU.light": 0.636, "IoU.truck": 0.5302, "IoU.tower": 0.2761, "IoU.chandelier": 0.7401, "IoU.awning": 0.5409, "IoU.streetlight": 0.3767, "IoU.booth": 0.5031, "IoU.television receiver": 0.8133, "IoU.airplane": 0.8971, "IoU.dirt track": 0.0664, "IoU.apparel": 0.6448, "IoU.pole": 0.3018, "IoU.land": 0.0543, "IoU.bannister": 0.2019, "IoU.escalator": 0.6681, "IoU.ottoman": 0.5495, "IoU.bottle": 0.4566, "IoU.buffet": 0.6213, "IoU.poster": 0.353, "IoU.stage": 0.2149, "IoU.van": 0.5546, "IoU.ship": 0.6282, "IoU.fountain": 0.3077, "IoU.conveyer belt": 0.8626, "IoU.canopy": 0.5833, "IoU.washer": 0.8988, "IoU.plaything": 0.3584, "IoU.swimming pool": 0.5526, "IoU.stool": 0.5409, "IoU.barrel": 0.7263, "IoU.basket": 0.4186, "IoU.waterfall": 0.5398, "IoU.tent": 0.9209, "IoU.bag": 0.2854, "IoU.minibike": 0.7844, "IoU.cradle": 0.8722, "IoU.oven": 0.6403, "IoU.ball": 0.5918, "IoU.food": 0.5899, "IoU.step": 0.12, "IoU.tank": 0.7186, "IoU.trade name": 0.2607, "IoU.microwave": 0.8858, "IoU.pot": 0.6175, "IoU.animal": 0.6045, "IoU.bicycle": 0.6319, "IoU.lake": 0.5708, "IoU.dishwasher": 0.7571, "IoU.screen": 0.6166, "IoU.blanket": 0.3374, "IoU.sculpture": 0.7067, "IoU.hood": 0.7021, "IoU.sconce": 0.6176, "IoU.vase": 0.5182, "IoU.traffic light": 0.4199, "IoU.tray": 0.2519, "IoU.ashcan": 0.5005, "IoU.fan": 0.7307, "IoU.pier": 0.4027, "IoU.crt screen": 0.0407, "IoU.plate": 0.638, "IoU.monitor": 0.2657, "IoU.bulletin board": 0.5957, "IoU.shower": 0.2074, "IoU.radiator": 0.6959, "IoU.glass": 0.2332, "IoU.clock": 0.5796, "IoU.flag": 0.7152, "Acc.wall": 0.9022, "Acc.building": 0.9305, "Acc.sky": 0.9759, "Acc.floor": 0.9163, "Acc.tree": 0.8998, "Acc.ceiling": 0.944, "Acc.road": 0.9153, "Acc.bed ": 0.9736, "Acc.windowpane": 0.8163, "Acc.grass": 0.8296, "Acc.cabinet": 0.7643, "Acc.sidewalk": 0.8799, "Acc.person": 0.9422, "Acc.earth": 0.5528, "Acc.door": 0.7709, "Acc.table": 0.8205, "Acc.mountain": 0.7552, "Acc.plant": 0.6636, "Acc.curtain": 0.8813, "Acc.chair": 0.8029, "Acc.car": 0.9446, "Acc.water": 0.8161, "Acc.painting": 0.9171, "Acc.sofa": 0.9159, "Acc.shelf": 0.6486, "Acc.house": 0.6339, "Acc.sea": 0.8318, "Acc.mirror": 0.8705, "Acc.rug": 0.7651, "Acc.field": 0.4833, "Acc.armchair": 0.7848, "Acc.seat": 0.8941, "Acc.fence": 0.7325, "Acc.desk": 0.809, "Acc.rock": 0.8347, "Acc.wardrobe": 0.7362, "Acc.lamp": 0.8841, "Acc.bathtub": 0.9078, "Acc.railing": 0.5998, "Acc.cushion": 0.8215, "Acc.base": 0.5896, "Acc.box": 0.5206, "Acc.column": 0.7109, "Acc.signboard": 0.5644, "Acc.chest of drawers": 0.7055, "Acc.counter": 0.5568, "Acc.sand": 0.807, "Acc.sink": 0.8852, "Acc.skyscraper": 0.5988, "Acc.fireplace": 0.9466, "Acc.refrigerator": 0.9446, "Acc.grandstand": 0.8497, "Acc.path": 0.4064, "Acc.stairs": 0.4163, "Acc.runway": 0.9442, "Acc.case": 0.8383, "Acc.pool table": 0.9838, "Acc.pillow": 0.7462, "Acc.screen door": 0.9149, "Acc.stairway": 0.5658, "Acc.river": 0.2672, "Acc.bridge": 0.7692, "Acc.bookcase": 0.6462, "Acc.blind": 0.5046, "Acc.coffee table": 0.8707, "Acc.toilet": 0.9384, "Acc.flower": 0.5878, "Acc.book": 0.8027, "Acc.hill": 0.2279, "Acc.bench": 0.6692, "Acc.countertop": 0.8479, "Acc.stove": 0.9289, "Acc.palm": 0.8283, "Acc.kitchen island": 0.8031, "Acc.computer": 0.9193, "Acc.swivel chair": 0.693, "Acc.boat": 0.9371, "Acc.bar": 0.9009, "Acc.arcade machine": 0.8599, "Acc.hovel": 0.5926, "Acc.bus": 0.9757, "Acc.towel": 0.8915, "Acc.light": 0.7682, "Acc.truck": 0.6514, "Acc.tower": 0.4994, "Acc.chandelier": 0.8522, "Acc.awning": 0.7257, "Acc.streetlight": 0.5159, "Acc.booth": 0.7369, "Acc.television receiver": 0.8777, "Acc.airplane": 0.9667, "Acc.dirt track": 0.2044, "Acc.apparel": 0.8747, "Acc.pole": 0.4102, "Acc.land": 0.0762, "Acc.bannister": 0.2517, "Acc.escalator": 0.8639, "Acc.ottoman": 0.7369, "Acc.bottle": 0.7461, "Acc.buffet": 0.7135, "Acc.poster": 0.4342, "Acc.stage": 0.4313, "Acc.van": 0.7493, "Acc.ship": 0.7543, "Acc.fountain": 0.3124, "Acc.conveyer belt": 0.9592, "Acc.canopy": 0.7258, "Acc.washer": 0.9581, "Acc.plaything": 0.4911, "Acc.swimming pool": 0.8021, "Acc.stool": 0.725, "Acc.barrel": 0.9899, "Acc.basket": 0.6187, "Acc.waterfall": 0.7081, "Acc.tent": 0.9897, "Acc.bag": 0.3207, "Acc.minibike": 0.8969, "Acc.cradle": 0.98, "Acc.oven": 0.7568, "Acc.ball": 0.7115, "Acc.food": 0.6805, "Acc.step": 0.137, "Acc.tank": 0.7696, "Acc.trade name": 0.3178, "Acc.microwave": 0.9694, "Acc.pot": 0.7328, "Acc.animal": 0.6206, "Acc.bicycle": 0.8174, "Acc.lake": 0.6364, "Acc.dishwasher": 0.8424, "Acc.screen": 0.9543, "Acc.blanket": 0.3961, "Acc.sculpture": 0.8973, "Acc.hood": 0.828, "Acc.sconce": 0.7761, "Acc.vase": 0.697, "Acc.traffic light": 0.6742, "Acc.tray": 0.3358, "Acc.ashcan": 0.6689, "Acc.fan": 0.8585, "Acc.pier": 0.4558, "Acc.crt screen": 0.0919, "Acc.plate": 0.8413, "Acc.monitor": 0.3067, "Acc.bulletin board": 0.7202, "Acc.shower": 0.2121, "Acc.radiator": 0.8233, "Acc.glass": 0.2521, "Acc.clock": 0.6824, "Acc.flag": 0.8206} {"mode": "train", "epoch": 50, "iter": 62050, "lr": 1e-05, "memory": 72263, "data_time": 2.22761, "decode.loss_ce": 0.13398, "decode.acc_seg": 94.02476, "aux.loss_ce": 0.05751, "aux.acc_seg": 93.59138, "loss": 0.19149, "time": 4.19423} {"mode": "train", "epoch": 50, "iter": 62100, "lr": 1e-05, "memory": 72263, "data_time": 0.01002, "decode.loss_ce": 0.14478, "decode.acc_seg": 93.73621, "aux.loss_ce": 0.06233, "aux.acc_seg": 93.2758, "loss": 0.20712, "time": 1.97721} {"mode": "train", "epoch": 50, "iter": 62150, "lr": 1e-05, "memory": 72263, "data_time": 0.01004, "decode.loss_ce": 0.14021, "decode.acc_seg": 93.70695, "aux.loss_ce": 0.06013, "aux.acc_seg": 93.2716, "loss": 0.20034, "time": 1.97944} {"mode": "train", "epoch": 50, "iter": 62200, "lr": 1e-05, "memory": 72263, "data_time": 0.01046, "decode.loss_ce": 0.14314, "decode.acc_seg": 93.70168, "aux.loss_ce": 0.0615, "aux.acc_seg": 93.24737, "loss": 0.20464, "time": 1.97691} {"mode": "train", "epoch": 50, "iter": 62250, "lr": 1e-05, "memory": 72263, "data_time": 0.00967, "decode.loss_ce": 0.14086, "decode.acc_seg": 93.76373, "aux.loss_ce": 0.06014, "aux.acc_seg": 93.34916, "loss": 0.201, "time": 1.97932} {"mode": "train", "epoch": 50, "iter": 62300, "lr": 1e-05, "memory": 72263, "data_time": 0.01018, "decode.loss_ce": 0.14326, "decode.acc_seg": 93.68198, "aux.loss_ce": 0.06137, "aux.acc_seg": 93.22002, "loss": 0.20463, "time": 1.97882} {"mode": "train", "epoch": 50, "iter": 62350, "lr": 1e-05, "memory": 72263, "data_time": 0.00972, "decode.loss_ce": 0.13872, "decode.acc_seg": 93.95726, "aux.loss_ce": 0.0592, "aux.acc_seg": 93.53951, "loss": 0.19792, "time": 1.98023} {"mode": "train", "epoch": 50, "iter": 62400, "lr": 1e-05, "memory": 72263, "data_time": 0.01071, "decode.loss_ce": 0.13948, "decode.acc_seg": 93.84401, "aux.loss_ce": 0.05917, "aux.acc_seg": 93.47235, "loss": 0.19865, "time": 1.97866} {"mode": "train", "epoch": 50, "iter": 62450, "lr": 1e-05, "memory": 72263, "data_time": 0.00996, "decode.loss_ce": 0.13536, "decode.acc_seg": 93.93372, "aux.loss_ce": 0.05815, "aux.acc_seg": 93.51601, "loss": 0.1935, "time": 1.97689} {"mode": "train", "epoch": 50, "iter": 62500, "lr": 1e-05, "memory": 72263, "data_time": 0.01002, "decode.loss_ce": 0.1501, "decode.acc_seg": 93.43993, "aux.loss_ce": 0.06425, "aux.acc_seg": 92.95901, "loss": 0.21435, "time": 1.97911} {"mode": "train", "epoch": 50, "iter": 62550, "lr": 1e-05, "memory": 72263, "data_time": 0.011, "decode.loss_ce": 0.13304, "decode.acc_seg": 94.12272, "aux.loss_ce": 0.05671, "aux.acc_seg": 93.7508, "loss": 0.18975, "time": 1.97952} {"mode": "train", "epoch": 50, "iter": 62600, "lr": 1e-05, "memory": 72263, "data_time": 0.01105, "decode.loss_ce": 0.13351, "decode.acc_seg": 94.00225, "aux.loss_ce": 0.0572, "aux.acc_seg": 93.60446, "loss": 0.19071, "time": 1.97937} {"mode": "train", "epoch": 50, "iter": 62650, "lr": 1e-05, "memory": 72263, "data_time": 0.00971, "decode.loss_ce": 0.14275, "decode.acc_seg": 93.64984, "aux.loss_ce": 0.06083, "aux.acc_seg": 93.27728, "loss": 0.20358, "time": 1.97857} {"mode": "train", "epoch": 50, "iter": 62700, "lr": 1e-05, "memory": 72263, "data_time": 0.01027, "decode.loss_ce": 0.13475, "decode.acc_seg": 94.0504, "aux.loss_ce": 0.0577, "aux.acc_seg": 93.63509, "loss": 0.19245, "time": 1.97936} {"mode": "train", "epoch": 50, "iter": 62750, "lr": 1e-05, "memory": 72263, "data_time": 0.01021, "decode.loss_ce": 0.13989, "decode.acc_seg": 93.91983, "aux.loss_ce": 0.05986, "aux.acc_seg": 93.52388, "loss": 0.19976, "time": 1.97607} {"mode": "train", "epoch": 50, "iter": 62800, "lr": 1e-05, "memory": 72263, "data_time": 0.01093, "decode.loss_ce": 0.13518, "decode.acc_seg": 94.01771, "aux.loss_ce": 0.05791, "aux.acc_seg": 93.59629, "loss": 0.19308, "time": 1.97938} {"mode": "train", "epoch": 50, "iter": 62850, "lr": 1e-05, "memory": 72263, "data_time": 0.01003, "decode.loss_ce": 0.1384, "decode.acc_seg": 93.82257, "aux.loss_ce": 0.05916, "aux.acc_seg": 93.39452, "loss": 0.19756, "time": 1.9751} {"mode": "train", "epoch": 50, "iter": 62900, "lr": 1e-05, "memory": 72263, "data_time": 0.01052, "decode.loss_ce": 0.14008, "decode.acc_seg": 93.73367, "aux.loss_ce": 0.05941, "aux.acc_seg": 93.35897, "loss": 0.19949, "time": 1.97962} {"mode": "train", "epoch": 50, "iter": 62950, "lr": 1e-05, "memory": 72263, "data_time": 0.01051, "decode.loss_ce": 0.13233, "decode.acc_seg": 94.03665, "aux.loss_ce": 0.0566, "aux.acc_seg": 93.59525, "loss": 0.18894, "time": 1.97854} {"mode": "train", "epoch": 50, "iter": 63000, "lr": 1e-05, "memory": 72263, "data_time": 0.00961, "decode.loss_ce": 0.14225, "decode.acc_seg": 93.81398, "aux.loss_ce": 0.06044, "aux.acc_seg": 93.46301, "loss": 0.20269, "time": 1.97817} {"mode": "val", "epoch": 50, "iter": 250, "lr": 1e-05, "aAcc": 0.8663, "mIoU": 0.5947, "mAcc": 0.7175, "IoU.wall": 0.8291, "IoU.building": 0.8494, "IoU.sky": 0.9505, "IoU.floor": 0.8455, "IoU.tree": 0.779, "IoU.ceiling": 0.8764, "IoU.road": 0.8701, "IoU.bed ": 0.9313, "IoU.windowpane": 0.6693, "IoU.grass": 0.6858, "IoU.cabinet": 0.6815, "IoU.sidewalk": 0.7159, "IoU.person": 0.8672, "IoU.earth": 0.3979, "IoU.door": 0.5941, "IoU.table": 0.7153, "IoU.mountain": 0.6297, "IoU.plant": 0.5702, "IoU.curtain": 0.7788, "IoU.chair": 0.6909, "IoU.car": 0.8884, "IoU.water": 0.6688, "IoU.painting": 0.8185, "IoU.sofa": 0.8323, "IoU.shelf": 0.5074, "IoU.house": 0.4675, "IoU.sea": 0.7802, "IoU.mirror": 0.8, "IoU.rug": 0.6458, "IoU.field": 0.3001, "IoU.armchair": 0.6392, "IoU.seat": 0.7097, "IoU.fence": 0.5391, "IoU.desk": 0.6122, "IoU.rock": 0.5733, "IoU.wardrobe": 0.5441, "IoU.lamp": 0.7694, "IoU.bathtub": 0.8837, "IoU.railing": 0.435, "IoU.cushion": 0.6876, "IoU.base": 0.4455, "IoU.box": 0.4021, "IoU.column": 0.5775, "IoU.signboard": 0.4055, "IoU.chest of drawers": 0.4607, "IoU.counter": 0.5271, "IoU.sand": 0.5422, "IoU.sink": 0.8541, "IoU.skyscraper": 0.4489, "IoU.fireplace": 0.7448, "IoU.refrigerator": 0.8595, "IoU.grandstand": 0.5711, "IoU.path": 0.2622, "IoU.stairs": 0.2826, "IoU.runway": 0.7304, "IoU.case": 0.6265, "IoU.pool table": 0.9534, "IoU.pillow": 0.6536, "IoU.screen door": 0.808, "IoU.stairway": 0.3809, "IoU.river": 0.1809, "IoU.bridge": 0.7028, "IoU.bookcase": 0.5026, "IoU.blind": 0.4552, "IoU.coffee table": 0.6252, "IoU.toilet": 0.9109, "IoU.flower": 0.4559, "IoU.book": 0.5826, "IoU.hill": 0.1542, "IoU.bench": 0.6561, "IoU.countertop": 0.6389, "IoU.stove": 0.8765, "IoU.palm": 0.5285, "IoU.kitchen island": 0.5636, "IoU.computer": 0.7774, "IoU.swivel chair": 0.4799, "IoU.boat": 0.7175, "IoU.bar": 0.708, "IoU.arcade machine": 0.8252, "IoU.hovel": 0.5197, "IoU.bus": 0.9436, "IoU.towel": 0.7974, "IoU.light": 0.6324, "IoU.truck": 0.5268, "IoU.tower": 0.2802, "IoU.chandelier": 0.7311, "IoU.awning": 0.4915, "IoU.streetlight": 0.3784, "IoU.booth": 0.5029, "IoU.television receiver": 0.8099, "IoU.airplane": 0.8891, "IoU.dirt track": 0.0809, "IoU.apparel": 0.6691, "IoU.pole": 0.2734, "IoU.land": 0.0556, "IoU.bannister": 0.2151, "IoU.escalator": 0.6667, "IoU.ottoman": 0.5451, "IoU.bottle": 0.4645, "IoU.buffet": 0.6051, "IoU.poster": 0.3853, "IoU.stage": 0.2116, "IoU.van": 0.5594, "IoU.ship": 0.684, "IoU.fountain": 0.3079, "IoU.conveyer belt": 0.8428, "IoU.canopy": 0.6206, "IoU.washer": 0.8974, "IoU.plaything": 0.3481, "IoU.swimming pool": 0.5236, "IoU.stool": 0.4994, "IoU.barrel": 0.7681, "IoU.basket": 0.4226, "IoU.waterfall": 0.5436, "IoU.tent": 0.9209, "IoU.bag": 0.2732, "IoU.minibike": 0.7689, "IoU.cradle": 0.894, "IoU.oven": 0.6985, "IoU.ball": 0.6097, "IoU.food": 0.62, "IoU.step": 0.1254, "IoU.tank": 0.7148, "IoU.trade name": 0.2249, "IoU.microwave": 0.9048, "IoU.pot": 0.6111, "IoU.animal": 0.6179, "IoU.bicycle": 0.6169, "IoU.lake": 0.525, "IoU.dishwasher": 0.754, "IoU.screen": 0.5897, "IoU.blanket": 0.3504, "IoU.sculpture": 0.756, "IoU.hood": 0.6648, "IoU.sconce": 0.6069, "IoU.vase": 0.512, "IoU.traffic light": 0.3751, "IoU.tray": 0.2552, "IoU.ashcan": 0.5057, "IoU.fan": 0.7319, "IoU.pier": 0.4138, "IoU.crt screen": 0.0302, "IoU.plate": 0.6551, "IoU.monitor": 0.2842, "IoU.bulletin board": 0.5706, "IoU.shower": 0.2063, "IoU.radiator": 0.6973, "IoU.glass": 0.2292, "IoU.clock": 0.5761, "IoU.flag": 0.7092, "Acc.wall": 0.9004, "Acc.building": 0.9392, "Acc.sky": 0.9783, "Acc.floor": 0.9134, "Acc.tree": 0.893, "Acc.ceiling": 0.9505, "Acc.road": 0.9231, "Acc.bed ": 0.9738, "Acc.windowpane": 0.821, "Acc.grass": 0.8196, "Acc.cabinet": 0.7822, "Acc.sidewalk": 0.8577, "Acc.person": 0.9528, "Acc.earth": 0.5309, "Acc.door": 0.7616, "Acc.table": 0.8261, "Acc.mountain": 0.7321, "Acc.plant": 0.6679, "Acc.curtain": 0.8566, "Acc.chair": 0.8197, "Acc.car": 0.9412, "Acc.water": 0.8339, "Acc.painting": 0.9016, "Acc.sofa": 0.9188, "Acc.shelf": 0.672, "Acc.house": 0.5255, "Acc.sea": 0.894, "Acc.mirror": 0.8669, "Acc.rug": 0.7594, "Acc.field": 0.5664, "Acc.armchair": 0.7817, "Acc.seat": 0.8885, "Acc.fence": 0.6956, "Acc.desk": 0.8002, "Acc.rock": 0.8717, "Acc.wardrobe": 0.7427, "Acc.lamp": 0.8717, "Acc.bathtub": 0.9247, "Acc.railing": 0.6357, "Acc.cushion": 0.834, "Acc.base": 0.5535, "Acc.box": 0.5058, "Acc.column": 0.6975, "Acc.signboard": 0.5452, "Acc.chest of drawers": 0.676, "Acc.counter": 0.6136, "Acc.sand": 0.8275, "Acc.sink": 0.9104, "Acc.skyscraper": 0.5938, "Acc.fireplace": 0.9459, "Acc.refrigerator": 0.921, "Acc.grandstand": 0.8108, "Acc.path": 0.3463, "Acc.stairs": 0.3445, "Acc.runway": 0.942, "Acc.case": 0.849, "Acc.pool table": 0.9853, "Acc.pillow": 0.7548, "Acc.screen door": 0.8319, "Acc.stairway": 0.5531, "Acc.river": 0.2518, "Acc.bridge": 0.7856, "Acc.bookcase": 0.7153, "Acc.blind": 0.5121, "Acc.coffee table": 0.891, "Acc.toilet": 0.9421, "Acc.flower": 0.5908, "Acc.book": 0.7404, "Acc.hill": 0.2475, "Acc.bench": 0.7581, "Acc.countertop": 0.8416, "Acc.stove": 0.9261, "Acc.palm": 0.8914, "Acc.kitchen island": 0.7824, "Acc.computer": 0.9078, "Acc.swivel chair": 0.6798, "Acc.boat": 0.9312, "Acc.bar": 0.8859, "Acc.arcade machine": 0.8525, "Acc.hovel": 0.5782, "Acc.bus": 0.9717, "Acc.towel": 0.8793, "Acc.light": 0.7289, "Acc.truck": 0.6557, "Acc.tower": 0.499, "Acc.chandelier": 0.8362, "Acc.awning": 0.6298, "Acc.streetlight": 0.5016, "Acc.booth": 0.7306, "Acc.television receiver": 0.869, "Acc.airplane": 0.9692, "Acc.dirt track": 0.1707, "Acc.apparel": 0.8291, "Acc.pole": 0.3726, "Acc.land": 0.0803, "Acc.bannister": 0.2614, "Acc.escalator": 0.8571, "Acc.ottoman": 0.684, "Acc.bottle": 0.7155, "Acc.buffet": 0.6876, "Acc.poster": 0.5196, "Acc.stage": 0.3487, "Acc.van": 0.7434, "Acc.ship": 0.815, "Acc.fountain": 0.3134, "Acc.conveyer belt": 0.963, "Acc.canopy": 0.7766, "Acc.washer": 0.9569, "Acc.plaything": 0.4806, "Acc.swimming pool": 0.7538, "Acc.stool": 0.7227, "Acc.barrel": 0.9801, "Acc.basket": 0.6127, "Acc.waterfall": 0.6868, "Acc.tent": 0.9895, "Acc.bag": 0.3082, "Acc.minibike": 0.9254, "Acc.cradle": 0.9776, "Acc.oven": 0.8076, "Acc.ball": 0.7557, "Acc.food": 0.7218, "Acc.step": 0.1455, "Acc.tank": 0.7625, "Acc.trade name": 0.2604, "Acc.microwave": 0.9648, "Acc.pot": 0.71, "Acc.animal": 0.6388, "Acc.bicycle": 0.795, "Acc.lake": 0.6371, "Acc.dishwasher": 0.8436, "Acc.screen": 0.9018, "Acc.blanket": 0.4149, "Acc.sculpture": 0.8695, "Acc.hood": 0.7519, "Acc.sconce": 0.7495, "Acc.vase": 0.6571, "Acc.traffic light": 0.7023, "Acc.tray": 0.3525, "Acc.ashcan": 0.6817, "Acc.fan": 0.8325, "Acc.pier": 0.4521, "Acc.crt screen": 0.0714, "Acc.plate": 0.8211, "Acc.monitor": 0.3337, "Acc.bulletin board": 0.6586, "Acc.shower": 0.2127, "Acc.radiator": 0.8218, "Acc.glass": 0.2438, "Acc.clock": 0.6873, "Acc.flag": 0.8168} {"mode": "train", "epoch": 50, "iter": 63050, "lr": 1e-05, "memory": 72263, "data_time": 2.23608, "decode.loss_ce": 0.12654, "decode.acc_seg": 94.30164, "aux.loss_ce": 0.05425, "aux.acc_seg": 93.87409, "loss": 0.1808, "time": 4.20463} {"mode": "train", "epoch": 50, "iter": 63100, "lr": 1e-05, "memory": 72263, "data_time": 0.01073, "decode.loss_ce": 0.14313, "decode.acc_seg": 93.68477, "aux.loss_ce": 0.06153, "aux.acc_seg": 93.2677, "loss": 0.20466, "time": 1.977} {"mode": "train", "epoch": 50, "iter": 63150, "lr": 1e-05, "memory": 72263, "data_time": 0.01067, "decode.loss_ce": 0.13064, "decode.acc_seg": 94.22381, "aux.loss_ce": 0.05584, "aux.acc_seg": 93.80345, "loss": 0.18648, "time": 1.97711} {"mode": "train", "epoch": 51, "iter": 63200, "lr": 1e-05, "memory": 72263, "data_time": 0.06835, "decode.loss_ce": 0.13865, "decode.acc_seg": 94.07914, "aux.loss_ce": 0.05956, "aux.acc_seg": 93.6774, "loss": 0.1982, "time": 2.03616} {"mode": "train", "epoch": 51, "iter": 63250, "lr": 1e-05, "memory": 72263, "data_time": 0.00958, "decode.loss_ce": 0.12759, "decode.acc_seg": 94.33762, "aux.loss_ce": 0.05471, "aux.acc_seg": 93.9493, "loss": 0.1823, "time": 1.98136} {"mode": "train", "epoch": 51, "iter": 63300, "lr": 1e-05, "memory": 72263, "data_time": 0.01061, "decode.loss_ce": 0.13744, "decode.acc_seg": 93.8771, "aux.loss_ce": 0.05824, "aux.acc_seg": 93.53353, "loss": 0.19568, "time": 1.97759} {"mode": "train", "epoch": 51, "iter": 63350, "lr": 1e-05, "memory": 72263, "data_time": 0.01013, "decode.loss_ce": 0.1312, "decode.acc_seg": 94.05286, "aux.loss_ce": 0.0561, "aux.acc_seg": 93.70545, "loss": 0.18729, "time": 1.97912} {"mode": "train", "epoch": 51, "iter": 63400, "lr": 1e-05, "memory": 72263, "data_time": 0.00969, "decode.loss_ce": 0.14001, "decode.acc_seg": 93.90869, "aux.loss_ce": 0.05995, "aux.acc_seg": 93.47542, "loss": 0.19995, "time": 1.97786} {"mode": "train", "epoch": 51, "iter": 63450, "lr": 1e-05, "memory": 72263, "data_time": 0.01055, "decode.loss_ce": 0.13378, "decode.acc_seg": 94.12687, "aux.loss_ce": 0.05768, "aux.acc_seg": 93.68, "loss": 0.19146, "time": 1.98034} {"mode": "train", "epoch": 51, "iter": 63500, "lr": 1e-05, "memory": 72263, "data_time": 0.01005, "decode.loss_ce": 0.13715, "decode.acc_seg": 93.9348, "aux.loss_ce": 0.05869, "aux.acc_seg": 93.52142, "loss": 0.19583, "time": 1.97728} {"mode": "train", "epoch": 51, "iter": 63550, "lr": 1e-05, "memory": 72263, "data_time": 0.01066, "decode.loss_ce": 0.12976, "decode.acc_seg": 94.14705, "aux.loss_ce": 0.05554, "aux.acc_seg": 93.71111, "loss": 0.1853, "time": 1.97866} {"mode": "train", "epoch": 51, "iter": 63600, "lr": 1e-05, "memory": 72263, "data_time": 0.01101, "decode.loss_ce": 0.13329, "decode.acc_seg": 94.09468, "aux.loss_ce": 0.05722, "aux.acc_seg": 93.71265, "loss": 0.19052, "time": 1.98055} {"mode": "train", "epoch": 51, "iter": 63650, "lr": 1e-05, "memory": 72263, "data_time": 0.01044, "decode.loss_ce": 0.13219, "decode.acc_seg": 94.02218, "aux.loss_ce": 0.0564, "aux.acc_seg": 93.6663, "loss": 0.18859, "time": 1.97774} {"mode": "train", "epoch": 51, "iter": 63700, "lr": 1e-05, "memory": 72263, "data_time": 0.01057, "decode.loss_ce": 0.14326, "decode.acc_seg": 93.84423, "aux.loss_ce": 0.06114, "aux.acc_seg": 93.48223, "loss": 0.2044, "time": 1.98131} {"mode": "train", "epoch": 51, "iter": 63750, "lr": 1e-05, "memory": 72263, "data_time": 0.01088, "decode.loss_ce": 0.1357, "decode.acc_seg": 93.92807, "aux.loss_ce": 0.05837, "aux.acc_seg": 93.53523, "loss": 0.19407, "time": 1.9766} {"mode": "train", "epoch": 51, "iter": 63800, "lr": 1e-05, "memory": 72263, "data_time": 0.01029, "decode.loss_ce": 0.13775, "decode.acc_seg": 93.94915, "aux.loss_ce": 0.05908, "aux.acc_seg": 93.53835, "loss": 0.19683, "time": 1.97968} {"mode": "train", "epoch": 51, "iter": 63850, "lr": 1e-05, "memory": 72263, "data_time": 0.01001, "decode.loss_ce": 0.1283, "decode.acc_seg": 94.17948, "aux.loss_ce": 0.05432, "aux.acc_seg": 93.8587, "loss": 0.18262, "time": 1.97782} {"mode": "train", "epoch": 51, "iter": 63900, "lr": 1e-05, "memory": 72263, "data_time": 0.01078, "decode.loss_ce": 0.14099, "decode.acc_seg": 93.68167, "aux.loss_ce": 0.06007, "aux.acc_seg": 93.25264, "loss": 0.20106, "time": 1.97868} {"mode": "train", "epoch": 51, "iter": 63950, "lr": 1e-05, "memory": 72263, "data_time": 0.00989, "decode.loss_ce": 0.13124, "decode.acc_seg": 94.29751, "aux.loss_ce": 0.05625, "aux.acc_seg": 93.93727, "loss": 0.18748, "time": 1.98019} {"mode": "train", "epoch": 51, "iter": 64000, "lr": 1e-05, "memory": 72263, "data_time": 0.00982, "decode.loss_ce": 0.14227, "decode.acc_seg": 93.62097, "aux.loss_ce": 0.06125, "aux.acc_seg": 93.15754, "loss": 0.20352, "time": 3.62366} {"mode": "val", "epoch": 51, "iter": 250, "lr": 1e-05, "aAcc": 0.8664, "mIoU": 0.5922, "mAcc": 0.7162, "IoU.wall": 0.8284, "IoU.building": 0.8538, "IoU.sky": 0.9507, "IoU.floor": 0.8475, "IoU.tree": 0.781, "IoU.ceiling": 0.8772, "IoU.road": 0.8695, "IoU.bed ": 0.9285, "IoU.windowpane": 0.6718, "IoU.grass": 0.6809, "IoU.cabinet": 0.6792, "IoU.sidewalk": 0.7106, "IoU.person": 0.8676, "IoU.earth": 0.409, "IoU.door": 0.601, "IoU.table": 0.7074, "IoU.mountain": 0.6382, "IoU.plant": 0.5753, "IoU.curtain": 0.7851, "IoU.chair": 0.6934, "IoU.car": 0.8877, "IoU.water": 0.6612, "IoU.painting": 0.793, "IoU.sofa": 0.8314, "IoU.shelf": 0.5253, "IoU.house": 0.5409, "IoU.sea": 0.7791, "IoU.mirror": 0.7885, "IoU.rug": 0.6385, "IoU.field": 0.279, "IoU.armchair": 0.6448, "IoU.seat": 0.6764, "IoU.fence": 0.5483, "IoU.desk": 0.6017, "IoU.rock": 0.5604, "IoU.wardrobe": 0.5339, "IoU.lamp": 0.7634, "IoU.bathtub": 0.875, "IoU.railing": 0.4375, "IoU.cushion": 0.704, "IoU.base": 0.4602, "IoU.box": 0.4139, "IoU.column": 0.5734, "IoU.signboard": 0.4289, "IoU.chest of drawers": 0.4554, "IoU.counter": 0.5335, "IoU.sand": 0.5132, "IoU.sink": 0.855, "IoU.skyscraper": 0.4576, "IoU.fireplace": 0.7383, "IoU.refrigerator": 0.8459, "IoU.grandstand": 0.6288, "IoU.path": 0.2965, "IoU.stairs": 0.2985, "IoU.runway": 0.7296, "IoU.case": 0.6533, "IoU.pool table": 0.9538, "IoU.pillow": 0.6816, "IoU.screen door": 0.8638, "IoU.stairway": 0.3394, "IoU.river": 0.1521, "IoU.bridge": 0.6321, "IoU.bookcase": 0.4874, "IoU.blind": 0.4188, "IoU.coffee table": 0.6161, "IoU.toilet": 0.9063, "IoU.flower": 0.4619, "IoU.book": 0.5815, "IoU.hill": 0.1553, "IoU.bench": 0.6054, "IoU.countertop": 0.6668, "IoU.stove": 0.8625, "IoU.palm": 0.5378, "IoU.kitchen island": 0.5908, "IoU.computer": 0.7703, "IoU.swivel chair": 0.5022, "IoU.boat": 0.7054, "IoU.bar": 0.7325, "IoU.arcade machine": 0.8019, "IoU.hovel": 0.2898, "IoU.bus": 0.9361, "IoU.towel": 0.8139, "IoU.light": 0.6158, "IoU.truck": 0.5102, "IoU.tower": 0.2512, "IoU.chandelier": 0.7285, "IoU.awning": 0.4486, "IoU.streetlight": 0.385, "IoU.booth": 0.5347, "IoU.television receiver": 0.8079, "IoU.airplane": 0.8688, "IoU.dirt track": 0.1176, "IoU.apparel": 0.6426, "IoU.pole": 0.2704, "IoU.land": 0.0535, "IoU.bannister": 0.199, "IoU.escalator": 0.6622, "IoU.ottoman": 0.5878, "IoU.bottle": 0.4374, "IoU.buffet": 0.4589, "IoU.poster": 0.3296, "IoU.stage": 0.2046, "IoU.van": 0.5545, "IoU.ship": 0.7659, "IoU.fountain": 0.3074, "IoU.conveyer belt": 0.8397, "IoU.canopy": 0.5975, "IoU.washer": 0.8942, "IoU.plaything": 0.3332, "IoU.swimming pool": 0.5426, "IoU.stool": 0.5812, "IoU.barrel": 0.7478, "IoU.basket": 0.4353, "IoU.waterfall": 0.6024, "IoU.tent": 0.9236, "IoU.bag": 0.2912, "IoU.minibike": 0.7769, "IoU.cradle": 0.8818, "IoU.oven": 0.6915, "IoU.ball": 0.5015, "IoU.food": 0.606, "IoU.step": 0.1295, "IoU.tank": 0.649, "IoU.trade name": 0.2389, "IoU.microwave": 0.9019, "IoU.pot": 0.6146, "IoU.animal": 0.6151, "IoU.bicycle": 0.6175, "IoU.lake": 0.4825, "IoU.dishwasher": 0.7443, "IoU.screen": 0.5985, "IoU.blanket": 0.4004, "IoU.sculpture": 0.7578, "IoU.hood": 0.6952, "IoU.sconce": 0.6275, "IoU.vase": 0.5026, "IoU.traffic light": 0.4143, "IoU.tray": 0.2605, "IoU.ashcan": 0.4929, "IoU.fan": 0.7273, "IoU.pier": 0.4296, "IoU.crt screen": 0.0335, "IoU.plate": 0.6495, "IoU.monitor": 0.2985, "IoU.bulletin board": 0.5598, "IoU.shower": 0.2132, "IoU.radiator": 0.6943, "IoU.glass": 0.2374, "IoU.clock": 0.5758, "IoU.flag": 0.7021, "Acc.wall": 0.9079, "Acc.building": 0.9245, "Acc.sky": 0.9764, "Acc.floor": 0.9157, "Acc.tree": 0.9005, "Acc.ceiling": 0.9459, "Acc.road": 0.9268, "Acc.bed ": 0.9652, "Acc.windowpane": 0.8156, "Acc.grass": 0.8364, "Acc.cabinet": 0.7869, "Acc.sidewalk": 0.8327, "Acc.person": 0.9464, "Acc.earth": 0.5264, "Acc.door": 0.7299, "Acc.table": 0.8269, "Acc.mountain": 0.7541, "Acc.plant": 0.6733, "Acc.curtain": 0.8911, "Acc.chair": 0.8075, "Acc.car": 0.9445, "Acc.water": 0.8121, "Acc.painting": 0.9188, "Acc.sofa": 0.9051, "Acc.shelf": 0.698, "Acc.house": 0.7648, "Acc.sea": 0.8979, "Acc.mirror": 0.8548, "Acc.rug": 0.7517, "Acc.field": 0.5101, "Acc.armchair": 0.8248, "Acc.seat": 0.8909, "Acc.fence": 0.7164, "Acc.desk": 0.7865, "Acc.rock": 0.7973, "Acc.wardrobe": 0.7055, "Acc.lamp": 0.8722, "Acc.bathtub": 0.9005, "Acc.railing": 0.6076, "Acc.cushion": 0.8383, "Acc.base": 0.577, "Acc.box": 0.5384, "Acc.column": 0.6773, "Acc.signboard": 0.6232, "Acc.chest of drawers": 0.7154, "Acc.counter": 0.6193, "Acc.sand": 0.7853, "Acc.sink": 0.901, "Acc.skyscraper": 0.6005, "Acc.fireplace": 0.8812, "Acc.refrigerator": 0.8902, "Acc.grandstand": 0.831, "Acc.path": 0.3726, "Acc.stairs": 0.3894, "Acc.runway": 0.9442, "Acc.case": 0.8411, "Acc.pool table": 0.9841, "Acc.pillow": 0.7992, "Acc.screen door": 0.8869, "Acc.stairway": 0.5221, "Acc.river": 0.2392, "Acc.bridge": 0.7207, "Acc.bookcase": 0.6413, "Acc.blind": 0.4621, "Acc.coffee table": 0.8818, "Acc.toilet": 0.9349, "Acc.flower": 0.6063, "Acc.book": 0.7907, "Acc.hill": 0.2478, "Acc.bench": 0.6894, "Acc.countertop": 0.8347, "Acc.stove": 0.9341, "Acc.palm": 0.7869, "Acc.kitchen island": 0.7666, "Acc.computer": 0.9237, "Acc.swivel chair": 0.8036, "Acc.boat": 0.9399, "Acc.bar": 0.8322, "Acc.arcade machine": 0.8298, "Acc.hovel": 0.3403, "Acc.bus": 0.9743, "Acc.towel": 0.8925, "Acc.light": 0.7181, "Acc.truck": 0.6252, "Acc.tower": 0.4585, "Acc.chandelier": 0.8583, "Acc.awning": 0.5752, "Acc.streetlight": 0.5543, "Acc.booth": 0.7248, "Acc.television receiver": 0.8719, "Acc.airplane": 0.9747, "Acc.dirt track": 0.2845, "Acc.apparel": 0.9018, "Acc.pole": 0.3702, "Acc.land": 0.0846, "Acc.bannister": 0.2703, "Acc.escalator": 0.861, "Acc.ottoman": 0.7484, "Acc.bottle": 0.6199, "Acc.buffet": 0.519, "Acc.poster": 0.4274, "Acc.stage": 0.3532, "Acc.van": 0.762, "Acc.ship": 0.8972, "Acc.fountain": 0.3121, "Acc.conveyer belt": 0.9673, "Acc.canopy": 0.7477, "Acc.washer": 0.9514, "Acc.plaything": 0.5022, "Acc.swimming pool": 0.7841, "Acc.stool": 0.7477, "Acc.barrel": 0.9813, "Acc.basket": 0.6291, "Acc.waterfall": 0.7719, "Acc.tent": 0.9909, "Acc.bag": 0.3414, "Acc.minibike": 0.9144, "Acc.cradle": 0.9796, "Acc.oven": 0.7703, "Acc.ball": 0.5332, "Acc.food": 0.7252, "Acc.step": 0.1472, "Acc.tank": 0.7018, "Acc.trade name": 0.2775, "Acc.microwave": 0.9626, "Acc.pot": 0.7567, "Acc.animal": 0.634, "Acc.bicycle": 0.7841, "Acc.lake": 0.6478, "Acc.dishwasher": 0.8302, "Acc.screen": 0.9351, "Acc.blanket": 0.4779, "Acc.sculpture": 0.8841, "Acc.hood": 0.7239, "Acc.sconce": 0.7726, "Acc.vase": 0.6844, "Acc.traffic light": 0.6852, "Acc.tray": 0.3365, "Acc.ashcan": 0.6687, "Acc.fan": 0.8327, "Acc.pier": 0.4817, "Acc.crt screen": 0.0777, "Acc.plate": 0.8234, "Acc.monitor": 0.3336, "Acc.bulletin board": 0.6801, "Acc.shower": 0.2328, "Acc.radiator": 0.8306, "Acc.glass": 0.2577, "Acc.clock": 0.6856, "Acc.flag": 0.8338} {"mode": "train", "epoch": 51, "iter": 64050, "lr": 1e-05, "memory": 72263, "data_time": 2.21636, "decode.loss_ce": 0.14115, "decode.acc_seg": 93.79943, "aux.loss_ce": 0.06013, "aux.acc_seg": 93.47551, "loss": 0.20128, "time": 4.1835} {"mode": "train", "epoch": 51, "iter": 64100, "lr": 1e-05, "memory": 72263, "data_time": 0.00999, "decode.loss_ce": 0.13763, "decode.acc_seg": 93.93285, "aux.loss_ce": 0.05855, "aux.acc_seg": 93.56335, "loss": 0.19618, "time": 1.97959} {"mode": "train", "epoch": 51, "iter": 64150, "lr": 1e-05, "memory": 72263, "data_time": 0.01017, "decode.loss_ce": 0.13999, "decode.acc_seg": 93.8567, "aux.loss_ce": 0.05927, "aux.acc_seg": 93.50663, "loss": 0.19925, "time": 1.97712} {"mode": "train", "epoch": 51, "iter": 64200, "lr": 1e-05, "memory": 72263, "data_time": 0.00988, "decode.loss_ce": 0.13303, "decode.acc_seg": 94.04915, "aux.loss_ce": 0.0569, "aux.acc_seg": 93.67737, "loss": 0.18993, "time": 1.97667} {"mode": "train", "epoch": 51, "iter": 64250, "lr": 1e-05, "memory": 72263, "data_time": 0.01064, "decode.loss_ce": 0.13104, "decode.acc_seg": 94.22077, "aux.loss_ce": 0.05624, "aux.acc_seg": 93.79815, "loss": 0.18728, "time": 1.9778} {"mode": "train", "epoch": 51, "iter": 64300, "lr": 1e-05, "memory": 72263, "data_time": 0.01022, "decode.loss_ce": 0.13183, "decode.acc_seg": 94.13711, "aux.loss_ce": 0.05628, "aux.acc_seg": 93.72612, "loss": 0.18811, "time": 1.97733} {"mode": "train", "epoch": 51, "iter": 64350, "lr": 1e-05, "memory": 72263, "data_time": 0.01025, "decode.loss_ce": 0.13923, "decode.acc_seg": 93.72491, "aux.loss_ce": 0.05965, "aux.acc_seg": 93.36239, "loss": 0.19888, "time": 1.97636} {"mode": "train", "epoch": 51, "iter": 64400, "lr": 1e-05, "memory": 72263, "data_time": 0.01061, "decode.loss_ce": 0.14645, "decode.acc_seg": 93.52945, "aux.loss_ce": 0.06242, "aux.acc_seg": 93.19055, "loss": 0.20888, "time": 1.97701} {"mode": "train", "epoch": 52, "iter": 64450, "lr": 1e-05, "memory": 72263, "data_time": 0.0723, "decode.loss_ce": 0.1406, "decode.acc_seg": 93.98223, "aux.loss_ce": 0.06044, "aux.acc_seg": 93.53224, "loss": 0.20104, "time": 2.04246} {"mode": "train", "epoch": 52, "iter": 64500, "lr": 1e-05, "memory": 72263, "data_time": 0.0104, "decode.loss_ce": 0.12938, "decode.acc_seg": 94.19791, "aux.loss_ce": 0.05599, "aux.acc_seg": 93.77274, "loss": 0.18536, "time": 1.977} {"mode": "train", "epoch": 52, "iter": 64550, "lr": 1e-05, "memory": 72263, "data_time": 0.01057, "decode.loss_ce": 0.13621, "decode.acc_seg": 93.79973, "aux.loss_ce": 0.05853, "aux.acc_seg": 93.33562, "loss": 0.19475, "time": 1.97668} {"mode": "train", "epoch": 52, "iter": 64600, "lr": 1e-05, "memory": 72263, "data_time": 0.01054, "decode.loss_ce": 0.12948, "decode.acc_seg": 94.3416, "aux.loss_ce": 0.05497, "aux.acc_seg": 93.9766, "loss": 0.18445, "time": 1.97736} {"mode": "train", "epoch": 52, "iter": 64650, "lr": 1e-05, "memory": 72263, "data_time": 0.01095, "decode.loss_ce": 0.13871, "decode.acc_seg": 93.79413, "aux.loss_ce": 0.05985, "aux.acc_seg": 93.37606, "loss": 0.19857, "time": 1.97849} {"mode": "train", "epoch": 52, "iter": 64700, "lr": 1e-05, "memory": 72263, "data_time": 0.01106, "decode.loss_ce": 0.13939, "decode.acc_seg": 93.70445, "aux.loss_ce": 0.05972, "aux.acc_seg": 93.37372, "loss": 0.19911, "time": 1.97952} {"mode": "train", "epoch": 52, "iter": 64750, "lr": 1e-05, "memory": 72263, "data_time": 0.01167, "decode.loss_ce": 0.13031, "decode.acc_seg": 94.24399, "aux.loss_ce": 0.05598, "aux.acc_seg": 93.84816, "loss": 0.18628, "time": 1.97942} {"mode": "train", "epoch": 52, "iter": 64800, "lr": 1e-05, "memory": 72263, "data_time": 0.01125, "decode.loss_ce": 0.1384, "decode.acc_seg": 93.64067, "aux.loss_ce": 0.05889, "aux.acc_seg": 93.303, "loss": 0.1973, "time": 1.97708} {"mode": "train", "epoch": 52, "iter": 64850, "lr": 1e-05, "memory": 72263, "data_time": 0.01058, "decode.loss_ce": 0.13135, "decode.acc_seg": 94.07803, "aux.loss_ce": 0.05598, "aux.acc_seg": 93.73184, "loss": 0.18733, "time": 1.97921} {"mode": "train", "epoch": 52, "iter": 64900, "lr": 1e-05, "memory": 72263, "data_time": 0.0111, "decode.loss_ce": 0.12562, "decode.acc_seg": 94.38345, "aux.loss_ce": 0.05379, "aux.acc_seg": 94.00006, "loss": 0.1794, "time": 1.97775} {"mode": "train", "epoch": 52, "iter": 64950, "lr": 1e-05, "memory": 72263, "data_time": 0.01082, "decode.loss_ce": 0.13662, "decode.acc_seg": 93.96576, "aux.loss_ce": 0.05835, "aux.acc_seg": 93.54496, "loss": 0.19497, "time": 1.97796} {"mode": "train", "epoch": 52, "iter": 65000, "lr": 1e-05, "memory": 72263, "data_time": 0.01033, "decode.loss_ce": 0.12884, "decode.acc_seg": 94.28358, "aux.loss_ce": 0.05552, "aux.acc_seg": 93.85071, "loss": 0.18436, "time": 1.97894} {"mode": "val", "epoch": 52, "iter": 250, "lr": 1e-05, "aAcc": 0.8667, "mIoU": 0.5936, "mAcc": 0.717, "IoU.wall": 0.829, "IoU.building": 0.8543, "IoU.sky": 0.9506, "IoU.floor": 0.8501, "IoU.tree": 0.7808, "IoU.ceiling": 0.8757, "IoU.road": 0.8828, "IoU.bed ": 0.9333, "IoU.windowpane": 0.6616, "IoU.grass": 0.6771, "IoU.cabinet": 0.6791, "IoU.sidewalk": 0.7337, "IoU.person": 0.8669, "IoU.earth": 0.4241, "IoU.door": 0.5967, "IoU.table": 0.7121, "IoU.mountain": 0.6366, "IoU.plant": 0.5704, "IoU.curtain": 0.7897, "IoU.chair": 0.6793, "IoU.car": 0.8874, "IoU.water": 0.6337, "IoU.painting": 0.8009, "IoU.sofa": 0.8257, "IoU.shelf": 0.505, "IoU.house": 0.5142, "IoU.sea": 0.7511, "IoU.mirror": 0.7941, "IoU.rug": 0.6443, "IoU.field": 0.2844, "IoU.armchair": 0.6412, "IoU.seat": 0.667, "IoU.fence": 0.4825, "IoU.desk": 0.5962, "IoU.rock": 0.5753, "IoU.wardrobe": 0.531, "IoU.lamp": 0.7697, "IoU.bathtub": 0.873, "IoU.railing": 0.4214, "IoU.cushion": 0.6885, "IoU.base": 0.4557, "IoU.box": 0.3996, "IoU.column": 0.5689, "IoU.signboard": 0.4245, "IoU.chest of drawers": 0.4611, "IoU.counter": 0.5068, "IoU.sand": 0.5573, "IoU.sink": 0.8421, "IoU.skyscraper": 0.4483, "IoU.fireplace": 0.7448, "IoU.refrigerator": 0.8626, "IoU.grandstand": 0.6098, "IoU.path": 0.32, "IoU.stairs": 0.3159, "IoU.runway": 0.7225, "IoU.case": 0.639, "IoU.pool table": 0.9532, "IoU.pillow": 0.6601, "IoU.screen door": 0.8683, "IoU.stairway": 0.3655, "IoU.river": 0.1521, "IoU.bridge": 0.632, "IoU.bookcase": 0.434, "IoU.blind": 0.411, "IoU.coffee table": 0.6225, "IoU.toilet": 0.9015, "IoU.flower": 0.4678, "IoU.book": 0.5812, "IoU.hill": 0.159, "IoU.bench": 0.5927, "IoU.countertop": 0.6532, "IoU.stove": 0.8807, "IoU.palm": 0.5367, "IoU.kitchen island": 0.5584, "IoU.computer": 0.759, "IoU.swivel chair": 0.4588, "IoU.boat": 0.8134, "IoU.bar": 0.7143, "IoU.arcade machine": 0.8312, "IoU.hovel": 0.4356, "IoU.bus": 0.9396, "IoU.towel": 0.8145, "IoU.light": 0.6314, "IoU.truck": 0.5249, "IoU.tower": 0.3046, "IoU.chandelier": 0.733, "IoU.awning": 0.4353, "IoU.streetlight": 0.3806, "IoU.booth": 0.5038, "IoU.television receiver": 0.8265, "IoU.airplane": 0.9043, "IoU.dirt track": 0.0416, "IoU.apparel": 0.6502, "IoU.pole": 0.2743, "IoU.land": 0.0571, "IoU.bannister": 0.2256, "IoU.escalator": 0.661, "IoU.ottoman": 0.5823, "IoU.bottle": 0.4632, "IoU.buffet": 0.5647, "IoU.poster": 0.3402, "IoU.stage": 0.2207, "IoU.van": 0.5677, "IoU.ship": 0.6902, "IoU.fountain": 0.3107, "IoU.conveyer belt": 0.8454, "IoU.canopy": 0.5988, "IoU.washer": 0.8314, "IoU.plaything": 0.3414, "IoU.swimming pool": 0.5392, "IoU.stool": 0.5523, "IoU.barrel": 0.7169, "IoU.basket": 0.4434, "IoU.waterfall": 0.5586, "IoU.tent": 0.9268, "IoU.bag": 0.2822, "IoU.minibike": 0.7751, "IoU.cradle": 0.8274, "IoU.oven": 0.6911, "IoU.ball": 0.57, "IoU.food": 0.6286, "IoU.step": 0.1215, "IoU.tank": 0.6394, "IoU.trade name": 0.255, "IoU.microwave": 0.8998, "IoU.pot": 0.638, "IoU.animal": 0.6124, "IoU.bicycle": 0.6184, "IoU.lake": 0.532, "IoU.dishwasher": 0.7399, "IoU.screen": 0.6139, "IoU.blanket": 0.3483, "IoU.sculpture": 0.7728, "IoU.hood": 0.6464, "IoU.sconce": 0.6163, "IoU.vase": 0.5085, "IoU.traffic light": 0.3931, "IoU.tray": 0.2622, "IoU.ashcan": 0.522, "IoU.fan": 0.733, "IoU.pier": 0.4247, "IoU.crt screen": 0.0496, "IoU.plate": 0.6459, "IoU.monitor": 0.445, "IoU.bulletin board": 0.6029, "IoU.shower": 0.2148, "IoU.radiator": 0.6863, "IoU.glass": 0.227, "IoU.clock": 0.5741, "IoU.flag": 0.7307, "Acc.wall": 0.9089, "Acc.building": 0.9336, "Acc.sky": 0.9774, "Acc.floor": 0.9246, "Acc.tree": 0.8939, "Acc.ceiling": 0.9361, "Acc.road": 0.9258, "Acc.bed ": 0.972, "Acc.windowpane": 0.8007, "Acc.grass": 0.8288, "Acc.cabinet": 0.7702, "Acc.sidewalk": 0.864, "Acc.person": 0.9398, "Acc.earth": 0.5494, "Acc.door": 0.7411, "Acc.table": 0.8193, "Acc.mountain": 0.7384, "Acc.plant": 0.6753, "Acc.curtain": 0.8885, "Acc.chair": 0.7887, "Acc.car": 0.9484, "Acc.water": 0.7815, "Acc.painting": 0.9096, "Acc.sofa": 0.8941, "Acc.shelf": 0.6722, "Acc.house": 0.6449, "Acc.sea": 0.8946, "Acc.mirror": 0.8804, "Acc.rug": 0.7682, "Acc.field": 0.4997, "Acc.armchair": 0.809, "Acc.seat": 0.903, "Acc.fence": 0.6002, "Acc.desk": 0.8006, "Acc.rock": 0.8844, "Acc.wardrobe": 0.7022, "Acc.lamp": 0.8827, "Acc.bathtub": 0.8905, "Acc.railing": 0.6125, "Acc.cushion": 0.8389, "Acc.base": 0.6339, "Acc.box": 0.5153, "Acc.column": 0.7177, "Acc.signboard": 0.5758, "Acc.chest of drawers": 0.6943, "Acc.counter": 0.6001, "Acc.sand": 0.8382, "Acc.sink": 0.8818, "Acc.skyscraper": 0.6013, "Acc.fireplace": 0.9498, "Acc.refrigerator": 0.9425, "Acc.grandstand": 0.8214, "Acc.path": 0.4367, "Acc.stairs": 0.4026, "Acc.runway": 0.9307, "Acc.case": 0.8424, "Acc.pool table": 0.9848, "Acc.pillow": 0.7687, "Acc.screen door": 0.8921, "Acc.stairway": 0.5313, "Acc.river": 0.2666, "Acc.bridge": 0.7008, "Acc.bookcase": 0.5806, "Acc.blind": 0.4625, "Acc.coffee table": 0.8904, "Acc.toilet": 0.9348, "Acc.flower": 0.6329, "Acc.book": 0.8142, "Acc.hill": 0.2725, "Acc.bench": 0.6676, "Acc.countertop": 0.8547, "Acc.stove": 0.9292, "Acc.palm": 0.8211, "Acc.kitchen island": 0.8138, "Acc.computer": 0.8912, "Acc.swivel chair": 0.6665, "Acc.boat": 0.9328, "Acc.bar": 0.8509, "Acc.arcade machine": 0.8643, "Acc.hovel": 0.4853, "Acc.bus": 0.9711, "Acc.towel": 0.921, "Acc.light": 0.7503, "Acc.truck": 0.6338, "Acc.tower": 0.6065, "Acc.chandelier": 0.8611, "Acc.awning": 0.5538, "Acc.streetlight": 0.5127, "Acc.booth": 0.7195, "Acc.television receiver": 0.8692, "Acc.airplane": 0.9616, "Acc.dirt track": 0.0695, "Acc.apparel": 0.8233, "Acc.pole": 0.3705, "Acc.land": 0.0792, "Acc.bannister": 0.2844, "Acc.escalator": 0.8661, "Acc.ottoman": 0.7437, "Acc.bottle": 0.6828, "Acc.buffet": 0.6469, "Acc.poster": 0.4222, "Acc.stage": 0.4073, "Acc.van": 0.7514, "Acc.ship": 0.7625, "Acc.fountain": 0.3155, "Acc.conveyer belt": 0.968, "Acc.canopy": 0.7652, "Acc.washer": 0.8804, "Acc.plaything": 0.5015, "Acc.swimming pool": 0.7882, "Acc.stool": 0.7425, "Acc.barrel": 0.979, "Acc.basket": 0.5992, "Acc.waterfall": 0.6758, "Acc.tent": 0.9878, "Acc.bag": 0.328, "Acc.minibike": 0.9008, "Acc.cradle": 0.9786, "Acc.oven": 0.7997, "Acc.ball": 0.6517, "Acc.food": 0.7463, "Acc.step": 0.1466, "Acc.tank": 0.6877, "Acc.trade name": 0.3009, "Acc.microwave": 0.9675, "Acc.pot": 0.7459, "Acc.animal": 0.6289, "Acc.bicycle": 0.7678, "Acc.lake": 0.6352, "Acc.dishwasher": 0.8224, "Acc.screen": 0.953, "Acc.blanket": 0.4096, "Acc.sculpture": 0.8782, "Acc.hood": 0.7469, "Acc.sconce": 0.7229, "Acc.vase": 0.6839, "Acc.traffic light": 0.6722, "Acc.tray": 0.3477, "Acc.ashcan": 0.683, "Acc.fan": 0.8355, "Acc.pier": 0.4653, "Acc.crt screen": 0.0916, "Acc.plate": 0.8241, "Acc.monitor": 0.5564, "Acc.bulletin board": 0.7188, "Acc.shower": 0.2244, "Acc.radiator": 0.8307, "Acc.glass": 0.243, "Acc.clock": 0.6836, "Acc.flag": 0.8071} {"mode": "train", "epoch": 52, "iter": 65050, "lr": 1e-05, "memory": 72263, "data_time": 2.21907, "decode.loss_ce": 0.13817, "decode.acc_seg": 93.83804, "aux.loss_ce": 0.05892, "aux.acc_seg": 93.46, "loss": 0.19709, "time": 4.18645} {"mode": "train", "epoch": 52, "iter": 65100, "lr": 1e-05, "memory": 72263, "data_time": 0.00976, "decode.loss_ce": 0.13142, "decode.acc_seg": 94.1215, "aux.loss_ce": 0.05666, "aux.acc_seg": 93.65764, "loss": 0.18808, "time": 1.9778} {"mode": "train", "epoch": 52, "iter": 65150, "lr": 1e-05, "memory": 72263, "data_time": 0.01133, "decode.loss_ce": 0.14096, "decode.acc_seg": 93.68744, "aux.loss_ce": 0.06034, "aux.acc_seg": 93.32393, "loss": 0.2013, "time": 1.97858} {"mode": "train", "epoch": 52, "iter": 65200, "lr": 1e-05, "memory": 72263, "data_time": 0.01132, "decode.loss_ce": 0.13881, "decode.acc_seg": 94.0559, "aux.loss_ce": 0.05894, "aux.acc_seg": 93.70191, "loss": 0.19776, "time": 1.97917} {"mode": "train", "epoch": 52, "iter": 65250, "lr": 1e-05, "memory": 72263, "data_time": 0.01027, "decode.loss_ce": 0.13601, "decode.acc_seg": 94.14795, "aux.loss_ce": 0.05798, "aux.acc_seg": 93.71537, "loss": 0.19398, "time": 1.97848} {"mode": "train", "epoch": 52, "iter": 65300, "lr": 1e-05, "memory": 72263, "data_time": 0.00963, "decode.loss_ce": 0.13899, "decode.acc_seg": 93.8375, "aux.loss_ce": 0.05926, "aux.acc_seg": 93.47522, "loss": 0.19825, "time": 1.98006} {"mode": "train", "epoch": 52, "iter": 65350, "lr": 1e-05, "memory": 72263, "data_time": 0.01055, "decode.loss_ce": 0.13111, "decode.acc_seg": 94.19989, "aux.loss_ce": 0.05661, "aux.acc_seg": 93.75655, "loss": 0.18772, "time": 1.98012} {"mode": "train", "epoch": 52, "iter": 65400, "lr": 1e-05, "memory": 72263, "data_time": 0.01025, "decode.loss_ce": 0.13182, "decode.acc_seg": 94.02699, "aux.loss_ce": 0.05651, "aux.acc_seg": 93.59223, "loss": 0.18833, "time": 1.97739} {"mode": "train", "epoch": 52, "iter": 65450, "lr": 1e-05, "memory": 72263, "data_time": 0.00991, "decode.loss_ce": 0.13855, "decode.acc_seg": 94.00887, "aux.loss_ce": 0.05955, "aux.acc_seg": 93.57894, "loss": 0.1981, "time": 1.97701} {"mode": "train", "epoch": 52, "iter": 65500, "lr": 1e-05, "memory": 72263, "data_time": 0.01025, "decode.loss_ce": 0.13134, "decode.acc_seg": 94.1651, "aux.loss_ce": 0.0564, "aux.acc_seg": 93.7543, "loss": 0.18774, "time": 1.97934} {"mode": "train", "epoch": 52, "iter": 65550, "lr": 1e-05, "memory": 72263, "data_time": 0.01003, "decode.loss_ce": 0.12585, "decode.acc_seg": 94.40031, "aux.loss_ce": 0.0538, "aux.acc_seg": 93.99748, "loss": 0.17966, "time": 1.97825} {"mode": "train", "epoch": 52, "iter": 65600, "lr": 1e-05, "memory": 72263, "data_time": 0.01016, "decode.loss_ce": 0.13446, "decode.acc_seg": 93.98423, "aux.loss_ce": 0.05777, "aux.acc_seg": 93.58481, "loss": 0.19223, "time": 1.97772} {"mode": "train", "epoch": 52, "iter": 65650, "lr": 1e-05, "memory": 72263, "data_time": 0.0099, "decode.loss_ce": 0.14511, "decode.acc_seg": 93.70836, "aux.loss_ce": 0.06133, "aux.acc_seg": 93.33736, "loss": 0.20645, "time": 1.97562} {"mode": "train", "epoch": 53, "iter": 65700, "lr": 1e-05, "memory": 72263, "data_time": 0.05153, "decode.loss_ce": 0.13655, "decode.acc_seg": 93.94593, "aux.loss_ce": 0.05817, "aux.acc_seg": 93.57684, "loss": 0.19472, "time": 2.02177} {"mode": "train", "epoch": 53, "iter": 65750, "lr": 1e-05, "memory": 72263, "data_time": 0.00972, "decode.loss_ce": 0.13308, "decode.acc_seg": 94.06642, "aux.loss_ce": 0.05711, "aux.acc_seg": 93.6586, "loss": 0.19019, "time": 1.97623} {"mode": "train", "epoch": 53, "iter": 65800, "lr": 1e-05, "memory": 72263, "data_time": 0.00992, "decode.loss_ce": 0.12412, "decode.acc_seg": 94.44725, "aux.loss_ce": 0.05342, "aux.acc_seg": 94.04633, "loss": 0.17753, "time": 1.97889} {"mode": "train", "epoch": 53, "iter": 65850, "lr": 1e-05, "memory": 72263, "data_time": 0.0097, "decode.loss_ce": 0.13563, "decode.acc_seg": 94.08585, "aux.loss_ce": 0.05827, "aux.acc_seg": 93.70242, "loss": 0.1939, "time": 1.9766} {"mode": "train", "epoch": 53, "iter": 65900, "lr": 1e-05, "memory": 72263, "data_time": 0.01044, "decode.loss_ce": 0.13308, "decode.acc_seg": 94.01806, "aux.loss_ce": 0.05666, "aux.acc_seg": 93.60737, "loss": 0.18974, "time": 1.97956} {"mode": "train", "epoch": 53, "iter": 65950, "lr": 1e-05, "memory": 72263, "data_time": 0.00963, "decode.loss_ce": 0.13308, "decode.acc_seg": 94.21518, "aux.loss_ce": 0.05707, "aux.acc_seg": 93.7868, "loss": 0.19015, "time": 1.97874} {"mode": "train", "epoch": 53, "iter": 66000, "lr": 1e-05, "memory": 72263, "data_time": 0.01012, "decode.loss_ce": 0.1319, "decode.acc_seg": 94.09989, "aux.loss_ce": 0.0574, "aux.acc_seg": 93.60442, "loss": 0.1893, "time": 3.69188} {"mode": "val", "epoch": 53, "iter": 250, "lr": 1e-05, "aAcc": 0.8663, "mIoU": 0.5927, "mAcc": 0.7157, "IoU.wall": 0.828, "IoU.building": 0.8531, "IoU.sky": 0.95, "IoU.floor": 0.8486, "IoU.tree": 0.7841, "IoU.ceiling": 0.8789, "IoU.road": 0.8669, "IoU.bed ": 0.9323, "IoU.windowpane": 0.6703, "IoU.grass": 0.6799, "IoU.cabinet": 0.6831, "IoU.sidewalk": 0.7198, "IoU.person": 0.8658, "IoU.earth": 0.3935, "IoU.door": 0.6025, "IoU.table": 0.7126, "IoU.mountain": 0.6394, "IoU.plant": 0.5762, "IoU.curtain": 0.7804, "IoU.chair": 0.6929, "IoU.car": 0.8878, "IoU.water": 0.6139, "IoU.painting": 0.7947, "IoU.sofa": 0.8288, "IoU.shelf": 0.5002, "IoU.house": 0.5599, "IoU.sea": 0.7425, "IoU.mirror": 0.7943, "IoU.rug": 0.6354, "IoU.field": 0.3032, "IoU.armchair": 0.6355, "IoU.seat": 0.7018, "IoU.fence": 0.5492, "IoU.desk": 0.5964, "IoU.rock": 0.5795, "IoU.wardrobe": 0.5416, "IoU.lamp": 0.771, "IoU.bathtub": 0.871, "IoU.railing": 0.4393, "IoU.cushion": 0.6905, "IoU.base": 0.4566, "IoU.box": 0.4165, "IoU.column": 0.578, "IoU.signboard": 0.4137, "IoU.chest of drawers": 0.4796, "IoU.counter": 0.5154, "IoU.sand": 0.5676, "IoU.sink": 0.8372, "IoU.skyscraper": 0.397, "IoU.fireplace": 0.7561, "IoU.refrigerator": 0.867, "IoU.grandstand": 0.5632, "IoU.path": 0.313, "IoU.stairs": 0.3686, "IoU.runway": 0.7206, "IoU.case": 0.6161, "IoU.pool table": 0.9462, "IoU.pillow": 0.6629, "IoU.screen door": 0.8615, "IoU.stairway": 0.4177, "IoU.river": 0.1379, "IoU.bridge": 0.6046, "IoU.bookcase": 0.495, "IoU.blind": 0.4512, "IoU.coffee table": 0.6247, "IoU.toilet": 0.9057, "IoU.flower": 0.4422, "IoU.book": 0.5796, "IoU.hill": 0.1702, "IoU.bench": 0.6149, "IoU.countertop": 0.6527, "IoU.stove": 0.8725, "IoU.palm": 0.5266, "IoU.kitchen island": 0.56, "IoU.computer": 0.7694, "IoU.swivel chair": 0.4628, "IoU.boat": 0.813, "IoU.bar": 0.7033, "IoU.arcade machine": 0.8341, "IoU.hovel": 0.4108, "IoU.bus": 0.9408, "IoU.towel": 0.806, "IoU.light": 0.6365, "IoU.truck": 0.5186, "IoU.tower": 0.3022, "IoU.chandelier": 0.7379, "IoU.awning": 0.4167, "IoU.streetlight": 0.382, "IoU.booth": 0.5099, "IoU.television receiver": 0.8031, "IoU.airplane": 0.8995, "IoU.dirt track": 0.0542, "IoU.apparel": 0.6553, "IoU.pole": 0.284, "IoU.land": 0.0571, "IoU.bannister": 0.2229, "IoU.escalator": 0.6638, "IoU.ottoman": 0.568, "IoU.bottle": 0.4671, "IoU.buffet": 0.5657, "IoU.poster": 0.3297, "IoU.stage": 0.2247, "IoU.van": 0.5656, "IoU.ship": 0.6574, "IoU.fountain": 0.3093, "IoU.conveyer belt": 0.8172, "IoU.canopy": 0.6183, "IoU.washer": 0.8543, "IoU.plaything": 0.3396, "IoU.swimming pool": 0.57, "IoU.stool": 0.5418, "IoU.barrel": 0.6512, "IoU.basket": 0.4348, "IoU.waterfall": 0.5607, "IoU.tent": 0.9299, "IoU.bag": 0.285, "IoU.minibike": 0.7768, "IoU.cradle": 0.8675, "IoU.oven": 0.6642, "IoU.ball": 0.5572, "IoU.food": 0.6209, "IoU.step": 0.1231, "IoU.tank": 0.6456, "IoU.trade name": 0.2295, "IoU.microwave": 0.8966, "IoU.pot": 0.6159, "IoU.animal": 0.6037, "IoU.bicycle": 0.6184, "IoU.lake": 0.5232, "IoU.dishwasher": 0.746, "IoU.screen": 0.5655, "IoU.blanket": 0.3707, "IoU.sculpture": 0.7712, "IoU.hood": 0.6657, "IoU.sconce": 0.595, "IoU.vase": 0.5149, "IoU.traffic light": 0.3903, "IoU.tray": 0.2731, "IoU.ashcan": 0.531, "IoU.fan": 0.7288, "IoU.pier": 0.4119, "IoU.crt screen": 0.0633, "IoU.plate": 0.6538, "IoU.monitor": 0.4153, "IoU.bulletin board": 0.5038, "IoU.shower": 0.2157, "IoU.radiator": 0.6992, "IoU.glass": 0.231, "IoU.clock": 0.5549, "IoU.flag": 0.7073, "Acc.wall": 0.9011, "Acc.building": 0.9337, "Acc.sky": 0.975, "Acc.floor": 0.9206, "Acc.tree": 0.9022, "Acc.ceiling": 0.9469, "Acc.road": 0.9173, "Acc.bed ": 0.971, "Acc.windowpane": 0.8029, "Acc.grass": 0.8319, "Acc.cabinet": 0.7875, "Acc.sidewalk": 0.8606, "Acc.person": 0.9476, "Acc.earth": 0.5149, "Acc.door": 0.7652, "Acc.table": 0.81, "Acc.mountain": 0.7528, "Acc.plant": 0.6791, "Acc.curtain": 0.8784, "Acc.chair": 0.8081, "Acc.car": 0.9464, "Acc.water": 0.7538, "Acc.painting": 0.9178, "Acc.sofa": 0.9053, "Acc.shelf": 0.6513, "Acc.house": 0.6901, "Acc.sea": 0.8714, "Acc.mirror": 0.8787, "Acc.rug": 0.7583, "Acc.field": 0.5915, "Acc.armchair": 0.7919, "Acc.seat": 0.8911, "Acc.fence": 0.6644, "Acc.desk": 0.7888, "Acc.rock": 0.8637, "Acc.wardrobe": 0.7358, "Acc.lamp": 0.8786, "Acc.bathtub": 0.9093, "Acc.railing": 0.6299, "Acc.cushion": 0.841, "Acc.base": 0.5807, "Acc.box": 0.5321, "Acc.column": 0.7286, "Acc.signboard": 0.5809, "Acc.chest of drawers": 0.6833, "Acc.counter": 0.6411, "Acc.sand": 0.7799, "Acc.sink": 0.8857, "Acc.skyscraper": 0.4919, "Acc.fireplace": 0.9252, "Acc.refrigerator": 0.9392, "Acc.grandstand": 0.7964, "Acc.path": 0.4265, "Acc.stairs": 0.4623, "Acc.runway": 0.9324, "Acc.case": 0.7895, "Acc.pool table": 0.9845, "Acc.pillow": 0.7715, "Acc.screen door": 0.8975, "Acc.stairway": 0.53, "Acc.river": 0.2991, "Acc.bridge": 0.6883, "Acc.bookcase": 0.6901, "Acc.blind": 0.5684, "Acc.coffee table": 0.8797, "Acc.toilet": 0.9372, "Acc.flower": 0.5935, "Acc.book": 0.786, "Acc.hill": 0.2618, "Acc.bench": 0.6964, "Acc.countertop": 0.8646, "Acc.stove": 0.9194, "Acc.palm": 0.8231, "Acc.kitchen island": 0.797, "Acc.computer": 0.9121, "Acc.swivel chair": 0.6959, "Acc.boat": 0.932, "Acc.bar": 0.8726, "Acc.arcade machine": 0.8757, "Acc.hovel": 0.4579, "Acc.bus": 0.9727, "Acc.towel": 0.874, "Acc.light": 0.732, "Acc.truck": 0.6505, "Acc.tower": 0.6092, "Acc.chandelier": 0.8356, "Acc.awning": 0.512, "Acc.streetlight": 0.4897, "Acc.booth": 0.7286, "Acc.television receiver": 0.8908, "Acc.airplane": 0.9612, "Acc.dirt track": 0.0561, "Acc.apparel": 0.839, "Acc.pole": 0.3832, "Acc.land": 0.0791, "Acc.bannister": 0.2857, "Acc.escalator": 0.8679, "Acc.ottoman": 0.7201, "Acc.bottle": 0.6961, "Acc.buffet": 0.644, "Acc.poster": 0.4396, "Acc.stage": 0.4678, "Acc.van": 0.7323, "Acc.ship": 0.7199, "Acc.fountain": 0.3139, "Acc.conveyer belt": 0.9744, "Acc.canopy": 0.7887, "Acc.washer": 0.9074, "Acc.plaything": 0.4985, "Acc.swimming pool": 0.8256, "Acc.stool": 0.7492, "Acc.barrel": 0.9826, "Acc.basket": 0.6164, "Acc.waterfall": 0.6662, "Acc.tent": 0.9881, "Acc.bag": 0.3325, "Acc.minibike": 0.9133, "Acc.cradle": 0.9783, "Acc.oven": 0.78, "Acc.ball": 0.6081, "Acc.food": 0.7218, "Acc.step": 0.1388, "Acc.tank": 0.6982, "Acc.trade name": 0.2705, "Acc.microwave": 0.9688, "Acc.pot": 0.71, "Acc.animal": 0.6181, "Acc.bicycle": 0.7849, "Acc.lake": 0.637, "Acc.dishwasher": 0.8335, "Acc.screen": 0.8673, "Acc.blanket": 0.4375, "Acc.sculpture": 0.8766, "Acc.hood": 0.7548, "Acc.sconce": 0.6734, "Acc.vase": 0.6882, "Acc.traffic light": 0.658, "Acc.tray": 0.371, "Acc.ashcan": 0.6684, "Acc.fan": 0.8408, "Acc.pier": 0.4643, "Acc.crt screen": 0.1313, "Acc.plate": 0.8137, "Acc.monitor": 0.486, "Acc.bulletin board": 0.5855, "Acc.shower": 0.2273, "Acc.radiator": 0.8106, "Acc.glass": 0.2472, "Acc.clock": 0.6759, "Acc.flag": 0.8029} {"mode": "train", "epoch": 53, "iter": 66050, "lr": 1e-05, "memory": 72263, "data_time": 2.21244, "decode.loss_ce": 0.13279, "decode.acc_seg": 94.07932, "aux.loss_ce": 0.05684, "aux.acc_seg": 93.67309, "loss": 0.18963, "time": 4.18037} {"mode": "train", "epoch": 53, "iter": 66100, "lr": 1e-05, "memory": 72263, "data_time": 0.01073, "decode.loss_ce": 0.14346, "decode.acc_seg": 93.75574, "aux.loss_ce": 0.06067, "aux.acc_seg": 93.37268, "loss": 0.20413, "time": 1.97737} {"mode": "train", "epoch": 53, "iter": 66150, "lr": 1e-05, "memory": 72263, "data_time": 0.01085, "decode.loss_ce": 0.13043, "decode.acc_seg": 94.23474, "aux.loss_ce": 0.05616, "aux.acc_seg": 93.83776, "loss": 0.18659, "time": 1.9807} {"mode": "train", "epoch": 53, "iter": 66200, "lr": 1e-05, "memory": 72263, "data_time": 0.01041, "decode.loss_ce": 0.12515, "decode.acc_seg": 94.27967, "aux.loss_ce": 0.0536, "aux.acc_seg": 93.86737, "loss": 0.17875, "time": 1.97688} {"mode": "train", "epoch": 53, "iter": 66250, "lr": 1e-05, "memory": 72263, "data_time": 0.0106, "decode.loss_ce": 0.13424, "decode.acc_seg": 94.10372, "aux.loss_ce": 0.0576, "aux.acc_seg": 93.7162, "loss": 0.19184, "time": 1.97818} {"mode": "train", "epoch": 53, "iter": 66300, "lr": 1e-05, "memory": 72263, "data_time": 0.00968, "decode.loss_ce": 0.14534, "decode.acc_seg": 93.7301, "aux.loss_ce": 0.06211, "aux.acc_seg": 93.35379, "loss": 0.20744, "time": 1.97677} {"mode": "train", "epoch": 53, "iter": 66350, "lr": 1e-05, "memory": 72263, "data_time": 0.00977, "decode.loss_ce": 0.13291, "decode.acc_seg": 94.19788, "aux.loss_ce": 0.05681, "aux.acc_seg": 93.81264, "loss": 0.18973, "time": 1.97822} {"mode": "train", "epoch": 53, "iter": 66400, "lr": 1e-05, "memory": 72263, "data_time": 0.01079, "decode.loss_ce": 0.12813, "decode.acc_seg": 94.39852, "aux.loss_ce": 0.05536, "aux.acc_seg": 93.99228, "loss": 0.18349, "time": 1.97601} {"mode": "train", "epoch": 53, "iter": 66450, "lr": 1e-05, "memory": 72263, "data_time": 0.00976, "decode.loss_ce": 0.13916, "decode.acc_seg": 93.94373, "aux.loss_ce": 0.05948, "aux.acc_seg": 93.52303, "loss": 0.19864, "time": 1.97715} {"mode": "train", "epoch": 53, "iter": 66500, "lr": 1e-05, "memory": 72263, "data_time": 0.01055, "decode.loss_ce": 0.12992, "decode.acc_seg": 94.15399, "aux.loss_ce": 0.05573, "aux.acc_seg": 93.75832, "loss": 0.18565, "time": 1.97762} {"mode": "train", "epoch": 53, "iter": 66550, "lr": 1e-05, "memory": 72263, "data_time": 0.01053, "decode.loss_ce": 0.1387, "decode.acc_seg": 93.89726, "aux.loss_ce": 0.05969, "aux.acc_seg": 93.45553, "loss": 0.19839, "time": 1.97877} {"mode": "train", "epoch": 53, "iter": 66600, "lr": 1e-05, "memory": 72263, "data_time": 0.01018, "decode.loss_ce": 0.13015, "decode.acc_seg": 94.19988, "aux.loss_ce": 0.05606, "aux.acc_seg": 93.787, "loss": 0.18621, "time": 1.97655} {"mode": "train", "epoch": 53, "iter": 66650, "lr": 1e-05, "memory": 72263, "data_time": 0.01029, "decode.loss_ce": 0.13134, "decode.acc_seg": 94.18074, "aux.loss_ce": 0.05627, "aux.acc_seg": 93.79058, "loss": 0.18761, "time": 1.97689} {"mode": "train", "epoch": 53, "iter": 66700, "lr": 1e-05, "memory": 72263, "data_time": 0.01037, "decode.loss_ce": 0.13816, "decode.acc_seg": 93.61021, "aux.loss_ce": 0.05888, "aux.acc_seg": 93.20128, "loss": 0.19704, "time": 1.97798} {"mode": "train", "epoch": 53, "iter": 66750, "lr": 1e-05, "memory": 72263, "data_time": 0.01011, "decode.loss_ce": 0.12729, "decode.acc_seg": 94.29572, "aux.loss_ce": 0.05451, "aux.acc_seg": 93.9149, "loss": 0.1818, "time": 1.97779} {"mode": "train", "epoch": 53, "iter": 66800, "lr": 1e-05, "memory": 72263, "data_time": 0.01057, "decode.loss_ce": 0.13611, "decode.acc_seg": 94.03094, "aux.loss_ce": 0.05782, "aux.acc_seg": 93.64341, "loss": 0.19393, "time": 1.97958} {"mode": "train", "epoch": 53, "iter": 66850, "lr": 1e-05, "memory": 72263, "data_time": 0.00991, "decode.loss_ce": 0.13348, "decode.acc_seg": 94.08968, "aux.loss_ce": 0.05647, "aux.acc_seg": 93.72068, "loss": 0.18995, "time": 1.97724} {"mode": "train", "epoch": 53, "iter": 66900, "lr": 1e-05, "memory": 72263, "data_time": 0.01037, "decode.loss_ce": 0.12937, "decode.acc_seg": 94.13436, "aux.loss_ce": 0.05576, "aux.acc_seg": 93.71092, "loss": 0.18513, "time": 1.97602} {"mode": "train", "epoch": 54, "iter": 66950, "lr": 1e-05, "memory": 72263, "data_time": 0.05319, "decode.loss_ce": 0.12806, "decode.acc_seg": 94.21132, "aux.loss_ce": 0.05509, "aux.acc_seg": 93.77952, "loss": 0.18314, "time": 2.02496} {"mode": "train", "epoch": 54, "iter": 67000, "lr": 1e-05, "memory": 72263, "data_time": 0.01029, "decode.loss_ce": 0.12766, "decode.acc_seg": 94.28342, "aux.loss_ce": 0.05524, "aux.acc_seg": 93.85526, "loss": 0.1829, "time": 1.9789} {"mode": "val", "epoch": 54, "iter": 250, "lr": 1e-05, "aAcc": 0.8655, "mIoU": 0.5926, "mAcc": 0.7172, "IoU.wall": 0.8286, "IoU.building": 0.8539, "IoU.sky": 0.9502, "IoU.floor": 0.8501, "IoU.tree": 0.7815, "IoU.ceiling": 0.8782, "IoU.road": 0.8718, "IoU.bed ": 0.9335, "IoU.windowpane": 0.6739, "IoU.grass": 0.6823, "IoU.cabinet": 0.6771, "IoU.sidewalk": 0.7075, "IoU.person": 0.8662, "IoU.earth": 0.3881, "IoU.door": 0.6007, "IoU.table": 0.7103, "IoU.mountain": 0.6356, "IoU.plant": 0.5683, "IoU.curtain": 0.7846, "IoU.chair": 0.6834, "IoU.car": 0.888, "IoU.water": 0.6178, "IoU.painting": 0.7967, "IoU.sofa": 0.8144, "IoU.shelf": 0.5039, "IoU.house": 0.5184, "IoU.sea": 0.6991, "IoU.mirror": 0.7854, "IoU.rug": 0.6709, "IoU.field": 0.2828, "IoU.armchair": 0.6131, "IoU.seat": 0.6863, "IoU.fence": 0.4997, "IoU.desk": 0.5869, "IoU.rock": 0.5558, "IoU.wardrobe": 0.5203, "IoU.lamp": 0.7722, "IoU.bathtub": 0.8876, "IoU.railing": 0.4222, "IoU.cushion": 0.6887, "IoU.base": 0.4654, "IoU.box": 0.4152, "IoU.column": 0.5628, "IoU.signboard": 0.4148, "IoU.chest of drawers": 0.4691, "IoU.counter": 0.5366, "IoU.sand": 0.551, "IoU.sink": 0.8484, "IoU.skyscraper": 0.4614, "IoU.fireplace": 0.7387, "IoU.refrigerator": 0.8636, "IoU.grandstand": 0.6002, "IoU.path": 0.3065, "IoU.stairs": 0.3069, "IoU.runway": 0.7305, "IoU.case": 0.6397, "IoU.pool table": 0.9548, "IoU.pillow": 0.6516, "IoU.screen door": 0.8693, "IoU.stairway": 0.3833, "IoU.river": 0.1337, "IoU.bridge": 0.5798, "IoU.bookcase": 0.4604, "IoU.blind": 0.4403, "IoU.coffee table": 0.6233, "IoU.toilet": 0.9112, "IoU.flower": 0.4512, "IoU.book": 0.5822, "IoU.hill": 0.1519, "IoU.bench": 0.62, "IoU.countertop": 0.6496, "IoU.stove": 0.8792, "IoU.palm": 0.5373, "IoU.kitchen island": 0.5399, "IoU.computer": 0.7708, "IoU.swivel chair": 0.5056, "IoU.boat": 0.8214, "IoU.bar": 0.7396, "IoU.arcade machine": 0.8395, "IoU.hovel": 0.3948, "IoU.bus": 0.9392, "IoU.towel": 0.8143, "IoU.light": 0.626, "IoU.truck": 0.5134, "IoU.tower": 0.2717, "IoU.chandelier": 0.7316, "IoU.awning": 0.4243, "IoU.streetlight": 0.3786, "IoU.booth": 0.4878, "IoU.television receiver": 0.7927, "IoU.airplane": 0.8803, "IoU.dirt track": 0.0867, "IoU.apparel": 0.6533, "IoU.pole": 0.2856, "IoU.land": 0.058, "IoU.bannister": 0.2073, "IoU.escalator": 0.6594, "IoU.ottoman": 0.5906, "IoU.bottle": 0.4626, "IoU.buffet": 0.5338, "IoU.poster": 0.3363, "IoU.stage": 0.2094, "IoU.van": 0.553, "IoU.ship": 0.6362, "IoU.fountain": 0.3028, "IoU.conveyer belt": 0.8265, "IoU.canopy": 0.5644, "IoU.washer": 0.8834, "IoU.plaything": 0.3442, "IoU.swimming pool": 0.5528, "IoU.stool": 0.5484, "IoU.barrel": 0.7322, "IoU.basket": 0.4345, "IoU.waterfall": 0.6171, "IoU.tent": 0.9349, "IoU.bag": 0.2779, "IoU.minibike": 0.7847, "IoU.cradle": 0.8732, "IoU.oven": 0.6391, "IoU.ball": 0.601, "IoU.food": 0.5869, "IoU.step": 0.119, "IoU.tank": 0.6369, "IoU.trade name": 0.2563, "IoU.microwave": 0.9027, "IoU.pot": 0.6143, "IoU.animal": 0.6009, "IoU.bicycle": 0.6136, "IoU.lake": 0.5244, "IoU.dishwasher": 0.7407, "IoU.screen": 0.5635, "IoU.blanket": 0.4177, "IoU.sculpture": 0.7172, "IoU.hood": 0.6478, "IoU.sconce": 0.6143, "IoU.vase": 0.5116, "IoU.traffic light": 0.3833, "IoU.tray": 0.2662, "IoU.ashcan": 0.5078, "IoU.fan": 0.7315, "IoU.pier": 0.4109, "IoU.crt screen": 0.07, "IoU.plate": 0.6478, "IoU.monitor": 0.6214, "IoU.bulletin board": 0.5784, "IoU.shower": 0.2231, "IoU.radiator": 0.6944, "IoU.glass": 0.2306, "IoU.clock": 0.5651, "IoU.flag": 0.7018, "Acc.wall": 0.9064, "Acc.building": 0.9343, "Acc.sky": 0.976, "Acc.floor": 0.9173, "Acc.tree": 0.9059, "Acc.ceiling": 0.9438, "Acc.road": 0.9186, "Acc.bed ": 0.9745, "Acc.windowpane": 0.812, "Acc.grass": 0.817, "Acc.cabinet": 0.7706, "Acc.sidewalk": 0.8618, "Acc.person": 0.9471, "Acc.earth": 0.5161, "Acc.door": 0.751, "Acc.table": 0.8203, "Acc.mountain": 0.7327, "Acc.plant": 0.6626, "Acc.curtain": 0.886, "Acc.chair": 0.7875, "Acc.car": 0.9472, "Acc.water": 0.7615, "Acc.painting": 0.9207, "Acc.sofa": 0.8698, "Acc.shelf": 0.6455, "Acc.house": 0.6368, "Acc.sea": 0.8549, "Acc.mirror": 0.867, "Acc.rug": 0.8028, "Acc.field": 0.5297, "Acc.armchair": 0.8275, "Acc.seat": 0.9021, "Acc.fence": 0.6124, "Acc.desk": 0.8018, "Acc.rock": 0.8851, "Acc.wardrobe": 0.7037, "Acc.lamp": 0.8689, "Acc.bathtub": 0.9214, "Acc.railing": 0.6034, "Acc.cushion": 0.8255, "Acc.base": 0.5961, "Acc.box": 0.5213, "Acc.column": 0.7194, "Acc.signboard": 0.5799, "Acc.chest of drawers": 0.7119, "Acc.counter": 0.6389, "Acc.sand": 0.8116, "Acc.sink": 0.8866, "Acc.skyscraper": 0.5801, "Acc.fireplace": 0.9287, "Acc.refrigerator": 0.9484, "Acc.grandstand": 0.8032, "Acc.path": 0.4161, "Acc.stairs": 0.3843, "Acc.runway": 0.9411, "Acc.case": 0.8386, "Acc.pool table": 0.9817, "Acc.pillow": 0.756, "Acc.screen door": 0.9054, "Acc.stairway": 0.5893, "Acc.river": 0.2509, "Acc.bridge": 0.6835, "Acc.bookcase": 0.6454, "Acc.blind": 0.49, "Acc.coffee table": 0.8772, "Acc.toilet": 0.9475, "Acc.flower": 0.6067, "Acc.book": 0.7918, "Acc.hill": 0.2341, "Acc.bench": 0.6927, "Acc.countertop": 0.8356, "Acc.stove": 0.9306, "Acc.palm": 0.8254, "Acc.kitchen island": 0.8327, "Acc.computer": 0.9156, "Acc.swivel chair": 0.7731, "Acc.boat": 0.9352, "Acc.bar": 0.8552, "Acc.arcade machine": 0.8726, "Acc.hovel": 0.4313, "Acc.bus": 0.9704, "Acc.towel": 0.8737, "Acc.light": 0.7221, "Acc.truck": 0.6258, "Acc.tower": 0.4889, "Acc.chandelier": 0.8501, "Acc.awning": 0.5274, "Acc.streetlight": 0.4941, "Acc.booth": 0.7206, "Acc.television receiver": 0.8915, "Acc.airplane": 0.9699, "Acc.dirt track": 0.2413, "Acc.apparel": 0.8459, "Acc.pole": 0.3974, "Acc.land": 0.0874, "Acc.bannister": 0.2753, "Acc.escalator": 0.8649, "Acc.ottoman": 0.7779, "Acc.bottle": 0.7158, "Acc.buffet": 0.6013, "Acc.poster": 0.4248, "Acc.stage": 0.3551, "Acc.van": 0.7518, "Acc.ship": 0.7234, "Acc.fountain": 0.3075, "Acc.conveyer belt": 0.9736, "Acc.canopy": 0.7118, "Acc.washer": 0.9421, "Acc.plaything": 0.4585, "Acc.swimming pool": 0.7979, "Acc.stool": 0.7156, "Acc.barrel": 0.9788, "Acc.basket": 0.625, "Acc.waterfall": 0.8122, "Acc.tent": 0.9879, "Acc.bag": 0.3224, "Acc.minibike": 0.9053, "Acc.cradle": 0.9771, "Acc.oven": 0.7163, "Acc.ball": 0.683, "Acc.food": 0.6809, "Acc.step": 0.1429, "Acc.tank": 0.6871, "Acc.trade name": 0.3118, "Acc.microwave": 0.9682, "Acc.pot": 0.7168, "Acc.animal": 0.6167, "Acc.bicycle": 0.7387, "Acc.lake": 0.637, "Acc.dishwasher": 0.8158, "Acc.screen": 0.8639, "Acc.blanket": 0.5046, "Acc.sculpture": 0.8877, "Acc.hood": 0.7426, "Acc.sconce": 0.7263, "Acc.vase": 0.6834, "Acc.traffic light": 0.6847, "Acc.tray": 0.3379, "Acc.ashcan": 0.6838, "Acc.fan": 0.8445, "Acc.pier": 0.4486, "Acc.crt screen": 0.1011, "Acc.plate": 0.8206, "Acc.monitor": 0.7518, "Acc.bulletin board": 0.6879, "Acc.shower": 0.2447, "Acc.radiator": 0.8215, "Acc.glass": 0.2469, "Acc.clock": 0.6478, "Acc.flag": 0.8265} {"mode": "train", "epoch": 54, "iter": 67050, "lr": 1e-05, "memory": 72263, "data_time": 2.22497, "decode.loss_ce": 0.13735, "decode.acc_seg": 94.00673, "aux.loss_ce": 0.05835, "aux.acc_seg": 93.60341, "loss": 0.1957, "time": 4.19437} {"mode": "train", "epoch": 54, "iter": 67100, "lr": 1e-05, "memory": 72263, "data_time": 0.01083, "decode.loss_ce": 0.13737, "decode.acc_seg": 93.91657, "aux.loss_ce": 0.05872, "aux.acc_seg": 93.45466, "loss": 0.1961, "time": 1.98035} {"mode": "train", "epoch": 54, "iter": 67150, "lr": 1e-05, "memory": 72263, "data_time": 0.01038, "decode.loss_ce": 0.11862, "decode.acc_seg": 94.62472, "aux.loss_ce": 0.0508, "aux.acc_seg": 94.2557, "loss": 0.16942, "time": 1.97646} {"mode": "train", "epoch": 54, "iter": 67200, "lr": 1e-05, "memory": 72263, "data_time": 0.01047, "decode.loss_ce": 0.12719, "decode.acc_seg": 94.40476, "aux.loss_ce": 0.05421, "aux.acc_seg": 94.04891, "loss": 0.1814, "time": 1.97572} {"mode": "train", "epoch": 54, "iter": 67250, "lr": 1e-05, "memory": 72263, "data_time": 0.01028, "decode.loss_ce": 0.13523, "decode.acc_seg": 93.92742, "aux.loss_ce": 0.05787, "aux.acc_seg": 93.48418, "loss": 0.1931, "time": 1.98053} {"mode": "train", "epoch": 54, "iter": 67300, "lr": 1e-05, "memory": 72263, "data_time": 0.01098, "decode.loss_ce": 0.12188, "decode.acc_seg": 94.46692, "aux.loss_ce": 0.05278, "aux.acc_seg": 94.06105, "loss": 0.17466, "time": 1.97791} {"mode": "train", "epoch": 54, "iter": 67350, "lr": 1e-05, "memory": 72263, "data_time": 0.01044, "decode.loss_ce": 0.13843, "decode.acc_seg": 93.78536, "aux.loss_ce": 0.05916, "aux.acc_seg": 93.39749, "loss": 0.19759, "time": 1.97684} {"mode": "train", "epoch": 54, "iter": 67400, "lr": 1e-05, "memory": 72263, "data_time": 0.0107, "decode.loss_ce": 0.126, "decode.acc_seg": 94.37632, "aux.loss_ce": 0.05423, "aux.acc_seg": 93.9323, "loss": 0.18023, "time": 1.97609} {"mode": "train", "epoch": 54, "iter": 67450, "lr": 1e-05, "memory": 72263, "data_time": 0.01092, "decode.loss_ce": 0.12686, "decode.acc_seg": 94.46042, "aux.loss_ce": 0.05468, "aux.acc_seg": 94.08355, "loss": 0.18154, "time": 1.97745} {"mode": "train", "epoch": 54, "iter": 67500, "lr": 1e-05, "memory": 72263, "data_time": 0.01007, "decode.loss_ce": 0.1358, "decode.acc_seg": 94.03794, "aux.loss_ce": 0.05788, "aux.acc_seg": 93.63887, "loss": 0.19368, "time": 1.97895} {"mode": "train", "epoch": 54, "iter": 67550, "lr": 1e-05, "memory": 72263, "data_time": 0.01065, "decode.loss_ce": 0.13429, "decode.acc_seg": 94.02381, "aux.loss_ce": 0.05734, "aux.acc_seg": 93.6615, "loss": 0.19163, "time": 1.97943} {"mode": "train", "epoch": 54, "iter": 67600, "lr": 1e-05, "memory": 72263, "data_time": 0.00992, "decode.loss_ce": 0.1291, "decode.acc_seg": 94.16303, "aux.loss_ce": 0.05522, "aux.acc_seg": 93.74312, "loss": 0.18432, "time": 1.97515} {"mode": "train", "epoch": 54, "iter": 67650, "lr": 1e-05, "memory": 72263, "data_time": 0.0109, "decode.loss_ce": 0.12547, "decode.acc_seg": 94.49169, "aux.loss_ce": 0.05443, "aux.acc_seg": 94.07021, "loss": 0.1799, "time": 1.9769} {"mode": "train", "epoch": 54, "iter": 67700, "lr": 1e-05, "memory": 72263, "data_time": 0.0097, "decode.loss_ce": 0.13154, "decode.acc_seg": 94.18029, "aux.loss_ce": 0.05588, "aux.acc_seg": 93.81954, "loss": 0.18742, "time": 1.97649} {"mode": "train", "epoch": 54, "iter": 67750, "lr": 1e-05, "memory": 72263, "data_time": 0.0097, "decode.loss_ce": 0.12906, "decode.acc_seg": 94.26059, "aux.loss_ce": 0.05544, "aux.acc_seg": 93.84901, "loss": 0.1845, "time": 1.97864} {"mode": "train", "epoch": 54, "iter": 67800, "lr": 1e-05, "memory": 72263, "data_time": 0.0106, "decode.loss_ce": 0.13189, "decode.acc_seg": 94.12687, "aux.loss_ce": 0.05571, "aux.acc_seg": 93.76892, "loss": 0.18761, "time": 1.97741} {"mode": "train", "epoch": 54, "iter": 67850, "lr": 1e-05, "memory": 72263, "data_time": 0.00994, "decode.loss_ce": 0.12612, "decode.acc_seg": 94.41949, "aux.loss_ce": 0.05454, "aux.acc_seg": 93.98867, "loss": 0.18066, "time": 1.97833} {"mode": "train", "epoch": 54, "iter": 67900, "lr": 1e-05, "memory": 72263, "data_time": 0.01084, "decode.loss_ce": 0.12793, "decode.acc_seg": 94.15728, "aux.loss_ce": 0.05499, "aux.acc_seg": 93.77309, "loss": 0.18292, "time": 1.97887} {"mode": "train", "epoch": 54, "iter": 67950, "lr": 1e-05, "memory": 72263, "data_time": 0.01025, "decode.loss_ce": 0.12346, "decode.acc_seg": 94.365, "aux.loss_ce": 0.05313, "aux.acc_seg": 93.87125, "loss": 0.17659, "time": 1.9789} {"mode": "train", "epoch": 54, "iter": 68000, "lr": 1e-05, "memory": 72263, "data_time": 0.01022, "decode.loss_ce": 0.12909, "decode.acc_seg": 94.19162, "aux.loss_ce": 0.05568, "aux.acc_seg": 93.7938, "loss": 0.18477, "time": 3.63165} {"mode": "val", "epoch": 54, "iter": 250, "lr": 1e-05, "aAcc": 0.8658, "mIoU": 0.5919, "mAcc": 0.7168, "IoU.wall": 0.8296, "IoU.building": 0.8531, "IoU.sky": 0.9494, "IoU.floor": 0.8483, "IoU.tree": 0.7802, "IoU.ceiling": 0.8788, "IoU.road": 0.8709, "IoU.bed ": 0.9302, "IoU.windowpane": 0.6722, "IoU.grass": 0.6864, "IoU.cabinet": 0.6776, "IoU.sidewalk": 0.7157, "IoU.person": 0.8692, "IoU.earth": 0.3988, "IoU.door": 0.6027, "IoU.table": 0.7121, "IoU.mountain": 0.6515, "IoU.plant": 0.5667, "IoU.curtain": 0.7892, "IoU.chair": 0.6938, "IoU.car": 0.8886, "IoU.water": 0.6289, "IoU.painting": 0.7999, "IoU.sofa": 0.8216, "IoU.shelf": 0.4958, "IoU.house": 0.4768, "IoU.sea": 0.6833, "IoU.mirror": 0.7989, "IoU.rug": 0.6622, "IoU.field": 0.2873, "IoU.armchair": 0.6286, "IoU.seat": 0.6938, "IoU.fence": 0.5167, "IoU.desk": 0.5899, "IoU.rock": 0.5583, "IoU.wardrobe": 0.5448, "IoU.lamp": 0.7693, "IoU.bathtub": 0.8814, "IoU.railing": 0.4366, "IoU.cushion": 0.6885, "IoU.base": 0.4699, "IoU.box": 0.4183, "IoU.column": 0.5685, "IoU.signboard": 0.4195, "IoU.chest of drawers": 0.4776, "IoU.counter": 0.5401, "IoU.sand": 0.5528, "IoU.sink": 0.8419, "IoU.skyscraper": 0.4641, "IoU.fireplace": 0.7494, "IoU.refrigerator": 0.8843, "IoU.grandstand": 0.5507, "IoU.path": 0.3077, "IoU.stairs": 0.3352, "IoU.runway": 0.7248, "IoU.case": 0.6192, "IoU.pool table": 0.9529, "IoU.pillow": 0.6497, "IoU.screen door": 0.779, "IoU.stairway": 0.4406, "IoU.river": 0.1389, "IoU.bridge": 0.659, "IoU.bookcase": 0.4577, "IoU.blind": 0.4364, "IoU.coffee table": 0.6263, "IoU.toilet": 0.9093, "IoU.flower": 0.459, "IoU.book": 0.5853, "IoU.hill": 0.1457, "IoU.bench": 0.6079, "IoU.countertop": 0.6537, "IoU.stove": 0.8818, "IoU.palm": 0.5354, "IoU.kitchen island": 0.5669, "IoU.computer": 0.7727, "IoU.swivel chair": 0.5012, "IoU.boat": 0.8355, "IoU.bar": 0.7418, "IoU.arcade machine": 0.8263, "IoU.hovel": 0.4698, "IoU.bus": 0.9372, "IoU.towel": 0.8192, "IoU.light": 0.6332, "IoU.truck": 0.5153, "IoU.tower": 0.3129, "IoU.chandelier": 0.7303, "IoU.awning": 0.4427, "IoU.streetlight": 0.3954, "IoU.booth": 0.5445, "IoU.television receiver": 0.7959, "IoU.airplane": 0.8833, "IoU.dirt track": 0.0875, "IoU.apparel": 0.6362, "IoU.pole": 0.2574, "IoU.land": 0.059, "IoU.bannister": 0.2161, "IoU.escalator": 0.6642, "IoU.ottoman": 0.5676, "IoU.bottle": 0.466, "IoU.buffet": 0.5481, "IoU.poster": 0.3236, "IoU.stage": 0.2014, "IoU.van": 0.5498, "IoU.ship": 0.4261, "IoU.fountain": 0.3014, "IoU.conveyer belt": 0.8479, "IoU.canopy": 0.5653, "IoU.washer": 0.8619, "IoU.plaything": 0.3513, "IoU.swimming pool": 0.5376, "IoU.stool": 0.5429, "IoU.barrel": 0.7634, "IoU.basket": 0.4319, "IoU.waterfall": 0.551, "IoU.tent": 0.94, "IoU.bag": 0.2746, "IoU.minibike": 0.7771, "IoU.cradle": 0.8327, "IoU.oven": 0.6721, "IoU.ball": 0.5444, "IoU.food": 0.6192, "IoU.step": 0.1216, "IoU.tank": 0.6293, "IoU.trade name": 0.2913, "IoU.microwave": 0.8965, "IoU.pot": 0.6157, "IoU.animal": 0.6088, "IoU.bicycle": 0.6249, "IoU.lake": 0.5236, "IoU.dishwasher": 0.7484, "IoU.screen": 0.5956, "IoU.blanket": 0.376, "IoU.sculpture": 0.7711, "IoU.hood": 0.64, "IoU.sconce": 0.6192, "IoU.vase": 0.5065, "IoU.traffic light": 0.3923, "IoU.tray": 0.2753, "IoU.ashcan": 0.5171, "IoU.fan": 0.7326, "IoU.pier": 0.4109, "IoU.crt screen": 0.0238, "IoU.plate": 0.6483, "IoU.monitor": 0.4222, "IoU.bulletin board": 0.5616, "IoU.shower": 0.2263, "IoU.radiator": 0.6876, "IoU.glass": 0.2435, "IoU.clock": 0.5666, "IoU.flag": 0.7037, "Acc.wall": 0.9027, "Acc.building": 0.9299, "Acc.sky": 0.9771, "Acc.floor": 0.9226, "Acc.tree": 0.8982, "Acc.ceiling": 0.95, "Acc.road": 0.9154, "Acc.bed ": 0.9707, "Acc.windowpane": 0.8213, "Acc.grass": 0.8216, "Acc.cabinet": 0.7815, "Acc.sidewalk": 0.8616, "Acc.person": 0.9484, "Acc.earth": 0.5267, "Acc.door": 0.7698, "Acc.table": 0.8256, "Acc.mountain": 0.77, "Acc.plant": 0.6645, "Acc.curtain": 0.8821, "Acc.chair": 0.8035, "Acc.car": 0.9412, "Acc.water": 0.782, "Acc.painting": 0.9229, "Acc.sofa": 0.8862, "Acc.shelf": 0.6386, "Acc.house": 0.5667, "Acc.sea": 0.8348, "Acc.mirror": 0.8697, "Acc.rug": 0.7714, "Acc.field": 0.5512, "Acc.armchair": 0.7985, "Acc.seat": 0.9049, "Acc.fence": 0.6353, "Acc.desk": 0.7993, "Acc.rock": 0.8643, "Acc.wardrobe": 0.7532, "Acc.lamp": 0.8901, "Acc.bathtub": 0.9132, "Acc.railing": 0.6043, "Acc.cushion": 0.8409, "Acc.base": 0.6111, "Acc.box": 0.5322, "Acc.column": 0.6752, "Acc.signboard": 0.5646, "Acc.chest of drawers": 0.6818, "Acc.counter": 0.6725, "Acc.sand": 0.807, "Acc.sink": 0.884, "Acc.skyscraper": 0.5927, "Acc.fireplace": 0.9422, "Acc.refrigerator": 0.9471, "Acc.grandstand": 0.7981, "Acc.path": 0.4462, "Acc.stairs": 0.4339, "Acc.runway": 0.9367, "Acc.case": 0.7933, "Acc.pool table": 0.9832, "Acc.pillow": 0.7591, "Acc.screen door": 0.7973, "Acc.stairway": 0.5998, "Acc.river": 0.2535, "Acc.bridge": 0.7468, "Acc.bookcase": 0.6393, "Acc.blind": 0.4924, "Acc.coffee table": 0.8697, "Acc.toilet": 0.9406, "Acc.flower": 0.6128, "Acc.book": 0.7884, "Acc.hill": 0.2377, "Acc.bench": 0.6829, "Acc.countertop": 0.8498, "Acc.stove": 0.9284, "Acc.palm": 0.8144, "Acc.kitchen island": 0.8158, "Acc.computer": 0.9078, "Acc.swivel chair": 0.7676, "Acc.boat": 0.9323, "Acc.bar": 0.8427, "Acc.arcade machine": 0.8618, "Acc.hovel": 0.5359, "Acc.bus": 0.972, "Acc.towel": 0.8864, "Acc.light": 0.7283, "Acc.truck": 0.6411, "Acc.tower": 0.7309, "Acc.chandelier": 0.845, "Acc.awning": 0.5789, "Acc.streetlight": 0.5357, "Acc.booth": 0.7121, "Acc.television receiver": 0.8756, "Acc.airplane": 0.9677, "Acc.dirt track": 0.4331, "Acc.apparel": 0.7999, "Acc.pole": 0.3354, "Acc.land": 0.0833, "Acc.bannister": 0.2551, "Acc.escalator": 0.8724, "Acc.ottoman": 0.722, "Acc.bottle": 0.718, "Acc.buffet": 0.6249, "Acc.poster": 0.4038, "Acc.stage": 0.4039, "Acc.van": 0.7679, "Acc.ship": 0.4889, "Acc.fountain": 0.3061, "Acc.conveyer belt": 0.9689, "Acc.canopy": 0.6999, "Acc.washer": 0.9157, "Acc.plaything": 0.4602, "Acc.swimming pool": 0.7711, "Acc.stool": 0.7422, "Acc.barrel": 0.9686, "Acc.basket": 0.6241, "Acc.waterfall": 0.672, "Acc.tent": 0.986, "Acc.bag": 0.3151, "Acc.minibike": 0.9112, "Acc.cradle": 0.9774, "Acc.oven": 0.7733, "Acc.ball": 0.5963, "Acc.food": 0.7142, "Acc.step": 0.1372, "Acc.tank": 0.6716, "Acc.trade name": 0.3663, "Acc.microwave": 0.9677, "Acc.pot": 0.7203, "Acc.animal": 0.6237, "Acc.bicycle": 0.8001, "Acc.lake": 0.6368, "Acc.dishwasher": 0.8197, "Acc.screen": 0.9549, "Acc.blanket": 0.4402, "Acc.sculpture": 0.8682, "Acc.hood": 0.7352, "Acc.sconce": 0.7285, "Acc.vase": 0.7057, "Acc.traffic light": 0.6714, "Acc.tray": 0.3611, "Acc.ashcan": 0.6741, "Acc.fan": 0.8479, "Acc.pier": 0.4458, "Acc.crt screen": 0.0428, "Acc.plate": 0.8158, "Acc.monitor": 0.5095, "Acc.bulletin board": 0.6798, "Acc.shower": 0.234, "Acc.radiator": 0.8364, "Acc.glass": 0.2674, "Acc.clock": 0.6579, "Acc.flag": 0.8204} {"mode": "train", "epoch": 54, "iter": 68050, "lr": 1e-05, "memory": 72263, "data_time": 2.20968, "decode.loss_ce": 0.13999, "decode.acc_seg": 93.6981, "aux.loss_ce": 0.05977, "aux.acc_seg": 93.31797, "loss": 0.19976, "time": 4.17945} {"mode": "train", "epoch": 54, "iter": 68100, "lr": 1e-05, "memory": 72263, "data_time": 0.01023, "decode.loss_ce": 0.13331, "decode.acc_seg": 93.92284, "aux.loss_ce": 0.05724, "aux.acc_seg": 93.53391, "loss": 0.19055, "time": 1.97655} {"mode": "train", "epoch": 54, "iter": 68150, "lr": 1e-05, "memory": 72263, "data_time": 0.01027, "decode.loss_ce": 0.13742, "decode.acc_seg": 93.91855, "aux.loss_ce": 0.05878, "aux.acc_seg": 93.52411, "loss": 0.1962, "time": 1.97986} {"mode": "train", "epoch": 54, "iter": 68200, "lr": 1e-05, "memory": 72263, "data_time": 0.0105, "decode.loss_ce": 0.13057, "decode.acc_seg": 94.31258, "aux.loss_ce": 0.05608, "aux.acc_seg": 93.88584, "loss": 0.18665, "time": 1.97565} {"mode": "train", "epoch": 55, "iter": 68250, "lr": 1e-05, "memory": 72263, "data_time": 0.07496, "decode.loss_ce": 0.12714, "decode.acc_seg": 94.22881, "aux.loss_ce": 0.05484, "aux.acc_seg": 93.82537, "loss": 0.18198, "time": 2.04524} {"mode": "train", "epoch": 55, "iter": 68300, "lr": 1e-05, "memory": 72263, "data_time": 0.01032, "decode.loss_ce": 0.127, "decode.acc_seg": 94.33269, "aux.loss_ce": 0.05488, "aux.acc_seg": 93.87768, "loss": 0.18187, "time": 1.98027} {"mode": "train", "epoch": 55, "iter": 68350, "lr": 1e-05, "memory": 72263, "data_time": 0.01043, "decode.loss_ce": 0.12923, "decode.acc_seg": 94.1321, "aux.loss_ce": 0.05526, "aux.acc_seg": 93.7664, "loss": 0.18448, "time": 1.98009} {"mode": "train", "epoch": 55, "iter": 68400, "lr": 1e-05, "memory": 72263, "data_time": 0.00975, "decode.loss_ce": 0.12638, "decode.acc_seg": 94.33674, "aux.loss_ce": 0.05423, "aux.acc_seg": 93.8788, "loss": 0.18061, "time": 1.97925} {"mode": "train", "epoch": 55, "iter": 68450, "lr": 1e-05, "memory": 72263, "data_time": 0.01044, "decode.loss_ce": 0.13135, "decode.acc_seg": 94.00554, "aux.loss_ce": 0.05663, "aux.acc_seg": 93.55599, "loss": 0.18798, "time": 1.97884} {"mode": "train", "epoch": 55, "iter": 68500, "lr": 1e-05, "memory": 72263, "data_time": 0.01012, "decode.loss_ce": 0.12514, "decode.acc_seg": 94.29642, "aux.loss_ce": 0.05387, "aux.acc_seg": 93.86006, "loss": 0.17901, "time": 1.97817} {"mode": "train", "epoch": 55, "iter": 68550, "lr": 1e-05, "memory": 72263, "data_time": 0.00975, "decode.loss_ce": 0.13313, "decode.acc_seg": 94.01293, "aux.loss_ce": 0.05728, "aux.acc_seg": 93.60334, "loss": 0.19041, "time": 1.97837} {"mode": "train", "epoch": 55, "iter": 68600, "lr": 1e-05, "memory": 72263, "data_time": 0.00967, "decode.loss_ce": 0.13217, "decode.acc_seg": 94.30881, "aux.loss_ce": 0.05726, "aux.acc_seg": 93.83639, "loss": 0.18943, "time": 1.97892} {"mode": "train", "epoch": 55, "iter": 68650, "lr": 1e-05, "memory": 72263, "data_time": 0.01059, "decode.loss_ce": 0.12913, "decode.acc_seg": 94.13009, "aux.loss_ce": 0.05535, "aux.acc_seg": 93.73888, "loss": 0.18448, "time": 1.97953} {"mode": "train", "epoch": 55, "iter": 68700, "lr": 1e-05, "memory": 72263, "data_time": 0.01018, "decode.loss_ce": 0.12948, "decode.acc_seg": 94.12423, "aux.loss_ce": 0.05582, "aux.acc_seg": 93.6975, "loss": 0.1853, "time": 1.97783} {"mode": "train", "epoch": 55, "iter": 68750, "lr": 1e-05, "memory": 72263, "data_time": 0.0097, "decode.loss_ce": 0.12728, "decode.acc_seg": 94.28602, "aux.loss_ce": 0.05505, "aux.acc_seg": 93.88708, "loss": 0.18233, "time": 1.97691} {"mode": "train", "epoch": 55, "iter": 68800, "lr": 1e-05, "memory": 72263, "data_time": 0.01076, "decode.loss_ce": 0.13185, "decode.acc_seg": 94.30635, "aux.loss_ce": 0.05682, "aux.acc_seg": 93.86361, "loss": 0.18868, "time": 1.98188} {"mode": "train", "epoch": 55, "iter": 68850, "lr": 1e-05, "memory": 72263, "data_time": 0.01058, "decode.loss_ce": 0.12378, "decode.acc_seg": 94.56975, "aux.loss_ce": 0.0533, "aux.acc_seg": 94.1682, "loss": 0.17708, "time": 1.97917} {"mode": "train", "epoch": 55, "iter": 68900, "lr": 1e-05, "memory": 72263, "data_time": 0.01031, "decode.loss_ce": 0.13304, "decode.acc_seg": 94.09302, "aux.loss_ce": 0.05659, "aux.acc_seg": 93.7077, "loss": 0.18963, "time": 1.97818} {"mode": "train", "epoch": 55, "iter": 68950, "lr": 1e-05, "memory": 72263, "data_time": 0.0101, "decode.loss_ce": 0.1318, "decode.acc_seg": 94.33288, "aux.loss_ce": 0.05714, "aux.acc_seg": 93.86554, "loss": 0.18895, "time": 1.97988} {"mode": "train", "epoch": 55, "iter": 69000, "lr": 1e-05, "memory": 72263, "data_time": 0.01028, "decode.loss_ce": 0.13087, "decode.acc_seg": 94.24023, "aux.loss_ce": 0.05617, "aux.acc_seg": 93.80356, "loss": 0.18705, "time": 1.97785} {"mode": "val", "epoch": 55, "iter": 250, "lr": 1e-05, "aAcc": 0.8667, "mIoU": 0.5954, "mAcc": 0.7172, "IoU.wall": 0.83, "IoU.building": 0.8537, "IoU.sky": 0.9501, "IoU.floor": 0.8513, "IoU.tree": 0.7822, "IoU.ceiling": 0.8777, "IoU.road": 0.8761, "IoU.bed ": 0.9304, "IoU.windowpane": 0.6693, "IoU.grass": 0.6803, "IoU.cabinet": 0.679, "IoU.sidewalk": 0.7266, "IoU.person": 0.8688, "IoU.earth": 0.4015, "IoU.door": 0.6023, "IoU.table": 0.7118, "IoU.mountain": 0.6315, "IoU.plant": 0.5612, "IoU.curtain": 0.7936, "IoU.chair": 0.6895, "IoU.car": 0.8897, "IoU.water": 0.6363, "IoU.painting": 0.8008, "IoU.sofa": 0.8184, "IoU.shelf": 0.5075, "IoU.house": 0.515, "IoU.sea": 0.6961, "IoU.mirror": 0.7903, "IoU.rug": 0.6473, "IoU.field": 0.291, "IoU.armchair": 0.6349, "IoU.seat": 0.6524, "IoU.fence": 0.4958, "IoU.desk": 0.6009, "IoU.rock": 0.5709, "IoU.wardrobe": 0.5217, "IoU.lamp": 0.7731, "IoU.bathtub": 0.8804, "IoU.railing": 0.4347, "IoU.cushion": 0.6948, "IoU.base": 0.4596, "IoU.box": 0.4128, "IoU.column": 0.5701, "IoU.signboard": 0.4185, "IoU.chest of drawers": 0.4621, "IoU.counter": 0.5063, "IoU.sand": 0.5516, "IoU.sink": 0.8361, "IoU.skyscraper": 0.4597, "IoU.fireplace": 0.7391, "IoU.refrigerator": 0.8612, "IoU.grandstand": 0.5609, "IoU.path": 0.3251, "IoU.stairs": 0.3567, "IoU.runway": 0.7232, "IoU.case": 0.6371, "IoU.pool table": 0.9565, "IoU.pillow": 0.662, "IoU.screen door": 0.871, "IoU.stairway": 0.4668, "IoU.river": 0.1389, "IoU.bridge": 0.6419, "IoU.bookcase": 0.4578, "IoU.blind": 0.4317, "IoU.coffee table": 0.6104, "IoU.toilet": 0.9126, "IoU.flower": 0.4502, "IoU.book": 0.5841, "IoU.hill": 0.1299, "IoU.bench": 0.5886, "IoU.countertop": 0.6477, "IoU.stove": 0.8829, "IoU.palm": 0.5468, "IoU.kitchen island": 0.5645, "IoU.computer": 0.7651, "IoU.swivel chair": 0.4729, "IoU.boat": 0.8055, "IoU.bar": 0.6908, "IoU.arcade machine": 0.8144, "IoU.hovel": 0.4574, "IoU.bus": 0.9353, "IoU.towel": 0.809, "IoU.light": 0.6253, "IoU.truck": 0.5178, "IoU.tower": 0.2775, "IoU.chandelier": 0.7361, "IoU.awning": 0.4767, "IoU.streetlight": 0.3807, "IoU.booth": 0.5133, "IoU.television receiver": 0.795, "IoU.airplane": 0.8538, "IoU.dirt track": 0.1025, "IoU.apparel": 0.6302, "IoU.pole": 0.3118, "IoU.land": 0.0531, "IoU.bannister": 0.2095, "IoU.escalator": 0.6703, "IoU.ottoman": 0.5558, "IoU.bottle": 0.4492, "IoU.buffet": 0.5917, "IoU.poster": 0.3482, "IoU.stage": 0.2198, "IoU.van": 0.5551, "IoU.ship": 0.6527, "IoU.fountain": 0.319, "IoU.conveyer belt": 0.8572, "IoU.canopy": 0.5804, "IoU.washer": 0.8581, "IoU.plaything": 0.3582, "IoU.swimming pool": 0.562, "IoU.stool": 0.538, "IoU.barrel": 0.791, "IoU.basket": 0.4286, "IoU.waterfall": 0.5673, "IoU.tent": 0.9463, "IoU.bag": 0.2606, "IoU.minibike": 0.7752, "IoU.cradle": 0.8773, "IoU.oven": 0.6339, "IoU.ball": 0.6, "IoU.food": 0.6191, "IoU.step": 0.1169, "IoU.tank": 0.6907, "IoU.trade name": 0.2341, "IoU.microwave": 0.8976, "IoU.pot": 0.6107, "IoU.animal": 0.6113, "IoU.bicycle": 0.612, "IoU.lake": 0.5535, "IoU.dishwasher": 0.7315, "IoU.screen": 0.5928, "IoU.blanket": 0.3797, "IoU.sculpture": 0.7604, "IoU.hood": 0.6704, "IoU.sconce": 0.6111, "IoU.vase": 0.5118, "IoU.traffic light": 0.4147, "IoU.tray": 0.2731, "IoU.ashcan": 0.5032, "IoU.fan": 0.7266, "IoU.pier": 0.4134, "IoU.crt screen": 0.0847, "IoU.plate": 0.6528, "IoU.monitor": 0.5487, "IoU.bulletin board": 0.5682, "IoU.shower": 0.2333, "IoU.radiator": 0.6936, "IoU.glass": 0.2302, "IoU.clock": 0.5637, "IoU.flag": 0.7263, "Acc.wall": 0.9081, "Acc.building": 0.9264, "Acc.sky": 0.9748, "Acc.floor": 0.9247, "Acc.tree": 0.9133, "Acc.ceiling": 0.949, "Acc.road": 0.9193, "Acc.bed ": 0.9712, "Acc.windowpane": 0.8063, "Acc.grass": 0.8366, "Acc.cabinet": 0.7723, "Acc.sidewalk": 0.8613, "Acc.person": 0.9412, "Acc.earth": 0.5209, "Acc.door": 0.7431, "Acc.table": 0.8153, "Acc.mountain": 0.7355, "Acc.plant": 0.6793, "Acc.curtain": 0.8805, "Acc.chair": 0.797, "Acc.car": 0.9414, "Acc.water": 0.8014, "Acc.painting": 0.9124, "Acc.sofa": 0.9188, "Acc.shelf": 0.6664, "Acc.house": 0.6407, "Acc.sea": 0.8489, "Acc.mirror": 0.8757, "Acc.rug": 0.7703, "Acc.field": 0.5216, "Acc.armchair": 0.7921, "Acc.seat": 0.8519, "Acc.fence": 0.6021, "Acc.desk": 0.7839, "Acc.rock": 0.8538, "Acc.wardrobe": 0.7228, "Acc.lamp": 0.888, "Acc.bathtub": 0.9082, "Acc.railing": 0.6186, "Acc.cushion": 0.8235, "Acc.base": 0.66, "Acc.box": 0.5227, "Acc.column": 0.7366, "Acc.signboard": 0.5805, "Acc.chest of drawers": 0.7083, "Acc.counter": 0.6008, "Acc.sand": 0.7764, "Acc.sink": 0.8741, "Acc.skyscraper": 0.6008, "Acc.fireplace": 0.9235, "Acc.refrigerator": 0.9401, "Acc.grandstand": 0.8205, "Acc.path": 0.4333, "Acc.stairs": 0.4409, "Acc.runway": 0.9336, "Acc.case": 0.8196, "Acc.pool table": 0.9802, "Acc.pillow": 0.7707, "Acc.screen door": 0.9051, "Acc.stairway": 0.6309, "Acc.river": 0.2264, "Acc.bridge": 0.7572, "Acc.bookcase": 0.6277, "Acc.blind": 0.509, "Acc.coffee table": 0.8899, "Acc.toilet": 0.9442, "Acc.flower": 0.6044, "Acc.book": 0.7849, "Acc.hill": 0.2088, "Acc.bench": 0.6596, "Acc.countertop": 0.8464, "Acc.stove": 0.9233, "Acc.palm": 0.8241, "Acc.kitchen island": 0.8651, "Acc.computer": 0.9153, "Acc.swivel chair": 0.6838, "Acc.boat": 0.9273, "Acc.bar": 0.8454, "Acc.arcade machine": 0.8569, "Acc.hovel": 0.5221, "Acc.bus": 0.9704, "Acc.towel": 0.877, "Acc.light": 0.7057, "Acc.truck": 0.6251, "Acc.tower": 0.5549, "Acc.chandelier": 0.8468, "Acc.awning": 0.6216, "Acc.streetlight": 0.5159, "Acc.booth": 0.7149, "Acc.television receiver": 0.8676, "Acc.airplane": 0.9647, "Acc.dirt track": 0.1851, "Acc.apparel": 0.8101, "Acc.pole": 0.4427, "Acc.land": 0.0776, "Acc.bannister": 0.2505, "Acc.escalator": 0.8646, "Acc.ottoman": 0.6893, "Acc.bottle": 0.6621, "Acc.buffet": 0.6768, "Acc.poster": 0.4218, "Acc.stage": 0.4072, "Acc.van": 0.7722, "Acc.ship": 0.7437, "Acc.fountain": 0.3244, "Acc.conveyer belt": 0.9686, "Acc.canopy": 0.7394, "Acc.washer": 0.9084, "Acc.plaything": 0.4465, "Acc.swimming pool": 0.8154, "Acc.stool": 0.715, "Acc.barrel": 0.9688, "Acc.basket": 0.6127, "Acc.waterfall": 0.7268, "Acc.tent": 0.9875, "Acc.bag": 0.2893, "Acc.minibike": 0.8998, "Acc.cradle": 0.9707, "Acc.oven": 0.7276, "Acc.ball": 0.7206, "Acc.food": 0.7017, "Acc.step": 0.1338, "Acc.tank": 0.7697, "Acc.trade name": 0.2751, "Acc.microwave": 0.9694, "Acc.pot": 0.7123, "Acc.animal": 0.6273, "Acc.bicycle": 0.7386, "Acc.lake": 0.6373, "Acc.dishwasher": 0.8071, "Acc.screen": 0.9008, "Acc.blanket": 0.4538, "Acc.sculpture": 0.8855, "Acc.hood": 0.7781, "Acc.sconce": 0.7219, "Acc.vase": 0.693, "Acc.traffic light": 0.6629, "Acc.tray": 0.3548, "Acc.ashcan": 0.6798, "Acc.fan": 0.8255, "Acc.pier": 0.4472, "Acc.crt screen": 0.1413, "Acc.plate": 0.7996, "Acc.monitor": 0.643, "Acc.bulletin board": 0.6766, "Acc.shower": 0.249, "Acc.radiator": 0.8012, "Acc.glass": 0.2472, "Acc.clock": 0.6546, "Acc.flag": 0.8065} {"mode": "train", "epoch": 55, "iter": 69050, "lr": 1e-05, "memory": 72263, "data_time": 2.23318, "decode.loss_ce": 0.13008, "decode.acc_seg": 94.15345, "aux.loss_ce": 0.05589, "aux.acc_seg": 93.77536, "loss": 0.18597, "time": 4.20132} {"mode": "train", "epoch": 55, "iter": 69100, "lr": 1e-05, "memory": 72263, "data_time": 0.01022, "decode.loss_ce": 0.1275, "decode.acc_seg": 94.41366, "aux.loss_ce": 0.0547, "aux.acc_seg": 94.01878, "loss": 0.1822, "time": 1.97656} {"mode": "train", "epoch": 55, "iter": 69150, "lr": 1e-05, "memory": 72263, "data_time": 0.01043, "decode.loss_ce": 0.13387, "decode.acc_seg": 94.09222, "aux.loss_ce": 0.05797, "aux.acc_seg": 93.64101, "loss": 0.19184, "time": 1.97576} {"mode": "train", "epoch": 55, "iter": 69200, "lr": 1e-05, "memory": 72263, "data_time": 0.01047, "decode.loss_ce": 0.12367, "decode.acc_seg": 94.36756, "aux.loss_ce": 0.05316, "aux.acc_seg": 94.00811, "loss": 0.17683, "time": 1.97736} {"mode": "train", "epoch": 55, "iter": 69250, "lr": 1e-05, "memory": 72263, "data_time": 0.01125, "decode.loss_ce": 0.13421, "decode.acc_seg": 94.22205, "aux.loss_ce": 0.05777, "aux.acc_seg": 93.82086, "loss": 0.19198, "time": 1.97858} {"mode": "train", "epoch": 55, "iter": 69300, "lr": 1e-05, "memory": 72263, "data_time": 0.01075, "decode.loss_ce": 0.13288, "decode.acc_seg": 93.97783, "aux.loss_ce": 0.05736, "aux.acc_seg": 93.55604, "loss": 0.19024, "time": 1.97734} {"mode": "train", "epoch": 55, "iter": 69350, "lr": 1e-05, "memory": 72263, "data_time": 0.0101, "decode.loss_ce": 0.13753, "decode.acc_seg": 93.92861, "aux.loss_ce": 0.059, "aux.acc_seg": 93.50837, "loss": 0.19653, "time": 1.97603} {"mode": "train", "epoch": 55, "iter": 69400, "lr": 1e-05, "memory": 72263, "data_time": 0.01083, "decode.loss_ce": 0.12748, "decode.acc_seg": 94.32816, "aux.loss_ce": 0.0548, "aux.acc_seg": 93.95871, "loss": 0.18228, "time": 1.9764} {"mode": "train", "epoch": 55, "iter": 69450, "lr": 1e-05, "memory": 72263, "data_time": 0.01121, "decode.loss_ce": 0.12605, "decode.acc_seg": 94.19947, "aux.loss_ce": 0.05431, "aux.acc_seg": 93.76806, "loss": 0.18036, "time": 1.97723} {"mode": "train", "epoch": 56, "iter": 69500, "lr": 1e-05, "memory": 72263, "data_time": 0.05292, "decode.loss_ce": 0.13567, "decode.acc_seg": 94.13744, "aux.loss_ce": 0.05845, "aux.acc_seg": 93.69454, "loss": 0.19412, "time": 2.0223} {"mode": "train", "epoch": 56, "iter": 69550, "lr": 1e-05, "memory": 72263, "data_time": 0.01132, "decode.loss_ce": 0.13501, "decode.acc_seg": 94.0395, "aux.loss_ce": 0.05772, "aux.acc_seg": 93.66664, "loss": 0.19273, "time": 1.977} {"mode": "train", "epoch": 56, "iter": 69600, "lr": 1e-05, "memory": 72263, "data_time": 0.01134, "decode.loss_ce": 0.1371, "decode.acc_seg": 93.84685, "aux.loss_ce": 0.05895, "aux.acc_seg": 93.43549, "loss": 0.19604, "time": 1.97965} {"mode": "train", "epoch": 56, "iter": 69650, "lr": 1e-05, "memory": 72263, "data_time": 0.01106, "decode.loss_ce": 0.13418, "decode.acc_seg": 94.11295, "aux.loss_ce": 0.05761, "aux.acc_seg": 93.71333, "loss": 0.19179, "time": 1.97809} {"mode": "train", "epoch": 56, "iter": 69700, "lr": 1e-05, "memory": 72263, "data_time": 0.01125, "decode.loss_ce": 0.12189, "decode.acc_seg": 94.35406, "aux.loss_ce": 0.05269, "aux.acc_seg": 93.91354, "loss": 0.17458, "time": 1.97659} {"mode": "train", "epoch": 56, "iter": 69750, "lr": 1e-05, "memory": 72263, "data_time": 0.01011, "decode.loss_ce": 0.13278, "decode.acc_seg": 94.01198, "aux.loss_ce": 0.05746, "aux.acc_seg": 93.56193, "loss": 0.19025, "time": 1.97888} {"mode": "train", "epoch": 56, "iter": 69800, "lr": 1e-05, "memory": 72263, "data_time": 0.01087, "decode.loss_ce": 0.12338, "decode.acc_seg": 94.42487, "aux.loss_ce": 0.05319, "aux.acc_seg": 93.99994, "loss": 0.17657, "time": 1.97978} {"mode": "train", "epoch": 56, "iter": 69850, "lr": 1e-05, "memory": 72263, "data_time": 0.01054, "decode.loss_ce": 0.12733, "decode.acc_seg": 94.31098, "aux.loss_ce": 0.05461, "aux.acc_seg": 93.90139, "loss": 0.18194, "time": 1.97904} {"mode": "train", "epoch": 56, "iter": 69900, "lr": 1e-05, "memory": 72263, "data_time": 0.01094, "decode.loss_ce": 0.13019, "decode.acc_seg": 94.09674, "aux.loss_ce": 0.05599, "aux.acc_seg": 93.74015, "loss": 0.18618, "time": 1.98008} {"mode": "train", "epoch": 56, "iter": 69950, "lr": 1e-05, "memory": 72263, "data_time": 0.01048, "decode.loss_ce": 0.12922, "decode.acc_seg": 94.27658, "aux.loss_ce": 0.05578, "aux.acc_seg": 93.82295, "loss": 0.185, "time": 1.97642} {"mode": "train", "epoch": 56, "iter": 70000, "lr": 1e-05, "memory": 72263, "data_time": 0.0106, "decode.loss_ce": 0.13009, "decode.acc_seg": 94.12712, "aux.loss_ce": 0.05581, "aux.acc_seg": 93.72924, "loss": 0.1859, "time": 3.66258} {"mode": "val", "epoch": 56, "iter": 250, "lr": 1e-05, "aAcc": 0.8667, "mIoU": 0.594, "mAcc": 0.7188, "IoU.wall": 0.8306, "IoU.building": 0.858, "IoU.sky": 0.95, "IoU.floor": 0.8521, "IoU.tree": 0.7814, "IoU.ceiling": 0.8784, "IoU.road": 0.8686, "IoU.bed ": 0.9303, "IoU.windowpane": 0.6691, "IoU.grass": 0.693, "IoU.cabinet": 0.679, "IoU.sidewalk": 0.7178, "IoU.person": 0.8688, "IoU.earth": 0.3895, "IoU.door": 0.6109, "IoU.table": 0.7151, "IoU.mountain": 0.6337, "IoU.plant": 0.5646, "IoU.curtain": 0.7881, "IoU.chair": 0.6918, "IoU.car": 0.8861, "IoU.water": 0.632, "IoU.painting": 0.7953, "IoU.sofa": 0.8318, "IoU.shelf": 0.5103, "IoU.house": 0.5774, "IoU.sea": 0.6861, "IoU.mirror": 0.7752, "IoU.rug": 0.6573, "IoU.field": 0.2993, "IoU.armchair": 0.6362, "IoU.seat": 0.6852, "IoU.fence": 0.5043, "IoU.desk": 0.5824, "IoU.rock": 0.5693, "IoU.wardrobe": 0.5173, "IoU.lamp": 0.7767, "IoU.bathtub": 0.8886, "IoU.railing": 0.4279, "IoU.cushion": 0.687, "IoU.base": 0.4629, "IoU.box": 0.4156, "IoU.column": 0.5817, "IoU.signboard": 0.4095, "IoU.chest of drawers": 0.4653, "IoU.counter": 0.4757, "IoU.sand": 0.5406, "IoU.sink": 0.8382, "IoU.skyscraper": 0.4471, "IoU.fireplace": 0.7354, "IoU.refrigerator": 0.8705, "IoU.grandstand": 0.5682, "IoU.path": 0.3106, "IoU.stairs": 0.3601, "IoU.runway": 0.7279, "IoU.case": 0.6435, "IoU.pool table": 0.9542, "IoU.pillow": 0.6432, "IoU.screen door": 0.8994, "IoU.stairway": 0.456, "IoU.river": 0.1333, "IoU.bridge": 0.6479, "IoU.bookcase": 0.4529, "IoU.blind": 0.4304, "IoU.coffee table": 0.6193, "IoU.toilet": 0.9148, "IoU.flower": 0.4464, "IoU.book": 0.5835, "IoU.hill": 0.1116, "IoU.bench": 0.5992, "IoU.countertop": 0.6473, "IoU.stove": 0.8844, "IoU.palm": 0.536, "IoU.kitchen island": 0.5422, "IoU.computer": 0.7644, "IoU.swivel chair": 0.4759, "IoU.boat": 0.823, "IoU.bar": 0.6913, "IoU.arcade machine": 0.8103, "IoU.hovel": 0.4562, "IoU.bus": 0.9339, "IoU.towel": 0.812, "IoU.light": 0.6275, "IoU.truck": 0.5249, "IoU.tower": 0.3114, "IoU.chandelier": 0.7355, "IoU.awning": 0.4327, "IoU.streetlight": 0.368, "IoU.booth": 0.5422, "IoU.television receiver": 0.7997, "IoU.airplane": 0.8705, "IoU.dirt track": 0.0837, "IoU.apparel": 0.6493, "IoU.pole": 0.3179, "IoU.land": 0.0468, "IoU.bannister": 0.2293, "IoU.escalator": 0.6699, "IoU.ottoman": 0.5918, "IoU.bottle": 0.4629, "IoU.buffet": 0.5955, "IoU.poster": 0.3403, "IoU.stage": 0.2067, "IoU.van": 0.5557, "IoU.ship": 0.6985, "IoU.fountain": 0.3169, "IoU.conveyer belt": 0.8583, "IoU.canopy": 0.5378, "IoU.washer": 0.8573, "IoU.plaything": 0.3524, "IoU.swimming pool": 0.5495, "IoU.stool": 0.512, "IoU.barrel": 0.7762, "IoU.basket": 0.4314, "IoU.waterfall": 0.5228, "IoU.tent": 0.9392, "IoU.bag": 0.2727, "IoU.minibike": 0.7761, "IoU.cradle": 0.8465, "IoU.oven": 0.6771, "IoU.ball": 0.5949, "IoU.food": 0.6417, "IoU.step": 0.1264, "IoU.tank": 0.6864, "IoU.trade name": 0.2515, "IoU.microwave": 0.9028, "IoU.pot": 0.61, "IoU.animal": 0.6147, "IoU.bicycle": 0.6192, "IoU.lake": 0.5347, "IoU.dishwasher": 0.7265, "IoU.screen": 0.6003, "IoU.blanket": 0.363, "IoU.sculpture": 0.7319, "IoU.hood": 0.6547, "IoU.sconce": 0.6162, "IoU.vase": 0.5112, "IoU.traffic light": 0.4265, "IoU.tray": 0.2537, "IoU.ashcan": 0.4967, "IoU.fan": 0.7277, "IoU.pier": 0.4186, "IoU.crt screen": 0.0385, "IoU.plate": 0.6467, "IoU.monitor": 0.428, "IoU.bulletin board": 0.5494, "IoU.shower": 0.2188, "IoU.radiator": 0.6871, "IoU.glass": 0.2379, "IoU.clock": 0.5656, "IoU.flag": 0.7122, "Acc.wall": 0.9043, "Acc.building": 0.9268, "Acc.sky": 0.9789, "Acc.floor": 0.9214, "Acc.tree": 0.8985, "Acc.ceiling": 0.9513, "Acc.road": 0.9149, "Acc.bed ": 0.9734, "Acc.windowpane": 0.8194, "Acc.grass": 0.8292, "Acc.cabinet": 0.7724, "Acc.sidewalk": 0.8684, "Acc.person": 0.9424, "Acc.earth": 0.4973, "Acc.door": 0.7603, "Acc.table": 0.8134, "Acc.mountain": 0.7415, "Acc.plant": 0.6796, "Acc.curtain": 0.8845, "Acc.chair": 0.8064, "Acc.car": 0.9473, "Acc.water": 0.7908, "Acc.painting": 0.9168, "Acc.sofa": 0.9068, "Acc.shelf": 0.6642, "Acc.house": 0.7386, "Acc.sea": 0.8398, "Acc.mirror": 0.8564, "Acc.rug": 0.7823, "Acc.field": 0.5675, "Acc.armchair": 0.807, "Acc.seat": 0.8979, "Acc.fence": 0.6228, "Acc.desk": 0.8124, "Acc.rock": 0.8628, "Acc.wardrobe": 0.7004, "Acc.lamp": 0.8719, "Acc.bathtub": 0.9228, "Acc.railing": 0.6089, "Acc.cushion": 0.8437, "Acc.base": 0.5934, "Acc.box": 0.5252, "Acc.column": 0.7023, "Acc.signboard": 0.5633, "Acc.chest of drawers": 0.7316, "Acc.counter": 0.561, "Acc.sand": 0.8406, "Acc.sink": 0.8847, "Acc.skyscraper": 0.601, "Acc.fireplace": 0.9368, "Acc.refrigerator": 0.9463, "Acc.grandstand": 0.8075, "Acc.path": 0.4475, "Acc.stairs": 0.4538, "Acc.runway": 0.9397, "Acc.case": 0.8343, "Acc.pool table": 0.9817, "Acc.pillow": 0.736, "Acc.screen door": 0.928, "Acc.stairway": 0.6139, "Acc.river": 0.2381, "Acc.bridge": 0.7409, "Acc.bookcase": 0.6191, "Acc.blind": 0.5023, "Acc.coffee table": 0.8758, "Acc.toilet": 0.9511, "Acc.flower": 0.5871, "Acc.book": 0.8054, "Acc.hill": 0.1828, "Acc.bench": 0.6792, "Acc.countertop": 0.8566, "Acc.stove": 0.9297, "Acc.palm": 0.817, "Acc.kitchen island": 0.8657, "Acc.computer": 0.9153, "Acc.swivel chair": 0.6888, "Acc.boat": 0.9199, "Acc.bar": 0.8673, "Acc.arcade machine": 0.8468, "Acc.hovel": 0.5459, "Acc.bus": 0.9715, "Acc.towel": 0.8883, "Acc.light": 0.7058, "Acc.truck": 0.6478, "Acc.tower": 0.6891, "Acc.chandelier": 0.8283, "Acc.awning": 0.5332, "Acc.streetlight": 0.4876, "Acc.booth": 0.7323, "Acc.television receiver": 0.8544, "Acc.airplane": 0.9658, "Acc.dirt track": 0.148, "Acc.apparel": 0.877, "Acc.pole": 0.4471, "Acc.land": 0.0929, "Acc.bannister": 0.2806, "Acc.escalator": 0.8607, "Acc.ottoman": 0.7685, "Acc.bottle": 0.7141, "Acc.buffet": 0.6816, "Acc.poster": 0.4402, "Acc.stage": 0.4051, "Acc.van": 0.7414, "Acc.ship": 0.7916, "Acc.fountain": 0.3234, "Acc.conveyer belt": 0.9658, "Acc.canopy": 0.6703, "Acc.washer": 0.9106, "Acc.plaything": 0.4723, "Acc.swimming pool": 0.7946, "Acc.stool": 0.7483, "Acc.barrel": 0.9797, "Acc.basket": 0.6099, "Acc.waterfall": 0.6604, "Acc.tent": 0.9864, "Acc.bag": 0.3174, "Acc.minibike": 0.9016, "Acc.cradle": 0.9774, "Acc.oven": 0.7724, "Acc.ball": 0.6608, "Acc.food": 0.7421, "Acc.step": 0.1507, "Acc.tank": 0.7377, "Acc.trade name": 0.2988, "Acc.microwave": 0.9642, "Acc.pot": 0.7137, "Acc.animal": 0.6317, "Acc.bicycle": 0.7749, "Acc.lake": 0.6373, "Acc.dishwasher": 0.802, "Acc.screen": 0.9419, "Acc.blanket": 0.4401, "Acc.sculpture": 0.8781, "Acc.hood": 0.7417, "Acc.sconce": 0.732, "Acc.vase": 0.6917, "Acc.traffic light": 0.6094, "Acc.tray": 0.3376, "Acc.ashcan": 0.6792, "Acc.fan": 0.8197, "Acc.pier": 0.4587, "Acc.crt screen": 0.0734, "Acc.plate": 0.7942, "Acc.monitor": 0.5011, "Acc.bulletin board": 0.6638, "Acc.shower": 0.2493, "Acc.radiator": 0.8175, "Acc.glass": 0.2581, "Acc.clock": 0.6632, "Acc.flag": 0.7998} {"mode": "train", "epoch": 56, "iter": 70050, "lr": 0.0, "memory": 72263, "data_time": 2.21471, "decode.loss_ce": 0.13321, "decode.acc_seg": 94.06545, "aux.loss_ce": 0.05724, "aux.acc_seg": 93.63119, "loss": 0.19045, "time": 4.18144} {"mode": "train", "epoch": 56, "iter": 70100, "lr": 0.0, "memory": 72263, "data_time": 0.01118, "decode.loss_ce": 0.11987, "decode.acc_seg": 94.57988, "aux.loss_ce": 0.05153, "aux.acc_seg": 94.19619, "loss": 0.17139, "time": 1.97669} {"mode": "train", "epoch": 56, "iter": 70150, "lr": 0.0, "memory": 72263, "data_time": 0.01086, "decode.loss_ce": 0.13583, "decode.acc_seg": 93.97286, "aux.loss_ce": 0.05835, "aux.acc_seg": 93.5593, "loss": 0.19418, "time": 1.98046} {"mode": "train", "epoch": 56, "iter": 70200, "lr": 0.0, "memory": 72263, "data_time": 0.01018, "decode.loss_ce": 0.12452, "decode.acc_seg": 94.52098, "aux.loss_ce": 0.05399, "aux.acc_seg": 94.05393, "loss": 0.17851, "time": 1.97757} {"mode": "train", "epoch": 56, "iter": 70250, "lr": 0.0, "memory": 72263, "data_time": 0.01166, "decode.loss_ce": 0.1338, "decode.acc_seg": 94.29032, "aux.loss_ce": 0.05708, "aux.acc_seg": 93.85248, "loss": 0.19088, "time": 1.98108} {"mode": "train", "epoch": 56, "iter": 70300, "lr": 0.0, "memory": 72263, "data_time": 0.01154, "decode.loss_ce": 0.13141, "decode.acc_seg": 94.31965, "aux.loss_ce": 0.05625, "aux.acc_seg": 93.89722, "loss": 0.18766, "time": 1.97946} {"mode": "train", "epoch": 56, "iter": 70350, "lr": 0.0, "memory": 72263, "data_time": 0.01127, "decode.loss_ce": 0.12858, "decode.acc_seg": 94.17688, "aux.loss_ce": 0.05537, "aux.acc_seg": 93.76783, "loss": 0.18395, "time": 1.9786} {"mode": "train", "epoch": 56, "iter": 70400, "lr": 0.0, "memory": 72263, "data_time": 0.01071, "decode.loss_ce": 0.12783, "decode.acc_seg": 94.31226, "aux.loss_ce": 0.0551, "aux.acc_seg": 93.8546, "loss": 0.18293, "time": 1.97687} {"mode": "train", "epoch": 56, "iter": 70450, "lr": 0.0, "memory": 72263, "data_time": 0.01072, "decode.loss_ce": 0.12893, "decode.acc_seg": 94.25287, "aux.loss_ce": 0.0553, "aux.acc_seg": 93.88254, "loss": 0.18423, "time": 1.97769} {"mode": "train", "epoch": 56, "iter": 70500, "lr": 0.0, "memory": 72263, "data_time": 0.01083, "decode.loss_ce": 0.13601, "decode.acc_seg": 93.98046, "aux.loss_ce": 0.05873, "aux.acc_seg": 93.53558, "loss": 0.19474, "time": 1.9762} {"mode": "train", "epoch": 56, "iter": 70550, "lr": 0.0, "memory": 72263, "data_time": 0.01075, "decode.loss_ce": 0.12622, "decode.acc_seg": 94.28474, "aux.loss_ce": 0.05458, "aux.acc_seg": 93.81358, "loss": 0.18081, "time": 1.97882} {"mode": "train", "epoch": 56, "iter": 70600, "lr": 0.0, "memory": 72263, "data_time": 0.01011, "decode.loss_ce": 0.13305, "decode.acc_seg": 93.9662, "aux.loss_ce": 0.05683, "aux.acc_seg": 93.56394, "loss": 0.18987, "time": 1.97501} {"mode": "train", "epoch": 56, "iter": 70650, "lr": 0.0, "memory": 72263, "data_time": 0.0103, "decode.loss_ce": 0.11775, "decode.acc_seg": 94.66044, "aux.loss_ce": 0.05119, "aux.acc_seg": 94.2097, "loss": 0.16894, "time": 1.97887} {"mode": "train", "epoch": 56, "iter": 70700, "lr": 0.0, "memory": 72263, "data_time": 0.01057, "decode.loss_ce": 0.12473, "decode.acc_seg": 94.44352, "aux.loss_ce": 0.05366, "aux.acc_seg": 94.02438, "loss": 0.17839, "time": 1.97633} {"mode": "train", "epoch": 57, "iter": 70750, "lr": 0.0, "memory": 72263, "data_time": 0.07144, "decode.loss_ce": 0.12743, "decode.acc_seg": 94.27801, "aux.loss_ce": 0.05488, "aux.acc_seg": 93.85138, "loss": 0.18231, "time": 2.03878} {"mode": "train", "epoch": 57, "iter": 70800, "lr": 0.0, "memory": 72263, "data_time": 0.01097, "decode.loss_ce": 0.12329, "decode.acc_seg": 94.524, "aux.loss_ce": 0.05347, "aux.acc_seg": 94.07242, "loss": 0.17676, "time": 1.97888} {"mode": "train", "epoch": 57, "iter": 70850, "lr": 0.0, "memory": 72263, "data_time": 0.01094, "decode.loss_ce": 0.12694, "decode.acc_seg": 94.41252, "aux.loss_ce": 0.05488, "aux.acc_seg": 93.96533, "loss": 0.18182, "time": 1.9789} {"mode": "train", "epoch": 57, "iter": 70900, "lr": 0.0, "memory": 72263, "data_time": 0.01099, "decode.loss_ce": 0.12009, "decode.acc_seg": 94.47564, "aux.loss_ce": 0.05174, "aux.acc_seg": 94.10862, "loss": 0.17183, "time": 1.97919} {"mode": "train", "epoch": 57, "iter": 70950, "lr": 0.0, "memory": 72263, "data_time": 0.01146, "decode.loss_ce": 0.13284, "decode.acc_seg": 94.05643, "aux.loss_ce": 0.05687, "aux.acc_seg": 93.68014, "loss": 0.18971, "time": 1.97892} {"mode": "train", "epoch": 57, "iter": 71000, "lr": 0.0, "memory": 72263, "data_time": 0.01065, "decode.loss_ce": 0.12672, "decode.acc_seg": 94.07107, "aux.loss_ce": 0.05437, "aux.acc_seg": 93.6877, "loss": 0.18109, "time": 1.97741} {"mode": "val", "epoch": 57, "iter": 250, "lr": 0.0, "aAcc": 0.8657, "mIoU": 0.5947, "mAcc": 0.7191, "IoU.wall": 0.8291, "IoU.building": 0.8535, "IoU.sky": 0.9506, "IoU.floor": 0.8468, "IoU.tree": 0.7821, "IoU.ceiling": 0.8783, "IoU.road": 0.8687, "IoU.bed ": 0.9307, "IoU.windowpane": 0.6704, "IoU.grass": 0.6843, "IoU.cabinet": 0.6816, "IoU.sidewalk": 0.701, "IoU.person": 0.8697, "IoU.earth": 0.3978, "IoU.door": 0.591, "IoU.table": 0.7171, "IoU.mountain": 0.629, "IoU.plant": 0.5655, "IoU.curtain": 0.7878, "IoU.chair": 0.6874, "IoU.car": 0.8872, "IoU.water": 0.6387, "IoU.painting": 0.7961, "IoU.sofa": 0.8258, "IoU.shelf": 0.5067, "IoU.house": 0.4799, "IoU.sea": 0.6921, "IoU.mirror": 0.7797, "IoU.rug": 0.6265, "IoU.field": 0.2896, "IoU.armchair": 0.6255, "IoU.seat": 0.6915, "IoU.fence": 0.4953, "IoU.desk": 0.5822, "IoU.rock": 0.5731, "IoU.wardrobe": 0.533, "IoU.lamp": 0.7756, "IoU.bathtub": 0.8807, "IoU.railing": 0.4273, "IoU.cushion": 0.6952, "IoU.base": 0.4716, "IoU.box": 0.4146, "IoU.column": 0.5854, "IoU.signboard": 0.4126, "IoU.chest of drawers": 0.486, "IoU.counter": 0.4937, "IoU.sand": 0.5653, "IoU.sink": 0.84, "IoU.skyscraper": 0.4553, "IoU.fireplace": 0.739, "IoU.refrigerator": 0.8643, "IoU.grandstand": 0.622, "IoU.path": 0.303, "IoU.stairs": 0.393, "IoU.runway": 0.7186, "IoU.case": 0.6488, "IoU.pool table": 0.9529, "IoU.pillow": 0.6544, "IoU.screen door": 0.8739, "IoU.stairway": 0.4282, "IoU.river": 0.134, "IoU.bridge": 0.69, "IoU.bookcase": 0.4531, "IoU.blind": 0.4581, "IoU.coffee table": 0.6156, "IoU.toilet": 0.914, "IoU.flower": 0.4532, "IoU.book": 0.5811, "IoU.hill": 0.1259, "IoU.bench": 0.611, "IoU.countertop": 0.6543, "IoU.stove": 0.8837, "IoU.palm": 0.5341, "IoU.kitchen island": 0.5436, "IoU.computer": 0.7637, "IoU.swivel chair": 0.4861, "IoU.boat": 0.8034, "IoU.bar": 0.6986, "IoU.arcade machine": 0.8308, "IoU.hovel": 0.4427, "IoU.bus": 0.9377, "IoU.towel": 0.8008, "IoU.light": 0.6325, "IoU.truck": 0.5258, "IoU.tower": 0.3102, "IoU.chandelier": 0.7375, "IoU.awning": 0.4235, "IoU.streetlight": 0.3806, "IoU.booth": 0.5221, "IoU.television receiver": 0.805, "IoU.airplane": 0.8905, "IoU.dirt track": 0.143, "IoU.apparel": 0.6526, "IoU.pole": 0.2893, "IoU.land": 0.0577, "IoU.bannister": 0.2132, "IoU.escalator": 0.6668, "IoU.ottoman": 0.6001, "IoU.bottle": 0.4622, "IoU.buffet": 0.5647, "IoU.poster": 0.3595, "IoU.stage": 0.1977, "IoU.van": 0.5494, "IoU.ship": 0.6895, "IoU.fountain": 0.3282, "IoU.conveyer belt": 0.8629, "IoU.canopy": 0.5882, "IoU.washer": 0.8795, "IoU.plaything": 0.37, "IoU.swimming pool": 0.5421, "IoU.stool": 0.5223, "IoU.barrel": 0.7063, "IoU.basket": 0.4264, "IoU.waterfall": 0.5431, "IoU.tent": 0.9323, "IoU.bag": 0.248, "IoU.minibike": 0.776, "IoU.cradle": 0.8529, "IoU.oven": 0.6771, "IoU.ball": 0.6011, "IoU.food": 0.6467, "IoU.step": 0.1172, "IoU.tank": 0.6339, "IoU.trade name": 0.2455, "IoU.microwave": 0.9029, "IoU.pot": 0.6106, "IoU.animal": 0.6148, "IoU.bicycle": 0.6212, "IoU.lake": 0.523, "IoU.dishwasher": 0.7427, "IoU.screen": 0.4973, "IoU.blanket": 0.3445, "IoU.sculpture": 0.7685, "IoU.hood": 0.6783, "IoU.sconce": 0.6185, "IoU.vase": 0.5113, "IoU.traffic light": 0.4009, "IoU.tray": 0.2592, "IoU.ashcan": 0.4902, "IoU.fan": 0.7303, "IoU.pier": 0.4176, "IoU.crt screen": 0.0704, "IoU.plate": 0.6525, "IoU.monitor": 0.483, "IoU.bulletin board": 0.6103, "IoU.shower": 0.2172, "IoU.radiator": 0.6915, "IoU.glass": 0.229, "IoU.clock": 0.5859, "IoU.flag": 0.6928, "Acc.wall": 0.9045, "Acc.building": 0.9304, "Acc.sky": 0.9774, "Acc.floor": 0.9202, "Acc.tree": 0.8996, "Acc.ceiling": 0.9476, "Acc.road": 0.9293, "Acc.bed ": 0.9733, "Acc.windowpane": 0.7899, "Acc.grass": 0.8231, "Acc.cabinet": 0.7832, "Acc.sidewalk": 0.8376, "Acc.person": 0.9457, "Acc.earth": 0.5237, "Acc.door": 0.756, "Acc.table": 0.8282, "Acc.mountain": 0.7421, "Acc.plant": 0.6723, "Acc.curtain": 0.8923, "Acc.chair": 0.786, "Acc.car": 0.9454, "Acc.water": 0.7969, "Acc.painting": 0.9155, "Acc.sofa": 0.9027, "Acc.shelf": 0.647, "Acc.house": 0.5841, "Acc.sea": 0.8286, "Acc.mirror": 0.8598, "Acc.rug": 0.7379, "Acc.field": 0.528, "Acc.armchair": 0.8116, "Acc.seat": 0.8915, "Acc.fence": 0.6093, "Acc.desk": 0.7944, "Acc.rock": 0.871, "Acc.wardrobe": 0.7166, "Acc.lamp": 0.884, "Acc.bathtub": 0.9188, "Acc.railing": 0.6167, "Acc.cushion": 0.8285, "Acc.base": 0.6264, "Acc.box": 0.5236, "Acc.column": 0.7566, "Acc.signboard": 0.5472, "Acc.chest of drawers": 0.6899, "Acc.counter": 0.6077, "Acc.sand": 0.8174, "Acc.sink": 0.8857, "Acc.skyscraper": 0.5947, "Acc.fireplace": 0.9278, "Acc.refrigerator": 0.9587, "Acc.grandstand": 0.8137, "Acc.path": 0.4115, "Acc.stairs": 0.4989, "Acc.runway": 0.9288, "Acc.case": 0.8036, "Acc.pool table": 0.9854, "Acc.pillow": 0.7623, "Acc.screen door": 0.8942, "Acc.stairway": 0.5937, "Acc.river": 0.2365, "Acc.bridge": 0.7838, "Acc.bookcase": 0.6203, "Acc.blind": 0.5681, "Acc.coffee table": 0.8712, "Acc.toilet": 0.9467, "Acc.flower": 0.5862, "Acc.book": 0.7901, "Acc.hill": 0.2174, "Acc.bench": 0.6991, "Acc.countertop": 0.8497, "Acc.stove": 0.9336, "Acc.palm": 0.8106, "Acc.kitchen island": 0.8123, "Acc.computer": 0.919, "Acc.swivel chair": 0.7732, "Acc.boat": 0.9315, "Acc.bar": 0.8351, "Acc.arcade machine": 0.8726, "Acc.hovel": 0.5785, "Acc.bus": 0.9681, "Acc.towel": 0.8584, "Acc.light": 0.726, "Acc.truck": 0.6315, "Acc.tower": 0.6608, "Acc.chandelier": 0.849, "Acc.awning": 0.5415, "Acc.streetlight": 0.5222, "Acc.booth": 0.7442, "Acc.television receiver": 0.8689, "Acc.airplane": 0.9667, "Acc.dirt track": 0.2257, "Acc.apparel": 0.8271, "Acc.pole": 0.4087, "Acc.land": 0.0815, "Acc.bannister": 0.2671, "Acc.escalator": 0.8596, "Acc.ottoman": 0.7496, "Acc.bottle": 0.7017, "Acc.buffet": 0.6419, "Acc.poster": 0.4698, "Acc.stage": 0.3248, "Acc.van": 0.7427, "Acc.ship": 0.7494, "Acc.fountain": 0.3343, "Acc.conveyer belt": 0.9644, "Acc.canopy": 0.7559, "Acc.washer": 0.937, "Acc.plaything": 0.5313, "Acc.swimming pool": 0.7813, "Acc.stool": 0.7604, "Acc.barrel": 0.9885, "Acc.basket": 0.6099, "Acc.waterfall": 0.6999, "Acc.tent": 0.9886, "Acc.bag": 0.2841, "Acc.minibike": 0.9019, "Acc.cradle": 0.9762, "Acc.oven": 0.7686, "Acc.ball": 0.6744, "Acc.food": 0.7569, "Acc.step": 0.1396, "Acc.tank": 0.6951, "Acc.trade name": 0.2866, "Acc.microwave": 0.964, "Acc.pot": 0.7073, "Acc.animal": 0.6308, "Acc.bicycle": 0.7709, "Acc.lake": 0.6374, "Acc.dishwasher": 0.8268, "Acc.screen": 0.7601, "Acc.blanket": 0.4032, "Acc.sculpture": 0.8792, "Acc.hood": 0.7826, "Acc.sconce": 0.7349, "Acc.vase": 0.6842, "Acc.traffic light": 0.6625, "Acc.tray": 0.3406, "Acc.ashcan": 0.6797, "Acc.fan": 0.8367, "Acc.pier": 0.4548, "Acc.crt screen": 0.1532, "Acc.plate": 0.7857, "Acc.monitor": 0.5771, "Acc.bulletin board": 0.7492, "Acc.shower": 0.2559, "Acc.radiator": 0.8184, "Acc.glass": 0.2445, "Acc.clock": 0.6737, "Acc.flag": 0.8079} {"mode": "train", "epoch": 57, "iter": 71050, "lr": 0.0, "memory": 72263, "data_time": 2.23889, "decode.loss_ce": 0.13544, "decode.acc_seg": 93.95591, "aux.loss_ce": 0.05836, "aux.acc_seg": 93.43523, "loss": 0.19381, "time": 4.20804} {"mode": "train", "epoch": 57, "iter": 71100, "lr": 0.0, "memory": 72263, "data_time": 0.01054, "decode.loss_ce": 0.13578, "decode.acc_seg": 93.90308, "aux.loss_ce": 0.05861, "aux.acc_seg": 93.44114, "loss": 0.19439, "time": 1.97873} {"mode": "train", "epoch": 57, "iter": 71150, "lr": 0.0, "memory": 72263, "data_time": 0.01123, "decode.loss_ce": 0.12719, "decode.acc_seg": 94.35926, "aux.loss_ce": 0.05486, "aux.acc_seg": 93.9717, "loss": 0.18204, "time": 1.978} {"mode": "train", "epoch": 57, "iter": 71200, "lr": 0.0, "memory": 72263, "data_time": 0.01034, "decode.loss_ce": 0.13159, "decode.acc_seg": 94.02213, "aux.loss_ce": 0.05715, "aux.acc_seg": 93.52846, "loss": 0.18875, "time": 1.97746} {"mode": "train", "epoch": 57, "iter": 71250, "lr": 0.0, "memory": 72263, "data_time": 0.01073, "decode.loss_ce": 0.12812, "decode.acc_seg": 94.39757, "aux.loss_ce": 0.05458, "aux.acc_seg": 93.99172, "loss": 0.1827, "time": 1.97643} {"mode": "train", "epoch": 57, "iter": 71300, "lr": 0.0, "memory": 72263, "data_time": 0.01059, "decode.loss_ce": 0.13634, "decode.acc_seg": 93.8556, "aux.loss_ce": 0.05808, "aux.acc_seg": 93.4569, "loss": 0.19442, "time": 1.97539} {"mode": "train", "epoch": 57, "iter": 71350, "lr": 0.0, "memory": 72263, "data_time": 0.01059, "decode.loss_ce": 0.12918, "decode.acc_seg": 94.16608, "aux.loss_ce": 0.0554, "aux.acc_seg": 93.79937, "loss": 0.18458, "time": 1.97784} {"mode": "train", "epoch": 57, "iter": 71400, "lr": 0.0, "memory": 72263, "data_time": 0.01065, "decode.loss_ce": 0.12377, "decode.acc_seg": 94.41697, "aux.loss_ce": 0.05375, "aux.acc_seg": 93.98361, "loss": 0.17752, "time": 1.97794} {"mode": "train", "epoch": 57, "iter": 71450, "lr": 0.0, "memory": 72263, "data_time": 0.01015, "decode.loss_ce": 0.12154, "decode.acc_seg": 94.48167, "aux.loss_ce": 0.05273, "aux.acc_seg": 94.08002, "loss": 0.17426, "time": 1.97673} {"mode": "train", "epoch": 57, "iter": 71500, "lr": 0.0, "memory": 72263, "data_time": 0.01076, "decode.loss_ce": 0.12971, "decode.acc_seg": 94.32221, "aux.loss_ce": 0.0565, "aux.acc_seg": 93.84178, "loss": 0.18621, "time": 1.97646} {"mode": "train", "epoch": 57, "iter": 71550, "lr": 0.0, "memory": 72263, "data_time": 0.01047, "decode.loss_ce": 0.12098, "decode.acc_seg": 94.49702, "aux.loss_ce": 0.05226, "aux.acc_seg": 94.09595, "loss": 0.17323, "time": 1.97655} {"mode": "train", "epoch": 57, "iter": 71600, "lr": 0.0, "memory": 72263, "data_time": 0.01015, "decode.loss_ce": 0.11959, "decode.acc_seg": 94.6048, "aux.loss_ce": 0.05167, "aux.acc_seg": 94.1674, "loss": 0.17125, "time": 1.97947} {"mode": "train", "epoch": 57, "iter": 71650, "lr": 0.0, "memory": 72263, "data_time": 0.01006, "decode.loss_ce": 0.12846, "decode.acc_seg": 94.33427, "aux.loss_ce": 0.05571, "aux.acc_seg": 93.87021, "loss": 0.18418, "time": 1.97745} {"mode": "train", "epoch": 57, "iter": 71700, "lr": 0.0, "memory": 72263, "data_time": 0.01053, "decode.loss_ce": 0.12788, "decode.acc_seg": 94.3976, "aux.loss_ce": 0.05559, "aux.acc_seg": 93.95977, "loss": 0.18347, "time": 1.97778} {"mode": "train", "epoch": 57, "iter": 71750, "lr": 0.0, "memory": 72263, "data_time": 0.00976, "decode.loss_ce": 0.12046, "decode.acc_seg": 94.38916, "aux.loss_ce": 0.0521, "aux.acc_seg": 93.96271, "loss": 0.17255, "time": 1.97601} {"mode": "train", "epoch": 57, "iter": 71800, "lr": 0.0, "memory": 72263, "data_time": 0.01053, "decode.loss_ce": 0.12237, "decode.acc_seg": 94.45195, "aux.loss_ce": 0.05297, "aux.acc_seg": 94.04682, "loss": 0.17534, "time": 1.97705} {"mode": "train", "epoch": 57, "iter": 71850, "lr": 0.0, "memory": 72263, "data_time": 0.0107, "decode.loss_ce": 0.12915, "decode.acc_seg": 94.12163, "aux.loss_ce": 0.056, "aux.acc_seg": 93.66313, "loss": 0.18516, "time": 1.97878} {"mode": "train", "epoch": 57, "iter": 71900, "lr": 0.0, "memory": 72263, "data_time": 0.01028, "decode.loss_ce": 0.1304, "decode.acc_seg": 94.30042, "aux.loss_ce": 0.05593, "aux.acc_seg": 93.89215, "loss": 0.18633, "time": 1.97934} {"mode": "train", "epoch": 57, "iter": 71950, "lr": 0.0, "memory": 72263, "data_time": 0.01029, "decode.loss_ce": 0.12805, "decode.acc_seg": 94.28398, "aux.loss_ce": 0.05503, "aux.acc_seg": 93.88693, "loss": 0.18308, "time": 1.97755} {"mode": "train", "epoch": 58, "iter": 72000, "lr": 0.0, "memory": 72263, "data_time": 0.06475, "decode.loss_ce": 0.13209, "decode.acc_seg": 94.14902, "aux.loss_ce": 0.05685, "aux.acc_seg": 93.73171, "loss": 0.18894, "time": 3.78021} {"mode": "val", "epoch": 58, "iter": 250, "lr": 0.0, "aAcc": 0.8666, "mIoU": 0.5959, "mAcc": 0.7208, "IoU.wall": 0.8286, "IoU.building": 0.8528, "IoU.sky": 0.9495, "IoU.floor": 0.8504, "IoU.tree": 0.7817, "IoU.ceiling": 0.8762, "IoU.road": 0.8729, "IoU.bed ": 0.9326, "IoU.windowpane": 0.6667, "IoU.grass": 0.6847, "IoU.cabinet": 0.6787, "IoU.sidewalk": 0.7117, "IoU.person": 0.8698, "IoU.earth": 0.4183, "IoU.door": 0.5986, "IoU.table": 0.7172, "IoU.mountain": 0.6324, "IoU.plant": 0.5611, "IoU.curtain": 0.7895, "IoU.chair": 0.6927, "IoU.car": 0.8889, "IoU.water": 0.6636, "IoU.painting": 0.7985, "IoU.sofa": 0.8298, "IoU.shelf": 0.5087, "IoU.house": 0.4856, "IoU.sea": 0.7212, "IoU.mirror": 0.7756, "IoU.rug": 0.6515, "IoU.field": 0.3135, "IoU.armchair": 0.6261, "IoU.seat": 0.6916, "IoU.fence": 0.4947, "IoU.desk": 0.5944, "IoU.rock": 0.5722, "IoU.wardrobe": 0.5195, "IoU.lamp": 0.7719, "IoU.bathtub": 0.8815, "IoU.railing": 0.4267, "IoU.cushion": 0.6892, "IoU.base": 0.4634, "IoU.box": 0.4149, "IoU.column": 0.5868, "IoU.signboard": 0.4173, "IoU.chest of drawers": 0.4512, "IoU.counter": 0.4948, "IoU.sand": 0.5787, "IoU.sink": 0.8403, "IoU.skyscraper": 0.4527, "IoU.fireplace": 0.7509, "IoU.refrigerator": 0.8769, "IoU.grandstand": 0.6282, "IoU.path": 0.3068, "IoU.stairs": 0.3828, "IoU.runway": 0.7305, "IoU.case": 0.6357, "IoU.pool table": 0.9542, "IoU.pillow": 0.6459, "IoU.screen door": 0.8968, "IoU.stairway": 0.4224, "IoU.river": 0.141, "IoU.bridge": 0.6902, "IoU.bookcase": 0.4527, "IoU.blind": 0.4306, "IoU.coffee table": 0.6194, "IoU.toilet": 0.9129, "IoU.flower": 0.449, "IoU.book": 0.5862, "IoU.hill": 0.1373, "IoU.bench": 0.5907, "IoU.countertop": 0.6568, "IoU.stove": 0.8852, "IoU.palm": 0.5408, "IoU.kitchen island": 0.5715, "IoU.computer": 0.7676, "IoU.swivel chair": 0.497, "IoU.boat": 0.7846, "IoU.bar": 0.6949, "IoU.arcade machine": 0.8299, "IoU.hovel": 0.4485, "IoU.bus": 0.9348, "IoU.towel": 0.7983, "IoU.light": 0.6318, "IoU.truck": 0.5257, "IoU.tower": 0.3174, "IoU.chandelier": 0.7338, "IoU.awning": 0.4267, "IoU.streetlight": 0.3824, "IoU.booth": 0.507, "IoU.television receiver": 0.8067, "IoU.airplane": 0.8725, "IoU.dirt track": 0.1152, "IoU.apparel": 0.6671, "IoU.pole": 0.2666, "IoU.land": 0.058, "IoU.bannister": 0.2225, "IoU.escalator": 0.664, "IoU.ottoman": 0.5801, "IoU.bottle": 0.4704, "IoU.buffet": 0.624, "IoU.poster": 0.3639, "IoU.stage": 0.1924, "IoU.van": 0.5515, "IoU.ship": 0.7396, "IoU.fountain": 0.3359, "IoU.conveyer belt": 0.862, "IoU.canopy": 0.5958, "IoU.washer": 0.8545, "IoU.plaything": 0.3496, "IoU.swimming pool": 0.5328, "IoU.stool": 0.5208, "IoU.barrel": 0.752, "IoU.basket": 0.4306, "IoU.waterfall": 0.4933, "IoU.tent": 0.9407, "IoU.bag": 0.2437, "IoU.minibike": 0.7754, "IoU.cradle": 0.8203, "IoU.oven": 0.6687, "IoU.ball": 0.6141, "IoU.food": 0.626, "IoU.step": 0.1189, "IoU.tank": 0.6369, "IoU.trade name": 0.2813, "IoU.microwave": 0.8959, "IoU.pot": 0.6091, "IoU.animal": 0.6163, "IoU.bicycle": 0.6189, "IoU.lake": 0.5305, "IoU.dishwasher": 0.7552, "IoU.screen": 0.5099, "IoU.blanket": 0.3787, "IoU.sculpture": 0.77, "IoU.hood": 0.6795, "IoU.sconce": 0.6271, "IoU.vase": 0.5128, "IoU.traffic light": 0.3887, "IoU.tray": 0.2519, "IoU.ashcan": 0.4962, "IoU.fan": 0.733, "IoU.pier": 0.4116, "IoU.crt screen": 0.078, "IoU.plate": 0.6488, "IoU.monitor": 0.4585, "IoU.bulletin board": 0.6128, "IoU.shower": 0.2018, "IoU.radiator": 0.6837, "IoU.glass": 0.2343, "IoU.clock": 0.5902, "IoU.flag": 0.6945, "Acc.wall": 0.9021, "Acc.building": 0.9329, "Acc.sky": 0.9752, "Acc.floor": 0.9176, "Acc.tree": 0.8924, "Acc.ceiling": 0.9493, "Acc.road": 0.9215, "Acc.bed ": 0.9709, "Acc.windowpane": 0.8117, "Acc.grass": 0.8244, "Acc.cabinet": 0.7762, "Acc.sidewalk": 0.8617, "Acc.person": 0.9477, "Acc.earth": 0.5528, "Acc.door": 0.7518, "Acc.table": 0.8268, "Acc.mountain": 0.7413, "Acc.plant": 0.6653, "Acc.curtain": 0.8903, "Acc.chair": 0.7991, "Acc.car": 0.945, "Acc.water": 0.8352, "Acc.painting": 0.9195, "Acc.sofa": 0.9001, "Acc.shelf": 0.659, "Acc.house": 0.5922, "Acc.sea": 0.8245, "Acc.mirror": 0.8624, "Acc.rug": 0.8011, "Acc.field": 0.5536, "Acc.armchair": 0.8013, "Acc.seat": 0.8917, "Acc.fence": 0.6184, "Acc.desk": 0.7805, "Acc.rock": 0.8773, "Acc.wardrobe": 0.7043, "Acc.lamp": 0.8833, "Acc.bathtub": 0.9176, "Acc.railing": 0.6168, "Acc.cushion": 0.8379, "Acc.base": 0.6172, "Acc.box": 0.5289, "Acc.column": 0.7423, "Acc.signboard": 0.5671, "Acc.chest of drawers": 0.7071, "Acc.counter": 0.6001, "Acc.sand": 0.8107, "Acc.sink": 0.8981, "Acc.skyscraper": 0.5967, "Acc.fireplace": 0.9407, "Acc.refrigerator": 0.946, "Acc.grandstand": 0.817, "Acc.path": 0.4189, "Acc.stairs": 0.4889, "Acc.runway": 0.9454, "Acc.case": 0.8336, "Acc.pool table": 0.9826, "Acc.pillow": 0.7482, "Acc.screen door": 0.9214, "Acc.stairway": 0.5845, "Acc.river": 0.2406, "Acc.bridge": 0.793, "Acc.bookcase": 0.6233, "Acc.blind": 0.4912, "Acc.coffee table": 0.8698, "Acc.toilet": 0.9445, "Acc.flower": 0.5667, "Acc.book": 0.7845, "Acc.hill": 0.2294, "Acc.bench": 0.6745, "Acc.countertop": 0.851, "Acc.stove": 0.9328, "Acc.palm": 0.7944, "Acc.kitchen island": 0.8713, "Acc.computer": 0.9205, "Acc.swivel chair": 0.781, "Acc.boat": 0.9323, "Acc.bar": 0.8623, "Acc.arcade machine": 0.8662, "Acc.hovel": 0.5324, "Acc.bus": 0.9739, "Acc.towel": 0.8612, "Acc.light": 0.7313, "Acc.truck": 0.6364, "Acc.tower": 0.6645, "Acc.chandelier": 0.8526, "Acc.awning": 0.548, "Acc.streetlight": 0.5235, "Acc.booth": 0.7347, "Acc.television receiver": 0.8735, "Acc.airplane": 0.9715, "Acc.dirt track": 0.1539, "Acc.apparel": 0.818, "Acc.pole": 0.3501, "Acc.land": 0.087, "Acc.bannister": 0.2871, "Acc.escalator": 0.86, "Acc.ottoman": 0.7403, "Acc.bottle": 0.6995, "Acc.buffet": 0.7177, "Acc.poster": 0.4287, "Acc.stage": 0.368, "Acc.van": 0.7687, "Acc.ship": 0.8459, "Acc.fountain": 0.3462, "Acc.conveyer belt": 0.9692, "Acc.canopy": 0.7515, "Acc.washer": 0.9092, "Acc.plaything": 0.4902, "Acc.swimming pool": 0.7665, "Acc.stool": 0.7334, "Acc.barrel": 0.9803, "Acc.basket": 0.6199, "Acc.waterfall": 0.5902, "Acc.tent": 0.9876, "Acc.bag": 0.2704, "Acc.minibike": 0.9146, "Acc.cradle": 0.9782, "Acc.oven": 0.7782, "Acc.ball": 0.7031, "Acc.food": 0.7355, "Acc.step": 0.1374, "Acc.tank": 0.6899, "Acc.trade name": 0.3419, "Acc.microwave": 0.9664, "Acc.pot": 0.7128, "Acc.animal": 0.6343, "Acc.bicycle": 0.7708, "Acc.lake": 0.6375, "Acc.dishwasher": 0.8324, "Acc.screen": 0.779, "Acc.blanket": 0.4525, "Acc.sculpture": 0.8692, "Acc.hood": 0.7869, "Acc.sconce": 0.7667, "Acc.vase": 0.6791, "Acc.traffic light": 0.6864, "Acc.tray": 0.3273, "Acc.ashcan": 0.6689, "Acc.fan": 0.8437, "Acc.pier": 0.4652, "Acc.crt screen": 0.1632, "Acc.plate": 0.813, "Acc.monitor": 0.5433, "Acc.bulletin board": 0.7268, "Acc.shower": 0.242, "Acc.radiator": 0.826, "Acc.glass": 0.2523, "Acc.clock": 0.7031, "Acc.flag": 0.7978} {"mode": "train", "epoch": 58, "iter": 72050, "lr": 0.0, "memory": 72263, "data_time": 2.22684, "decode.loss_ce": 0.11856, "decode.acc_seg": 94.55746, "aux.loss_ce": 0.05094, "aux.acc_seg": 94.17714, "loss": 0.16949, "time": 4.19347} {"mode": "train", "epoch": 58, "iter": 72100, "lr": 0.0, "memory": 72263, "data_time": 0.01051, "decode.loss_ce": 0.11965, "decode.acc_seg": 94.73398, "aux.loss_ce": 0.05181, "aux.acc_seg": 94.30289, "loss": 0.17146, "time": 1.9792} {"mode": "train", "epoch": 58, "iter": 72150, "lr": 0.0, "memory": 72263, "data_time": 0.00965, "decode.loss_ce": 0.12643, "decode.acc_seg": 94.20617, "aux.loss_ce": 0.05449, "aux.acc_seg": 93.77752, "loss": 0.18092, "time": 1.97677} {"mode": "train", "epoch": 58, "iter": 72200, "lr": 0.0, "memory": 72263, "data_time": 0.01022, "decode.loss_ce": 0.1273, "decode.acc_seg": 94.30573, "aux.loss_ce": 0.05486, "aux.acc_seg": 93.85342, "loss": 0.18216, "time": 1.97694} {"mode": "train", "epoch": 58, "iter": 72250, "lr": 0.0, "memory": 72263, "data_time": 0.01068, "decode.loss_ce": 0.12676, "decode.acc_seg": 94.31565, "aux.loss_ce": 0.05465, "aux.acc_seg": 93.89754, "loss": 0.18141, "time": 1.97878} {"mode": "train", "epoch": 58, "iter": 72300, "lr": 0.0, "memory": 72263, "data_time": 0.01016, "decode.loss_ce": 0.11604, "decode.acc_seg": 94.83452, "aux.loss_ce": 0.05025, "aux.acc_seg": 94.41464, "loss": 0.16629, "time": 1.97651} {"mode": "train", "epoch": 58, "iter": 72350, "lr": 0.0, "memory": 72263, "data_time": 0.01073, "decode.loss_ce": 0.12146, "decode.acc_seg": 94.58176, "aux.loss_ce": 0.05336, "aux.acc_seg": 94.09794, "loss": 0.17482, "time": 1.97894} {"mode": "train", "epoch": 58, "iter": 72400, "lr": 0.0, "memory": 72263, "data_time": 0.01019, "decode.loss_ce": 0.12535, "decode.acc_seg": 94.37435, "aux.loss_ce": 0.05427, "aux.acc_seg": 93.95096, "loss": 0.17963, "time": 1.97766} {"mode": "train", "epoch": 58, "iter": 72450, "lr": 0.0, "memory": 72263, "data_time": 0.01074, "decode.loss_ce": 0.12333, "decode.acc_seg": 94.36564, "aux.loss_ce": 0.05315, "aux.acc_seg": 93.96406, "loss": 0.17647, "time": 1.98397} {"mode": "train", "epoch": 58, "iter": 72500, "lr": 0.0, "memory": 72263, "data_time": 0.01048, "decode.loss_ce": 0.12137, "decode.acc_seg": 94.59761, "aux.loss_ce": 0.05255, "aux.acc_seg": 94.17183, "loss": 0.17392, "time": 1.97745} {"mode": "train", "epoch": 58, "iter": 72550, "lr": 0.0, "memory": 72263, "data_time": 0.01077, "decode.loss_ce": 0.12528, "decode.acc_seg": 94.43132, "aux.loss_ce": 0.05426, "aux.acc_seg": 93.92915, "loss": 0.17954, "time": 1.9789} {"mode": "train", "epoch": 58, "iter": 72600, "lr": 0.0, "memory": 72263, "data_time": 0.0104, "decode.loss_ce": 0.12571, "decode.acc_seg": 94.33955, "aux.loss_ce": 0.0544, "aux.acc_seg": 93.91367, "loss": 0.18011, "time": 1.97987} {"mode": "train", "epoch": 58, "iter": 72650, "lr": 0.0, "memory": 72263, "data_time": 0.01097, "decode.loss_ce": 0.12349, "decode.acc_seg": 94.59586, "aux.loss_ce": 0.0529, "aux.acc_seg": 94.14159, "loss": 0.17639, "time": 1.97781} {"mode": "train", "epoch": 58, "iter": 72700, "lr": 0.0, "memory": 72263, "data_time": 0.01006, "decode.loss_ce": 0.13098, "decode.acc_seg": 94.25324, "aux.loss_ce": 0.05678, "aux.acc_seg": 93.79965, "loss": 0.18776, "time": 1.97858} {"mode": "train", "epoch": 58, "iter": 72750, "lr": 0.0, "memory": 72263, "data_time": 0.01112, "decode.loss_ce": 0.12191, "decode.acc_seg": 94.57291, "aux.loss_ce": 0.05236, "aux.acc_seg": 94.17744, "loss": 0.17427, "time": 1.97908} {"mode": "train", "epoch": 58, "iter": 72800, "lr": 0.0, "memory": 72263, "data_time": 0.01051, "decode.loss_ce": 0.13517, "decode.acc_seg": 94.09196, "aux.loss_ce": 0.05788, "aux.acc_seg": 93.65889, "loss": 0.19305, "time": 1.97986} {"mode": "train", "epoch": 58, "iter": 72850, "lr": 0.0, "memory": 72263, "data_time": 0.01047, "decode.loss_ce": 0.11958, "decode.acc_seg": 94.56387, "aux.loss_ce": 0.05169, "aux.acc_seg": 94.16741, "loss": 0.17127, "time": 1.98009} {"mode": "train", "epoch": 58, "iter": 72900, "lr": 0.0, "memory": 72263, "data_time": 0.01108, "decode.loss_ce": 0.12389, "decode.acc_seg": 94.3879, "aux.loss_ce": 0.05331, "aux.acc_seg": 93.98948, "loss": 0.1772, "time": 1.97949} {"mode": "train", "epoch": 58, "iter": 72950, "lr": 0.0, "memory": 72263, "data_time": 0.01006, "decode.loss_ce": 0.1178, "decode.acc_seg": 94.48465, "aux.loss_ce": 0.05077, "aux.acc_seg": 94.09578, "loss": 0.16857, "time": 1.97982} {"mode": "train", "epoch": 58, "iter": 73000, "lr": 0.0, "memory": 72263, "data_time": 0.01148, "decode.loss_ce": 0.12884, "decode.acc_seg": 94.17817, "aux.loss_ce": 0.05582, "aux.acc_seg": 93.74903, "loss": 0.18466, "time": 1.98072} {"mode": "val", "epoch": 58, "iter": 250, "lr": 0.0, "aAcc": 0.8664, "mIoU": 0.5958, "mAcc": 0.719, "IoU.wall": 0.8289, "IoU.building": 0.8545, "IoU.sky": 0.9496, "IoU.floor": 0.8505, "IoU.tree": 0.7817, "IoU.ceiling": 0.8765, "IoU.road": 0.8714, "IoU.bed ": 0.9318, "IoU.windowpane": 0.6639, "IoU.grass": 0.6869, "IoU.cabinet": 0.687, "IoU.sidewalk": 0.709, "IoU.person": 0.8689, "IoU.earth": 0.4091, "IoU.door": 0.6044, "IoU.table": 0.7178, "IoU.mountain": 0.6285, "IoU.plant": 0.5586, "IoU.curtain": 0.7998, "IoU.chair": 0.6934, "IoU.car": 0.8875, "IoU.water": 0.6274, "IoU.painting": 0.7993, "IoU.sofa": 0.8177, "IoU.shelf": 0.5125, "IoU.house": 0.5047, "IoU.sea": 0.6813, "IoU.mirror": 0.7848, "IoU.rug": 0.6336, "IoU.field": 0.3054, "IoU.armchair": 0.6222, "IoU.seat": 0.692, "IoU.fence": 0.4963, "IoU.desk": 0.5978, "IoU.rock": 0.5785, "IoU.wardrobe": 0.5293, "IoU.lamp": 0.7767, "IoU.bathtub": 0.8786, "IoU.railing": 0.4333, "IoU.cushion": 0.6986, "IoU.base": 0.4505, "IoU.box": 0.4181, "IoU.column": 0.5823, "IoU.signboard": 0.4161, "IoU.chest of drawers": 0.462, "IoU.counter": 0.522, "IoU.sand": 0.5737, "IoU.sink": 0.8366, "IoU.skyscraper": 0.4547, "IoU.fireplace": 0.7519, "IoU.refrigerator": 0.8627, "IoU.grandstand": 0.636, "IoU.path": 0.3168, "IoU.stairs": 0.3487, "IoU.runway": 0.7242, "IoU.case": 0.6216, "IoU.pool table": 0.955, "IoU.pillow": 0.682, "IoU.screen door": 0.8693, "IoU.stairway": 0.423, "IoU.river": 0.1311, "IoU.bridge": 0.7047, "IoU.bookcase": 0.4492, "IoU.blind": 0.4298, "IoU.coffee table": 0.6074, "IoU.toilet": 0.9139, "IoU.flower": 0.4542, "IoU.book": 0.5922, "IoU.hill": 0.131, "IoU.bench": 0.6032, "IoU.countertop": 0.6582, "IoU.stove": 0.8857, "IoU.palm": 0.5341, "IoU.kitchen island": 0.567, "IoU.computer": 0.7719, "IoU.swivel chair": 0.5099, "IoU.boat": 0.7951, "IoU.bar": 0.693, "IoU.arcade machine": 0.8305, "IoU.hovel": 0.4653, "IoU.bus": 0.9428, "IoU.towel": 0.8035, "IoU.light": 0.6386, "IoU.truck": 0.5325, "IoU.tower": 0.3208, "IoU.chandelier": 0.733, "IoU.awning": 0.4278, "IoU.streetlight": 0.3902, "IoU.booth": 0.5279, "IoU.television receiver": 0.8082, "IoU.airplane": 0.8785, "IoU.dirt track": 0.1038, "IoU.apparel": 0.6723, "IoU.pole": 0.2964, "IoU.land": 0.0573, "IoU.bannister": 0.2136, "IoU.escalator": 0.6586, "IoU.ottoman": 0.5349, "IoU.bottle": 0.4694, "IoU.buffet": 0.6074, "IoU.poster": 0.3687, "IoU.stage": 0.2043, "IoU.van": 0.5496, "IoU.ship": 0.7511, "IoU.fountain": 0.3183, "IoU.conveyer belt": 0.8633, "IoU.canopy": 0.6064, "IoU.washer": 0.8644, "IoU.plaything": 0.3461, "IoU.swimming pool": 0.5221, "IoU.stool": 0.5625, "IoU.barrel": 0.7403, "IoU.basket": 0.4311, "IoU.waterfall": 0.5276, "IoU.tent": 0.9347, "IoU.bag": 0.2645, "IoU.minibike": 0.773, "IoU.cradle": 0.8479, "IoU.oven": 0.6816, "IoU.ball": 0.6226, "IoU.food": 0.6332, "IoU.step": 0.1145, "IoU.tank": 0.6416, "IoU.trade name": 0.2317, "IoU.microwave": 0.9018, "IoU.pot": 0.6111, "IoU.animal": 0.6046, "IoU.bicycle": 0.6189, "IoU.lake": 0.523, "IoU.dishwasher": 0.7604, "IoU.screen": 0.5314, "IoU.blanket": 0.3601, "IoU.sculpture": 0.7201, "IoU.hood": 0.6746, "IoU.sconce": 0.6242, "IoU.vase": 0.5033, "IoU.traffic light": 0.4192, "IoU.tray": 0.2671, "IoU.ashcan": 0.5131, "IoU.fan": 0.7354, "IoU.pier": 0.4125, "IoU.crt screen": 0.0697, "IoU.plate": 0.6488, "IoU.monitor": 0.3736, "IoU.bulletin board": 0.5996, "IoU.shower": 0.2133, "IoU.radiator": 0.685, "IoU.glass": 0.2358, "IoU.clock": 0.5757, "IoU.flag": 0.7073, "Acc.wall": 0.9021, "Acc.building": 0.9295, "Acc.sky": 0.9744, "Acc.floor": 0.9269, "Acc.tree": 0.9005, "Acc.ceiling": 0.9473, "Acc.road": 0.9271, "Acc.bed ": 0.9723, "Acc.windowpane": 0.8121, "Acc.grass": 0.8282, "Acc.cabinet": 0.7868, "Acc.sidewalk": 0.8437, "Acc.person": 0.9438, "Acc.earth": 0.5155, "Acc.door": 0.78, "Acc.table": 0.825, "Acc.mountain": 0.739, "Acc.plant": 0.6796, "Acc.curtain": 0.8799, "Acc.chair": 0.7995, "Acc.car": 0.9478, "Acc.water": 0.7857, "Acc.painting": 0.92, "Acc.sofa": 0.889, "Acc.shelf": 0.6841, "Acc.house": 0.6182, "Acc.sea": 0.8319, "Acc.mirror": 0.8665, "Acc.rug": 0.7511, "Acc.field": 0.571, "Acc.armchair": 0.8105, "Acc.seat": 0.8931, "Acc.fence": 0.6096, "Acc.desk": 0.7811, "Acc.rock": 0.8665, "Acc.wardrobe": 0.6869, "Acc.lamp": 0.8823, "Acc.bathtub": 0.9059, "Acc.railing": 0.6253, "Acc.cushion": 0.819, "Acc.base": 0.5731, "Acc.box": 0.5315, "Acc.column": 0.761, "Acc.signboard": 0.5758, "Acc.chest of drawers": 0.6711, "Acc.counter": 0.6903, "Acc.sand": 0.8415, "Acc.sink": 0.8797, "Acc.skyscraper": 0.596, "Acc.fireplace": 0.927, "Acc.refrigerator": 0.9315, "Acc.grandstand": 0.8251, "Acc.path": 0.4469, "Acc.stairs": 0.4267, "Acc.runway": 0.9348, "Acc.case": 0.7741, "Acc.pool table": 0.9824, "Acc.pillow": 0.8022, "Acc.screen door": 0.8932, "Acc.stairway": 0.6411, "Acc.river": 0.2415, "Acc.bridge": 0.7947, "Acc.bookcase": 0.6131, "Acc.blind": 0.494, "Acc.coffee table": 0.8601, "Acc.toilet": 0.9427, "Acc.flower": 0.5982, "Acc.book": 0.7939, "Acc.hill": 0.2338, "Acc.bench": 0.6959, "Acc.countertop": 0.848, "Acc.stove": 0.9278, "Acc.palm": 0.8222, "Acc.kitchen island": 0.8568, "Acc.computer": 0.9084, "Acc.swivel chair": 0.7566, "Acc.boat": 0.9307, "Acc.bar": 0.7901, "Acc.arcade machine": 0.8645, "Acc.hovel": 0.5372, "Acc.bus": 0.97, "Acc.towel": 0.8693, "Acc.light": 0.7409, "Acc.truck": 0.6374, "Acc.tower": 0.7368, "Acc.chandelier": 0.8607, "Acc.awning": 0.5356, "Acc.streetlight": 0.5357, "Acc.booth": 0.7433, "Acc.television receiver": 0.8823, "Acc.airplane": 0.9662, "Acc.dirt track": 0.1585, "Acc.apparel": 0.8789, "Acc.pole": 0.4043, "Acc.land": 0.0842, "Acc.bannister": 0.2628, "Acc.escalator": 0.8631, "Acc.ottoman": 0.6514, "Acc.bottle": 0.6939, "Acc.buffet": 0.6912, "Acc.poster": 0.4413, "Acc.stage": 0.3719, "Acc.van": 0.7336, "Acc.ship": 0.8812, "Acc.fountain": 0.3304, "Acc.conveyer belt": 0.9661, "Acc.canopy": 0.7712, "Acc.washer": 0.9193, "Acc.plaything": 0.4796, "Acc.swimming pool": 0.7474, "Acc.stool": 0.725, "Acc.barrel": 0.9816, "Acc.basket": 0.598, "Acc.waterfall": 0.655, "Acc.tent": 0.9877, "Acc.bag": 0.2986, "Acc.minibike": 0.9096, "Acc.cradle": 0.9748, "Acc.oven": 0.7854, "Acc.ball": 0.718, "Acc.food": 0.7236, "Acc.step": 0.1392, "Acc.tank": 0.6951, "Acc.trade name": 0.2684, "Acc.microwave": 0.9633, "Acc.pot": 0.7139, "Acc.animal": 0.6195, "Acc.bicycle": 0.7585, "Acc.lake": 0.6374, "Acc.dishwasher": 0.8241, "Acc.screen": 0.8044, "Acc.blanket": 0.4243, "Acc.sculpture": 0.8811, "Acc.hood": 0.7701, "Acc.sconce": 0.7555, "Acc.vase": 0.6804, "Acc.traffic light": 0.6383, "Acc.tray": 0.3404, "Acc.ashcan": 0.6734, "Acc.fan": 0.847, "Acc.pier": 0.4678, "Acc.crt screen": 0.1588, "Acc.plate": 0.8103, "Acc.monitor": 0.4346, "Acc.bulletin board": 0.7206, "Acc.shower": 0.241, "Acc.radiator": 0.8141, "Acc.glass": 0.2547, "Acc.clock": 0.6691, "Acc.flag": 0.801} {"mode": "train", "epoch": 58, "iter": 73050, "lr": 0.0, "memory": 72263, "data_time": 2.23891, "decode.loss_ce": 0.12896, "decode.acc_seg": 94.04363, "aux.loss_ce": 0.05576, "aux.acc_seg": 93.58888, "loss": 0.18472, "time": 4.20775} {"mode": "train", "epoch": 58, "iter": 73100, "lr": 0.0, "memory": 72263, "data_time": 0.01038, "decode.loss_ce": 0.13066, "decode.acc_seg": 94.26793, "aux.loss_ce": 0.05604, "aux.acc_seg": 93.86292, "loss": 0.18669, "time": 1.97926} {"mode": "train", "epoch": 58, "iter": 73150, "lr": 0.0, "memory": 72263, "data_time": 0.01076, "decode.loss_ce": 0.12912, "decode.acc_seg": 94.28941, "aux.loss_ce": 0.05563, "aux.acc_seg": 93.87764, "loss": 0.18475, "time": 1.97827} {"mode": "train", "epoch": 58, "iter": 73200, "lr": 0.0, "memory": 72263, "data_time": 0.01118, "decode.loss_ce": 0.12111, "decode.acc_seg": 94.63418, "aux.loss_ce": 0.05222, "aux.acc_seg": 94.26541, "loss": 0.17333, "time": 1.97659} {"mode": "train", "epoch": 58, "iter": 73250, "lr": 0.0, "memory": 72263, "data_time": 0.01112, "decode.loss_ce": 0.1238, "decode.acc_seg": 94.41543, "aux.loss_ce": 0.05336, "aux.acc_seg": 93.99817, "loss": 0.17716, "time": 1.9784} {"mode": "train", "epoch": 59, "iter": 73300, "lr": 0.0, "memory": 72263, "data_time": 0.07726, "decode.loss_ce": 0.12422, "decode.acc_seg": 94.4, "aux.loss_ce": 0.05384, "aux.acc_seg": 93.96319, "loss": 0.17807, "time": 2.04807} {"mode": "train", "epoch": 59, "iter": 73350, "lr": 0.0, "memory": 72263, "data_time": 0.01068, "decode.loss_ce": 0.12222, "decode.acc_seg": 94.50485, "aux.loss_ce": 0.05289, "aux.acc_seg": 94.03977, "loss": 0.17511, "time": 1.97748} {"mode": "train", "epoch": 59, "iter": 73400, "lr": 0.0, "memory": 72263, "data_time": 0.01028, "decode.loss_ce": 0.12356, "decode.acc_seg": 94.4485, "aux.loss_ce": 0.05318, "aux.acc_seg": 94.03726, "loss": 0.17675, "time": 1.97878} {"mode": "train", "epoch": 59, "iter": 73450, "lr": 0.0, "memory": 72263, "data_time": 0.01132, "decode.loss_ce": 0.12617, "decode.acc_seg": 94.34438, "aux.loss_ce": 0.05486, "aux.acc_seg": 93.8675, "loss": 0.18103, "time": 1.98052} {"mode": "train", "epoch": 59, "iter": 73500, "lr": 0.0, "memory": 72263, "data_time": 0.01101, "decode.loss_ce": 0.12296, "decode.acc_seg": 94.60034, "aux.loss_ce": 0.05351, "aux.acc_seg": 94.14196, "loss": 0.17647, "time": 1.97893} {"mode": "train", "epoch": 59, "iter": 73550, "lr": 0.0, "memory": 72263, "data_time": 0.01116, "decode.loss_ce": 0.12763, "decode.acc_seg": 94.24497, "aux.loss_ce": 0.05468, "aux.acc_seg": 93.80382, "loss": 0.18231, "time": 1.97821} {"mode": "train", "epoch": 59, "iter": 73600, "lr": 0.0, "memory": 72263, "data_time": 0.01097, "decode.loss_ce": 0.12656, "decode.acc_seg": 94.19903, "aux.loss_ce": 0.05482, "aux.acc_seg": 93.73419, "loss": 0.18138, "time": 1.98046} {"mode": "train", "epoch": 59, "iter": 73650, "lr": 0.0, "memory": 72263, "data_time": 0.01048, "decode.loss_ce": 0.12188, "decode.acc_seg": 94.48049, "aux.loss_ce": 0.05248, "aux.acc_seg": 94.08543, "loss": 0.17436, "time": 1.97891} {"mode": "train", "epoch": 59, "iter": 73700, "lr": 0.0, "memory": 72263, "data_time": 0.01103, "decode.loss_ce": 0.12252, "decode.acc_seg": 94.46576, "aux.loss_ce": 0.05346, "aux.acc_seg": 94.03829, "loss": 0.17597, "time": 1.97956} {"mode": "train", "epoch": 59, "iter": 73750, "lr": 0.0, "memory": 72263, "data_time": 0.01067, "decode.loss_ce": 0.12024, "decode.acc_seg": 94.64833, "aux.loss_ce": 0.0518, "aux.acc_seg": 94.28718, "loss": 0.17205, "time": 1.97829} {"mode": "train", "epoch": 59, "iter": 73800, "lr": 0.0, "memory": 72263, "data_time": 0.01029, "decode.loss_ce": 0.11913, "decode.acc_seg": 94.50469, "aux.loss_ce": 0.0515, "aux.acc_seg": 94.08202, "loss": 0.17063, "time": 1.98061} {"mode": "train", "epoch": 59, "iter": 73850, "lr": 0.0, "memory": 72263, "data_time": 0.01039, "decode.loss_ce": 0.12493, "decode.acc_seg": 94.35397, "aux.loss_ce": 0.05379, "aux.acc_seg": 93.94757, "loss": 0.17871, "time": 1.97865} {"mode": "train", "epoch": 59, "iter": 73900, "lr": 0.0, "memory": 72263, "data_time": 0.01088, "decode.loss_ce": 0.12039, "decode.acc_seg": 94.53505, "aux.loss_ce": 0.05219, "aux.acc_seg": 94.1347, "loss": 0.17258, "time": 1.97848} {"mode": "train", "epoch": 59, "iter": 73950, "lr": 0.0, "memory": 72263, "data_time": 0.0103, "decode.loss_ce": 0.12821, "decode.acc_seg": 94.20369, "aux.loss_ce": 0.05593, "aux.acc_seg": 93.71524, "loss": 0.18414, "time": 1.97839} {"mode": "train", "epoch": 59, "iter": 74000, "lr": 0.0, "memory": 72263, "data_time": 0.01103, "decode.loss_ce": 0.1238, "decode.acc_seg": 94.3702, "aux.loss_ce": 0.05328, "aux.acc_seg": 93.96611, "loss": 0.17708, "time": 3.73339} {"mode": "val", "epoch": 59, "iter": 250, "lr": 0.0, "aAcc": 0.8671, "mIoU": 0.5965, "mAcc": 0.7219, "IoU.wall": 0.8288, "IoU.building": 0.8558, "IoU.sky": 0.9495, "IoU.floor": 0.8517, "IoU.tree": 0.7836, "IoU.ceiling": 0.8765, "IoU.road": 0.8768, "IoU.bed ": 0.9323, "IoU.windowpane": 0.6647, "IoU.grass": 0.6874, "IoU.cabinet": 0.6776, "IoU.sidewalk": 0.7147, "IoU.person": 0.8689, "IoU.earth": 0.4128, "IoU.door": 0.6012, "IoU.table": 0.715, "IoU.mountain": 0.6328, "IoU.plant": 0.5656, "IoU.curtain": 0.797, "IoU.chair": 0.6957, "IoU.car": 0.889, "IoU.water": 0.6352, "IoU.painting": 0.8038, "IoU.sofa": 0.8232, "IoU.shelf": 0.519, "IoU.house": 0.5234, "IoU.sea": 0.6924, "IoU.mirror": 0.7795, "IoU.rug": 0.6549, "IoU.field": 0.3108, "IoU.armchair": 0.6321, "IoU.seat": 0.691, "IoU.fence": 0.4987, "IoU.desk": 0.5883, "IoU.rock": 0.5776, "IoU.wardrobe": 0.5277, "IoU.lamp": 0.7783, "IoU.bathtub": 0.8786, "IoU.railing": 0.4262, "IoU.cushion": 0.683, "IoU.base": 0.4575, "IoU.box": 0.4132, "IoU.column": 0.5847, "IoU.signboard": 0.4172, "IoU.chest of drawers": 0.4639, "IoU.counter": 0.4759, "IoU.sand": 0.5843, "IoU.sink": 0.8422, "IoU.skyscraper": 0.4807, "IoU.fireplace": 0.7382, "IoU.refrigerator": 0.8672, "IoU.grandstand": 0.6221, "IoU.path": 0.3089, "IoU.stairs": 0.3445, "IoU.runway": 0.7303, "IoU.case": 0.6379, "IoU.pool table": 0.9543, "IoU.pillow": 0.6507, "IoU.screen door": 0.8306, "IoU.stairway": 0.4262, "IoU.river": 0.1286, "IoU.bridge": 0.7214, "IoU.bookcase": 0.4621, "IoU.blind": 0.4447, "IoU.coffee table": 0.6138, "IoU.toilet": 0.9118, "IoU.flower": 0.5005, "IoU.book": 0.5877, "IoU.hill": 0.1298, "IoU.bench": 0.5902, "IoU.countertop": 0.6563, "IoU.stove": 0.8858, "IoU.palm": 0.5313, "IoU.kitchen island": 0.577, "IoU.computer": 0.769, "IoU.swivel chair": 0.5048, "IoU.boat": 0.7525, "IoU.bar": 0.711, "IoU.arcade machine": 0.8301, "IoU.hovel": 0.4853, "IoU.bus": 0.9394, "IoU.towel": 0.8056, "IoU.light": 0.6328, "IoU.truck": 0.5364, "IoU.tower": 0.3236, "IoU.chandelier": 0.7423, "IoU.awning": 0.4504, "IoU.streetlight": 0.3891, "IoU.booth": 0.5357, "IoU.television receiver": 0.805, "IoU.airplane": 0.8683, "IoU.dirt track": 0.0795, "IoU.apparel": 0.6518, "IoU.pole": 0.2739, "IoU.land": 0.0582, "IoU.bannister": 0.2192, "IoU.escalator": 0.6677, "IoU.ottoman": 0.5514, "IoU.bottle": 0.4641, "IoU.buffet": 0.6139, "IoU.poster": 0.3677, "IoU.stage": 0.2092, "IoU.van": 0.5409, "IoU.ship": 0.7598, "IoU.fountain": 0.31, "IoU.conveyer belt": 0.8616, "IoU.canopy": 0.594, "IoU.washer": 0.8668, "IoU.plaything": 0.3502, "IoU.swimming pool": 0.5397, "IoU.stool": 0.5356, "IoU.barrel": 0.7573, "IoU.basket": 0.432, "IoU.waterfall": 0.5369, "IoU.tent": 0.9295, "IoU.bag": 0.269, "IoU.minibike": 0.7773, "IoU.cradle": 0.827, "IoU.oven": 0.6745, "IoU.ball": 0.6238, "IoU.food": 0.6272, "IoU.step": 0.1138, "IoU.tank": 0.6343, "IoU.trade name": 0.2387, "IoU.microwave": 0.8952, "IoU.pot": 0.6082, "IoU.animal": 0.6112, "IoU.bicycle": 0.6309, "IoU.lake": 0.5223, "IoU.dishwasher": 0.7642, "IoU.screen": 0.5643, "IoU.blanket": 0.3826, "IoU.sculpture": 0.7206, "IoU.hood": 0.6976, "IoU.sconce": 0.6245, "IoU.vase": 0.5146, "IoU.traffic light": 0.4043, "IoU.tray": 0.25, "IoU.ashcan": 0.5044, "IoU.fan": 0.7232, "IoU.pier": 0.4093, "IoU.crt screen": 0.031, "IoU.plate": 0.6498, "IoU.monitor": 0.4481, "IoU.bulletin board": 0.5995, "IoU.shower": 0.2032, "IoU.radiator": 0.6852, "IoU.glass": 0.2392, "IoU.clock": 0.5747, "IoU.flag": 0.7043, "Acc.wall": 0.9046, "Acc.building": 0.9295, "Acc.sky": 0.9763, "Acc.floor": 0.921, "Acc.tree": 0.9, "Acc.ceiling": 0.9482, "Acc.road": 0.9192, "Acc.bed ": 0.972, "Acc.windowpane": 0.8134, "Acc.grass": 0.8154, "Acc.cabinet": 0.7641, "Acc.sidewalk": 0.8581, "Acc.person": 0.949, "Acc.earth": 0.5446, "Acc.door": 0.7614, "Acc.table": 0.8236, "Acc.mountain": 0.7361, "Acc.plant": 0.6662, "Acc.curtain": 0.8812, "Acc.chair": 0.8047, "Acc.car": 0.9475, "Acc.water": 0.7962, "Acc.painting": 0.9159, "Acc.sofa": 0.8957, "Acc.shelf": 0.6781, "Acc.house": 0.6396, "Acc.sea": 0.834, "Acc.mirror": 0.8589, "Acc.rug": 0.7844, "Acc.field": 0.5856, "Acc.armchair": 0.8102, "Acc.seat": 0.8932, "Acc.fence": 0.6199, "Acc.desk": 0.8056, "Acc.rock": 0.8846, "Acc.wardrobe": 0.7145, "Acc.lamp": 0.8945, "Acc.bathtub": 0.9131, "Acc.railing": 0.6114, "Acc.cushion": 0.8477, "Acc.base": 0.6098, "Acc.box": 0.5236, "Acc.column": 0.7389, "Acc.signboard": 0.5725, "Acc.chest of drawers": 0.7075, "Acc.counter": 0.5468, "Acc.sand": 0.8654, "Acc.sink": 0.8921, "Acc.skyscraper": 0.638, "Acc.fireplace": 0.9412, "Acc.refrigerator": 0.9402, "Acc.grandstand": 0.825, "Acc.path": 0.42, "Acc.stairs": 0.4226, "Acc.runway": 0.9433, "Acc.case": 0.8404, "Acc.pool table": 0.9839, "Acc.pillow": 0.7494, "Acc.screen door": 0.8507, "Acc.stairway": 0.6402, "Acc.river": 0.2346, "Acc.bridge": 0.8266, "Acc.bookcase": 0.5891, "Acc.blind": 0.5065, "Acc.coffee table": 0.8646, "Acc.toilet": 0.9391, "Acc.flower": 0.6859, "Acc.book": 0.8031, "Acc.hill": 0.215, "Acc.bench": 0.6686, "Acc.countertop": 0.8495, "Acc.stove": 0.9321, "Acc.palm": 0.8126, "Acc.kitchen island": 0.8778, "Acc.computer": 0.9148, "Acc.swivel chair": 0.7673, "Acc.boat": 0.935, "Acc.bar": 0.8684, "Acc.arcade machine": 0.865, "Acc.hovel": 0.564, "Acc.bus": 0.9723, "Acc.towel": 0.8776, "Acc.light": 0.7173, "Acc.truck": 0.647, "Acc.tower": 0.7075, "Acc.chandelier": 0.84, "Acc.awning": 0.5808, "Acc.streetlight": 0.5455, "Acc.booth": 0.7523, "Acc.television receiver": 0.8738, "Acc.airplane": 0.9643, "Acc.dirt track": 0.134, "Acc.apparel": 0.8271, "Acc.pole": 0.3681, "Acc.land": 0.0862, "Acc.bannister": 0.26, "Acc.escalator": 0.8581, "Acc.ottoman": 0.6861, "Acc.bottle": 0.6753, "Acc.buffet": 0.6988, "Acc.poster": 0.4364, "Acc.stage": 0.3729, "Acc.van": 0.7364, "Acc.ship": 0.9002, "Acc.fountain": 0.3157, "Acc.conveyer belt": 0.9607, "Acc.canopy": 0.754, "Acc.washer": 0.9229, "Acc.plaything": 0.4959, "Acc.swimming pool": 0.7789, "Acc.stool": 0.7348, "Acc.barrel": 0.9792, "Acc.basket": 0.6043, "Acc.waterfall": 0.6409, "Acc.tent": 0.9886, "Acc.bag": 0.3147, "Acc.minibike": 0.907, "Acc.cradle": 0.9769, "Acc.oven": 0.7757, "Acc.ball": 0.7134, "Acc.food": 0.7303, "Acc.step": 0.1365, "Acc.tank": 0.6801, "Acc.trade name": 0.2786, "Acc.microwave": 0.9666, "Acc.pot": 0.709, "Acc.animal": 0.6278, "Acc.bicycle": 0.7904, "Acc.lake": 0.6376, "Acc.dishwasher": 0.8377, "Acc.screen": 0.883, "Acc.blanket": 0.4533, "Acc.sculpture": 0.8674, "Acc.hood": 0.8015, "Acc.sconce": 0.749, "Acc.vase": 0.7025, "Acc.traffic light": 0.6828, "Acc.tray": 0.3224, "Acc.ashcan": 0.6694, "Acc.fan": 0.8137, "Acc.pier": 0.4678, "Acc.crt screen": 0.0603, "Acc.plate": 0.8049, "Acc.monitor": 0.5236, "Acc.bulletin board": 0.7209, "Acc.shower": 0.2432, "Acc.radiator": 0.8076, "Acc.glass": 0.2611, "Acc.clock": 0.6662, "Acc.flag": 0.8171} {"mode": "train", "epoch": 59, "iter": 74050, "lr": 0.0, "memory": 72263, "data_time": 2.23632, "decode.loss_ce": 0.11823, "decode.acc_seg": 94.74198, "aux.loss_ce": 0.0514, "aux.acc_seg": 94.27813, "loss": 0.16963, "time": 4.2046} {"mode": "train", "epoch": 59, "iter": 74100, "lr": 0.0, "memory": 72263, "data_time": 0.01097, "decode.loss_ce": 0.12257, "decode.acc_seg": 94.35435, "aux.loss_ce": 0.05302, "aux.acc_seg": 93.97979, "loss": 0.1756, "time": 1.97786} {"mode": "train", "epoch": 59, "iter": 74150, "lr": 0.0, "memory": 72263, "data_time": 0.0115, "decode.loss_ce": 0.12375, "decode.acc_seg": 94.47231, "aux.loss_ce": 0.05346, "aux.acc_seg": 94.08643, "loss": 0.17721, "time": 1.9812} {"mode": "train", "epoch": 59, "iter": 74200, "lr": 0.0, "memory": 72263, "data_time": 0.01106, "decode.loss_ce": 0.12777, "decode.acc_seg": 94.13868, "aux.loss_ce": 0.05552, "aux.acc_seg": 93.67291, "loss": 0.1833, "time": 1.97695} {"mode": "train", "epoch": 59, "iter": 74250, "lr": 0.0, "memory": 72263, "data_time": 0.01115, "decode.loss_ce": 0.12206, "decode.acc_seg": 94.42474, "aux.loss_ce": 0.05257, "aux.acc_seg": 94.03591, "loss": 0.17463, "time": 1.98108} {"mode": "train", "epoch": 59, "iter": 74300, "lr": 0.0, "memory": 72263, "data_time": 0.01034, "decode.loss_ce": 0.12196, "decode.acc_seg": 94.56143, "aux.loss_ce": 0.05281, "aux.acc_seg": 94.12517, "loss": 0.17477, "time": 1.97795} {"mode": "train", "epoch": 59, "iter": 74350, "lr": 0.0, "memory": 72263, "data_time": 0.01047, "decode.loss_ce": 0.1235, "decode.acc_seg": 94.59873, "aux.loss_ce": 0.05326, "aux.acc_seg": 94.11334, "loss": 0.17676, "time": 1.97892} {"mode": "train", "epoch": 59, "iter": 74400, "lr": 0.0, "memory": 72263, "data_time": 0.01037, "decode.loss_ce": 0.12196, "decode.acc_seg": 94.6091, "aux.loss_ce": 0.05281, "aux.acc_seg": 94.17372, "loss": 0.17477, "time": 1.97828} {"mode": "train", "epoch": 59, "iter": 74450, "lr": 0.0, "memory": 72263, "data_time": 0.01032, "decode.loss_ce": 0.12172, "decode.acc_seg": 94.41714, "aux.loss_ce": 0.05293, "aux.acc_seg": 93.96668, "loss": 0.17465, "time": 1.97982} {"mode": "train", "epoch": 59, "iter": 74500, "lr": 0.0, "memory": 72263, "data_time": 0.01035, "decode.loss_ce": 0.13022, "decode.acc_seg": 94.09339, "aux.loss_ce": 0.05638, "aux.acc_seg": 93.66679, "loss": 0.1866, "time": 1.97882} {"mode": "train", "epoch": 60, "iter": 74550, "lr": 0.0, "memory": 72263, "data_time": 0.05265, "decode.loss_ce": 0.12242, "decode.acc_seg": 94.46175, "aux.loss_ce": 0.05355, "aux.acc_seg": 93.97353, "loss": 0.17597, "time": 2.01995} {"mode": "train", "epoch": 60, "iter": 74600, "lr": 0.0, "memory": 72263, "data_time": 0.01044, "decode.loss_ce": 0.12035, "decode.acc_seg": 94.54811, "aux.loss_ce": 0.05222, "aux.acc_seg": 94.12316, "loss": 0.17257, "time": 1.97746} {"mode": "train", "epoch": 60, "iter": 74650, "lr": 0.0, "memory": 72263, "data_time": 0.01032, "decode.loss_ce": 0.12918, "decode.acc_seg": 94.2344, "aux.loss_ce": 0.05595, "aux.acc_seg": 93.80325, "loss": 0.18513, "time": 1.97545} {"mode": "train", "epoch": 60, "iter": 74700, "lr": 0.0, "memory": 72263, "data_time": 0.01043, "decode.loss_ce": 0.12285, "decode.acc_seg": 94.41102, "aux.loss_ce": 0.05307, "aux.acc_seg": 93.9832, "loss": 0.17592, "time": 1.9784} {"mode": "train", "epoch": 60, "iter": 74750, "lr": 0.0, "memory": 72263, "data_time": 0.01031, "decode.loss_ce": 0.12264, "decode.acc_seg": 94.41222, "aux.loss_ce": 0.05265, "aux.acc_seg": 94.02319, "loss": 0.17529, "time": 1.97654} {"mode": "train", "epoch": 60, "iter": 74800, "lr": 0.0, "memory": 72263, "data_time": 0.01054, "decode.loss_ce": 0.12217, "decode.acc_seg": 94.3113, "aux.loss_ce": 0.053, "aux.acc_seg": 93.84685, "loss": 0.17517, "time": 1.98196} {"mode": "train", "epoch": 60, "iter": 74850, "lr": 0.0, "memory": 72263, "data_time": 0.01032, "decode.loss_ce": 0.12238, "decode.acc_seg": 94.4845, "aux.loss_ce": 0.05274, "aux.acc_seg": 94.07667, "loss": 0.17512, "time": 1.97684} {"mode": "train", "epoch": 60, "iter": 74900, "lr": 0.0, "memory": 72263, "data_time": 0.01027, "decode.loss_ce": 0.12397, "decode.acc_seg": 94.35208, "aux.loss_ce": 0.054, "aux.acc_seg": 93.89431, "loss": 0.17798, "time": 1.97595} {"mode": "train", "epoch": 60, "iter": 74950, "lr": 0.0, "memory": 72263, "data_time": 0.01014, "decode.loss_ce": 0.1168, "decode.acc_seg": 94.83321, "aux.loss_ce": 0.05045, "aux.acc_seg": 94.45296, "loss": 0.16726, "time": 1.9761} {"mode": "train", "epoch": 60, "iter": 75000, "lr": 0.0, "memory": 72263, "data_time": 0.01008, "decode.loss_ce": 0.12485, "decode.acc_seg": 94.49806, "aux.loss_ce": 0.05417, "aux.acc_seg": 94.02501, "loss": 0.17902, "time": 1.97965} {"mode": "val", "epoch": 60, "iter": 250, "lr": 0.0, "aAcc": 0.8676, "mIoU": 0.5985, "mAcc": 0.7234, "IoU.wall": 0.8297, "IoU.building": 0.8581, "IoU.sky": 0.9495, "IoU.floor": 0.8538, "IoU.tree": 0.7824, "IoU.ceiling": 0.8765, "IoU.road": 0.8733, "IoU.bed ": 0.9338, "IoU.windowpane": 0.6684, "IoU.grass": 0.691, "IoU.cabinet": 0.6789, "IoU.sidewalk": 0.7163, "IoU.person": 0.8687, "IoU.earth": 0.4162, "IoU.door": 0.606, "IoU.table": 0.7159, "IoU.mountain": 0.631, "IoU.plant": 0.5679, "IoU.curtain": 0.7948, "IoU.chair": 0.6938, "IoU.car": 0.8887, "IoU.water": 0.6274, "IoU.painting": 0.8039, "IoU.sofa": 0.832, "IoU.shelf": 0.5152, "IoU.house": 0.5396, "IoU.sea": 0.7192, "IoU.mirror": 0.782, "IoU.rug": 0.6433, "IoU.field": 0.3108, "IoU.armchair": 0.6375, "IoU.seat": 0.6843, "IoU.fence": 0.4995, "IoU.desk": 0.5878, "IoU.rock": 0.5688, "IoU.wardrobe": 0.53, "IoU.lamp": 0.7774, "IoU.bathtub": 0.8811, "IoU.railing": 0.4293, "IoU.cushion": 0.6887, "IoU.base": 0.4562, "IoU.box": 0.4007, "IoU.column": 0.5861, "IoU.signboard": 0.4239, "IoU.chest of drawers": 0.4571, "IoU.counter": 0.532, "IoU.sand": 0.5814, "IoU.sink": 0.8384, "IoU.skyscraper": 0.4859, "IoU.fireplace": 0.7479, "IoU.refrigerator": 0.8658, "IoU.grandstand": 0.6105, "IoU.path": 0.3065, "IoU.stairs": 0.3297, "IoU.runway": 0.7284, "IoU.case": 0.6322, "IoU.pool table": 0.9548, "IoU.pillow": 0.656, "IoU.screen door": 0.8289, "IoU.stairway": 0.4104, "IoU.river": 0.12, "IoU.bridge": 0.7229, "IoU.bookcase": 0.449, "IoU.blind": 0.4559, "IoU.coffee table": 0.6162, "IoU.toilet": 0.9138, "IoU.flower": 0.5044, "IoU.book": 0.5837, "IoU.hill": 0.1189, "IoU.bench": 0.5877, "IoU.countertop": 0.656, "IoU.stove": 0.8854, "IoU.palm": 0.5274, "IoU.kitchen island": 0.5863, "IoU.computer": 0.7663, "IoU.swivel chair": 0.4994, "IoU.boat": 0.7988, "IoU.bar": 0.7206, "IoU.arcade machine": 0.8147, "IoU.hovel": 0.4841, "IoU.bus": 0.9406, "IoU.towel": 0.8058, "IoU.light": 0.634, "IoU.truck": 0.5316, "IoU.tower": 0.3182, "IoU.chandelier": 0.7363, "IoU.awning": 0.4252, "IoU.streetlight": 0.3904, "IoU.booth": 0.5517, "IoU.television receiver": 0.8092, "IoU.airplane": 0.8831, "IoU.dirt track": 0.0852, "IoU.apparel": 0.6728, "IoU.pole": 0.2968, "IoU.land": 0.0586, "IoU.bannister": 0.2244, "IoU.escalator": 0.6704, "IoU.ottoman": 0.5973, "IoU.bottle": 0.469, "IoU.buffet": 0.6145, "IoU.poster": 0.3767, "IoU.stage": 0.2179, "IoU.van": 0.5352, "IoU.ship": 0.7488, "IoU.fountain": 0.3048, "IoU.conveyer belt": 0.8561, "IoU.canopy": 0.59, "IoU.washer": 0.8612, "IoU.plaything": 0.3468, "IoU.swimming pool": 0.543, "IoU.stool": 0.5546, "IoU.barrel": 0.7876, "IoU.basket": 0.4367, "IoU.waterfall": 0.5282, "IoU.tent": 0.9387, "IoU.bag": 0.2744, "IoU.minibike": 0.7736, "IoU.cradle": 0.8585, "IoU.oven": 0.6877, "IoU.ball": 0.6122, "IoU.food": 0.6307, "IoU.step": 0.1174, "IoU.tank": 0.6267, "IoU.trade name": 0.2467, "IoU.microwave": 0.9037, "IoU.pot": 0.6089, "IoU.animal": 0.6027, "IoU.bicycle": 0.6317, "IoU.lake": 0.5246, "IoU.dishwasher": 0.7599, "IoU.screen": 0.5571, "IoU.blanket": 0.3991, "IoU.sculpture": 0.7154, "IoU.hood": 0.669, "IoU.sconce": 0.6271, "IoU.vase": 0.5125, "IoU.traffic light": 0.4097, "IoU.tray": 0.2684, "IoU.ashcan": 0.5022, "IoU.fan": 0.7384, "IoU.pier": 0.415, "IoU.crt screen": 0.0497, "IoU.plate": 0.6512, "IoU.monitor": 0.4285, "IoU.bulletin board": 0.6023, "IoU.shower": 0.2133, "IoU.radiator": 0.6903, "IoU.glass": 0.233, "IoU.clock": 0.5799, "IoU.flag": 0.7091, "Acc.wall": 0.9048, "Acc.building": 0.9282, "Acc.sky": 0.9752, "Acc.floor": 0.9251, "Acc.tree": 0.904, "Acc.ceiling": 0.9489, "Acc.road": 0.9201, "Acc.bed ": 0.9721, "Acc.windowpane": 0.8065, "Acc.grass": 0.8227, "Acc.cabinet": 0.7772, "Acc.sidewalk": 0.8477, "Acc.person": 0.9482, "Acc.earth": 0.5381, "Acc.door": 0.7691, "Acc.table": 0.8271, "Acc.mountain": 0.7425, "Acc.plant": 0.6847, "Acc.curtain": 0.8889, "Acc.chair": 0.799, "Acc.car": 0.9475, "Acc.water": 0.7825, "Acc.painting": 0.9206, "Acc.sofa": 0.9159, "Acc.shelf": 0.673, "Acc.house": 0.6611, "Acc.sea": 0.8339, "Acc.mirror": 0.8455, "Acc.rug": 0.7572, "Acc.field": 0.5771, "Acc.armchair": 0.8008, "Acc.seat": 0.8938, "Acc.fence": 0.6275, "Acc.desk": 0.7984, "Acc.rock": 0.8585, "Acc.wardrobe": 0.7144, "Acc.lamp": 0.8879, "Acc.bathtub": 0.9089, "Acc.railing": 0.624, "Acc.cushion": 0.8283, "Acc.base": 0.6183, "Acc.box": 0.5013, "Acc.column": 0.7176, "Acc.signboard": 0.5816, "Acc.chest of drawers": 0.7081, "Acc.counter": 0.633, "Acc.sand": 0.8533, "Acc.sink": 0.8868, "Acc.skyscraper": 0.6212, "Acc.fireplace": 0.9235, "Acc.refrigerator": 0.9367, "Acc.grandstand": 0.8156, "Acc.path": 0.435, "Acc.stairs": 0.4051, "Acc.runway": 0.938, "Acc.case": 0.8151, "Acc.pool table": 0.9824, "Acc.pillow": 0.7581, "Acc.screen door": 0.8497, "Acc.stairway": 0.6253, "Acc.river": 0.2555, "Acc.bridge": 0.8025, "Acc.bookcase": 0.5729, "Acc.blind": 0.5287, "Acc.coffee table": 0.8708, "Acc.toilet": 0.947, "Acc.flower": 0.6797, "Acc.book": 0.8119, "Acc.hill": 0.19, "Acc.bench": 0.6773, "Acc.countertop": 0.8503, "Acc.stove": 0.9323, "Acc.palm": 0.8409, "Acc.kitchen island": 0.8583, "Acc.computer": 0.9186, "Acc.swivel chair": 0.7727, "Acc.boat": 0.9302, "Acc.bar": 0.8179, "Acc.arcade machine": 0.8446, "Acc.hovel": 0.5701, "Acc.bus": 0.9721, "Acc.towel": 0.8822, "Acc.light": 0.73, "Acc.truck": 0.6203, "Acc.tower": 0.6989, "Acc.chandelier": 0.8534, "Acc.awning": 0.5264, "Acc.streetlight": 0.5291, "Acc.booth": 0.7315, "Acc.television receiver": 0.8676, "Acc.airplane": 0.9656, "Acc.dirt track": 0.267, "Acc.apparel": 0.8833, "Acc.pole": 0.4172, "Acc.land": 0.0844, "Acc.bannister": 0.2707, "Acc.escalator": 0.8605, "Acc.ottoman": 0.7679, "Acc.bottle": 0.7014, "Acc.buffet": 0.6985, "Acc.poster": 0.4464, "Acc.stage": 0.3734, "Acc.van": 0.7236, "Acc.ship": 0.867, "Acc.fountain": 0.3139, "Acc.conveyer belt": 0.9705, "Acc.canopy": 0.7553, "Acc.washer": 0.9144, "Acc.plaything": 0.4711, "Acc.swimming pool": 0.7843, "Acc.stool": 0.7454, "Acc.barrel": 0.9766, "Acc.basket": 0.6233, "Acc.waterfall": 0.6365, "Acc.tent": 0.9884, "Acc.bag": 0.312, "Acc.minibike": 0.9121, "Acc.cradle": 0.9761, "Acc.oven": 0.8009, "Acc.ball": 0.6918, "Acc.food": 0.7359, "Acc.step": 0.1433, "Acc.tank": 0.6697, "Acc.trade name": 0.2877, "Acc.microwave": 0.9649, "Acc.pot": 0.7171, "Acc.animal": 0.6184, "Acc.bicycle": 0.7914, "Acc.lake": 0.637, "Acc.dishwasher": 0.8364, "Acc.screen": 0.8641, "Acc.blanket": 0.4798, "Acc.sculpture": 0.8799, "Acc.hood": 0.7704, "Acc.sconce": 0.7464, "Acc.vase": 0.6995, "Acc.traffic light": 0.6764, "Acc.tray": 0.3718, "Acc.ashcan": 0.6845, "Acc.fan": 0.8604, "Acc.pier": 0.4667, "Acc.crt screen": 0.102, "Acc.plate": 0.8122, "Acc.monitor": 0.5036, "Acc.bulletin board": 0.7083, "Acc.shower": 0.2457, "Acc.radiator": 0.8139, "Acc.glass": 0.2509, "Acc.clock": 0.6816, "Acc.flag": 0.8214} {"mode": "train", "epoch": 60, "iter": 75050, "lr": 0.0, "memory": 72263, "data_time": 2.20087, "decode.loss_ce": 0.11746, "decode.acc_seg": 94.77367, "aux.loss_ce": 0.05111, "aux.acc_seg": 94.33077, "loss": 0.16857, "time": 4.16905} {"mode": "train", "epoch": 60, "iter": 75100, "lr": 0.0, "memory": 72263, "data_time": 0.01031, "decode.loss_ce": 0.12046, "decode.acc_seg": 94.69347, "aux.loss_ce": 0.05208, "aux.acc_seg": 94.29465, "loss": 0.17254, "time": 1.98582} {"mode": "train", "epoch": 60, "iter": 75150, "lr": 0.0, "memory": 72263, "data_time": 0.01042, "decode.loss_ce": 0.13457, "decode.acc_seg": 94.09572, "aux.loss_ce": 0.05813, "aux.acc_seg": 93.64855, "loss": 0.19269, "time": 1.97813} {"mode": "train", "epoch": 60, "iter": 75200, "lr": 0.0, "memory": 72263, "data_time": 0.01008, "decode.loss_ce": 0.12385, "decode.acc_seg": 94.40418, "aux.loss_ce": 0.05348, "aux.acc_seg": 93.93531, "loss": 0.17733, "time": 1.97526} {"mode": "train", "epoch": 60, "iter": 75250, "lr": 0.0, "memory": 72263, "data_time": 0.00978, "decode.loss_ce": 0.11987, "decode.acc_seg": 94.68123, "aux.loss_ce": 0.0517, "aux.acc_seg": 94.24019, "loss": 0.17157, "time": 1.97853} {"mode": "train", "epoch": 60, "iter": 75300, "lr": 0.0, "memory": 72263, "data_time": 0.00985, "decode.loss_ce": 0.12639, "decode.acc_seg": 94.31927, "aux.loss_ce": 0.05443, "aux.acc_seg": 93.89903, "loss": 0.18083, "time": 1.97578} {"mode": "train", "epoch": 60, "iter": 75350, "lr": 0.0, "memory": 72263, "data_time": 0.01006, "decode.loss_ce": 0.12168, "decode.acc_seg": 94.55089, "aux.loss_ce": 0.05254, "aux.acc_seg": 94.12242, "loss": 0.17422, "time": 1.97762} {"mode": "train", "epoch": 60, "iter": 75400, "lr": 0.0, "memory": 72263, "data_time": 0.01001, "decode.loss_ce": 0.13097, "decode.acc_seg": 94.20664, "aux.loss_ce": 0.05662, "aux.acc_seg": 93.7292, "loss": 0.18759, "time": 1.97542} {"mode": "train", "epoch": 60, "iter": 75450, "lr": 0.0, "memory": 72263, "data_time": 0.01096, "decode.loss_ce": 0.12695, "decode.acc_seg": 94.27963, "aux.loss_ce": 0.05484, "aux.acc_seg": 93.89146, "loss": 0.18178, "time": 1.97875} {"mode": "train", "epoch": 60, "iter": 75500, "lr": 0.0, "memory": 72263, "data_time": 0.011, "decode.loss_ce": 0.12074, "decode.acc_seg": 94.70321, "aux.loss_ce": 0.0521, "aux.acc_seg": 94.28137, "loss": 0.17284, "time": 1.97875} {"mode": "train", "epoch": 60, "iter": 75550, "lr": 0.0, "memory": 72263, "data_time": 0.01008, "decode.loss_ce": 0.11728, "decode.acc_seg": 94.6053, "aux.loss_ce": 0.05043, "aux.acc_seg": 94.22216, "loss": 0.16771, "time": 1.97754} {"mode": "train", "epoch": 60, "iter": 75600, "lr": 0.0, "memory": 72263, "data_time": 0.00994, "decode.loss_ce": 0.12293, "decode.acc_seg": 94.5206, "aux.loss_ce": 0.0531, "aux.acc_seg": 94.11717, "loss": 0.17603, "time": 1.97626} {"mode": "train", "epoch": 60, "iter": 75650, "lr": 0.0, "memory": 72263, "data_time": 0.00987, "decode.loss_ce": 0.12481, "decode.acc_seg": 94.22276, "aux.loss_ce": 0.05412, "aux.acc_seg": 93.74204, "loss": 0.17893, "time": 1.97719} {"mode": "train", "epoch": 60, "iter": 75700, "lr": 0.0, "memory": 72263, "data_time": 0.01003, "decode.loss_ce": 0.12399, "decode.acc_seg": 94.25965, "aux.loss_ce": 0.05344, "aux.acc_seg": 93.88083, "loss": 0.17743, "time": 1.9798} {"mode": "train", "epoch": 60, "iter": 75750, "lr": 0.0, "memory": 72263, "data_time": 0.00972, "decode.loss_ce": 0.12222, "decode.acc_seg": 94.47883, "aux.loss_ce": 0.05303, "aux.acc_seg": 94.04109, "loss": 0.17525, "time": 1.97652} {"mode": "train", "epoch": 61, "iter": 75800, "lr": 0.0, "memory": 72263, "data_time": 0.05221, "decode.loss_ce": 0.12845, "decode.acc_seg": 94.20174, "aux.loss_ce": 0.05566, "aux.acc_seg": 93.67632, "loss": 0.18412, "time": 2.02074} {"mode": "train", "epoch": 61, "iter": 75850, "lr": 0.0, "memory": 72263, "data_time": 0.00988, "decode.loss_ce": 0.1237, "decode.acc_seg": 94.6254, "aux.loss_ce": 0.05393, "aux.acc_seg": 94.18562, "loss": 0.17763, "time": 1.97631} {"mode": "train", "epoch": 61, "iter": 75900, "lr": 0.0, "memory": 72263, "data_time": 0.00973, "decode.loss_ce": 0.11746, "decode.acc_seg": 94.81191, "aux.loss_ce": 0.05084, "aux.acc_seg": 94.41623, "loss": 0.1683, "time": 1.97737} {"mode": "train", "epoch": 61, "iter": 75950, "lr": 0.0, "memory": 72263, "data_time": 0.0098, "decode.loss_ce": 0.1252, "decode.acc_seg": 94.41166, "aux.loss_ce": 0.05426, "aux.acc_seg": 93.9632, "loss": 0.17946, "time": 1.97661} {"mode": "train", "epoch": 61, "iter": 76000, "lr": 0.0, "memory": 72263, "data_time": 0.01004, "decode.loss_ce": 0.12291, "decode.acc_seg": 94.45839, "aux.loss_ce": 0.05294, "aux.acc_seg": 94.04381, "loss": 0.17585, "time": 3.68258} {"mode": "val", "epoch": 61, "iter": 250, "lr": 0.0, "aAcc": 0.8673, "mIoU": 0.5968, "mAcc": 0.7199, "IoU.wall": 0.8296, "IoU.building": 0.856, "IoU.sky": 0.9493, "IoU.floor": 0.8517, "IoU.tree": 0.7815, "IoU.ceiling": 0.8771, "IoU.road": 0.8725, "IoU.bed ": 0.933, "IoU.windowpane": 0.6663, "IoU.grass": 0.6887, "IoU.cabinet": 0.6817, "IoU.sidewalk": 0.7197, "IoU.person": 0.8695, "IoU.earth": 0.4069, "IoU.door": 0.6062, "IoU.table": 0.7154, "IoU.mountain": 0.6237, "IoU.plant": 0.5678, "IoU.curtain": 0.7969, "IoU.chair": 0.6913, "IoU.car": 0.8878, "IoU.water": 0.6525, "IoU.painting": 0.8062, "IoU.sofa": 0.8323, "IoU.shelf": 0.5096, "IoU.house": 0.5256, "IoU.sea": 0.7319, "IoU.mirror": 0.7819, "IoU.rug": 0.6399, "IoU.field": 0.3057, "IoU.armchair": 0.6338, "IoU.seat": 0.6884, "IoU.fence": 0.4948, "IoU.desk": 0.5947, "IoU.rock": 0.5695, "IoU.wardrobe": 0.519, "IoU.lamp": 0.7782, "IoU.bathtub": 0.8802, "IoU.railing": 0.4277, "IoU.cushion": 0.6895, "IoU.base": 0.4545, "IoU.box": 0.4093, "IoU.column": 0.5838, "IoU.signboard": 0.4193, "IoU.chest of drawers": 0.4545, "IoU.counter": 0.5262, "IoU.sand": 0.5852, "IoU.sink": 0.8428, "IoU.skyscraper": 0.4923, "IoU.fireplace": 0.7526, "IoU.refrigerator": 0.8676, "IoU.grandstand": 0.5813, "IoU.path": 0.309, "IoU.stairs": 0.3612, "IoU.runway": 0.7288, "IoU.case": 0.6329, "IoU.pool table": 0.9547, "IoU.pillow": 0.6526, "IoU.screen door": 0.8992, "IoU.stairway": 0.4232, "IoU.river": 0.1268, "IoU.bridge": 0.6988, "IoU.bookcase": 0.4464, "IoU.blind": 0.4558, "IoU.coffee table": 0.6193, "IoU.toilet": 0.9136, "IoU.flower": 0.4805, "IoU.book": 0.5853, "IoU.hill": 0.1295, "IoU.bench": 0.5875, "IoU.countertop": 0.6533, "IoU.stove": 0.8847, "IoU.palm": 0.5278, "IoU.kitchen island": 0.5898, "IoU.computer": 0.7729, "IoU.swivel chair": 0.4944, "IoU.boat": 0.805, "IoU.bar": 0.7266, "IoU.arcade machine": 0.8221, "IoU.hovel": 0.4792, "IoU.bus": 0.9401, "IoU.towel": 0.8012, "IoU.light": 0.6346, "IoU.truck": 0.5287, "IoU.tower": 0.3204, "IoU.chandelier": 0.7354, "IoU.awning": 0.4383, "IoU.streetlight": 0.3733, "IoU.booth": 0.5153, "IoU.television receiver": 0.7977, "IoU.airplane": 0.8689, "IoU.dirt track": 0.0634, "IoU.apparel": 0.6697, "IoU.pole": 0.2785, "IoU.land": 0.0581, "IoU.bannister": 0.2248, "IoU.escalator": 0.6689, "IoU.ottoman": 0.5926, "IoU.bottle": 0.4679, "IoU.buffet": 0.6084, "IoU.poster": 0.3672, "IoU.stage": 0.2247, "IoU.van": 0.5385, "IoU.ship": 0.7355, "IoU.fountain": 0.3074, "IoU.conveyer belt": 0.8567, "IoU.canopy": 0.5854, "IoU.washer": 0.8617, "IoU.plaything": 0.345, "IoU.swimming pool": 0.5403, "IoU.stool": 0.5355, "IoU.barrel": 0.7656, "IoU.basket": 0.4341, "IoU.waterfall": 0.5218, "IoU.tent": 0.928, "IoU.bag": 0.2714, "IoU.minibike": 0.7778, "IoU.cradle": 0.8491, "IoU.oven": 0.6809, "IoU.ball": 0.5995, "IoU.food": 0.6109, "IoU.step": 0.1178, "IoU.tank": 0.6312, "IoU.trade name": 0.2709, "IoU.microwave": 0.9, "IoU.pot": 0.6142, "IoU.animal": 0.5993, "IoU.bicycle": 0.6268, "IoU.lake": 0.5222, "IoU.dishwasher": 0.7586, "IoU.screen": 0.4728, "IoU.blanket": 0.3862, "IoU.sculpture": 0.7385, "IoU.hood": 0.6662, "IoU.sconce": 0.621, "IoU.vase": 0.5158, "IoU.traffic light": 0.3941, "IoU.tray": 0.2627, "IoU.ashcan": 0.5016, "IoU.fan": 0.7359, "IoU.pier": 0.4188, "IoU.crt screen": 0.0701, "IoU.plate": 0.6554, "IoU.monitor": 0.4338, "IoU.bulletin board": 0.5942, "IoU.shower": 0.1968, "IoU.radiator": 0.6933, "IoU.glass": 0.2308, "IoU.clock": 0.5788, "IoU.flag": 0.7176, "Acc.wall": 0.9058, "Acc.building": 0.9314, "Acc.sky": 0.9766, "Acc.floor": 0.9249, "Acc.tree": 0.9006, "Acc.ceiling": 0.9489, "Acc.road": 0.9156, "Acc.bed ": 0.9725, "Acc.windowpane": 0.8085, "Acc.grass": 0.8188, "Acc.cabinet": 0.7767, "Acc.sidewalk": 0.8651, "Acc.person": 0.9475, "Acc.earth": 0.5305, "Acc.door": 0.7506, "Acc.table": 0.8214, "Acc.mountain": 0.7294, "Acc.plant": 0.6848, "Acc.curtain": 0.8873, "Acc.chair": 0.7967, "Acc.car": 0.9476, "Acc.water": 0.8165, "Acc.painting": 0.9171, "Acc.sofa": 0.9124, "Acc.shelf": 0.6653, "Acc.house": 0.6387, "Acc.sea": 0.8306, "Acc.mirror": 0.8622, "Acc.rug": 0.756, "Acc.field": 0.5816, "Acc.armchair": 0.8068, "Acc.seat": 0.8957, "Acc.fence": 0.6053, "Acc.desk": 0.8089, "Acc.rock": 0.847, "Acc.wardrobe": 0.6884, "Acc.lamp": 0.8795, "Acc.bathtub": 0.912, "Acc.railing": 0.606, "Acc.cushion": 0.8292, "Acc.base": 0.6023, "Acc.box": 0.5219, "Acc.column": 0.7219, "Acc.signboard": 0.5791, "Acc.chest of drawers": 0.6925, "Acc.counter": 0.6269, "Acc.sand": 0.8563, "Acc.sink": 0.887, "Acc.skyscraper": 0.6311, "Acc.fireplace": 0.9283, "Acc.refrigerator": 0.9458, "Acc.grandstand": 0.8261, "Acc.path": 0.419, "Acc.stairs": 0.4467, "Acc.runway": 0.9396, "Acc.case": 0.8313, "Acc.pool table": 0.983, "Acc.pillow": 0.7529, "Acc.screen door": 0.9271, "Acc.stairway": 0.5624, "Acc.river": 0.24, "Acc.bridge": 0.7674, "Acc.bookcase": 0.6174, "Acc.blind": 0.5394, "Acc.coffee table": 0.8794, "Acc.toilet": 0.9446, "Acc.flower": 0.62, "Acc.book": 0.7984, "Acc.hill": 0.2242, "Acc.bench": 0.671, "Acc.countertop": 0.8415, "Acc.stove": 0.929, "Acc.palm": 0.8183, "Acc.kitchen island": 0.8546, "Acc.computer": 0.9096, "Acc.swivel chair": 0.7746, "Acc.boat": 0.9261, "Acc.bar": 0.8298, "Acc.arcade machine": 0.8553, "Acc.hovel": 0.5653, "Acc.bus": 0.9727, "Acc.towel": 0.8638, "Acc.light": 0.727, "Acc.truck": 0.6513, "Acc.tower": 0.6655, "Acc.chandelier": 0.848, "Acc.awning": 0.5507, "Acc.streetlight": 0.4909, "Acc.booth": 0.7407, "Acc.television receiver": 0.8715, "Acc.airplane": 0.9657, "Acc.dirt track": 0.1968, "Acc.apparel": 0.8739, "Acc.pole": 0.3783, "Acc.land": 0.0822, "Acc.bannister": 0.2719, "Acc.escalator": 0.8591, "Acc.ottoman": 0.7497, "Acc.bottle": 0.69, "Acc.buffet": 0.6952, "Acc.poster": 0.4396, "Acc.stage": 0.3903, "Acc.van": 0.7227, "Acc.ship": 0.8741, "Acc.fountain": 0.3137, "Acc.conveyer belt": 0.9679, "Acc.canopy": 0.7324, "Acc.washer": 0.9167, "Acc.plaything": 0.46, "Acc.swimming pool": 0.7793, "Acc.stool": 0.7494, "Acc.barrel": 0.9804, "Acc.basket": 0.6151, "Acc.waterfall": 0.6511, "Acc.tent": 0.9882, "Acc.bag": 0.3107, "Acc.minibike": 0.906, "Acc.cradle": 0.9761, "Acc.oven": 0.7793, "Acc.ball": 0.6766, "Acc.food": 0.7098, "Acc.step": 0.1421, "Acc.tank": 0.6764, "Acc.trade name": 0.3255, "Acc.microwave": 0.9669, "Acc.pot": 0.7239, "Acc.animal": 0.6115, "Acc.bicycle": 0.7834, "Acc.lake": 0.6375, "Acc.dishwasher": 0.8426, "Acc.screen": 0.721, "Acc.blanket": 0.459, "Acc.sculpture": 0.8734, "Acc.hood": 0.7576, "Acc.sconce": 0.7363, "Acc.vase": 0.6767, "Acc.traffic light": 0.6617, "Acc.tray": 0.3515, "Acc.ashcan": 0.6794, "Acc.fan": 0.8497, "Acc.pier": 0.455, "Acc.crt screen": 0.1653, "Acc.plate": 0.8042, "Acc.monitor": 0.5132, "Acc.bulletin board": 0.7043, "Acc.shower": 0.2465, "Acc.radiator": 0.812, "Acc.glass": 0.2489, "Acc.clock": 0.6809, "Acc.flag": 0.8035} {"mode": "train", "epoch": 61, "iter": 76050, "lr": 0.0, "memory": 72263, "data_time": 2.19939, "decode.loss_ce": 0.131, "decode.acc_seg": 94.43191, "aux.loss_ce": 0.05629, "aux.acc_seg": 94.00427, "loss": 0.1873, "time": 4.16914} {"mode": "train", "epoch": 61, "iter": 76100, "lr": 0.0, "memory": 72263, "data_time": 0.00986, "decode.loss_ce": 0.1154, "decode.acc_seg": 94.73663, "aux.loss_ce": 0.05029, "aux.acc_seg": 94.30832, "loss": 0.16569, "time": 1.97697} {"mode": "train", "epoch": 61, "iter": 76150, "lr": 0.0, "memory": 72263, "data_time": 0.01, "decode.loss_ce": 0.12646, "decode.acc_seg": 94.36993, "aux.loss_ce": 0.055, "aux.acc_seg": 93.90427, "loss": 0.18146, "time": 1.97963} {"mode": "train", "epoch": 61, "iter": 76200, "lr": 0.0, "memory": 72263, "data_time": 0.01003, "decode.loss_ce": 0.1256, "decode.acc_seg": 94.45591, "aux.loss_ce": 0.054, "aux.acc_seg": 94.07544, "loss": 0.1796, "time": 1.97648} {"mode": "train", "epoch": 61, "iter": 76250, "lr": 0.0, "memory": 72263, "data_time": 0.00989, "decode.loss_ce": 0.12969, "decode.acc_seg": 94.42554, "aux.loss_ce": 0.05624, "aux.acc_seg": 93.96186, "loss": 0.18592, "time": 1.97938} {"mode": "train", "epoch": 61, "iter": 76300, "lr": 0.0, "memory": 72263, "data_time": 0.01086, "decode.loss_ce": 0.12556, "decode.acc_seg": 94.44874, "aux.loss_ce": 0.05472, "aux.acc_seg": 93.935, "loss": 0.18027, "time": 1.97836} {"mode": "train", "epoch": 61, "iter": 76350, "lr": 0.0, "memory": 72263, "data_time": 0.00981, "decode.loss_ce": 0.12899, "decode.acc_seg": 94.09493, "aux.loss_ce": 0.05588, "aux.acc_seg": 93.57588, "loss": 0.18487, "time": 1.97887} {"mode": "train", "epoch": 61, "iter": 76400, "lr": 0.0, "memory": 72263, "data_time": 0.00975, "decode.loss_ce": 0.12706, "decode.acc_seg": 94.34874, "aux.loss_ce": 0.05559, "aux.acc_seg": 93.85747, "loss": 0.18265, "time": 1.97989} {"mode": "train", "epoch": 61, "iter": 76450, "lr": 0.0, "memory": 72263, "data_time": 0.00991, "decode.loss_ce": 0.12328, "decode.acc_seg": 94.63414, "aux.loss_ce": 0.05319, "aux.acc_seg": 94.21077, "loss": 0.17647, "time": 1.9773} {"mode": "train", "epoch": 61, "iter": 76500, "lr": 0.0, "memory": 72263, "data_time": 0.00987, "decode.loss_ce": 0.12398, "decode.acc_seg": 94.24726, "aux.loss_ce": 0.05387, "aux.acc_seg": 93.80303, "loss": 0.17785, "time": 1.97664} {"mode": "train", "epoch": 61, "iter": 76550, "lr": 0.0, "memory": 72263, "data_time": 0.01028, "decode.loss_ce": 0.11953, "decode.acc_seg": 94.67153, "aux.loss_ce": 0.05194, "aux.acc_seg": 94.2363, "loss": 0.17147, "time": 1.97969} {"mode": "train", "epoch": 61, "iter": 76600, "lr": 0.0, "memory": 72263, "data_time": 0.00992, "decode.loss_ce": 0.12518, "decode.acc_seg": 94.45759, "aux.loss_ce": 0.05421, "aux.acc_seg": 94.04028, "loss": 0.17939, "time": 1.97674} {"mode": "train", "epoch": 61, "iter": 76650, "lr": 0.0, "memory": 72263, "data_time": 0.00979, "decode.loss_ce": 0.1293, "decode.acc_seg": 94.2258, "aux.loss_ce": 0.05578, "aux.acc_seg": 93.76604, "loss": 0.18507, "time": 1.97764} {"mode": "train", "epoch": 61, "iter": 76700, "lr": 0.0, "memory": 72263, "data_time": 0.00966, "decode.loss_ce": 0.11698, "decode.acc_seg": 94.75001, "aux.loss_ce": 0.05062, "aux.acc_seg": 94.35316, "loss": 0.1676, "time": 1.97796} {"mode": "train", "epoch": 61, "iter": 76750, "lr": 0.0, "memory": 72263, "data_time": 0.00985, "decode.loss_ce": 0.11763, "decode.acc_seg": 94.64754, "aux.loss_ce": 0.05081, "aux.acc_seg": 94.18894, "loss": 0.16844, "time": 1.9752} {"mode": "train", "epoch": 61, "iter": 76800, "lr": 0.0, "memory": 72263, "data_time": 0.01047, "decode.loss_ce": 0.12329, "decode.acc_seg": 94.50265, "aux.loss_ce": 0.05313, "aux.acc_seg": 94.10822, "loss": 0.17642, "time": 1.97856} {"mode": "train", "epoch": 61, "iter": 76850, "lr": 0.0, "memory": 72263, "data_time": 0.01057, "decode.loss_ce": 0.12884, "decode.acc_seg": 94.19958, "aux.loss_ce": 0.05601, "aux.acc_seg": 93.74177, "loss": 0.18484, "time": 1.97729} {"mode": "train", "epoch": 61, "iter": 76900, "lr": 0.0, "memory": 72263, "data_time": 0.01039, "decode.loss_ce": 0.1204, "decode.acc_seg": 94.40663, "aux.loss_ce": 0.05226, "aux.acc_seg": 93.99896, "loss": 0.17267, "time": 1.9804} {"mode": "train", "epoch": 61, "iter": 76950, "lr": 0.0, "memory": 72263, "data_time": 0.01078, "decode.loss_ce": 0.12602, "decode.acc_seg": 94.40628, "aux.loss_ce": 0.05451, "aux.acc_seg": 93.92325, "loss": 0.18052, "time": 1.97872} {"mode": "train", "epoch": 61, "iter": 77000, "lr": 0.0, "memory": 72263, "data_time": 0.01072, "decode.loss_ce": 0.12682, "decode.acc_seg": 94.39438, "aux.loss_ce": 0.05458, "aux.acc_seg": 93.97119, "loss": 0.18141, "time": 1.97936} {"mode": "val", "epoch": 61, "iter": 250, "lr": 0.0, "aAcc": 0.8667, "mIoU": 0.5969, "mAcc": 0.7192, "IoU.wall": 0.829, "IoU.building": 0.8545, "IoU.sky": 0.9497, "IoU.floor": 0.8514, "IoU.tree": 0.7814, "IoU.ceiling": 0.8764, "IoU.road": 0.8681, "IoU.bed ": 0.9333, "IoU.windowpane": 0.666, "IoU.grass": 0.6818, "IoU.cabinet": 0.6818, "IoU.sidewalk": 0.7162, "IoU.person": 0.8692, "IoU.earth": 0.3981, "IoU.door": 0.5976, "IoU.table": 0.7152, "IoU.mountain": 0.6272, "IoU.plant": 0.5618, "IoU.curtain": 0.7973, "IoU.chair": 0.6911, "IoU.car": 0.8889, "IoU.water": 0.6505, "IoU.painting": 0.8048, "IoU.sofa": 0.8274, "IoU.shelf": 0.5105, "IoU.house": 0.5313, "IoU.sea": 0.7332, "IoU.mirror": 0.7893, "IoU.rug": 0.632, "IoU.field": 0.3031, "IoU.armchair": 0.636, "IoU.seat": 0.6765, "IoU.fence": 0.4859, "IoU.desk": 0.596, "IoU.rock": 0.5677, "IoU.wardrobe": 0.5422, "IoU.lamp": 0.7781, "IoU.bathtub": 0.8787, "IoU.railing": 0.4236, "IoU.cushion": 0.687, "IoU.base": 0.4546, "IoU.box": 0.4098, "IoU.column": 0.5777, "IoU.signboard": 0.418, "IoU.chest of drawers": 0.4707, "IoU.counter": 0.5358, "IoU.sand": 0.589, "IoU.sink": 0.8397, "IoU.skyscraper": 0.4883, "IoU.fireplace": 0.7512, "IoU.refrigerator": 0.8602, "IoU.grandstand": 0.5842, "IoU.path": 0.3106, "IoU.stairs": 0.3452, "IoU.runway": 0.726, "IoU.case": 0.6326, "IoU.pool table": 0.9551, "IoU.pillow": 0.6519, "IoU.screen door": 0.879, "IoU.stairway": 0.419, "IoU.river": 0.1295, "IoU.bridge": 0.7075, "IoU.bookcase": 0.4471, "IoU.blind": 0.4396, "IoU.coffee table": 0.6158, "IoU.toilet": 0.9141, "IoU.flower": 0.5, "IoU.book": 0.5903, "IoU.hill": 0.1313, "IoU.bench": 0.5888, "IoU.countertop": 0.6539, "IoU.stove": 0.8861, "IoU.palm": 0.5307, "IoU.kitchen island": 0.5843, "IoU.computer": 0.7714, "IoU.swivel chair": 0.4819, "IoU.boat": 0.8001, "IoU.bar": 0.7241, "IoU.arcade machine": 0.8268, "IoU.hovel": 0.4822, "IoU.bus": 0.9399, "IoU.towel": 0.8032, "IoU.light": 0.634, "IoU.truck": 0.5307, "IoU.tower": 0.3258, "IoU.chandelier": 0.7363, "IoU.awning": 0.432, "IoU.streetlight": 0.3731, "IoU.booth": 0.5421, "IoU.television receiver": 0.797, "IoU.airplane": 0.8752, "IoU.dirt track": 0.0851, "IoU.apparel": 0.6684, "IoU.pole": 0.2836, "IoU.land": 0.0579, "IoU.bannister": 0.224, "IoU.escalator": 0.6722, "IoU.ottoman": 0.5874, "IoU.bottle": 0.4708, "IoU.buffet": 0.5717, "IoU.poster": 0.3703, "IoU.stage": 0.2288, "IoU.van": 0.5333, "IoU.ship": 0.7505, "IoU.fountain": 0.3039, "IoU.conveyer belt": 0.857, "IoU.canopy": 0.5957, "IoU.washer": 0.8544, "IoU.plaything": 0.3522, "IoU.swimming pool": 0.5416, "IoU.stool": 0.559, "IoU.barrel": 0.7798, "IoU.basket": 0.4324, "IoU.waterfall": 0.5212, "IoU.tent": 0.9263, "IoU.bag": 0.2737, "IoU.minibike": 0.7752, "IoU.cradle": 0.8615, "IoU.oven": 0.6838, "IoU.ball": 0.5922, "IoU.food": 0.6212, "IoU.step": 0.1185, "IoU.tank": 0.6346, "IoU.trade name": 0.2579, "IoU.microwave": 0.8981, "IoU.pot": 0.6162, "IoU.animal": 0.5988, "IoU.bicycle": 0.6276, "IoU.lake": 0.5249, "IoU.dishwasher": 0.7577, "IoU.screen": 0.4884, "IoU.blanket": 0.3711, "IoU.sculpture": 0.7224, "IoU.hood": 0.6815, "IoU.sconce": 0.6258, "IoU.vase": 0.5179, "IoU.traffic light": 0.3988, "IoU.tray": 0.2722, "IoU.ashcan": 0.5072, "IoU.fan": 0.7347, "IoU.pier": 0.4115, "IoU.crt screen": 0.0709, "IoU.plate": 0.6558, "IoU.monitor": 0.4061, "IoU.bulletin board": 0.5831, "IoU.shower": 0.1959, "IoU.radiator": 0.6961, "IoU.glass": 0.2304, "IoU.clock": 0.5836, "IoU.flag": 0.7227, "Acc.wall": 0.905, "Acc.building": 0.9317, "Acc.sky": 0.9775, "Acc.floor": 0.9252, "Acc.tree": 0.8952, "Acc.ceiling": 0.9479, "Acc.road": 0.9228, "Acc.bed ": 0.9723, "Acc.windowpane": 0.8152, "Acc.grass": 0.8267, "Acc.cabinet": 0.7728, "Acc.sidewalk": 0.8623, "Acc.person": 0.946, "Acc.earth": 0.5095, "Acc.door": 0.7438, "Acc.table": 0.8236, "Acc.mountain": 0.7437, "Acc.plant": 0.669, "Acc.curtain": 0.8832, "Acc.chair": 0.7977, "Acc.car": 0.9469, "Acc.water": 0.8121, "Acc.painting": 0.9174, "Acc.sofa": 0.8969, "Acc.shelf": 0.6769, "Acc.house": 0.6478, "Acc.sea": 0.832, "Acc.mirror": 0.8646, "Acc.rug": 0.741, "Acc.field": 0.5701, "Acc.armchair": 0.8121, "Acc.seat": 0.8955, "Acc.fence": 0.5867, "Acc.desk": 0.8061, "Acc.rock": 0.848, "Acc.wardrobe": 0.7309, "Acc.lamp": 0.8828, "Acc.bathtub": 0.9108, "Acc.railing": 0.6149, "Acc.cushion": 0.8351, "Acc.base": 0.6002, "Acc.box": 0.5283, "Acc.column": 0.7034, "Acc.signboard": 0.5822, "Acc.chest of drawers": 0.6903, "Acc.counter": 0.6447, "Acc.sand": 0.824, "Acc.sink": 0.8922, "Acc.skyscraper": 0.6365, "Acc.fireplace": 0.934, "Acc.refrigerator": 0.929, "Acc.grandstand": 0.8233, "Acc.path": 0.4186, "Acc.stairs": 0.4224, "Acc.runway": 0.9413, "Acc.case": 0.826, "Acc.pool table": 0.9827, "Acc.pillow": 0.752, "Acc.screen door": 0.9034, "Acc.stairway": 0.5935, "Acc.river": 0.2522, "Acc.bridge": 0.7768, "Acc.bookcase": 0.629, "Acc.blind": 0.5045, "Acc.coffee table": 0.8723, "Acc.toilet": 0.9429, "Acc.flower": 0.6581, "Acc.book": 0.7922, "Acc.hill": 0.2244, "Acc.bench": 0.6705, "Acc.countertop": 0.8614, "Acc.stove": 0.9307, "Acc.palm": 0.8043, "Acc.kitchen island": 0.8483, "Acc.computer": 0.9076, "Acc.swivel chair": 0.7282, "Acc.boat": 0.9291, "Acc.bar": 0.8331, "Acc.arcade machine": 0.8596, "Acc.hovel": 0.5642, "Acc.bus": 0.9727, "Acc.towel": 0.8629, "Acc.light": 0.7266, "Acc.truck": 0.652, "Acc.tower": 0.6723, "Acc.chandelier": 0.8445, "Acc.awning": 0.5526, "Acc.streetlight": 0.4901, "Acc.booth": 0.731, "Acc.television receiver": 0.8737, "Acc.airplane": 0.9635, "Acc.dirt track": 0.1438, "Acc.apparel": 0.8484, "Acc.pole": 0.3881, "Acc.land": 0.0851, "Acc.bannister": 0.2735, "Acc.escalator": 0.8623, "Acc.ottoman": 0.7596, "Acc.bottle": 0.6989, "Acc.buffet": 0.6465, "Acc.poster": 0.4344, "Acc.stage": 0.4043, "Acc.van": 0.7311, "Acc.ship": 0.91, "Acc.fountain": 0.3092, "Acc.conveyer belt": 0.9678, "Acc.canopy": 0.7539, "Acc.washer": 0.9078, "Acc.plaything": 0.4769, "Acc.swimming pool": 0.7809, "Acc.stool": 0.7353, "Acc.barrel": 0.9796, "Acc.basket": 0.6147, "Acc.waterfall": 0.6453, "Acc.tent": 0.9883, "Acc.bag": 0.3137, "Acc.minibike": 0.9166, "Acc.cradle": 0.9764, "Acc.oven": 0.7794, "Acc.ball": 0.6683, "Acc.food": 0.7314, "Acc.step": 0.1421, "Acc.tank": 0.6792, "Acc.trade name": 0.307, "Acc.microwave": 0.9672, "Acc.pot": 0.7249, "Acc.animal": 0.6113, "Acc.bicycle": 0.7825, "Acc.lake": 0.6373, "Acc.dishwasher": 0.841, "Acc.screen": 0.7417, "Acc.blanket": 0.4351, "Acc.sculpture": 0.8809, "Acc.hood": 0.7665, "Acc.sconce": 0.7509, "Acc.vase": 0.6782, "Acc.traffic light": 0.6717, "Acc.tray": 0.37, "Acc.ashcan": 0.6608, "Acc.fan": 0.8434, "Acc.pier": 0.4601, "Acc.crt screen": 0.1672, "Acc.plate": 0.8018, "Acc.monitor": 0.4826, "Acc.bulletin board": 0.6885, "Acc.shower": 0.241, "Acc.radiator": 0.8181, "Acc.glass": 0.2476, "Acc.clock": 0.685, "Acc.flag": 0.7989} {"mode": "train", "epoch": 62, "iter": 77050, "lr": 0.0, "memory": 72263, "data_time": 2.31915, "decode.loss_ce": 0.11652, "decode.acc_seg": 94.6626, "aux.loss_ce": 0.05059, "aux.acc_seg": 94.21635, "loss": 0.16711, "time": 4.28852} {"mode": "train", "epoch": 62, "iter": 77100, "lr": 0.0, "memory": 72263, "data_time": 0.01013, "decode.loss_ce": 0.12206, "decode.acc_seg": 94.57797, "aux.loss_ce": 0.05291, "aux.acc_seg": 94.10465, "loss": 0.17497, "time": 1.97598} {"mode": "train", "epoch": 62, "iter": 77150, "lr": 0.0, "memory": 72263, "data_time": 0.00999, "decode.loss_ce": 0.1228, "decode.acc_seg": 94.53545, "aux.loss_ce": 0.05366, "aux.acc_seg": 94.08993, "loss": 0.17645, "time": 1.97847} {"mode": "train", "epoch": 62, "iter": 77200, "lr": 0.0, "memory": 72263, "data_time": 0.00987, "decode.loss_ce": 0.11963, "decode.acc_seg": 94.4785, "aux.loss_ce": 0.0519, "aux.acc_seg": 94.02411, "loss": 0.17153, "time": 1.97776} {"mode": "train", "epoch": 62, "iter": 77250, "lr": 0.0, "memory": 72263, "data_time": 0.01001, "decode.loss_ce": 0.11719, "decode.acc_seg": 94.77023, "aux.loss_ce": 0.05101, "aux.acc_seg": 94.33451, "loss": 0.1682, "time": 1.97783} {"mode": "train", "epoch": 62, "iter": 77300, "lr": 0.0, "memory": 72263, "data_time": 0.01095, "decode.loss_ce": 0.12204, "decode.acc_seg": 94.51564, "aux.loss_ce": 0.05286, "aux.acc_seg": 94.0861, "loss": 0.1749, "time": 1.97859} {"mode": "train", "epoch": 62, "iter": 77350, "lr": 0.0, "memory": 72263, "data_time": 0.0106, "decode.loss_ce": 0.11742, "decode.acc_seg": 94.69541, "aux.loss_ce": 0.05126, "aux.acc_seg": 94.21308, "loss": 0.16868, "time": 1.97804} {"mode": "train", "epoch": 62, "iter": 77400, "lr": 0.0, "memory": 72263, "data_time": 0.01106, "decode.loss_ce": 0.11965, "decode.acc_seg": 94.54544, "aux.loss_ce": 0.05196, "aux.acc_seg": 94.11469, "loss": 0.17161, "time": 1.97735} {"mode": "train", "epoch": 62, "iter": 77450, "lr": 0.0, "memory": 72263, "data_time": 0.01084, "decode.loss_ce": 0.12178, "decode.acc_seg": 94.45788, "aux.loss_ce": 0.05274, "aux.acc_seg": 94.00397, "loss": 0.17452, "time": 1.98063} {"mode": "train", "epoch": 62, "iter": 77500, "lr": 0.0, "memory": 72263, "data_time": 0.01044, "decode.loss_ce": 0.1161, "decode.acc_seg": 94.79432, "aux.loss_ce": 0.05046, "aux.acc_seg": 94.34363, "loss": 0.16656, "time": 1.97605} {"mode": "train", "epoch": 62, "iter": 77550, "lr": 0.0, "memory": 72263, "data_time": 0.01095, "decode.loss_ce": 0.11791, "decode.acc_seg": 94.61351, "aux.loss_ce": 0.05118, "aux.acc_seg": 94.18731, "loss": 0.16909, "time": 1.97974} {"mode": "train", "epoch": 62, "iter": 77600, "lr": 0.0, "memory": 72263, "data_time": 0.0112, "decode.loss_ce": 0.12229, "decode.acc_seg": 94.5644, "aux.loss_ce": 0.0531, "aux.acc_seg": 94.08888, "loss": 0.17539, "time": 1.97741} {"mode": "train", "epoch": 62, "iter": 77650, "lr": 0.0, "memory": 72263, "data_time": 0.01111, "decode.loss_ce": 0.12435, "decode.acc_seg": 94.39874, "aux.loss_ce": 0.05395, "aux.acc_seg": 93.96143, "loss": 0.1783, "time": 1.98009} {"mode": "train", "epoch": 62, "iter": 77700, "lr": 0.0, "memory": 72263, "data_time": 0.01098, "decode.loss_ce": 0.11891, "decode.acc_seg": 94.7073, "aux.loss_ce": 0.05146, "aux.acc_seg": 94.27285, "loss": 0.17036, "time": 1.9771} {"mode": "train", "epoch": 62, "iter": 77750, "lr": 0.0, "memory": 72263, "data_time": 0.01041, "decode.loss_ce": 0.12143, "decode.acc_seg": 94.5779, "aux.loss_ce": 0.05227, "aux.acc_seg": 94.20608, "loss": 0.17369, "time": 1.97846} {"mode": "train", "epoch": 62, "iter": 77800, "lr": 0.0, "memory": 72263, "data_time": 0.0102, "decode.loss_ce": 0.11917, "decode.acc_seg": 94.62433, "aux.loss_ce": 0.05188, "aux.acc_seg": 94.1926, "loss": 0.17105, "time": 1.97807} {"mode": "train", "epoch": 62, "iter": 77850, "lr": 0.0, "memory": 72263, "data_time": 0.00999, "decode.loss_ce": 0.11814, "decode.acc_seg": 94.71762, "aux.loss_ce": 0.05132, "aux.acc_seg": 94.27579, "loss": 0.16946, "time": 1.97802} {"mode": "train", "epoch": 62, "iter": 77900, "lr": 0.0, "memory": 72263, "data_time": 0.01031, "decode.loss_ce": 0.11763, "decode.acc_seg": 94.63313, "aux.loss_ce": 0.05091, "aux.acc_seg": 94.21618, "loss": 0.16854, "time": 1.97509} {"mode": "train", "epoch": 62, "iter": 77950, "lr": 0.0, "memory": 72263, "data_time": 0.01053, "decode.loss_ce": 0.11472, "decode.acc_seg": 94.70714, "aux.loss_ce": 0.04974, "aux.acc_seg": 94.29877, "loss": 0.16446, "time": 1.97695} {"mode": "train", "epoch": 62, "iter": 78000, "lr": 0.0, "memory": 72263, "data_time": 0.0107, "decode.loss_ce": 0.12409, "decode.acc_seg": 94.55617, "aux.loss_ce": 0.05362, "aux.acc_seg": 94.13654, "loss": 0.17771, "time": 3.69526} {"mode": "val", "epoch": 62, "iter": 250, "lr": 0.0, "aAcc": 0.867, "mIoU": 0.5973, "mAcc": 0.7193, "IoU.wall": 0.8301, "IoU.building": 0.8567, "IoU.sky": 0.9497, "IoU.floor": 0.8513, "IoU.tree": 0.7814, "IoU.ceiling": 0.877, "IoU.road": 0.869, "IoU.bed ": 0.9339, "IoU.windowpane": 0.6663, "IoU.grass": 0.6809, "IoU.cabinet": 0.678, "IoU.sidewalk": 0.7159, "IoU.person": 0.8703, "IoU.earth": 0.3986, "IoU.door": 0.5999, "IoU.table": 0.7154, "IoU.mountain": 0.6286, "IoU.plant": 0.5638, "IoU.curtain": 0.7947, "IoU.chair": 0.6942, "IoU.car": 0.889, "IoU.water": 0.632, "IoU.painting": 0.8038, "IoU.sofa": 0.8334, "IoU.shelf": 0.5051, "IoU.house": 0.5408, "IoU.sea": 0.7102, "IoU.mirror": 0.7844, "IoU.rug": 0.6339, "IoU.field": 0.3021, "IoU.armchair": 0.6385, "IoU.seat": 0.687, "IoU.fence": 0.4947, "IoU.desk": 0.5948, "IoU.rock": 0.5688, "IoU.wardrobe": 0.5353, "IoU.lamp": 0.7786, "IoU.bathtub": 0.8784, "IoU.railing": 0.4255, "IoU.cushion": 0.6933, "IoU.base": 0.4528, "IoU.box": 0.4073, "IoU.column": 0.578, "IoU.signboard": 0.4185, "IoU.chest of drawers": 0.4646, "IoU.counter": 0.5348, "IoU.sand": 0.5899, "IoU.sink": 0.841, "IoU.skyscraper": 0.4877, "IoU.fireplace": 0.7507, "IoU.refrigerator": 0.8665, "IoU.grandstand": 0.5882, "IoU.path": 0.3136, "IoU.stairs": 0.3611, "IoU.runway": 0.7257, "IoU.case": 0.6305, "IoU.pool table": 0.9553, "IoU.pillow": 0.6568, "IoU.screen door": 0.8763, "IoU.stairway": 0.4224, "IoU.river": 0.1337, "IoU.bridge": 0.7226, "IoU.bookcase": 0.4515, "IoU.blind": 0.4277, "IoU.coffee table": 0.6115, "IoU.toilet": 0.9142, "IoU.flower": 0.4974, "IoU.book": 0.5902, "IoU.hill": 0.1306, "IoU.bench": 0.5878, "IoU.countertop": 0.6561, "IoU.stove": 0.8853, "IoU.palm": 0.5271, "IoU.kitchen island": 0.5873, "IoU.computer": 0.769, "IoU.swivel chair": 0.4966, "IoU.boat": 0.8065, "IoU.bar": 0.7251, "IoU.arcade machine": 0.8171, "IoU.hovel": 0.4822, "IoU.bus": 0.9402, "IoU.towel": 0.8047, "IoU.light": 0.634, "IoU.truck": 0.5265, "IoU.tower": 0.3312, "IoU.chandelier": 0.7366, "IoU.awning": 0.4374, "IoU.streetlight": 0.3795, "IoU.booth": 0.5768, "IoU.television receiver": 0.7985, "IoU.airplane": 0.88, "IoU.dirt track": 0.0798, "IoU.apparel": 0.6659, "IoU.pole": 0.2898, "IoU.land": 0.0568, "IoU.bannister": 0.2199, "IoU.escalator": 0.6733, "IoU.ottoman": 0.5864, "IoU.bottle": 0.467, "IoU.buffet": 0.5635, "IoU.poster": 0.3739, "IoU.stage": 0.2243, "IoU.van": 0.538, "IoU.ship": 0.7543, "IoU.fountain": 0.3094, "IoU.conveyer belt": 0.8608, "IoU.canopy": 0.5828, "IoU.washer": 0.8617, "IoU.plaything": 0.35, "IoU.swimming pool": 0.5495, "IoU.stool": 0.5524, "IoU.barrel": 0.7845, "IoU.basket": 0.4353, "IoU.waterfall": 0.5261, "IoU.tent": 0.926, "IoU.bag": 0.2761, "IoU.minibike": 0.7789, "IoU.cradle": 0.8661, "IoU.oven": 0.6989, "IoU.ball": 0.5666, "IoU.food": 0.615, "IoU.step": 0.1182, "IoU.tank": 0.6346, "IoU.trade name": 0.2654, "IoU.microwave": 0.904, "IoU.pot": 0.6099, "IoU.animal": 0.5988, "IoU.bicycle": 0.6276, "IoU.lake": 0.5225, "IoU.dishwasher": 0.7544, "IoU.screen": 0.471, "IoU.blanket": 0.3852, "IoU.sculpture": 0.7198, "IoU.hood": 0.6737, "IoU.sconce": 0.6229, "IoU.vase": 0.5138, "IoU.traffic light": 0.4043, "IoU.tray": 0.2615, "IoU.ashcan": 0.5069, "IoU.fan": 0.7326, "IoU.pier": 0.412, "IoU.crt screen": 0.0755, "IoU.plate": 0.6506, "IoU.monitor": 0.405, "IoU.bulletin board": 0.5843, "IoU.shower": 0.2058, "IoU.radiator": 0.692, "IoU.glass": 0.2329, "IoU.clock": 0.5803, "IoU.flag": 0.7231, "Acc.wall": 0.9059, "Acc.building": 0.932, "Acc.sky": 0.9773, "Acc.floor": 0.9258, "Acc.tree": 0.8982, "Acc.ceiling": 0.9462, "Acc.road": 0.9233, "Acc.bed ": 0.9732, "Acc.windowpane": 0.8158, "Acc.grass": 0.8255, "Acc.cabinet": 0.7695, "Acc.sidewalk": 0.8584, "Acc.person": 0.9467, "Acc.earth": 0.5121, "Acc.door": 0.751, "Acc.table": 0.8229, "Acc.mountain": 0.7421, "Acc.plant": 0.6735, "Acc.curtain": 0.8841, "Acc.chair": 0.8006, "Acc.car": 0.9453, "Acc.water": 0.7859, "Acc.painting": 0.9223, "Acc.sofa": 0.9072, "Acc.shelf": 0.6579, "Acc.house": 0.6611, "Acc.sea": 0.8448, "Acc.mirror": 0.8553, "Acc.rug": 0.7464, "Acc.field": 0.5692, "Acc.armchair": 0.8106, "Acc.seat": 0.8917, "Acc.fence": 0.6083, "Acc.desk": 0.803, "Acc.rock": 0.8556, "Acc.wardrobe": 0.7191, "Acc.lamp": 0.8829, "Acc.bathtub": 0.9087, "Acc.railing": 0.6115, "Acc.cushion": 0.8265, "Acc.base": 0.6031, "Acc.box": 0.5162, "Acc.column": 0.7085, "Acc.signboard": 0.5762, "Acc.chest of drawers": 0.7245, "Acc.counter": 0.6318, "Acc.sand": 0.8421, "Acc.sink": 0.8929, "Acc.skyscraper": 0.6315, "Acc.fireplace": 0.9308, "Acc.refrigerator": 0.9402, "Acc.grandstand": 0.815, "Acc.path": 0.4164, "Acc.stairs": 0.4508, "Acc.runway": 0.9383, "Acc.case": 0.8299, "Acc.pool table": 0.9823, "Acc.pillow": 0.7622, "Acc.screen door": 0.9016, "Acc.stairway": 0.5794, "Acc.river": 0.256, "Acc.bridge": 0.8013, "Acc.bookcase": 0.637, "Acc.blind": 0.4853, "Acc.coffee table": 0.8639, "Acc.toilet": 0.9449, "Acc.flower": 0.6697, "Acc.book": 0.7962, "Acc.hill": 0.2042, "Acc.bench": 0.6711, "Acc.countertop": 0.8502, "Acc.stove": 0.9301, "Acc.palm": 0.8098, "Acc.kitchen island": 0.8687, "Acc.computer": 0.9144, "Acc.swivel chair": 0.7694, "Acc.boat": 0.9268, "Acc.bar": 0.8314, "Acc.arcade machine": 0.8507, "Acc.hovel": 0.5644, "Acc.bus": 0.9709, "Acc.towel": 0.8778, "Acc.light": 0.7258, "Acc.truck": 0.65, "Acc.tower": 0.6403, "Acc.chandelier": 0.8426, "Acc.awning": 0.5619, "Acc.streetlight": 0.508, "Acc.booth": 0.7226, "Acc.television receiver": 0.8704, "Acc.airplane": 0.9597, "Acc.dirt track": 0.1358, "Acc.apparel": 0.8762, "Acc.pole": 0.3942, "Acc.land": 0.0839, "Acc.bannister": 0.2641, "Acc.escalator": 0.8571, "Acc.ottoman": 0.7506, "Acc.bottle": 0.7162, "Acc.buffet": 0.6385, "Acc.poster": 0.4414, "Acc.stage": 0.3975, "Acc.van": 0.7445, "Acc.ship": 0.9053, "Acc.fountain": 0.3149, "Acc.conveyer belt": 0.9659, "Acc.canopy": 0.733, "Acc.washer": 0.9151, "Acc.plaything": 0.4724, "Acc.swimming pool": 0.7934, "Acc.stool": 0.734, "Acc.barrel": 0.9783, "Acc.basket": 0.6211, "Acc.waterfall": 0.6483, "Acc.tent": 0.9884, "Acc.bag": 0.3167, "Acc.minibike": 0.91, "Acc.cradle": 0.9738, "Acc.oven": 0.801, "Acc.ball": 0.6141, "Acc.food": 0.7132, "Acc.step": 0.1409, "Acc.tank": 0.6791, "Acc.trade name": 0.3118, "Acc.microwave": 0.9661, "Acc.pot": 0.7133, "Acc.animal": 0.6114, "Acc.bicycle": 0.7849, "Acc.lake": 0.6373, "Acc.dishwasher": 0.8302, "Acc.screen": 0.7097, "Acc.blanket": 0.4533, "Acc.sculpture": 0.8838, "Acc.hood": 0.7572, "Acc.sconce": 0.7488, "Acc.vase": 0.6992, "Acc.traffic light": 0.6585, "Acc.tray": 0.3494, "Acc.ashcan": 0.6707, "Acc.fan": 0.8362, "Acc.pier": 0.4605, "Acc.crt screen": 0.1842, "Acc.plate": 0.8108, "Acc.monitor": 0.4759, "Acc.bulletin board": 0.6843, "Acc.shower": 0.2441, "Acc.radiator": 0.8209, "Acc.glass": 0.2513, "Acc.clock": 0.6798, "Acc.flag": 0.8018} {"mode": "train", "epoch": 62, "iter": 78050, "lr": 0.0, "memory": 72263, "data_time": 2.2366, "decode.loss_ce": 0.11728, "decode.acc_seg": 94.79581, "aux.loss_ce": 0.05133, "aux.acc_seg": 94.32349, "loss": 0.1686, "time": 4.20289} {"mode": "train", "epoch": 62, "iter": 78100, "lr": 0.0, "memory": 72263, "data_time": 0.01124, "decode.loss_ce": 0.12002, "decode.acc_seg": 94.59187, "aux.loss_ce": 0.05224, "aux.acc_seg": 94.15827, "loss": 0.17226, "time": 1.98374} {"mode": "train", "epoch": 62, "iter": 78150, "lr": 0.0, "memory": 72263, "data_time": 0.01191, "decode.loss_ce": 0.1238, "decode.acc_seg": 94.59201, "aux.loss_ce": 0.05332, "aux.acc_seg": 94.16294, "loss": 0.17712, "time": 1.98142} {"mode": "train", "epoch": 62, "iter": 78200, "lr": 0.0, "memory": 72263, "data_time": 0.0107, "decode.loss_ce": 0.12689, "decode.acc_seg": 94.36589, "aux.loss_ce": 0.05465, "aux.acc_seg": 93.9286, "loss": 0.18154, "time": 1.97959} {"mode": "train", "epoch": 62, "iter": 78250, "lr": 0.0, "memory": 72263, "data_time": 0.01144, "decode.loss_ce": 0.13041, "decode.acc_seg": 94.25375, "aux.loss_ce": 0.05628, "aux.acc_seg": 93.80234, "loss": 0.18668, "time": 1.97883} {"mode": "train", "epoch": 62, "iter": 78300, "lr": 0.0, "memory": 72263, "data_time": 0.012, "decode.loss_ce": 0.12654, "decode.acc_seg": 94.35681, "aux.loss_ce": 0.05467, "aux.acc_seg": 93.88169, "loss": 0.18121, "time": 1.97916} {"mode": "train", "epoch": 63, "iter": 78350, "lr": 0.0, "memory": 72263, "data_time": 0.05736, "decode.loss_ce": 0.11882, "decode.acc_seg": 94.70233, "aux.loss_ce": 0.05194, "aux.acc_seg": 94.2366, "loss": 0.17076, "time": 2.02717} {"mode": "train", "epoch": 63, "iter": 78400, "lr": 0.0, "memory": 72263, "data_time": 0.01024, "decode.loss_ce": 0.12056, "decode.acc_seg": 94.5071, "aux.loss_ce": 0.05228, "aux.acc_seg": 94.06056, "loss": 0.17284, "time": 1.97846} {"mode": "train", "epoch": 63, "iter": 78450, "lr": 0.0, "memory": 72263, "data_time": 0.01185, "decode.loss_ce": 0.11624, "decode.acc_seg": 94.69106, "aux.loss_ce": 0.05047, "aux.acc_seg": 94.24069, "loss": 0.16671, "time": 1.981} {"mode": "train", "epoch": 63, "iter": 78500, "lr": 0.0, "memory": 72263, "data_time": 0.0106, "decode.loss_ce": 0.11913, "decode.acc_seg": 94.65057, "aux.loss_ce": 0.05118, "aux.acc_seg": 94.26904, "loss": 0.17031, "time": 1.97665} {"mode": "train", "epoch": 63, "iter": 78550, "lr": 0.0, "memory": 72263, "data_time": 0.0106, "decode.loss_ce": 0.1253, "decode.acc_seg": 94.26258, "aux.loss_ce": 0.05491, "aux.acc_seg": 93.76718, "loss": 0.18021, "time": 1.97977} {"mode": "train", "epoch": 63, "iter": 78600, "lr": 0.0, "memory": 72263, "data_time": 0.01021, "decode.loss_ce": 0.1163, "decode.acc_seg": 94.75307, "aux.loss_ce": 0.05054, "aux.acc_seg": 94.37079, "loss": 0.16684, "time": 1.97939} {"mode": "train", "epoch": 63, "iter": 78650, "lr": 0.0, "memory": 72263, "data_time": 0.01029, "decode.loss_ce": 0.11618, "decode.acc_seg": 94.73972, "aux.loss_ce": 0.05064, "aux.acc_seg": 94.28094, "loss": 0.16681, "time": 1.97854} {"mode": "train", "epoch": 63, "iter": 78700, "lr": 0.0, "memory": 72263, "data_time": 0.01043, "decode.loss_ce": 0.11784, "decode.acc_seg": 94.72149, "aux.loss_ce": 0.05151, "aux.acc_seg": 94.26699, "loss": 0.16935, "time": 1.97779} {"mode": "train", "epoch": 63, "iter": 78750, "lr": 0.0, "memory": 72263, "data_time": 0.01058, "decode.loss_ce": 0.12239, "decode.acc_seg": 94.47004, "aux.loss_ce": 0.05335, "aux.acc_seg": 93.98265, "loss": 0.17574, "time": 1.97983} {"mode": "train", "epoch": 63, "iter": 78800, "lr": 0.0, "memory": 72263, "data_time": 0.01, "decode.loss_ce": 0.11783, "decode.acc_seg": 94.85394, "aux.loss_ce": 0.05116, "aux.acc_seg": 94.39806, "loss": 0.16899, "time": 1.97926} {"mode": "train", "epoch": 63, "iter": 78850, "lr": 0.0, "memory": 72263, "data_time": 0.00967, "decode.loss_ce": 0.12201, "decode.acc_seg": 94.48195, "aux.loss_ce": 0.0527, "aux.acc_seg": 94.0718, "loss": 0.17472, "time": 1.97721} {"mode": "train", "epoch": 63, "iter": 78900, "lr": 0.0, "memory": 72263, "data_time": 0.00971, "decode.loss_ce": 0.12344, "decode.acc_seg": 94.39571, "aux.loss_ce": 0.05328, "aux.acc_seg": 93.99981, "loss": 0.17672, "time": 1.9772} {"mode": "train", "epoch": 63, "iter": 78950, "lr": 0.0, "memory": 72263, "data_time": 0.00972, "decode.loss_ce": 0.11903, "decode.acc_seg": 94.57532, "aux.loss_ce": 0.05147, "aux.acc_seg": 94.15352, "loss": 0.1705, "time": 1.97801} {"mode": "train", "epoch": 63, "iter": 79000, "lr": 0.0, "memory": 72263, "data_time": 0.00968, "decode.loss_ce": 0.12022, "decode.acc_seg": 94.58984, "aux.loss_ce": 0.05209, "aux.acc_seg": 94.17834, "loss": 0.17231, "time": 1.97884} {"mode": "val", "epoch": 63, "iter": 250, "lr": 0.0, "aAcc": 0.8673, "mIoU": 0.5975, "mAcc": 0.7193, "IoU.wall": 0.8301, "IoU.building": 0.8561, "IoU.sky": 0.9499, "IoU.floor": 0.8507, "IoU.tree": 0.7823, "IoU.ceiling": 0.8765, "IoU.road": 0.8714, "IoU.bed ": 0.9334, "IoU.windowpane": 0.6682, "IoU.grass": 0.6832, "IoU.cabinet": 0.6793, "IoU.sidewalk": 0.7155, "IoU.person": 0.8695, "IoU.earth": 0.4029, "IoU.door": 0.601, "IoU.table": 0.7148, "IoU.mountain": 0.6286, "IoU.plant": 0.5636, "IoU.curtain": 0.7918, "IoU.chair": 0.6943, "IoU.car": 0.8882, "IoU.water": 0.6464, "IoU.painting": 0.8043, "IoU.sofa": 0.8336, "IoU.shelf": 0.5108, "IoU.house": 0.5275, "IoU.sea": 0.7276, "IoU.mirror": 0.7886, "IoU.rug": 0.6322, "IoU.field": 0.3037, "IoU.armchair": 0.6376, "IoU.seat": 0.685, "IoU.fence": 0.4925, "IoU.desk": 0.5985, "IoU.rock": 0.5694, "IoU.wardrobe": 0.5398, "IoU.lamp": 0.7782, "IoU.bathtub": 0.8758, "IoU.railing": 0.4236, "IoU.cushion": 0.6961, "IoU.base": 0.454, "IoU.box": 0.4055, "IoU.column": 0.5808, "IoU.signboard": 0.4175, "IoU.chest of drawers": 0.4702, "IoU.counter": 0.5382, "IoU.sand": 0.5769, "IoU.sink": 0.8415, "IoU.skyscraper": 0.491, "IoU.fireplace": 0.7519, "IoU.refrigerator": 0.866, "IoU.grandstand": 0.5775, "IoU.path": 0.3113, "IoU.stairs": 0.3555, "IoU.runway": 0.7279, "IoU.case": 0.6269, "IoU.pool table": 0.955, "IoU.pillow": 0.6587, "IoU.screen door": 0.8716, "IoU.stairway": 0.4251, "IoU.river": 0.1364, "IoU.bridge": 0.7109, "IoU.bookcase": 0.4516, "IoU.blind": 0.4371, "IoU.coffee table": 0.6115, "IoU.toilet": 0.9139, "IoU.flower": 0.4951, "IoU.book": 0.591, "IoU.hill": 0.1271, "IoU.bench": 0.5871, "IoU.countertop": 0.6542, "IoU.stove": 0.8866, "IoU.palm": 0.5313, "IoU.kitchen island": 0.5843, "IoU.computer": 0.7704, "IoU.swivel chair": 0.4987, "IoU.boat": 0.7966, "IoU.bar": 0.717, "IoU.arcade machine": 0.821, "IoU.hovel": 0.4954, "IoU.bus": 0.9406, "IoU.towel": 0.8045, "IoU.light": 0.6365, "IoU.truck": 0.5265, "IoU.tower": 0.3299, "IoU.chandelier": 0.7367, "IoU.awning": 0.4298, "IoU.streetlight": 0.3781, "IoU.booth": 0.5874, "IoU.television receiver": 0.7956, "IoU.airplane": 0.8754, "IoU.dirt track": 0.0707, "IoU.apparel": 0.6585, "IoU.pole": 0.2889, "IoU.land": 0.0563, "IoU.bannister": 0.221, "IoU.escalator": 0.6731, "IoU.ottoman": 0.5851, "IoU.bottle": 0.4661, "IoU.buffet": 0.5747, "IoU.poster": 0.3695, "IoU.stage": 0.2199, "IoU.van": 0.5423, "IoU.ship": 0.759, "IoU.fountain": 0.3096, "IoU.conveyer belt": 0.8573, "IoU.canopy": 0.5864, "IoU.washer": 0.8656, "IoU.plaything": 0.3489, "IoU.swimming pool": 0.5477, "IoU.stool": 0.5462, "IoU.barrel": 0.7757, "IoU.basket": 0.4342, "IoU.waterfall": 0.5295, "IoU.tent": 0.9257, "IoU.bag": 0.2752, "IoU.minibike": 0.7786, "IoU.cradle": 0.8544, "IoU.oven": 0.7027, "IoU.ball": 0.5774, "IoU.food": 0.6088, "IoU.step": 0.1174, "IoU.tank": 0.6375, "IoU.trade name": 0.2763, "IoU.microwave": 0.9045, "IoU.pot": 0.6108, "IoU.animal": 0.6015, "IoU.bicycle": 0.6267, "IoU.lake": 0.5219, "IoU.dishwasher": 0.7573, "IoU.screen": 0.497, "IoU.blanket": 0.379, "IoU.sculpture": 0.7277, "IoU.hood": 0.6739, "IoU.sconce": 0.6225, "IoU.vase": 0.5163, "IoU.traffic light": 0.4015, "IoU.tray": 0.2593, "IoU.ashcan": 0.5051, "IoU.fan": 0.7334, "IoU.pier": 0.4124, "IoU.crt screen": 0.0725, "IoU.plate": 0.6478, "IoU.monitor": 0.4157, "IoU.bulletin board": 0.5894, "IoU.shower": 0.1981, "IoU.radiator": 0.6897, "IoU.glass": 0.2328, "IoU.clock": 0.5827, "IoU.flag": 0.7202, "Acc.wall": 0.905, "Acc.building": 0.9326, "Acc.sky": 0.9761, "Acc.floor": 0.9246, "Acc.tree": 0.9011, "Acc.ceiling": 0.9498, "Acc.road": 0.9208, "Acc.bed ": 0.9735, "Acc.windowpane": 0.8106, "Acc.grass": 0.8222, "Acc.cabinet": 0.77, "Acc.sidewalk": 0.8637, "Acc.person": 0.9477, "Acc.earth": 0.518, "Acc.door": 0.7537, "Acc.table": 0.8227, "Acc.mountain": 0.7434, "Acc.plant": 0.6748, "Acc.curtain": 0.8855, "Acc.chair": 0.8022, "Acc.car": 0.946, "Acc.water": 0.805, "Acc.painting": 0.9201, "Acc.sofa": 0.9065, "Acc.shelf": 0.6696, "Acc.house": 0.646, "Acc.sea": 0.8441, "Acc.mirror": 0.8652, "Acc.rug": 0.7437, "Acc.field": 0.5716, "Acc.armchair": 0.8011, "Acc.seat": 0.8939, "Acc.fence": 0.6067, "Acc.desk": 0.8036, "Acc.rock": 0.8493, "Acc.wardrobe": 0.7321, "Acc.lamp": 0.8828, "Acc.bathtub": 0.9065, "Acc.railing": 0.602, "Acc.cushion": 0.8322, "Acc.base": 0.5953, "Acc.box": 0.5088, "Acc.column": 0.7174, "Acc.signboard": 0.5702, "Acc.chest of drawers": 0.7205, "Acc.counter": 0.6395, "Acc.sand": 0.8545, "Acc.sink": 0.8871, "Acc.skyscraper": 0.6328, "Acc.fireplace": 0.9371, "Acc.refrigerator": 0.9358, "Acc.grandstand": 0.8243, "Acc.path": 0.4215, "Acc.stairs": 0.4398, "Acc.runway": 0.9413, "Acc.case": 0.8274, "Acc.pool table": 0.983, "Acc.pillow": 0.7641, "Acc.screen door": 0.8939, "Acc.stairway": 0.5826, "Acc.river": 0.2549, "Acc.bridge": 0.7866, "Acc.bookcase": 0.62, "Acc.blind": 0.5052, "Acc.coffee table": 0.8658, "Acc.toilet": 0.9449, "Acc.flower": 0.6511, "Acc.book": 0.7995, "Acc.hill": 0.2005, "Acc.bench": 0.6724, "Acc.countertop": 0.8529, "Acc.stove": 0.9316, "Acc.palm": 0.8163, "Acc.kitchen island": 0.8618, "Acc.computer": 0.9136, "Acc.swivel chair": 0.7687, "Acc.boat": 0.9297, "Acc.bar": 0.8395, "Acc.arcade machine": 0.855, "Acc.hovel": 0.5877, "Acc.bus": 0.9718, "Acc.towel": 0.8718, "Acc.light": 0.7341, "Acc.truck": 0.65, "Acc.tower": 0.6344, "Acc.chandelier": 0.8404, "Acc.awning": 0.5368, "Acc.streetlight": 0.5013, "Acc.booth": 0.7244, "Acc.television receiver": 0.8702, "Acc.airplane": 0.9618, "Acc.dirt track": 0.1325, "Acc.apparel": 0.8345, "Acc.pole": 0.3947, "Acc.land": 0.0808, "Acc.bannister": 0.267, "Acc.escalator": 0.8595, "Acc.ottoman": 0.7487, "Acc.bottle": 0.7003, "Acc.buffet": 0.6529, "Acc.poster": 0.4437, "Acc.stage": 0.3851, "Acc.van": 0.7346, "Acc.ship": 0.9007, "Acc.fountain": 0.315, "Acc.conveyer belt": 0.9667, "Acc.canopy": 0.7352, "Acc.washer": 0.9191, "Acc.plaything": 0.4753, "Acc.swimming pool": 0.7904, "Acc.stool": 0.7344, "Acc.barrel": 0.9791, "Acc.basket": 0.6152, "Acc.waterfall": 0.6576, "Acc.tent": 0.9887, "Acc.bag": 0.3168, "Acc.minibike": 0.9036, "Acc.cradle": 0.9763, "Acc.oven": 0.7958, "Acc.ball": 0.6325, "Acc.food": 0.7089, "Acc.step": 0.1434, "Acc.tank": 0.6838, "Acc.trade name": 0.3283, "Acc.microwave": 0.9654, "Acc.pot": 0.7157, "Acc.animal": 0.6149, "Acc.bicycle": 0.7759, "Acc.lake": 0.6374, "Acc.dishwasher": 0.8267, "Acc.screen": 0.755, "Acc.blanket": 0.4459, "Acc.sculpture": 0.8791, "Acc.hood": 0.7492, "Acc.sconce": 0.7432, "Acc.vase": 0.6853, "Acc.traffic light": 0.6663, "Acc.tray": 0.3471, "Acc.ashcan": 0.667, "Acc.fan": 0.8416, "Acc.pier": 0.467, "Acc.crt screen": 0.1675, "Acc.plate": 0.8124, "Acc.monitor": 0.4894, "Acc.bulletin board": 0.6845, "Acc.shower": 0.2451, "Acc.radiator": 0.8231, "Acc.glass": 0.252, "Acc.clock": 0.674, "Acc.flag": 0.8025} {"mode": "train", "epoch": 63, "iter": 79050, "lr": 0.0, "memory": 72263, "data_time": 2.20999, "decode.loss_ce": 0.12117, "decode.acc_seg": 94.5363, "aux.loss_ce": 0.05278, "aux.acc_seg": 94.07073, "loss": 0.17396, "time": 4.17905} {"mode": "train", "epoch": 63, "iter": 79100, "lr": 0.0, "memory": 72263, "data_time": 0.01005, "decode.loss_ce": 0.12069, "decode.acc_seg": 94.59915, "aux.loss_ce": 0.05254, "aux.acc_seg": 94.18281, "loss": 0.17322, "time": 1.97845} {"mode": "train", "epoch": 63, "iter": 79150, "lr": 0.0, "memory": 72263, "data_time": 0.00974, "decode.loss_ce": 0.11733, "decode.acc_seg": 94.65324, "aux.loss_ce": 0.05091, "aux.acc_seg": 94.24086, "loss": 0.16824, "time": 1.97751} {"mode": "train", "epoch": 63, "iter": 79200, "lr": 0.0, "memory": 72263, "data_time": 0.01003, "decode.loss_ce": 0.11926, "decode.acc_seg": 94.55781, "aux.loss_ce": 0.05159, "aux.acc_seg": 94.12936, "loss": 0.17086, "time": 1.97618} {"mode": "train", "epoch": 63, "iter": 79250, "lr": 0.0, "memory": 72263, "data_time": 0.00989, "decode.loss_ce": 0.11709, "decode.acc_seg": 94.73791, "aux.loss_ce": 0.05119, "aux.acc_seg": 94.26279, "loss": 0.16827, "time": 1.97567} {"mode": "train", "epoch": 63, "iter": 79300, "lr": 0.0, "memory": 72263, "data_time": 0.00977, "decode.loss_ce": 0.12521, "decode.acc_seg": 94.37703, "aux.loss_ce": 0.05447, "aux.acc_seg": 93.91547, "loss": 0.17967, "time": 1.979} {"mode": "train", "epoch": 63, "iter": 79350, "lr": 0.0, "memory": 72263, "data_time": 0.00992, "decode.loss_ce": 0.12339, "decode.acc_seg": 94.55228, "aux.loss_ce": 0.05346, "aux.acc_seg": 94.12381, "loss": 0.17685, "time": 1.97616} {"mode": "train", "epoch": 63, "iter": 79400, "lr": 0.0, "memory": 72263, "data_time": 0.00981, "decode.loss_ce": 0.11897, "decode.acc_seg": 94.62438, "aux.loss_ce": 0.05159, "aux.acc_seg": 94.19045, "loss": 0.17056, "time": 1.97707} {"mode": "train", "epoch": 63, "iter": 79450, "lr": 0.0, "memory": 72263, "data_time": 0.01007, "decode.loss_ce": 0.11911, "decode.acc_seg": 94.53546, "aux.loss_ce": 0.05174, "aux.acc_seg": 94.08759, "loss": 0.17085, "time": 1.97577} {"mode": "train", "epoch": 63, "iter": 79500, "lr": 0.0, "memory": 72263, "data_time": 0.00995, "decode.loss_ce": 0.12405, "decode.acc_seg": 94.4183, "aux.loss_ce": 0.05446, "aux.acc_seg": 93.90509, "loss": 0.17851, "time": 1.97667} {"mode": "train", "epoch": 63, "iter": 79550, "lr": 0.0, "memory": 72263, "data_time": 0.00975, "decode.loss_ce": 0.11643, "decode.acc_seg": 94.77491, "aux.loss_ce": 0.05073, "aux.acc_seg": 94.31748, "loss": 0.16716, "time": 1.97604} {"mode": "train", "epoch": 64, "iter": 79600, "lr": 0.0, "memory": 72263, "data_time": 0.05238, "decode.loss_ce": 0.11822, "decode.acc_seg": 94.67253, "aux.loss_ce": 0.05144, "aux.acc_seg": 94.26628, "loss": 0.16965, "time": 2.01932} {"mode": "train", "epoch": 64, "iter": 79650, "lr": 0.0, "memory": 72263, "data_time": 0.00997, "decode.loss_ce": 0.12153, "decode.acc_seg": 94.61618, "aux.loss_ce": 0.05335, "aux.acc_seg": 94.1533, "loss": 0.17487, "time": 1.97697} {"mode": "train", "epoch": 64, "iter": 79700, "lr": 0.0, "memory": 72263, "data_time": 0.00973, "decode.loss_ce": 0.1191, "decode.acc_seg": 94.64797, "aux.loss_ce": 0.05179, "aux.acc_seg": 94.12692, "loss": 0.17088, "time": 1.97492} {"mode": "train", "epoch": 64, "iter": 79750, "lr": 0.0, "memory": 72263, "data_time": 0.00982, "decode.loss_ce": 0.11697, "decode.acc_seg": 94.78419, "aux.loss_ce": 0.05082, "aux.acc_seg": 94.3617, "loss": 0.1678, "time": 1.97719} {"mode": "train", "epoch": 64, "iter": 79800, "lr": 0.0, "memory": 72263, "data_time": 0.00987, "decode.loss_ce": 0.12391, "decode.acc_seg": 94.54983, "aux.loss_ce": 0.05388, "aux.acc_seg": 94.14023, "loss": 0.17779, "time": 1.97537} {"mode": "train", "epoch": 64, "iter": 79850, "lr": 0.0, "memory": 72263, "data_time": 0.00982, "decode.loss_ce": 0.11963, "decode.acc_seg": 94.54946, "aux.loss_ce": 0.05159, "aux.acc_seg": 94.13255, "loss": 0.17122, "time": 1.97733} {"mode": "train", "epoch": 64, "iter": 79900, "lr": 0.0, "memory": 72263, "data_time": 0.00977, "decode.loss_ce": 0.12246, "decode.acc_seg": 94.4604, "aux.loss_ce": 0.05328, "aux.acc_seg": 93.97094, "loss": 0.17574, "time": 1.97548} {"mode": "train", "epoch": 64, "iter": 79950, "lr": 0.0, "memory": 72263, "data_time": 0.00982, "decode.loss_ce": 0.12076, "decode.acc_seg": 94.47736, "aux.loss_ce": 0.05211, "aux.acc_seg": 94.10664, "loss": 0.17287, "time": 1.97631} {"mode": "train", "epoch": 64, "iter": 80000, "lr": 0.0, "memory": 72263, "data_time": 0.01011, "decode.loss_ce": 0.11585, "decode.acc_seg": 94.80025, "aux.loss_ce": 0.05036, "aux.acc_seg": 94.37195, "loss": 0.16621, "time": 3.73832} {"mode": "val", "epoch": 64, "iter": 250, "lr": 0.0, "aAcc": 0.8672, "mIoU": 0.5974, "mAcc": 0.7207, "IoU.wall": 0.8305, "IoU.building": 0.8565, "IoU.sky": 0.9499, "IoU.floor": 0.851, "IoU.tree": 0.7819, "IoU.ceiling": 0.8768, "IoU.road": 0.8725, "IoU.bed ": 0.9338, "IoU.windowpane": 0.6673, "IoU.grass": 0.6821, "IoU.cabinet": 0.6792, "IoU.sidewalk": 0.7168, "IoU.person": 0.8698, "IoU.earth": 0.4045, "IoU.door": 0.6007, "IoU.table": 0.7137, "IoU.mountain": 0.6262, "IoU.plant": 0.5641, "IoU.curtain": 0.7938, "IoU.chair": 0.6942, "IoU.car": 0.8885, "IoU.water": 0.651, "IoU.painting": 0.8051, "IoU.sofa": 0.8332, "IoU.shelf": 0.5133, "IoU.house": 0.5294, "IoU.sea": 0.731, "IoU.mirror": 0.7875, "IoU.rug": 0.6309, "IoU.field": 0.3014, "IoU.armchair": 0.637, "IoU.seat": 0.6812, "IoU.fence": 0.4907, "IoU.desk": 0.5933, "IoU.rock": 0.5685, "IoU.wardrobe": 0.5369, "IoU.lamp": 0.7777, "IoU.bathtub": 0.8773, "IoU.railing": 0.4211, "IoU.cushion": 0.6935, "IoU.base": 0.4557, "IoU.box": 0.4051, "IoU.column": 0.58, "IoU.signboard": 0.4195, "IoU.chest of drawers": 0.4712, "IoU.counter": 0.5304, "IoU.sand": 0.5851, "IoU.sink": 0.8415, "IoU.skyscraper": 0.4886, "IoU.fireplace": 0.7517, "IoU.refrigerator": 0.8666, "IoU.grandstand": 0.5783, "IoU.path": 0.3114, "IoU.stairs": 0.3552, "IoU.runway": 0.7285, "IoU.case": 0.6271, "IoU.pool table": 0.9546, "IoU.pillow": 0.6578, "IoU.screen door": 0.8724, "IoU.stairway": 0.4248, "IoU.river": 0.1375, "IoU.bridge": 0.706, "IoU.bookcase": 0.451, "IoU.blind": 0.4354, "IoU.coffee table": 0.6109, "IoU.toilet": 0.9135, "IoU.flower": 0.4948, "IoU.book": 0.5915, "IoU.hill": 0.1295, "IoU.bench": 0.5876, "IoU.countertop": 0.6556, "IoU.stove": 0.887, "IoU.palm": 0.5304, "IoU.kitchen island": 0.5833, "IoU.computer": 0.7694, "IoU.swivel chair": 0.4982, "IoU.boat": 0.7916, "IoU.bar": 0.7234, "IoU.arcade machine": 0.8198, "IoU.hovel": 0.4819, "IoU.bus": 0.9382, "IoU.towel": 0.8052, "IoU.light": 0.638, "IoU.truck": 0.5228, "IoU.tower": 0.3315, "IoU.chandelier": 0.7379, "IoU.awning": 0.4335, "IoU.streetlight": 0.378, "IoU.booth": 0.5782, "IoU.television receiver": 0.798, "IoU.airplane": 0.8801, "IoU.dirt track": 0.0704, "IoU.apparel": 0.661, "IoU.pole": 0.2859, "IoU.land": 0.0567, "IoU.bannister": 0.2208, "IoU.escalator": 0.6725, "IoU.ottoman": 0.5774, "IoU.bottle": 0.4669, "IoU.buffet": 0.5852, "IoU.poster": 0.3701, "IoU.stage": 0.2203, "IoU.van": 0.5416, "IoU.ship": 0.7517, "IoU.fountain": 0.3093, "IoU.conveyer belt": 0.8565, "IoU.canopy": 0.5906, "IoU.washer": 0.8604, "IoU.plaything": 0.3527, "IoU.swimming pool": 0.549, "IoU.stool": 0.5548, "IoU.barrel": 0.7841, "IoU.basket": 0.4358, "IoU.waterfall": 0.5276, "IoU.tent": 0.9277, "IoU.bag": 0.2767, "IoU.minibike": 0.7779, "IoU.cradle": 0.8592, "IoU.oven": 0.7034, "IoU.ball": 0.5817, "IoU.food": 0.6097, "IoU.step": 0.1175, "IoU.tank": 0.6366, "IoU.trade name": 0.2735, "IoU.microwave": 0.9037, "IoU.pot": 0.6117, "IoU.animal": 0.6033, "IoU.bicycle": 0.6278, "IoU.lake": 0.5212, "IoU.dishwasher": 0.7568, "IoU.screen": 0.4837, "IoU.blanket": 0.3828, "IoU.sculpture": 0.729, "IoU.hood": 0.6745, "IoU.sconce": 0.623, "IoU.vase": 0.5159, "IoU.traffic light": 0.4014, "IoU.tray": 0.2631, "IoU.ashcan": 0.5035, "IoU.fan": 0.7344, "IoU.pier": 0.4129, "IoU.crt screen": 0.0701, "IoU.plate": 0.6484, "IoU.monitor": 0.4033, "IoU.bulletin board": 0.5905, "IoU.shower": 0.1994, "IoU.radiator": 0.6894, "IoU.glass": 0.2306, "IoU.clock": 0.5846, "IoU.flag": 0.7211, "Acc.wall": 0.905, "Acc.building": 0.9313, "Acc.sky": 0.9767, "Acc.floor": 0.9232, "Acc.tree": 0.9011, "Acc.ceiling": 0.947, "Acc.road": 0.9199, "Acc.bed ": 0.9729, "Acc.windowpane": 0.8152, "Acc.grass": 0.8193, "Acc.cabinet": 0.7682, "Acc.sidewalk": 0.8642, "Acc.person": 0.9474, "Acc.earth": 0.5256, "Acc.door": 0.7504, "Acc.table": 0.825, "Acc.mountain": 0.7387, "Acc.plant": 0.6715, "Acc.curtain": 0.8849, "Acc.chair": 0.8054, "Acc.car": 0.946, "Acc.water": 0.811, "Acc.painting": 0.9201, "Acc.sofa": 0.9074, "Acc.shelf": 0.6781, "Acc.house": 0.6478, "Acc.sea": 0.8445, "Acc.mirror": 0.8654, "Acc.rug": 0.7403, "Acc.field": 0.5726, "Acc.armchair": 0.804, "Acc.seat": 0.896, "Acc.fence": 0.6017, "Acc.desk": 0.8136, "Acc.rock": 0.8442, "Acc.wardrobe": 0.7278, "Acc.lamp": 0.8872, "Acc.bathtub": 0.9091, "Acc.railing": 0.6061, "Acc.cushion": 0.8371, "Acc.base": 0.6055, "Acc.box": 0.509, "Acc.column": 0.7169, "Acc.signboard": 0.5761, "Acc.chest of drawers": 0.7323, "Acc.counter": 0.6266, "Acc.sand": 0.8505, "Acc.sink": 0.8904, "Acc.skyscraper": 0.6335, "Acc.fireplace": 0.9387, "Acc.refrigerator": 0.9396, "Acc.grandstand": 0.8215, "Acc.path": 0.4219, "Acc.stairs": 0.4401, "Acc.runway": 0.9416, "Acc.case": 0.8278, "Acc.pool table": 0.9838, "Acc.pillow": 0.7653, "Acc.screen door": 0.8943, "Acc.stairway": 0.5875, "Acc.river": 0.2513, "Acc.bridge": 0.7834, "Acc.bookcase": 0.6095, "Acc.blind": 0.5036, "Acc.coffee table": 0.8669, "Acc.toilet": 0.9463, "Acc.flower": 0.656, "Acc.book": 0.8022, "Acc.hill": 0.2132, "Acc.bench": 0.6722, "Acc.countertop": 0.8541, "Acc.stove": 0.9341, "Acc.palm": 0.8166, "Acc.kitchen island": 0.8613, "Acc.computer": 0.9158, "Acc.swivel chair": 0.7715, "Acc.boat": 0.9319, "Acc.bar": 0.8327, "Acc.arcade machine": 0.8546, "Acc.hovel": 0.575, "Acc.bus": 0.9729, "Acc.towel": 0.8787, "Acc.light": 0.7427, "Acc.truck": 0.6528, "Acc.tower": 0.6482, "Acc.chandelier": 0.8462, "Acc.awning": 0.5438, "Acc.streetlight": 0.5029, "Acc.booth": 0.7276, "Acc.television receiver": 0.8728, "Acc.airplane": 0.9638, "Acc.dirt track": 0.1386, "Acc.apparel": 0.8306, "Acc.pole": 0.3858, "Acc.land": 0.0818, "Acc.bannister": 0.2668, "Acc.escalator": 0.8616, "Acc.ottoman": 0.7409, "Acc.bottle": 0.6977, "Acc.buffet": 0.6663, "Acc.poster": 0.4431, "Acc.stage": 0.3869, "Acc.van": 0.7459, "Acc.ship": 0.9055, "Acc.fountain": 0.3147, "Acc.conveyer belt": 0.9674, "Acc.canopy": 0.7439, "Acc.washer": 0.9133, "Acc.plaything": 0.4891, "Acc.swimming pool": 0.7938, "Acc.stool": 0.7352, "Acc.barrel": 0.9795, "Acc.basket": 0.6221, "Acc.waterfall": 0.6467, "Acc.tent": 0.9887, "Acc.bag": 0.3207, "Acc.minibike": 0.9105, "Acc.cradle": 0.9767, "Acc.oven": 0.801, "Acc.ball": 0.6392, "Acc.food": 0.7106, "Acc.step": 0.1427, "Acc.tank": 0.6829, "Acc.trade name": 0.3262, "Acc.microwave": 0.9666, "Acc.pot": 0.7185, "Acc.animal": 0.6173, "Acc.bicycle": 0.7798, "Acc.lake": 0.6375, "Acc.dishwasher": 0.8302, "Acc.screen": 0.7356, "Acc.blanket": 0.4515, "Acc.sculpture": 0.8829, "Acc.hood": 0.7544, "Acc.sconce": 0.7456, "Acc.vase": 0.6917, "Acc.traffic light": 0.668, "Acc.tray": 0.3572, "Acc.ashcan": 0.6748, "Acc.fan": 0.8488, "Acc.pier": 0.4668, "Acc.crt screen": 0.1707, "Acc.plate": 0.8159, "Acc.monitor": 0.4761, "Acc.bulletin board": 0.6938, "Acc.shower": 0.2513, "Acc.radiator": 0.8247, "Acc.glass": 0.248, "Acc.clock": 0.6817, "Acc.flag": 0.8035}