{"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": 1990237461, "exp_name": "upernet_internvit_h6b_192_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=192,\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_192_512_80k_ade20k_bs16_lr4e-5'\ngpu_ids = range(0, 8)\nauto_resume = True\ndevice = 'cuda'\nseed = 1990237461\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": 70498, "data_time": 0.01319, "decode.loss_ce": 4.03725, "decode.acc_seg": 0.7054, "aux.loss_ce": 1.61105, "aux.acc_seg": 0.69838, "loss": 5.6483, "time": 1.59957} {"mode": "train", "epoch": 1, "iter": 100, "lr": 0.0, "memory": 70498, "data_time": 0.01099, "decode.loss_ce": 3.92734, "decode.acc_seg": 5.43395, "aux.loss_ce": 1.58038, "aux.acc_seg": 4.04441, "loss": 5.50772, "time": 1.34265} {"mode": "train", "epoch": 1, "iter": 150, "lr": 0.0, "memory": 70498, "data_time": 0.01075, "decode.loss_ce": 3.61556, "decode.acc_seg": 20.68182, "aux.loss_ce": 1.49932, "aux.acc_seg": 14.24255, "loss": 5.11488, "time": 1.33081} {"mode": "train", "epoch": 1, "iter": 200, "lr": 1e-05, "memory": 70498, "data_time": 0.01024, "decode.loss_ce": 3.15883, "decode.acc_seg": 31.22779, "aux.loss_ce": 1.39555, "aux.acc_seg": 24.25744, "loss": 4.55438, "time": 1.33274} {"mode": "train", "epoch": 1, "iter": 250, "lr": 1e-05, "memory": 70498, "data_time": 0.00928, "decode.loss_ce": 2.60741, "decode.acc_seg": 41.32371, "aux.loss_ce": 1.1948, "aux.acc_seg": 35.47172, "loss": 3.80221, "time": 1.32592} {"mode": "train", "epoch": 1, "iter": 300, "lr": 1e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 2.27298, "decode.acc_seg": 45.12968, "aux.loss_ce": 1.01732, "aux.acc_seg": 41.68189, "loss": 3.29029, "time": 1.32398} {"mode": "train", "epoch": 1, "iter": 350, "lr": 1e-05, "memory": 70498, "data_time": 0.01004, "decode.loss_ce": 1.95685, "decode.acc_seg": 51.24498, "aux.loss_ce": 0.86794, "aux.acc_seg": 48.44382, "loss": 2.82478, "time": 1.32901} {"mode": "train", "epoch": 1, "iter": 400, "lr": 1e-05, "memory": 70498, "data_time": 0.00937, "decode.loss_ce": 1.74699, "decode.acc_seg": 54.89579, "aux.loss_ce": 0.7742, "aux.acc_seg": 51.9837, "loss": 2.52119, "time": 1.33413} {"mode": "train", "epoch": 1, "iter": 450, "lr": 1e-05, "memory": 70498, "data_time": 0.00929, "decode.loss_ce": 1.54116, "decode.acc_seg": 58.35889, "aux.loss_ce": 0.68159, "aux.acc_seg": 56.58694, "loss": 2.22275, "time": 1.33459} {"mode": "train", "epoch": 1, "iter": 500, "lr": 1e-05, "memory": 70498, "data_time": 0.00933, "decode.loss_ce": 1.424, "decode.acc_seg": 61.06066, "aux.loss_ce": 0.62509, "aux.acc_seg": 59.57374, "loss": 2.04909, "time": 1.33025} {"mode": "train", "epoch": 1, "iter": 550, "lr": 1e-05, "memory": 70498, "data_time": 0.00898, "decode.loss_ce": 1.33975, "decode.acc_seg": 62.36657, "aux.loss_ce": 0.58096, "aux.acc_seg": 61.18714, "loss": 1.92071, "time": 1.33942} {"mode": "train", "epoch": 1, "iter": 600, "lr": 2e-05, "memory": 70498, "data_time": 0.00905, "decode.loss_ce": 1.26136, "decode.acc_seg": 63.98369, "aux.loss_ce": 0.54702, "aux.acc_seg": 62.91181, "loss": 1.80838, "time": 1.3405} {"mode": "train", "epoch": 1, "iter": 650, "lr": 2e-05, "memory": 70498, "data_time": 0.00916, "decode.loss_ce": 1.21165, "decode.acc_seg": 64.49557, "aux.loss_ce": 0.52321, "aux.acc_seg": 63.74873, "loss": 1.73487, "time": 1.33716} {"mode": "train", "epoch": 1, "iter": 700, "lr": 2e-05, "memory": 70498, "data_time": 0.0088, "decode.loss_ce": 1.17931, "decode.acc_seg": 65.73854, "aux.loss_ce": 0.50965, "aux.acc_seg": 64.89303, "loss": 1.68895, "time": 1.3303} {"mode": "train", "epoch": 1, "iter": 750, "lr": 2e-05, "memory": 70498, "data_time": 0.00886, "decode.loss_ce": 1.13077, "decode.acc_seg": 66.30155, "aux.loss_ce": 0.47846, "aux.acc_seg": 66.25386, "loss": 1.60923, "time": 1.33804} {"mode": "train", "epoch": 1, "iter": 800, "lr": 2e-05, "memory": 70498, "data_time": 0.00883, "decode.loss_ce": 1.05719, "decode.acc_seg": 68.70277, "aux.loss_ce": 0.45157, "aux.acc_seg": 68.25178, "loss": 1.50876, "time": 1.32881} {"mode": "train", "epoch": 1, "iter": 850, "lr": 2e-05, "memory": 70498, "data_time": 0.00906, "decode.loss_ce": 1.06356, "decode.acc_seg": 67.47884, "aux.loss_ce": 0.444, "aux.acc_seg": 67.65169, "loss": 1.50756, "time": 1.3299} {"mode": "train", "epoch": 1, "iter": 900, "lr": 2e-05, "memory": 70498, "data_time": 0.0092, "decode.loss_ce": 1.02715, "decode.acc_seg": 67.91753, "aux.loss_ce": 0.42519, "aux.acc_seg": 68.48214, "loss": 1.45234, "time": 1.33668} {"mode": "train", "epoch": 1, "iter": 950, "lr": 3e-05, "memory": 70498, "data_time": 0.00898, "decode.loss_ce": 0.9544, "decode.acc_seg": 68.7457, "aux.loss_ce": 0.39486, "aux.acc_seg": 69.17764, "loss": 1.34926, "time": 1.33766} {"mode": "train", "epoch": 1, "iter": 1000, "lr": 3e-05, "memory": 70498, "data_time": 0.009, "decode.loss_ce": 1.01037, "decode.acc_seg": 68.23365, "aux.loss_ce": 0.41734, "aux.acc_seg": 68.66456, "loss": 1.4277, "time": 1.33148} {"mode": "val", "epoch": 1, "iter": 250, "lr": 3e-05, "aAcc": 0.7328, "mIoU": 0.2049, "mAcc": 0.301, "IoU.wall": 0.6543, "IoU.building": 0.7493, "IoU.sky": 0.8927, "IoU.floor": 0.6794, "IoU.tree": 0.6648, "IoU.ceiling": 0.7472, "IoU.road": 0.7463, "IoU.bed ": 0.7551, "IoU.windowpane": 0.5008, "IoU.grass": 0.579, "IoU.cabinet": 0.4813, "IoU.sidewalk": 0.5145, "IoU.person": 0.6176, "IoU.earth": 0.2852, "IoU.door": 0.3594, "IoU.table": 0.4215, "IoU.mountain": 0.4801, "IoU.plant": 0.4733, "IoU.curtain": 0.5724, "IoU.chair": 0.4142, "IoU.car": 0.6248, "IoU.water": 0.4271, "IoU.painting": 0.5118, "IoU.sofa": 0.5198, "IoU.shelf": 0.2167, "IoU.house": 0.4033, "IoU.sea": 0.3118, "IoU.mirror": 0.4999, "IoU.rug": 0.4522, "IoU.field": 0.2996, "IoU.armchair": 0.2521, "IoU.seat": 0.4827, "IoU.fence": 0.2252, "IoU.desk": 0.2258, "IoU.rock": 0.4077, "IoU.wardrobe": 0.4138, "IoU.lamp": 0.2817, "IoU.bathtub": 0.0968, "IoU.railing": 0.1636, "IoU.cushion": 0.2675, "IoU.base": 0.1034, "IoU.box": 0.0538, "IoU.column": 0.0029, "IoU.signboard": 0.0006, "IoU.chest of drawers": 0.3747, "IoU.counter": 0.1941, "IoU.sand": 0.1263, "IoU.sink": 0.421, "IoU.skyscraper": 0.3822, "IoU.fireplace": 0.5203, "IoU.refrigerator": 0.5055, "IoU.grandstand": 0.2689, "IoU.path": 0.0712, "IoU.stairs": 0.0014, "IoU.runway": 0.516, "IoU.case": 0.1495, "IoU.pool table": 0.7741, "IoU.pillow": 0.1087, "IoU.screen door": 0.509, "IoU.stairway": 0.2051, "IoU.river": 0.0001, "IoU.bridge": 0.3606, "IoU.bookcase": 0.2608, "IoU.blind": 0.0, "IoU.coffee table": 0.3579, "IoU.toilet": 0.6709, "IoU.flower": 0.0585, "IoU.book": 0.0002, "IoU.hill": 0.0, "IoU.bench": 0.0, "IoU.countertop": 0.2224, "IoU.stove": 0.3623, "IoU.palm": 0.0325, "IoU.kitchen island": 0.0994, "IoU.computer": 0.3672, "IoU.swivel chair": 0.0196, "IoU.boat": 0.0477, "IoU.bar": 0.3976, "IoU.arcade machine": 0.367, "IoU.hovel": 0.2169, "IoU.bus": 0.5355, "IoU.towel": 0.0067, "IoU.light": 0.0, "IoU.truck": 0.1048, "IoU.tower": 0.0, "IoU.chandelier": 0.0, "IoU.awning": 0.0, "IoU.streetlight": 0.0, "IoU.booth": 0.0, "IoU.television receiver": 0.0, "IoU.airplane": 0.1708, "IoU.dirt track": 0.0, "IoU.apparel": 0.0, "IoU.pole": 0.0, "IoU.land": 0.0, "IoU.bannister": 0.0, "IoU.escalator": 0.0, "IoU.ottoman": 0.0, "IoU.bottle": 0.0, "IoU.buffet": 0.0, "IoU.poster": 0.0, "IoU.stage": 0.0, "IoU.van": 0.0, "IoU.ship": 0.0, "IoU.fountain": 0.0, "IoU.conveyer belt": 0.0, "IoU.canopy": 0.0, "IoU.washer": 0.1567, "IoU.plaything": 0.0, "IoU.swimming pool": 0.0, "IoU.stool": 0.0, "IoU.barrel": 0.0927, "IoU.basket": 0.0, "IoU.waterfall": 0.3029, "IoU.tent": 0.8843, "IoU.bag": 0.0, "IoU.minibike": 0.0, "IoU.cradle": 0.639, "IoU.oven": 0.0, "IoU.ball": 0.0409, "IoU.food": 0.0, "IoU.step": 0.0, "IoU.tank": 0.0, "IoU.trade name": 0.0, "IoU.microwave": 0.0, "IoU.pot": 0.0, "IoU.animal": 0.0, "IoU.bicycle": 0.0, "IoU.lake": 0.0, "IoU.dishwasher": 0.0, "IoU.screen": 0.0, "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.7729, "Acc.building": 0.8544, "Acc.sky": 0.9419, "Acc.floor": 0.7678, "Acc.tree": 0.8554, "Acc.ceiling": 0.8943, "Acc.road": 0.835, "Acc.bed ": 0.9578, "Acc.windowpane": 0.7905, "Acc.grass": 0.7195, "Acc.cabinet": 0.7013, "Acc.sidewalk": 0.7098, "Acc.person": 0.7805, "Acc.earth": 0.448, "Acc.door": 0.4698, "Acc.table": 0.6651, "Acc.mountain": 0.8018, "Acc.plant": 0.6198, "Acc.curtain": 0.7521, "Acc.chair": 0.6627, "Acc.car": 0.9012, "Acc.water": 0.9041, "Acc.painting": 0.7479, "Acc.sofa": 0.8178, "Acc.shelf": 0.5873, "Acc.house": 0.8422, "Acc.sea": 0.3583, "Acc.mirror": 0.87, "Acc.rug": 0.7394, "Acc.field": 0.6126, "Acc.armchair": 0.3122, "Acc.seat": 0.85, "Acc.fence": 0.254, "Acc.desk": 0.3435, "Acc.rock": 0.5504, "Acc.wardrobe": 0.8243, "Acc.lamp": 0.3611, "Acc.bathtub": 0.0981, "Acc.railing": 0.1993, "Acc.cushion": 0.3584, "Acc.base": 0.1236, "Acc.box": 0.0564, "Acc.column": 0.0029, "Acc.signboard": 0.0006, "Acc.chest of drawers": 0.5068, "Acc.counter": 0.2162, "Acc.sand": 0.127, "Acc.sink": 0.4851, "Acc.skyscraper": 0.8363, "Acc.fireplace": 0.9056, "Acc.refrigerator": 0.8031, "Acc.grandstand": 0.8259, "Acc.path": 0.0818, "Acc.stairs": 0.0014, "Acc.runway": 0.6694, "Acc.case": 0.1728, "Acc.pool table": 0.8987, "Acc.pillow": 0.1124, "Acc.screen door": 0.7828, "Acc.stairway": 0.4481, "Acc.river": 0.0001, "Acc.bridge": 0.4245, "Acc.bookcase": 0.7549, "Acc.blind": 0.0, "Acc.coffee table": 0.8264, "Acc.toilet": 0.8177, "Acc.flower": 0.0598, "Acc.book": 0.0002, "Acc.hill": 0.0, "Acc.bench": 0.0, "Acc.countertop": 0.2513, "Acc.stove": 0.8697, "Acc.palm": 0.0326, "Acc.kitchen island": 0.1021, "Acc.computer": 0.925, "Acc.swivel chair": 0.0201, "Acc.boat": 0.0499, "Acc.bar": 0.6732, "Acc.arcade machine": 0.9736, "Acc.hovel": 0.2422, "Acc.bus": 0.83, "Acc.towel": 0.0067, "Acc.light": 0.0, "Acc.truck": 0.1136, "Acc.tower": 0.0, "Acc.chandelier": 0.0, "Acc.awning": 0.0, "Acc.streetlight": 0.0, "Acc.booth": 0.0, "Acc.television receiver": 0.0, "Acc.airplane": 0.1811, "Acc.dirt track": 0.0, "Acc.apparel": 0.0, "Acc.pole": 0.0, "Acc.land": 0.0, "Acc.bannister": 0.0, "Acc.escalator": 0.0, "Acc.ottoman": 0.0, "Acc.bottle": 0.0, "Acc.buffet": 0.0, "Acc.poster": 0.0, "Acc.stage": 0.0, "Acc.van": 0.0, "Acc.ship": 0.0, "Acc.fountain": 0.0, "Acc.conveyer belt": 0.0, "Acc.canopy": 0.0, "Acc.washer": 0.1567, "Acc.plaything": 0.0, "Acc.swimming pool": 0.0, "Acc.stool": 0.0, "Acc.barrel": 0.0927, "Acc.basket": 0.0, "Acc.waterfall": 0.33, "Acc.tent": 0.9531, "Acc.bag": 0.0, "Acc.minibike": 0.0, "Acc.cradle": 0.8392, "Acc.oven": 0.0, "Acc.ball": 0.0415, "Acc.food": 0.0, "Acc.step": 0.0, "Acc.tank": 0.0, "Acc.trade name": 0.0, "Acc.microwave": 0.0, "Acc.pot": 0.0, "Acc.animal": 0.0, "Acc.bicycle": 0.0, "Acc.lake": 0.0, "Acc.dishwasher": 0.0, "Acc.screen": 0.0, "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": 70498, "data_time": 3.27919, "decode.loss_ce": 0.90228, "decode.acc_seg": 71.44214, "aux.loss_ce": 0.37262, "aux.acc_seg": 71.66073, "loss": 1.2749, "time": 4.60596} {"mode": "train", "epoch": 1, "iter": 1100, "lr": 3e-05, "memory": 70498, "data_time": 0.00947, "decode.loss_ce": 0.94959, "decode.acc_seg": 69.78788, "aux.loss_ce": 0.38803, "aux.acc_seg": 70.34733, "loss": 1.33761, "time": 1.33497} {"mode": "train", "epoch": 1, "iter": 1150, "lr": 3e-05, "memory": 70498, "data_time": 0.00944, "decode.loss_ce": 0.90071, "decode.acc_seg": 70.74502, "aux.loss_ce": 0.36532, "aux.acc_seg": 71.43687, "loss": 1.26604, "time": 1.3373} {"mode": "train", "epoch": 1, "iter": 1200, "lr": 3e-05, "memory": 70498, "data_time": 0.00922, "decode.loss_ce": 0.8935, "decode.acc_seg": 70.86984, "aux.loss_ce": 0.36537, "aux.acc_seg": 71.24233, "loss": 1.25887, "time": 1.32979} {"mode": "train", "epoch": 1, "iter": 1250, "lr": 3e-05, "memory": 70498, "data_time": 0.00945, "decode.loss_ce": 0.87038, "decode.acc_seg": 71.27877, "aux.loss_ce": 0.35356, "aux.acc_seg": 71.63709, "loss": 1.22394, "time": 1.32735} {"mode": "train", "epoch": 2, "iter": 1300, "lr": 3e-05, "memory": 70498, "data_time": 0.06501, "decode.loss_ce": 0.84343, "decode.acc_seg": 72.48118, "aux.loss_ce": 0.34273, "aux.acc_seg": 72.71113, "loss": 1.18616, "time": 1.38417} {"mode": "train", "epoch": 2, "iter": 1350, "lr": 4e-05, "memory": 70498, "data_time": 0.00941, "decode.loss_ce": 0.83259, "decode.acc_seg": 71.8988, "aux.loss_ce": 0.33761, "aux.acc_seg": 72.28324, "loss": 1.1702, "time": 1.32805} {"mode": "train", "epoch": 2, "iter": 1400, "lr": 4e-05, "memory": 70498, "data_time": 0.00931, "decode.loss_ce": 0.80606, "decode.acc_seg": 72.12578, "aux.loss_ce": 0.32561, "aux.acc_seg": 72.78008, "loss": 1.13167, "time": 1.32592} {"mode": "train", "epoch": 2, "iter": 1450, "lr": 4e-05, "memory": 70498, "data_time": 0.00948, "decode.loss_ce": 0.80036, "decode.acc_seg": 72.78005, "aux.loss_ce": 0.32177, "aux.acc_seg": 73.26227, "loss": 1.12213, "time": 1.32818} {"mode": "train", "epoch": 2, "iter": 1500, "lr": 4e-05, "memory": 70498, "data_time": 0.00911, "decode.loss_ce": 0.82016, "decode.acc_seg": 72.60402, "aux.loss_ce": 0.3317, "aux.acc_seg": 73.10376, "loss": 1.15186, "time": 1.3291} {"mode": "train", "epoch": 2, "iter": 1550, "lr": 4e-05, "memory": 70498, "data_time": 0.00879, "decode.loss_ce": 0.7742, "decode.acc_seg": 73.58793, "aux.loss_ce": 0.30977, "aux.acc_seg": 74.37705, "loss": 1.08397, "time": 1.32571} {"mode": "train", "epoch": 2, "iter": 1600, "lr": 4e-05, "memory": 70498, "data_time": 0.0092, "decode.loss_ce": 0.78519, "decode.acc_seg": 73.52771, "aux.loss_ce": 0.31614, "aux.acc_seg": 74.02566, "loss": 1.10133, "time": 1.32472} {"mode": "train", "epoch": 2, "iter": 1650, "lr": 4e-05, "memory": 70498, "data_time": 0.00935, "decode.loss_ce": 0.74004, "decode.acc_seg": 73.76704, "aux.loss_ce": 0.29758, "aux.acc_seg": 74.52625, "loss": 1.03761, "time": 1.32825} {"mode": "train", "epoch": 2, "iter": 1700, "lr": 4e-05, "memory": 70498, "data_time": 0.00915, "decode.loss_ce": 0.7999, "decode.acc_seg": 73.10694, "aux.loss_ce": 0.32031, "aux.acc_seg": 73.61096, "loss": 1.12021, "time": 1.3285} {"mode": "train", "epoch": 2, "iter": 1750, "lr": 4e-05, "memory": 70498, "data_time": 0.0092, "decode.loss_ce": 0.72543, "decode.acc_seg": 74.14185, "aux.loss_ce": 0.28995, "aux.acc_seg": 74.83859, "loss": 1.01538, "time": 1.32406} {"mode": "train", "epoch": 2, "iter": 1800, "lr": 4e-05, "memory": 70498, "data_time": 0.00923, "decode.loss_ce": 0.816, "decode.acc_seg": 72.81313, "aux.loss_ce": 0.32279, "aux.acc_seg": 73.51426, "loss": 1.13879, "time": 1.32185} {"mode": "train", "epoch": 2, "iter": 1850, "lr": 4e-05, "memory": 70498, "data_time": 0.00926, "decode.loss_ce": 0.78134, "decode.acc_seg": 72.97849, "aux.loss_ce": 0.31073, "aux.acc_seg": 73.43348, "loss": 1.09206, "time": 1.32444} {"mode": "train", "epoch": 2, "iter": 1900, "lr": 4e-05, "memory": 70498, "data_time": 0.00932, "decode.loss_ce": 0.71689, "decode.acc_seg": 74.84726, "aux.loss_ce": 0.28598, "aux.acc_seg": 75.17315, "loss": 1.00287, "time": 1.32847} {"mode": "train", "epoch": 2, "iter": 1950, "lr": 4e-05, "memory": 70498, "data_time": 0.00934, "decode.loss_ce": 0.74155, "decode.acc_seg": 73.96533, "aux.loss_ce": 0.29373, "aux.acc_seg": 74.51862, "loss": 1.03529, "time": 1.3258} {"mode": "train", "epoch": 2, "iter": 2000, "lr": 4e-05, "memory": 70498, "data_time": 0.00909, "decode.loss_ce": 0.6978, "decode.acc_seg": 75.22051, "aux.loss_ce": 0.2779, "aux.acc_seg": 75.73808, "loss": 0.9757, "time": 3.21257} {"mode": "val", "epoch": 2, "iter": 250, "lr": 4e-05, "aAcc": 0.7921, "mIoU": 0.3615, "mAcc": 0.4756, "IoU.wall": 0.71, "IoU.building": 0.8052, "IoU.sky": 0.9212, "IoU.floor": 0.7506, "IoU.tree": 0.7076, "IoU.ceiling": 0.7744, "IoU.road": 0.7938, "IoU.bed ": 0.8335, "IoU.windowpane": 0.5578, "IoU.grass": 0.6489, "IoU.cabinet": 0.5366, "IoU.sidewalk": 0.559, "IoU.person": 0.6985, "IoU.earth": 0.3192, "IoU.door": 0.4252, "IoU.table": 0.4869, "IoU.mountain": 0.5297, "IoU.plant": 0.5, "IoU.curtain": 0.659, "IoU.chair": 0.4604, "IoU.car": 0.7576, "IoU.water": 0.5225, "IoU.painting": 0.6213, "IoU.sofa": 0.626, "IoU.shelf": 0.3744, "IoU.house": 0.4923, "IoU.sea": 0.5609, "IoU.mirror": 0.6283, "IoU.rug": 0.5085, "IoU.field": 0.3722, "IoU.armchair": 0.3897, "IoU.seat": 0.5933, "IoU.fence": 0.3675, "IoU.desk": 0.3656, "IoU.rock": 0.3643, "IoU.wardrobe": 0.5009, "IoU.lamp": 0.3885, "IoU.bathtub": 0.6641, "IoU.railing": 0.3314, "IoU.cushion": 0.448, "IoU.base": 0.0618, "IoU.box": 0.1341, "IoU.column": 0.3885, "IoU.signboard": 0.1798, "IoU.chest of drawers": 0.4163, "IoU.counter": 0.4936, "IoU.sand": 0.3805, "IoU.sink": 0.4981, "IoU.skyscraper": 0.4602, "IoU.fireplace": 0.5773, "IoU.refrigerator": 0.6364, "IoU.grandstand": 0.5582, "IoU.path": 0.2074, "IoU.stairs": 0.2843, "IoU.runway": 0.641, "IoU.case": 0.609, "IoU.pool table": 0.7547, "IoU.pillow": 0.3487, "IoU.screen door": 0.6392, "IoU.stairway": 0.3656, "IoU.river": 0.1876, "IoU.bridge": 0.3781, "IoU.bookcase": 0.2573, "IoU.blind": 0.1406, "IoU.coffee table": 0.451, "IoU.toilet": 0.7672, "IoU.flower": 0.2593, "IoU.book": 0.1474, "IoU.hill": 0.0013, "IoU.bench": 0.4515, "IoU.countertop": 0.4564, "IoU.stove": 0.5436, "IoU.palm": 0.472, "IoU.kitchen island": 0.3204, "IoU.computer": 0.6398, "IoU.swivel chair": 0.3659, "IoU.boat": 0.3082, "IoU.bar": 0.5198, "IoU.arcade machine": 0.7057, "IoU.hovel": 0.403, "IoU.bus": 0.823, "IoU.towel": 0.4653, "IoU.light": 0.0008, "IoU.truck": 0.248, "IoU.tower": 0.2005, "IoU.chandelier": 0.5085, "IoU.awning": 0.2735, "IoU.streetlight": 0.0, "IoU.booth": 0.322, "IoU.television receiver": 0.581, "IoU.airplane": 0.4717, "IoU.dirt track": 0.0, "IoU.apparel": 0.2239, "IoU.pole": 0.0, "IoU.land": 0.0, "IoU.bannister": 0.0, "IoU.escalator": 0.4604, "IoU.ottoman": 0.3071, "IoU.bottle": 0.3221, "IoU.buffet": 0.3231, "IoU.poster": 0.0066, "IoU.stage": 0.1082, "IoU.van": 0.2286, "IoU.ship": 0.4506, "IoU.fountain": 0.5548, "IoU.conveyer belt": 0.4731, "IoU.canopy": 0.3724, "IoU.washer": 0.7237, "IoU.plaything": 0.0492, "IoU.swimming pool": 0.4486, "IoU.stool": 0.0989, "IoU.barrel": 0.0422, "IoU.basket": 0.0, "IoU.waterfall": 0.5939, "IoU.tent": 0.8587, "IoU.bag": 0.0, "IoU.minibike": 0.4583, "IoU.cradle": 0.6532, "IoU.oven": 0.0058, "IoU.ball": 0.277, "IoU.food": 0.2633, "IoU.step": 0.0, "IoU.tank": 0.128, "IoU.trade name": 0.0, "IoU.microwave": 0.6982, "IoU.pot": 0.1246, "IoU.animal": 0.3943, "IoU.bicycle": 0.2372, "IoU.lake": 0.0, "IoU.dishwasher": 0.0359, "IoU.screen": 0.5614, "IoU.blanket": 0.0, "IoU.sculpture": 0.131, "IoU.hood": 0.4722, "IoU.sconce": 0.0, "IoU.vase": 0.0854, "IoU.traffic light": 0.0, "IoU.tray": 0.0004, "IoU.ashcan": 0.0, "IoU.fan": 0.0105, "IoU.pier": 0.0082, "IoU.crt screen": 0.0, "IoU.plate": 0.1767, "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.856, "Acc.building": 0.9165, "Acc.sky": 0.968, "Acc.floor": 0.8802, "Acc.tree": 0.8474, "Acc.ceiling": 0.9285, "Acc.road": 0.8816, "Acc.bed ": 0.9197, "Acc.windowpane": 0.754, "Acc.grass": 0.8478, "Acc.cabinet": 0.6146, "Acc.sidewalk": 0.7473, "Acc.person": 0.8521, "Acc.earth": 0.4065, "Acc.door": 0.5057, "Acc.table": 0.6424, "Acc.mountain": 0.7236, "Acc.plant": 0.5989, "Acc.curtain": 0.7634, "Acc.chair": 0.5735, "Acc.car": 0.8895, "Acc.water": 0.6558, "Acc.painting": 0.7725, "Acc.sofa": 0.8554, "Acc.shelf": 0.6598, "Acc.house": 0.6651, "Acc.sea": 0.8946, "Acc.mirror": 0.7991, "Acc.rug": 0.5732, "Acc.field": 0.6694, "Acc.armchair": 0.5973, "Acc.seat": 0.6537, "Acc.fence": 0.4743, "Acc.desk": 0.7185, "Acc.rock": 0.4329, "Acc.wardrobe": 0.7859, "Acc.lamp": 0.4302, "Acc.bathtub": 0.7928, "Acc.railing": 0.5457, "Acc.cushion": 0.5909, "Acc.base": 0.0697, "Acc.box": 0.1782, "Acc.column": 0.5784, "Acc.signboard": 0.1952, "Acc.chest of drawers": 0.6509, "Acc.counter": 0.6926, "Acc.sand": 0.5786, "Acc.sink": 0.5506, "Acc.skyscraper": 0.5419, "Acc.fireplace": 0.9147, "Acc.refrigerator": 0.8321, "Acc.grandstand": 0.667, "Acc.path": 0.3084, "Acc.stairs": 0.3575, "Acc.runway": 0.8636, "Acc.case": 0.8107, "Acc.pool table": 0.9654, "Acc.pillow": 0.385, "Acc.screen door": 0.8369, "Acc.stairway": 0.615, "Acc.river": 0.3179, "Acc.bridge": 0.4492, "Acc.bookcase": 0.4434, "Acc.blind": 0.1412, "Acc.coffee table": 0.7692, "Acc.toilet": 0.8614, "Acc.flower": 0.3888, "Acc.book": 0.1691, "Acc.hill": 0.0013, "Acc.bench": 0.5601, "Acc.countertop": 0.551, "Acc.stove": 0.8177, "Acc.palm": 0.5911, "Acc.kitchen island": 0.8004, "Acc.computer": 0.8149, "Acc.swivel chair": 0.6547, "Acc.boat": 0.6912, "Acc.bar": 0.5507, "Acc.arcade machine": 0.7729, "Acc.hovel": 0.5237, "Acc.bus": 0.9155, "Acc.towel": 0.5305, "Acc.light": 0.0008, "Acc.truck": 0.3154, "Acc.tower": 0.3271, "Acc.chandelier": 0.7097, "Acc.awning": 0.3953, "Acc.streetlight": 0.0, "Acc.booth": 0.3561, "Acc.television receiver": 0.7036, "Acc.airplane": 0.5822, "Acc.dirt track": 0.0, "Acc.apparel": 0.3029, "Acc.pole": 0.0, "Acc.land": 0.0, "Acc.bannister": 0.0, "Acc.escalator": 0.761, "Acc.ottoman": 0.3772, "Acc.bottle": 0.45, "Acc.buffet": 0.4029, "Acc.poster": 0.0066, "Acc.stage": 0.2516, "Acc.van": 0.2704, "Acc.ship": 0.5829, "Acc.fountain": 0.7333, "Acc.conveyer belt": 0.4844, "Acc.canopy": 0.4071, "Acc.washer": 0.7915, "Acc.plaything": 0.0543, "Acc.swimming pool": 0.9927, "Acc.stool": 0.1126, "Acc.barrel": 0.6342, "Acc.basket": 0.0, "Acc.waterfall": 0.8076, "Acc.tent": 0.9925, "Acc.bag": 0.0, "Acc.minibike": 0.4945, "Acc.cradle": 0.973, "Acc.oven": 0.0058, "Acc.ball": 0.6423, "Acc.food": 0.2841, "Acc.step": 0.0, "Acc.tank": 0.1282, "Acc.trade name": 0.0, "Acc.microwave": 0.8225, "Acc.pot": 0.128, "Acc.animal": 0.4017, "Acc.bicycle": 0.2577, "Acc.lake": 0.0, "Acc.dishwasher": 0.0359, "Acc.screen": 0.7476, "Acc.blanket": 0.0, "Acc.sculpture": 0.1315, "Acc.hood": 0.5902, "Acc.sconce": 0.0, "Acc.vase": 0.0881, "Acc.traffic light": 0.0, "Acc.tray": 0.0005, "Acc.ashcan": 0.0, "Acc.fan": 0.0105, "Acc.pier": 0.0082, "Acc.crt screen": 0.0, "Acc.plate": 0.1983, "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": 2, "iter": 2050, "lr": 4e-05, "memory": 70498, "data_time": 1.9625, "decode.loss_ce": 0.77202, "decode.acc_seg": 73.35209, "aux.loss_ce": 0.3088, "aux.acc_seg": 73.83987, "loss": 1.08083, "time": 3.28514} {"mode": "train", "epoch": 2, "iter": 2100, "lr": 4e-05, "memory": 70498, "data_time": 0.00944, "decode.loss_ce": 0.7486, "decode.acc_seg": 73.3045, "aux.loss_ce": 0.29646, "aux.acc_seg": 73.69374, "loss": 1.04506, "time": 1.32619} {"mode": "train", "epoch": 2, "iter": 2150, "lr": 4e-05, "memory": 70498, "data_time": 0.0094, "decode.loss_ce": 0.76143, "decode.acc_seg": 73.35362, "aux.loss_ce": 0.30256, "aux.acc_seg": 73.78523, "loss": 1.06399, "time": 1.32687} {"mode": "train", "epoch": 2, "iter": 2200, "lr": 4e-05, "memory": 70498, "data_time": 0.00924, "decode.loss_ce": 0.7087, "decode.acc_seg": 73.70745, "aux.loss_ce": 0.2805, "aux.acc_seg": 74.36715, "loss": 0.9892, "time": 1.32206} {"mode": "train", "epoch": 2, "iter": 2250, "lr": 4e-05, "memory": 70498, "data_time": 0.00968, "decode.loss_ce": 0.71609, "decode.acc_seg": 73.99592, "aux.loss_ce": 0.28584, "aux.acc_seg": 74.39879, "loss": 1.00193, "time": 1.32581} {"mode": "train", "epoch": 2, "iter": 2300, "lr": 4e-05, "memory": 70498, "data_time": 0.00929, "decode.loss_ce": 0.72272, "decode.acc_seg": 73.90971, "aux.loss_ce": 0.28517, "aux.acc_seg": 74.41689, "loss": 1.00789, "time": 1.32999} {"mode": "train", "epoch": 2, "iter": 2350, "lr": 4e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.69559, "decode.acc_seg": 75.01755, "aux.loss_ce": 0.27555, "aux.acc_seg": 75.31671, "loss": 0.97115, "time": 1.32746} {"mode": "train", "epoch": 2, "iter": 2400, "lr": 4e-05, "memory": 70498, "data_time": 0.00942, "decode.loss_ce": 0.66939, "decode.acc_seg": 75.63972, "aux.loss_ce": 0.26622, "aux.acc_seg": 75.97292, "loss": 0.93561, "time": 1.33101} {"mode": "train", "epoch": 2, "iter": 2450, "lr": 4e-05, "memory": 70498, "data_time": 0.00933, "decode.loss_ce": 0.69789, "decode.acc_seg": 74.67937, "aux.loss_ce": 0.27617, "aux.acc_seg": 75.23008, "loss": 0.97406, "time": 1.32791} {"mode": "train", "epoch": 2, "iter": 2500, "lr": 4e-05, "memory": 70498, "data_time": 0.00941, "decode.loss_ce": 0.6902, "decode.acc_seg": 75.30611, "aux.loss_ce": 0.27314, "aux.acc_seg": 75.84161, "loss": 0.96333, "time": 1.33216} {"mode": "train", "epoch": 3, "iter": 2550, "lr": 4e-05, "memory": 70498, "data_time": 0.05146, "decode.loss_ce": 0.68435, "decode.acc_seg": 75.79743, "aux.loss_ce": 0.27085, "aux.acc_seg": 76.14466, "loss": 0.9552, "time": 1.36686} {"mode": "train", "epoch": 3, "iter": 2600, "lr": 4e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.64626, "decode.acc_seg": 76.65435, "aux.loss_ce": 0.2589, "aux.acc_seg": 77.21639, "loss": 0.90516, "time": 1.32507} {"mode": "train", "epoch": 3, "iter": 2650, "lr": 4e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.63809, "decode.acc_seg": 76.42331, "aux.loss_ce": 0.25359, "aux.acc_seg": 76.64388, "loss": 0.89167, "time": 1.32295} {"mode": "train", "epoch": 3, "iter": 2700, "lr": 4e-05, "memory": 70498, "data_time": 0.0097, "decode.loss_ce": 0.64061, "decode.acc_seg": 77.01024, "aux.loss_ce": 0.25441, "aux.acc_seg": 77.23293, "loss": 0.89502, "time": 1.32908} {"mode": "train", "epoch": 3, "iter": 2750, "lr": 4e-05, "memory": 70498, "data_time": 0.00947, "decode.loss_ce": 0.64565, "decode.acc_seg": 76.16992, "aux.loss_ce": 0.25669, "aux.acc_seg": 76.62956, "loss": 0.90234, "time": 1.32096} {"mode": "train", "epoch": 3, "iter": 2800, "lr": 4e-05, "memory": 70498, "data_time": 0.00943, "decode.loss_ce": 0.66653, "decode.acc_seg": 76.00197, "aux.loss_ce": 0.2661, "aux.acc_seg": 76.235, "loss": 0.93262, "time": 1.32646} {"mode": "train", "epoch": 3, "iter": 2850, "lr": 4e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.6619, "decode.acc_seg": 75.52546, "aux.loss_ce": 0.26284, "aux.acc_seg": 75.94807, "loss": 0.92474, "time": 1.32372} {"mode": "train", "epoch": 3, "iter": 2900, "lr": 4e-05, "memory": 70498, "data_time": 0.0093, "decode.loss_ce": 0.65014, "decode.acc_seg": 76.89926, "aux.loss_ce": 0.25745, "aux.acc_seg": 77.33303, "loss": 0.90759, "time": 1.32433} {"mode": "train", "epoch": 3, "iter": 2950, "lr": 4e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.59309, "decode.acc_seg": 78.02069, "aux.loss_ce": 0.23595, "aux.acc_seg": 78.245, "loss": 0.82904, "time": 1.3265} {"mode": "train", "epoch": 3, "iter": 3000, "lr": 4e-05, "memory": 70498, "data_time": 0.00938, "decode.loss_ce": 0.62533, "decode.acc_seg": 77.46654, "aux.loss_ce": 0.24981, "aux.acc_seg": 77.32278, "loss": 0.87513, "time": 1.32686} {"mode": "val", "epoch": 3, "iter": 250, "lr": 4e-05, "aAcc": 0.8046, "mIoU": 0.4221, "mAcc": 0.5524, "IoU.wall": 0.7433, "IoU.building": 0.7965, "IoU.sky": 0.9303, "IoU.floor": 0.7897, "IoU.tree": 0.7329, "IoU.ceiling": 0.8057, "IoU.road": 0.8035, "IoU.bed ": 0.8434, "IoU.windowpane": 0.5755, "IoU.grass": 0.618, "IoU.cabinet": 0.5487, "IoU.sidewalk": 0.591, "IoU.person": 0.7531, "IoU.earth": 0.354, "IoU.door": 0.4531, "IoU.table": 0.5139, "IoU.mountain": 0.5601, "IoU.plant": 0.5022, "IoU.curtain": 0.6319, "IoU.chair": 0.4873, "IoU.car": 0.7876, "IoU.water": 0.5801, "IoU.painting": 0.6936, "IoU.sofa": 0.6713, "IoU.shelf": 0.3902, "IoU.house": 0.2603, "IoU.sea": 0.5933, "IoU.mirror": 0.6124, "IoU.rug": 0.6165, "IoU.field": 0.2601, "IoU.armchair": 0.4139, "IoU.seat": 0.6225, "IoU.fence": 0.4053, "IoU.desk": 0.3765, "IoU.rock": 0.4948, "IoU.wardrobe": 0.5487, "IoU.lamp": 0.5091, "IoU.bathtub": 0.7081, "IoU.railing": 0.2617, "IoU.cushion": 0.488, "IoU.base": 0.3854, "IoU.box": 0.2239, "IoU.column": 0.4565, "IoU.signboard": 0.3068, "IoU.chest of drawers": 0.3151, "IoU.counter": 0.3413, "IoU.sand": 0.4054, "IoU.sink": 0.5188, "IoU.skyscraper": 0.4802, "IoU.fireplace": 0.5326, "IoU.refrigerator": 0.6285, "IoU.grandstand": 0.4522, "IoU.path": 0.0445, "IoU.stairs": 0.3127, "IoU.runway": 0.6647, "IoU.case": 0.4819, "IoU.pool table": 0.8747, "IoU.pillow": 0.4478, "IoU.screen door": 0.6397, "IoU.stairway": 0.3326, "IoU.river": 0.2811, "IoU.bridge": 0.5908, "IoU.bookcase": 0.2356, "IoU.blind": 0.4465, "IoU.coffee table": 0.4976, "IoU.toilet": 0.7492, "IoU.flower": 0.3027, "IoU.book": 0.4134, "IoU.hill": 0.0331, "IoU.bench": 0.5343, "IoU.countertop": 0.51, "IoU.stove": 0.6598, "IoU.palm": 0.4931, "IoU.kitchen island": 0.3038, "IoU.computer": 0.4685, "IoU.swivel chair": 0.4087, "IoU.boat": 0.5792, "IoU.bar": 0.484, "IoU.arcade machine": 0.8029, "IoU.hovel": 0.5257, "IoU.bus": 0.8269, "IoU.towel": 0.5053, "IoU.light": 0.2503, "IoU.truck": 0.3157, "IoU.tower": 0.2508, "IoU.chandelier": 0.5737, "IoU.awning": 0.3279, "IoU.streetlight": 0.0968, "IoU.booth": 0.3569, "IoU.television receiver": 0.5644, "IoU.airplane": 0.4459, "IoU.dirt track": 0.0208, "IoU.apparel": 0.2908, "IoU.pole": 0.1263, "IoU.land": 0.0, "IoU.bannister": 0.0422, "IoU.escalator": 0.5583, "IoU.ottoman": 0.4433, "IoU.bottle": 0.1606, "IoU.buffet": 0.3889, "IoU.poster": 0.3014, "IoU.stage": 0.1537, "IoU.van": 0.258, "IoU.ship": 0.0806, "IoU.fountain": 0.3388, "IoU.conveyer belt": 0.7826, "IoU.canopy": 0.3654, "IoU.washer": 0.6936, "IoU.plaything": 0.042, "IoU.swimming pool": 0.4609, "IoU.stool": 0.216, "IoU.barrel": 0.4955, "IoU.basket": 0.1056, "IoU.waterfall": 0.5423, "IoU.tent": 0.8725, "IoU.bag": 0.0061, "IoU.minibike": 0.5791, "IoU.cradle": 0.691, "IoU.oven": 0.2171, "IoU.ball": 0.1672, "IoU.food": 0.4867, "IoU.step": 0.0011, "IoU.tank": 0.5793, "IoU.trade name": 0.0041, "IoU.microwave": 0.7413, "IoU.pot": 0.2081, "IoU.animal": 0.5696, "IoU.bicycle": 0.417, "IoU.lake": 0.0, "IoU.dishwasher": 0.4111, "IoU.screen": 0.5568, "IoU.blanket": 0.0004, "IoU.sculpture": 0.4067, "IoU.hood": 0.4922, "IoU.sconce": 0.142, "IoU.vase": 0.1525, "IoU.traffic light": 0.0103, "IoU.tray": 0.0, "IoU.ashcan": 0.274, "IoU.fan": 0.3975, "IoU.pier": 0.3307, "IoU.crt screen": 0.0832, "IoU.plate": 0.3445, "IoU.monitor": 0.0, "IoU.bulletin board": 0.4269, "IoU.shower": 0.0, "IoU.radiator": 0.3981, "IoU.glass": 0.0, "IoU.clock": 0.0, "IoU.flag": 0.4722, "Acc.wall": 0.8389, "Acc.building": 0.9337, "Acc.sky": 0.9565, "Acc.floor": 0.8617, "Acc.tree": 0.8611, "Acc.ceiling": 0.909, "Acc.road": 0.8406, "Acc.bed ": 0.9628, "Acc.windowpane": 0.709, "Acc.grass": 0.7663, "Acc.cabinet": 0.6533, "Acc.sidewalk": 0.8305, "Acc.person": 0.8719, "Acc.earth": 0.4712, "Acc.door": 0.6365, "Acc.table": 0.6554, "Acc.mountain": 0.8025, "Acc.plant": 0.6601, "Acc.curtain": 0.7889, "Acc.chair": 0.6165, "Acc.car": 0.9239, "Acc.water": 0.7928, "Acc.painting": 0.8441, "Acc.sofa": 0.8567, "Acc.shelf": 0.704, "Acc.house": 0.278, "Acc.sea": 0.7163, "Acc.mirror": 0.7713, "Acc.rug": 0.792, "Acc.field": 0.511, "Acc.armchair": 0.698, "Acc.seat": 0.8346, "Acc.fence": 0.5969, "Acc.desk": 0.7197, "Acc.rock": 0.5612, "Acc.wardrobe": 0.7262, "Acc.lamp": 0.6716, "Acc.bathtub": 0.828, "Acc.railing": 0.3238, "Acc.cushion": 0.5534, "Acc.base": 0.5776, "Acc.box": 0.4297, "Acc.column": 0.6131, "Acc.signboard": 0.4037, "Acc.chest of drawers": 0.7292, "Acc.counter": 0.4392, "Acc.sand": 0.6148, "Acc.sink": 0.5589, "Acc.skyscraper": 0.6998, "Acc.fireplace": 0.9573, "Acc.refrigerator": 0.8668, "Acc.grandstand": 0.7444, "Acc.path": 0.0473, "Acc.stairs": 0.5047, "Acc.runway": 0.9406, "Acc.case": 0.5256, "Acc.pool table": 0.9561, "Acc.pillow": 0.5267, "Acc.screen door": 0.7526, "Acc.stairway": 0.494, "Acc.river": 0.4048, "Acc.bridge": 0.8927, "Acc.bookcase": 0.3415, "Acc.blind": 0.6718, "Acc.coffee table": 0.8397, "Acc.toilet": 0.9479, "Acc.flower": 0.3879, "Acc.book": 0.7108, "Acc.hill": 0.0357, "Acc.bench": 0.6221, "Acc.countertop": 0.6666, "Acc.stove": 0.7558, "Acc.palm": 0.6377, "Acc.kitchen island": 0.8451, "Acc.computer": 0.9275, "Acc.swivel chair": 0.5839, "Acc.boat": 0.6395, "Acc.bar": 0.6824, "Acc.arcade machine": 0.9593, "Acc.hovel": 0.6346, "Acc.bus": 0.9159, "Acc.towel": 0.5934, "Acc.light": 0.2713, "Acc.truck": 0.3833, "Acc.tower": 0.4991, "Acc.chandelier": 0.7476, "Acc.awning": 0.4658, "Acc.streetlight": 0.1185, "Acc.booth": 0.4054, "Acc.television receiver": 0.8136, "Acc.airplane": 0.5955, "Acc.dirt track": 0.033, "Acc.apparel": 0.3372, "Acc.pole": 0.1499, "Acc.land": 0.0, "Acc.bannister": 0.057, "Acc.escalator": 0.811, "Acc.ottoman": 0.5861, "Acc.bottle": 0.2083, "Acc.buffet": 0.5383, "Acc.poster": 0.3801, "Acc.stage": 0.2826, "Acc.van": 0.2868, "Acc.ship": 0.097, "Acc.fountain": 0.3678, "Acc.conveyer belt": 0.9243, "Acc.canopy": 0.4726, "Acc.washer": 0.744, "Acc.plaything": 0.0469, "Acc.swimming pool": 0.9886, "Acc.stool": 0.2408, "Acc.barrel": 0.6471, "Acc.basket": 0.1136, "Acc.waterfall": 0.7946, "Acc.tent": 0.9943, "Acc.bag": 0.0062, "Acc.minibike": 0.7613, "Acc.cradle": 0.9824, "Acc.oven": 0.3612, "Acc.ball": 0.1771, "Acc.food": 0.5945, "Acc.step": 0.0011, "Acc.tank": 0.6651, "Acc.trade name": 0.0041, "Acc.microwave": 0.9098, "Acc.pot": 0.217, "Acc.animal": 0.5968, "Acc.bicycle": 0.7148, "Acc.lake": 0.0, "Acc.dishwasher": 0.4361, "Acc.screen": 0.8575, "Acc.blanket": 0.0004, "Acc.sculpture": 0.6112, "Acc.hood": 0.5883, "Acc.sconce": 0.1496, "Acc.vase": 0.1893, "Acc.traffic light": 0.0104, "Acc.tray": 0.0, "Acc.ashcan": 0.3083, "Acc.fan": 0.4573, "Acc.pier": 0.4152, "Acc.crt screen": 0.0886, "Acc.plate": 0.5284, "Acc.monitor": 0.0, "Acc.bulletin board": 0.515, "Acc.shower": 0.0, "Acc.radiator": 0.4288, "Acc.glass": 0.0, "Acc.clock": 0.0, "Acc.flag": 0.478} {"mode": "train", "epoch": 3, "iter": 3050, "lr": 4e-05, "memory": 70498, "data_time": 1.95278, "decode.loss_ce": 0.64479, "decode.acc_seg": 76.59796, "aux.loss_ce": 0.25747, "aux.acc_seg": 76.99473, "loss": 0.90226, "time": 3.27701} {"mode": "train", "epoch": 3, "iter": 3100, "lr": 4e-05, "memory": 70498, "data_time": 0.00944, "decode.loss_ce": 0.64851, "decode.acc_seg": 77.12082, "aux.loss_ce": 0.25621, "aux.acc_seg": 77.39433, "loss": 0.90472, "time": 1.32924} {"mode": "train", "epoch": 3, "iter": 3150, "lr": 4e-05, "memory": 70498, "data_time": 0.00933, "decode.loss_ce": 0.63639, "decode.acc_seg": 77.51764, "aux.loss_ce": 0.25244, "aux.acc_seg": 77.66721, "loss": 0.88883, "time": 1.32688} {"mode": "train", "epoch": 3, "iter": 3200, "lr": 4e-05, "memory": 70498, "data_time": 0.00937, "decode.loss_ce": 0.59075, "decode.acc_seg": 78.28512, "aux.loss_ce": 0.23512, "aux.acc_seg": 78.57036, "loss": 0.82587, "time": 1.3264} {"mode": "train", "epoch": 3, "iter": 3250, "lr": 4e-05, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.61896, "decode.acc_seg": 77.0422, "aux.loss_ce": 0.24532, "aux.acc_seg": 77.28114, "loss": 0.86428, "time": 1.32502} {"mode": "train", "epoch": 3, "iter": 3300, "lr": 4e-05, "memory": 70498, "data_time": 0.00936, "decode.loss_ce": 0.63663, "decode.acc_seg": 77.41935, "aux.loss_ce": 0.25374, "aux.acc_seg": 77.79788, "loss": 0.89037, "time": 1.32536} {"mode": "train", "epoch": 3, "iter": 3350, "lr": 4e-05, "memory": 70498, "data_time": 0.00972, "decode.loss_ce": 0.62393, "decode.acc_seg": 77.39875, "aux.loss_ce": 0.24716, "aux.acc_seg": 77.8169, "loss": 0.87109, "time": 1.32256} {"mode": "train", "epoch": 3, "iter": 3400, "lr": 4e-05, "memory": 70498, "data_time": 0.00939, "decode.loss_ce": 0.63733, "decode.acc_seg": 76.23879, "aux.loss_ce": 0.25126, "aux.acc_seg": 76.51746, "loss": 0.88859, "time": 1.32737} {"mode": "train", "epoch": 3, "iter": 3450, "lr": 4e-05, "memory": 70498, "data_time": 0.00939, "decode.loss_ce": 0.621, "decode.acc_seg": 76.38981, "aux.loss_ce": 0.24403, "aux.acc_seg": 77.1419, "loss": 0.86503, "time": 1.3298} {"mode": "train", "epoch": 3, "iter": 3500, "lr": 4e-05, "memory": 70498, "data_time": 0.00942, "decode.loss_ce": 0.59888, "decode.acc_seg": 77.92943, "aux.loss_ce": 0.24097, "aux.acc_seg": 78.01188, "loss": 0.83985, "time": 1.32725} {"mode": "train", "epoch": 3, "iter": 3550, "lr": 4e-05, "memory": 70498, "data_time": 0.00934, "decode.loss_ce": 0.63788, "decode.acc_seg": 77.26084, "aux.loss_ce": 0.25286, "aux.acc_seg": 77.40201, "loss": 0.89074, "time": 1.32554} {"mode": "train", "epoch": 3, "iter": 3600, "lr": 4e-05, "memory": 70498, "data_time": 0.00933, "decode.loss_ce": 0.63366, "decode.acc_seg": 76.92516, "aux.loss_ce": 0.25126, "aux.acc_seg": 77.23614, "loss": 0.88492, "time": 1.32914} {"mode": "train", "epoch": 3, "iter": 3650, "lr": 4e-05, "memory": 70498, "data_time": 0.00934, "decode.loss_ce": 0.59109, "decode.acc_seg": 78.16778, "aux.loss_ce": 0.23564, "aux.acc_seg": 78.35276, "loss": 0.82673, "time": 1.33008} {"mode": "train", "epoch": 3, "iter": 3700, "lr": 4e-05, "memory": 70498, "data_time": 0.00945, "decode.loss_ce": 0.63183, "decode.acc_seg": 77.35887, "aux.loss_ce": 0.24995, "aux.acc_seg": 77.73844, "loss": 0.88178, "time": 1.32862} {"mode": "train", "epoch": 3, "iter": 3750, "lr": 4e-05, "memory": 70498, "data_time": 0.00937, "decode.loss_ce": 0.6216, "decode.acc_seg": 77.26234, "aux.loss_ce": 0.24607, "aux.acc_seg": 77.56202, "loss": 0.86768, "time": 1.32482} {"mode": "train", "epoch": 4, "iter": 3800, "lr": 4e-05, "memory": 70498, "data_time": 0.05133, "decode.loss_ce": 0.6055, "decode.acc_seg": 77.91033, "aux.loss_ce": 0.24061, "aux.acc_seg": 78.27986, "loss": 0.84612, "time": 1.36895} {"mode": "train", "epoch": 4, "iter": 3850, "lr": 4e-05, "memory": 70498, "data_time": 0.00935, "decode.loss_ce": 0.61716, "decode.acc_seg": 77.69126, "aux.loss_ce": 0.24573, "aux.acc_seg": 77.91782, "loss": 0.86288, "time": 1.32873} {"mode": "train", "epoch": 4, "iter": 3900, "lr": 4e-05, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.56919, "decode.acc_seg": 79.27615, "aux.loss_ce": 0.22612, "aux.acc_seg": 79.53465, "loss": 0.79531, "time": 1.32545} {"mode": "train", "epoch": 4, "iter": 3950, "lr": 4e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.58336, "decode.acc_seg": 78.61936, "aux.loss_ce": 0.23297, "aux.acc_seg": 78.51337, "loss": 0.81634, "time": 1.32773} {"mode": "train", "epoch": 4, "iter": 4000, "lr": 4e-05, "memory": 70498, "data_time": 0.00947, "decode.loss_ce": 0.59849, "decode.acc_seg": 77.85056, "aux.loss_ce": 0.23576, "aux.acc_seg": 78.11033, "loss": 0.83426, "time": 3.4063} {"mode": "val", "epoch": 4, "iter": 250, "lr": 4e-05, "aAcc": 0.8108, "mIoU": 0.4425, "mAcc": 0.5787, "IoU.wall": 0.7642, "IoU.building": 0.8108, "IoU.sky": 0.9346, "IoU.floor": 0.7778, "IoU.tree": 0.7322, "IoU.ceiling": 0.8193, "IoU.road": 0.8081, "IoU.bed ": 0.872, "IoU.windowpane": 0.591, "IoU.grass": 0.6435, "IoU.cabinet": 0.5412, "IoU.sidewalk": 0.5756, "IoU.person": 0.7653, "IoU.earth": 0.3166, "IoU.door": 0.4747, "IoU.table": 0.4964, "IoU.mountain": 0.5881, "IoU.plant": 0.4956, "IoU.curtain": 0.6867, "IoU.chair": 0.5163, "IoU.car": 0.8086, "IoU.water": 0.4555, "IoU.painting": 0.7015, "IoU.sofa": 0.6771, "IoU.shelf": 0.3222, "IoU.house": 0.1281, "IoU.sea": 0.626, "IoU.mirror": 0.6443, "IoU.rug": 0.5826, "IoU.field": 0.3042, "IoU.armchair": 0.4637, "IoU.seat": 0.637, "IoU.fence": 0.3836, "IoU.desk": 0.3801, "IoU.rock": 0.4374, "IoU.wardrobe": 0.511, "IoU.lamp": 0.5494, "IoU.bathtub": 0.666, "IoU.railing": 0.3078, "IoU.cushion": 0.4906, "IoU.base": 0.2976, "IoU.box": 0.2079, "IoU.column": 0.4893, "IoU.signboard": 0.3048, "IoU.chest of drawers": 0.3343, "IoU.counter": 0.3519, "IoU.sand": 0.4375, "IoU.sink": 0.6109, "IoU.skyscraper": 0.5504, "IoU.fireplace": 0.639, "IoU.refrigerator": 0.6504, "IoU.grandstand": 0.4362, "IoU.path": 0.2084, "IoU.stairs": 0.2392, "IoU.runway": 0.687, "IoU.case": 0.584, "IoU.pool table": 0.8024, "IoU.pillow": 0.5589, "IoU.screen door": 0.6936, "IoU.stairway": 0.4055, "IoU.river": 0.1787, "IoU.bridge": 0.6528, "IoU.bookcase": 0.2327, "IoU.blind": 0.4087, "IoU.coffee table": 0.4637, "IoU.toilet": 0.8075, "IoU.flower": 0.327, "IoU.book": 0.4389, "IoU.hill": 0.0804, "IoU.bench": 0.4958, "IoU.countertop": 0.4469, "IoU.stove": 0.6052, "IoU.palm": 0.4384, "IoU.kitchen island": 0.3782, "IoU.computer": 0.6365, "IoU.swivel chair": 0.4108, "IoU.boat": 0.6885, "IoU.bar": 0.4747, "IoU.arcade machine": 0.6985, "IoU.hovel": 0.3395, "IoU.bus": 0.8667, "IoU.towel": 0.5114, "IoU.light": 0.3277, "IoU.truck": 0.3279, "IoU.tower": 0.2791, "IoU.chandelier": 0.5801, "IoU.awning": 0.2677, "IoU.streetlight": 0.0983, "IoU.booth": 0.1289, "IoU.television receiver": 0.6069, "IoU.airplane": 0.485, "IoU.dirt track": 0.0068, "IoU.apparel": 0.1555, "IoU.pole": 0.0637, "IoU.land": 0.0003, "IoU.bannister": 0.002, "IoU.escalator": 0.5683, "IoU.ottoman": 0.4449, "IoU.bottle": 0.3274, "IoU.buffet": 0.4824, "IoU.poster": 0.0484, "IoU.stage": 0.0421, "IoU.van": 0.266, "IoU.ship": 0.0879, "IoU.fountain": 0.6567, "IoU.conveyer belt": 0.6985, "IoU.canopy": 0.0492, "IoU.washer": 0.673, "IoU.plaything": 0.12, "IoU.swimming pool": 0.7579, "IoU.stool": 0.377, "IoU.barrel": 0.5818, "IoU.basket": 0.2255, "IoU.waterfall": 0.6771, "IoU.tent": 0.9379, "IoU.bag": 0.0485, "IoU.minibike": 0.5726, "IoU.cradle": 0.7157, "IoU.oven": 0.2408, "IoU.ball": 0.3595, "IoU.food": 0.302, "IoU.step": 0.0292, "IoU.tank": 0.4942, "IoU.trade name": 0.1135, "IoU.microwave": 0.7567, "IoU.pot": 0.3919, "IoU.animal": 0.6609, "IoU.bicycle": 0.4115, "IoU.lake": 0.0667, "IoU.dishwasher": 0.4451, "IoU.screen": 0.5467, "IoU.blanket": 0.0169, "IoU.sculpture": 0.4965, "IoU.hood": 0.5348, "IoU.sconce": 0.349, "IoU.vase": 0.1838, "IoU.traffic light": 0.0692, "IoU.tray": 0.0249, "IoU.ashcan": 0.3203, "IoU.fan": 0.4839, "IoU.pier": 0.365, "IoU.crt screen": 0.0, "IoU.plate": 0.3287, "IoU.monitor": 0.6501, "IoU.bulletin board": 0.4355, "IoU.shower": 0.0, "IoU.radiator": 0.5042, "IoU.glass": 0.0, "IoU.clock": 0.1799, "IoU.flag": 0.5676, "Acc.wall": 0.8699, "Acc.building": 0.9308, "Acc.sky": 0.9588, "Acc.floor": 0.8369, "Acc.tree": 0.918, "Acc.ceiling": 0.91, "Acc.road": 0.9072, "Acc.bed ": 0.9521, "Acc.windowpane": 0.8003, "Acc.grass": 0.8216, "Acc.cabinet": 0.6074, "Acc.sidewalk": 0.7672, "Acc.person": 0.8677, "Acc.earth": 0.4313, "Acc.door": 0.586, "Acc.table": 0.5773, "Acc.mountain": 0.7019, "Acc.plant": 0.5564, "Acc.curtain": 0.8574, "Acc.chair": 0.658, "Acc.car": 0.9244, "Acc.water": 0.5218, "Acc.painting": 0.838, "Acc.sofa": 0.8356, "Acc.shelf": 0.4103, "Acc.house": 0.1316, "Acc.sea": 0.9526, "Acc.mirror": 0.7171, "Acc.rug": 0.8344, "Acc.field": 0.6686, "Acc.armchair": 0.6455, "Acc.seat": 0.8846, "Acc.fence": 0.4854, "Acc.desk": 0.7332, "Acc.rock": 0.8491, "Acc.wardrobe": 0.6957, "Acc.lamp": 0.6801, "Acc.bathtub": 0.9081, "Acc.railing": 0.4021, "Acc.cushion": 0.6938, "Acc.base": 0.5317, "Acc.box": 0.4205, "Acc.column": 0.5677, "Acc.signboard": 0.3537, "Acc.chest of drawers": 0.7077, "Acc.counter": 0.3939, "Acc.sand": 0.4968, "Acc.sink": 0.7866, "Acc.skyscraper": 0.7904, "Acc.fireplace": 0.8632, "Acc.refrigerator": 0.8832, "Acc.grandstand": 0.8502, "Acc.path": 0.25, "Acc.stairs": 0.3019, "Acc.runway": 0.9482, "Acc.case": 0.7923, "Acc.pool table": 0.9848, "Acc.pillow": 0.7438, "Acc.screen door": 0.7376, "Acc.stairway": 0.6434, "Acc.river": 0.3869, "Acc.bridge": 0.8805, "Acc.bookcase": 0.4458, "Acc.blind": 0.5204, "Acc.coffee table": 0.902, "Acc.toilet": 0.9459, "Acc.flower": 0.4515, "Acc.book": 0.6935, "Acc.hill": 0.1141, "Acc.bench": 0.5948, "Acc.countertop": 0.4955, "Acc.stove": 0.9094, "Acc.palm": 0.4947, "Acc.kitchen island": 0.7637, "Acc.computer": 0.9109, "Acc.swivel chair": 0.7415, "Acc.boat": 0.8848, "Acc.bar": 0.6866, "Acc.arcade machine": 0.8123, "Acc.hovel": 0.3704, "Acc.bus": 0.911, "Acc.towel": 0.6236, "Acc.light": 0.3762, "Acc.truck": 0.4102, "Acc.tower": 0.4705, "Acc.chandelier": 0.8119, "Acc.awning": 0.438, "Acc.streetlight": 0.1332, "Acc.booth": 0.1313, "Acc.television receiver": 0.7846, "Acc.airplane": 0.5812, "Acc.dirt track": 0.0099, "Acc.apparel": 0.1818, "Acc.pole": 0.0685, "Acc.land": 0.0004, "Acc.bannister": 0.0022, "Acc.escalator": 0.7792, "Acc.ottoman": 0.6549, "Acc.bottle": 0.3972, "Acc.buffet": 0.858, "Acc.poster": 0.0487, "Acc.stage": 0.0471, "Acc.van": 0.3007, "Acc.ship": 0.0889, "Acc.fountain": 0.7528, "Acc.conveyer belt": 0.9269, "Acc.canopy": 0.0502, "Acc.washer": 0.708, "Acc.plaything": 0.1522, "Acc.swimming pool": 0.8308, "Acc.stool": 0.5628, "Acc.barrel": 0.646, "Acc.basket": 0.3782, "Acc.waterfall": 0.9279, "Acc.tent": 0.9649, "Acc.bag": 0.0498, "Acc.minibike": 0.7002, "Acc.cradle": 0.9674, "Acc.oven": 0.5972, "Acc.ball": 0.6381, "Acc.food": 0.3408, "Acc.step": 0.0295, "Acc.tank": 0.5355, "Acc.trade name": 0.1237, "Acc.microwave": 0.9459, "Acc.pot": 0.4434, "Acc.animal": 0.7069, "Acc.bicycle": 0.5089, "Acc.lake": 0.1484, "Acc.dishwasher": 0.5117, "Acc.screen": 0.8854, "Acc.blanket": 0.02, "Acc.sculpture": 0.6751, "Acc.hood": 0.6781, "Acc.sconce": 0.4495, "Acc.vase": 0.4444, "Acc.traffic light": 0.0753, "Acc.tray": 0.0315, "Acc.ashcan": 0.4358, "Acc.fan": 0.7086, "Acc.pier": 0.4073, "Acc.crt screen": 0.0, "Acc.plate": 0.7648, "Acc.monitor": 0.7074, "Acc.bulletin board": 0.5215, "Acc.shower": 0.0, "Acc.radiator": 0.563, "Acc.glass": 0.0, "Acc.clock": 0.188, "Acc.flag": 0.6081} {"mode": "train", "epoch": 4, "iter": 4050, "lr": 4e-05, "memory": 70498, "data_time": 1.97049, "decode.loss_ce": 0.54705, "decode.acc_seg": 79.55773, "aux.loss_ce": 0.21788, "aux.acc_seg": 79.71088, "loss": 0.76492, "time": 3.28726} {"mode": "train", "epoch": 4, "iter": 4100, "lr": 4e-05, "memory": 70498, "data_time": 0.00944, "decode.loss_ce": 0.59094, "decode.acc_seg": 78.51393, "aux.loss_ce": 0.23429, "aux.acc_seg": 78.98565, "loss": 0.82523, "time": 1.3275} {"mode": "train", "epoch": 4, "iter": 4150, "lr": 4e-05, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.58055, "decode.acc_seg": 78.85188, "aux.loss_ce": 0.23097, "aux.acc_seg": 79.01467, "loss": 0.81151, "time": 1.32519} {"mode": "train", "epoch": 4, "iter": 4200, "lr": 4e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.57009, "decode.acc_seg": 79.57433, "aux.loss_ce": 0.22568, "aux.acc_seg": 79.81353, "loss": 0.79578, "time": 1.32711} {"mode": "train", "epoch": 4, "iter": 4250, "lr": 4e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.57341, "decode.acc_seg": 77.97953, "aux.loss_ce": 0.22636, "aux.acc_seg": 78.60309, "loss": 0.79976, "time": 1.32462} {"mode": "train", "epoch": 4, "iter": 4300, "lr": 4e-05, "memory": 70498, "data_time": 0.00983, "decode.loss_ce": 0.58487, "decode.acc_seg": 78.48258, "aux.loss_ce": 0.2304, "aux.acc_seg": 78.74869, "loss": 0.81526, "time": 1.32504} {"mode": "train", "epoch": 4, "iter": 4350, "lr": 4e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.56714, "decode.acc_seg": 78.09924, "aux.loss_ce": 0.22586, "aux.acc_seg": 78.37492, "loss": 0.793, "time": 1.32587} {"mode": "train", "epoch": 4, "iter": 4400, "lr": 4e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.55709, "decode.acc_seg": 79.5812, "aux.loss_ce": 0.2206, "aux.acc_seg": 79.9205, "loss": 0.7777, "time": 1.32858} {"mode": "train", "epoch": 4, "iter": 4450, "lr": 4e-05, "memory": 70498, "data_time": 0.00948, "decode.loss_ce": 0.54269, "decode.acc_seg": 79.86387, "aux.loss_ce": 0.21509, "aux.acc_seg": 80.17811, "loss": 0.75778, "time": 1.32196} {"mode": "train", "epoch": 4, "iter": 4500, "lr": 4e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.56707, "decode.acc_seg": 78.51254, "aux.loss_ce": 0.22536, "aux.acc_seg": 78.70901, "loss": 0.79243, "time": 1.32444} {"mode": "train", "epoch": 4, "iter": 4550, "lr": 4e-05, "memory": 70498, "data_time": 0.00967, "decode.loss_ce": 0.59167, "decode.acc_seg": 78.61503, "aux.loss_ce": 0.23526, "aux.acc_seg": 78.6066, "loss": 0.82693, "time": 1.32291} {"mode": "train", "epoch": 4, "iter": 4600, "lr": 4e-05, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.56031, "decode.acc_seg": 79.14477, "aux.loss_ce": 0.22179, "aux.acc_seg": 79.36969, "loss": 0.78209, "time": 1.32475} {"mode": "train", "epoch": 4, "iter": 4650, "lr": 4e-05, "memory": 70498, "data_time": 0.00947, "decode.loss_ce": 0.60572, "decode.acc_seg": 77.66006, "aux.loss_ce": 0.23882, "aux.acc_seg": 78.08905, "loss": 0.84454, "time": 1.33007} {"mode": "train", "epoch": 4, "iter": 4700, "lr": 4e-05, "memory": 70498, "data_time": 0.00941, "decode.loss_ce": 0.56591, "decode.acc_seg": 78.31888, "aux.loss_ce": 0.22427, "aux.acc_seg": 78.71526, "loss": 0.79019, "time": 1.32608} {"mode": "train", "epoch": 4, "iter": 4750, "lr": 4e-05, "memory": 70498, "data_time": 0.00944, "decode.loss_ce": 0.55798, "decode.acc_seg": 79.56036, "aux.loss_ce": 0.22177, "aux.acc_seg": 79.78964, "loss": 0.77975, "time": 1.331} {"mode": "train", "epoch": 4, "iter": 4800, "lr": 4e-05, "memory": 70498, "data_time": 0.0094, "decode.loss_ce": 0.57311, "decode.acc_seg": 78.61771, "aux.loss_ce": 0.22928, "aux.acc_seg": 78.90194, "loss": 0.8024, "time": 1.32552} {"mode": "train", "epoch": 4, "iter": 4850, "lr": 4e-05, "memory": 70498, "data_time": 0.00945, "decode.loss_ce": 0.57524, "decode.acc_seg": 78.77113, "aux.loss_ce": 0.22824, "aux.acc_seg": 79.03261, "loss": 0.80348, "time": 1.32495} {"mode": "train", "epoch": 4, "iter": 4900, "lr": 4e-05, "memory": 70498, "data_time": 0.00942, "decode.loss_ce": 0.5917, "decode.acc_seg": 78.28572, "aux.loss_ce": 0.23369, "aux.acc_seg": 78.63258, "loss": 0.82539, "time": 1.32935} {"mode": "train", "epoch": 4, "iter": 4950, "lr": 4e-05, "memory": 70498, "data_time": 0.0094, "decode.loss_ce": 0.58698, "decode.acc_seg": 78.90841, "aux.loss_ce": 0.23111, "aux.acc_seg": 79.17486, "loss": 0.81809, "time": 1.32712} {"mode": "train", "epoch": 4, "iter": 5000, "lr": 4e-05, "memory": 70498, "data_time": 0.00941, "decode.loss_ce": 0.56297, "decode.acc_seg": 78.5975, "aux.loss_ce": 0.22023, "aux.acc_seg": 79.27607, "loss": 0.7832, "time": 1.33011} {"mode": "val", "epoch": 4, "iter": 250, "lr": 4e-05, "aAcc": 0.8184, "mIoU": 0.4536, "mAcc": 0.5993, "IoU.wall": 0.7628, "IoU.building": 0.8298, "IoU.sky": 0.9394, "IoU.floor": 0.817, "IoU.tree": 0.7451, "IoU.ceiling": 0.797, "IoU.road": 0.8263, "IoU.bed ": 0.8913, "IoU.windowpane": 0.592, "IoU.grass": 0.6188, "IoU.cabinet": 0.5831, "IoU.sidewalk": 0.6107, "IoU.person": 0.7935, "IoU.earth": 0.3073, "IoU.door": 0.5377, "IoU.table": 0.5682, "IoU.mountain": 0.6061, "IoU.plant": 0.5068, "IoU.curtain": 0.6695, "IoU.chair": 0.5607, "IoU.car": 0.8312, "IoU.water": 0.5846, "IoU.painting": 0.7066, "IoU.sofa": 0.6364, "IoU.shelf": 0.2211, "IoU.house": 0.5755, "IoU.sea": 0.5261, "IoU.mirror": 0.6569, "IoU.rug": 0.5548, "IoU.field": 0.2147, "IoU.armchair": 0.461, "IoU.seat": 0.6087, "IoU.fence": 0.4054, "IoU.desk": 0.4803, "IoU.rock": 0.5921, "IoU.wardrobe": 0.5325, "IoU.lamp": 0.5731, "IoU.bathtub": 0.7069, "IoU.railing": 0.3091, "IoU.cushion": 0.5049, "IoU.base": 0.3025, "IoU.box": 0.2281, "IoU.column": 0.4555, "IoU.signboard": 0.3134, "IoU.chest of drawers": 0.4654, "IoU.counter": 0.3872, "IoU.sand": 0.4197, "IoU.sink": 0.6395, "IoU.skyscraper": 0.4973, "IoU.fireplace": 0.5661, "IoU.refrigerator": 0.6591, "IoU.grandstand": 0.3768, "IoU.path": 0.1921, "IoU.stairs": 0.2533, "IoU.runway": 0.6941, "IoU.case": 0.5695, "IoU.pool table": 0.8263, "IoU.pillow": 0.5504, "IoU.screen door": 0.621, "IoU.stairway": 0.2777, "IoU.river": 0.2478, "IoU.bridge": 0.7136, "IoU.bookcase": 0.1609, "IoU.blind": 0.4623, "IoU.coffee table": 0.5473, "IoU.toilet": 0.8164, "IoU.flower": 0.2388, "IoU.book": 0.3437, "IoU.hill": 0.0346, "IoU.bench": 0.4443, "IoU.countertop": 0.5298, "IoU.stove": 0.7091, "IoU.palm": 0.4822, "IoU.kitchen island": 0.307, "IoU.computer": 0.6083, "IoU.swivel chair": 0.3784, "IoU.boat": 0.5944, "IoU.bar": 0.5946, "IoU.arcade machine": 0.7127, "IoU.hovel": 0.2704, "IoU.bus": 0.8797, "IoU.towel": 0.5937, "IoU.light": 0.1759, "IoU.truck": 0.3603, "IoU.tower": 0.0404, "IoU.chandelier": 0.6125, "IoU.awning": 0.3354, "IoU.streetlight": 0.1176, "IoU.booth": 0.2838, "IoU.television receiver": 0.5764, "IoU.airplane": 0.4915, "IoU.dirt track": 0.0397, "IoU.apparel": 0.4382, "IoU.pole": 0.0543, "IoU.land": 0.0, "IoU.bannister": 0.0526, "IoU.escalator": 0.5571, "IoU.ottoman": 0.4146, "IoU.bottle": 0.3542, "IoU.buffet": 0.4593, "IoU.poster": 0.2412, "IoU.stage": 0.1175, "IoU.van": 0.2504, "IoU.ship": 0.5971, "IoU.fountain": 0.5309, "IoU.conveyer belt": 0.756, "IoU.canopy": 0.4565, "IoU.washer": 0.7197, "IoU.plaything": 0.2906, "IoU.swimming pool": 0.537, "IoU.stool": 0.3444, "IoU.barrel": 0.0454, "IoU.basket": 0.2531, "IoU.waterfall": 0.5105, "IoU.tent": 0.9416, "IoU.bag": 0.0247, "IoU.minibike": 0.6164, "IoU.cradle": 0.7423, "IoU.oven": 0.4424, "IoU.ball": 0.3855, "IoU.food": 0.4433, "IoU.step": 0.0206, "IoU.tank": 0.4585, "IoU.trade name": 0.2589, "IoU.microwave": 0.7863, "IoU.pot": 0.322, "IoU.animal": 0.6566, "IoU.bicycle": 0.4565, "IoU.lake": 0.0, "IoU.dishwasher": 0.4913, "IoU.screen": 0.5489, "IoU.blanket": 0.2915, "IoU.sculpture": 0.5461, "IoU.hood": 0.5174, "IoU.sconce": 0.1906, "IoU.vase": 0.2779, "IoU.traffic light": 0.1567, "IoU.tray": 0.0353, "IoU.ashcan": 0.3693, "IoU.fan": 0.4738, "IoU.pier": 0.3345, "IoU.crt screen": 0.0, "IoU.plate": 0.3816, "IoU.monitor": 0.0777, "IoU.bulletin board": 0.3966, "IoU.shower": 0.0, "IoU.radiator": 0.5088, "IoU.glass": 0.0035, "IoU.clock": 0.2602, "IoU.flag": 0.4023, "Acc.wall": 0.8714, "Acc.building": 0.9259, "Acc.sky": 0.973, "Acc.floor": 0.9036, "Acc.tree": 0.8909, "Acc.ceiling": 0.8409, "Acc.road": 0.9243, "Acc.bed ": 0.9508, "Acc.windowpane": 0.777, "Acc.grass": 0.7248, "Acc.cabinet": 0.6668, "Acc.sidewalk": 0.7421, "Acc.person": 0.895, "Acc.earth": 0.3932, "Acc.door": 0.7172, "Acc.table": 0.6959, "Acc.mountain": 0.7269, "Acc.plant": 0.6205, "Acc.curtain": 0.729, "Acc.chair": 0.748, "Acc.car": 0.912, "Acc.water": 0.7995, "Acc.painting": 0.8483, "Acc.sofa": 0.6753, "Acc.shelf": 0.2537, "Acc.house": 0.8104, "Acc.sea": 0.6466, "Acc.mirror": 0.8515, "Acc.rug": 0.5838, "Acc.field": 0.5656, "Acc.armchair": 0.7186, "Acc.seat": 0.8698, "Acc.fence": 0.6775, "Acc.desk": 0.7124, "Acc.rock": 0.7794, "Acc.wardrobe": 0.732, "Acc.lamp": 0.7375, "Acc.bathtub": 0.924, "Acc.railing": 0.4101, "Acc.cushion": 0.7568, "Acc.base": 0.7572, "Acc.box": 0.3201, "Acc.column": 0.5015, "Acc.signboard": 0.396, "Acc.chest of drawers": 0.5692, "Acc.counter": 0.4243, "Acc.sand": 0.5728, "Acc.sink": 0.7697, "Acc.skyscraper": 0.6588, "Acc.fireplace": 0.9792, "Acc.refrigerator": 0.8739, "Acc.grandstand": 0.5886, "Acc.path": 0.302, "Acc.stairs": 0.2915, "Acc.runway": 0.9589, "Acc.case": 0.8717, "Acc.pool table": 0.981, "Acc.pillow": 0.6474, "Acc.screen door": 0.6538, "Acc.stairway": 0.3983, "Acc.river": 0.3046, "Acc.bridge": 0.8879, "Acc.bookcase": 0.4473, "Acc.blind": 0.6919, "Acc.coffee table": 0.8624, "Acc.toilet": 0.9254, "Acc.flower": 0.4142, "Acc.book": 0.7684, "Acc.hill": 0.0499, "Acc.bench": 0.5396, "Acc.countertop": 0.7146, "Acc.stove": 0.9042, "Acc.palm": 0.5911, "Acc.kitchen island": 0.9375, "Acc.computer": 0.8912, "Acc.swivel chair": 0.4461, "Acc.boat": 0.8232, "Acc.bar": 0.7024, "Acc.arcade machine": 0.7993, "Acc.hovel": 0.3054, "Acc.bus": 0.9237, "Acc.towel": 0.6961, "Acc.light": 0.179, "Acc.truck": 0.4407, "Acc.tower": 0.047, "Acc.chandelier": 0.7422, "Acc.awning": 0.4344, "Acc.streetlight": 0.1318, "Acc.booth": 0.7799, "Acc.television receiver": 0.6879, "Acc.airplane": 0.6678, "Acc.dirt track": 0.313, "Acc.apparel": 0.5996, "Acc.pole": 0.0582, "Acc.land": 0.0, "Acc.bannister": 0.0766, "Acc.escalator": 0.7406, "Acc.ottoman": 0.6498, "Acc.bottle": 0.546, "Acc.buffet": 0.7248, "Acc.poster": 0.2754, "Acc.stage": 0.1493, "Acc.van": 0.2883, "Acc.ship": 0.7101, "Acc.fountain": 0.5548, "Acc.conveyer belt": 0.9218, "Acc.canopy": 0.6515, "Acc.washer": 0.7714, "Acc.plaything": 0.5839, "Acc.swimming pool": 0.9765, "Acc.stool": 0.4361, "Acc.barrel": 0.6512, "Acc.basket": 0.374, "Acc.waterfall": 0.987, "Acc.tent": 0.979, "Acc.bag": 0.025, "Acc.minibike": 0.8028, "Acc.cradle": 0.965, "Acc.oven": 0.4838, "Acc.ball": 0.6289, "Acc.food": 0.5165, "Acc.step": 0.0208, "Acc.tank": 0.5611, "Acc.trade name": 0.3472, "Acc.microwave": 0.9299, "Acc.pot": 0.3491, "Acc.animal": 0.7078, "Acc.bicycle": 0.6546, "Acc.lake": 0.0, "Acc.dishwasher": 0.6211, "Acc.screen": 0.9425, "Acc.blanket": 0.3912, "Acc.sculpture": 0.5802, "Acc.hood": 0.7441, "Acc.sconce": 0.2024, "Acc.vase": 0.3942, "Acc.traffic light": 0.438, "Acc.tray": 0.0485, "Acc.ashcan": 0.4998, "Acc.fan": 0.5443, "Acc.pier": 0.3824, "Acc.crt screen": 0.0, "Acc.plate": 0.7122, "Acc.monitor": 0.0833, "Acc.bulletin board": 0.7152, "Acc.shower": 0.0, "Acc.radiator": 0.5992, "Acc.glass": 0.0035, "Acc.clock": 0.3218, "Acc.flag": 0.4237} {"mode": "train", "epoch": 4, "iter": 5050, "lr": 4e-05, "memory": 70498, "data_time": 1.93342, "decode.loss_ce": 0.59893, "decode.acc_seg": 78.00492, "aux.loss_ce": 0.23605, "aux.acc_seg": 78.45002, "loss": 0.83497, "time": 3.25204} {"mode": "train", "epoch": 5, "iter": 5100, "lr": 4e-05, "memory": 70498, "data_time": 0.05906, "decode.loss_ce": 0.51106, "decode.acc_seg": 80.52923, "aux.loss_ce": 0.20438, "aux.acc_seg": 80.84265, "loss": 0.71544, "time": 1.3801} {"mode": "train", "epoch": 5, "iter": 5150, "lr": 4e-05, "memory": 70498, "data_time": 0.00946, "decode.loss_ce": 0.51927, "decode.acc_seg": 80.41584, "aux.loss_ce": 0.2054, "aux.acc_seg": 80.84393, "loss": 0.72467, "time": 1.32796} {"mode": "train", "epoch": 5, "iter": 5200, "lr": 4e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.56587, "decode.acc_seg": 79.48242, "aux.loss_ce": 0.2229, "aux.acc_seg": 79.56187, "loss": 0.78877, "time": 1.32981} {"mode": "train", "epoch": 5, "iter": 5250, "lr": 4e-05, "memory": 70498, "data_time": 0.0094, "decode.loss_ce": 0.53778, "decode.acc_seg": 79.10294, "aux.loss_ce": 0.21173, "aux.acc_seg": 79.7222, "loss": 0.7495, "time": 1.32482} {"mode": "train", "epoch": 5, "iter": 5300, "lr": 4e-05, "memory": 70498, "data_time": 0.00956, "decode.loss_ce": 0.53084, "decode.acc_seg": 79.87416, "aux.loss_ce": 0.21113, "aux.acc_seg": 80.18199, "loss": 0.74197, "time": 1.33094} {"mode": "train", "epoch": 5, "iter": 5350, "lr": 4e-05, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.52056, "decode.acc_seg": 80.83556, "aux.loss_ce": 0.20838, "aux.acc_seg": 80.86166, "loss": 0.72894, "time": 1.32138} {"mode": "train", "epoch": 5, "iter": 5400, "lr": 4e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.53556, "decode.acc_seg": 80.35258, "aux.loss_ce": 0.2113, "aux.acc_seg": 80.74111, "loss": 0.74686, "time": 1.32704} {"mode": "train", "epoch": 5, "iter": 5450, "lr": 4e-05, "memory": 70498, "data_time": 0.00971, "decode.loss_ce": 0.5193, "decode.acc_seg": 80.07644, "aux.loss_ce": 0.20509, "aux.acc_seg": 80.54071, "loss": 0.72439, "time": 1.32554} {"mode": "train", "epoch": 5, "iter": 5500, "lr": 4e-05, "memory": 70498, "data_time": 0.00947, "decode.loss_ce": 0.53765, "decode.acc_seg": 79.71461, "aux.loss_ce": 0.21402, "aux.acc_seg": 79.72637, "loss": 0.75168, "time": 1.32359} {"mode": "train", "epoch": 5, "iter": 5550, "lr": 4e-05, "memory": 70498, "data_time": 0.0099, "decode.loss_ce": 0.51154, "decode.acc_seg": 81.03899, "aux.loss_ce": 0.20384, "aux.acc_seg": 80.99536, "loss": 0.71538, "time": 1.32878} {"mode": "train", "epoch": 5, "iter": 5600, "lr": 4e-05, "memory": 70498, "data_time": 0.0097, "decode.loss_ce": 0.56942, "decode.acc_seg": 78.19715, "aux.loss_ce": 0.22456, "aux.acc_seg": 78.42324, "loss": 0.79397, "time": 1.322} {"mode": "train", "epoch": 5, "iter": 5650, "lr": 4e-05, "memory": 70498, "data_time": 0.0096, "decode.loss_ce": 0.51028, "decode.acc_seg": 80.62865, "aux.loss_ce": 0.20409, "aux.acc_seg": 80.87792, "loss": 0.71436, "time": 1.33008} {"mode": "train", "epoch": 5, "iter": 5700, "lr": 4e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.54232, "decode.acc_seg": 79.52039, "aux.loss_ce": 0.21338, "aux.acc_seg": 79.9173, "loss": 0.7557, "time": 1.32841} {"mode": "train", "epoch": 5, "iter": 5750, "lr": 4e-05, "memory": 70498, "data_time": 0.00946, "decode.loss_ce": 0.54511, "decode.acc_seg": 79.28137, "aux.loss_ce": 0.2157, "aux.acc_seg": 79.60907, "loss": 0.76081, "time": 1.33243} {"mode": "train", "epoch": 5, "iter": 5800, "lr": 4e-05, "memory": 70498, "data_time": 0.00945, "decode.loss_ce": 0.53596, "decode.acc_seg": 79.96521, "aux.loss_ce": 0.21289, "aux.acc_seg": 80.18949, "loss": 0.74885, "time": 1.32772} {"mode": "train", "epoch": 5, "iter": 5850, "lr": 4e-05, "memory": 70498, "data_time": 0.00965, "decode.loss_ce": 0.56794, "decode.acc_seg": 78.92761, "aux.loss_ce": 0.22447, "aux.acc_seg": 79.26444, "loss": 0.79241, "time": 1.32895} {"mode": "train", "epoch": 5, "iter": 5900, "lr": 4e-05, "memory": 70498, "data_time": 0.00947, "decode.loss_ce": 0.56435, "decode.acc_seg": 78.10742, "aux.loss_ce": 0.22403, "aux.acc_seg": 78.37721, "loss": 0.78838, "time": 1.33068} {"mode": "train", "epoch": 5, "iter": 5950, "lr": 4e-05, "memory": 70498, "data_time": 0.00946, "decode.loss_ce": 0.52611, "decode.acc_seg": 79.83091, "aux.loss_ce": 0.20883, "aux.acc_seg": 80.19708, "loss": 0.73494, "time": 1.32555} {"mode": "train", "epoch": 5, "iter": 6000, "lr": 4e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.54099, "decode.acc_seg": 79.89206, "aux.loss_ce": 0.21586, "aux.acc_seg": 80.02373, "loss": 0.75685, "time": 3.42557} {"mode": "val", "epoch": 5, "iter": 250, "lr": 4e-05, "aAcc": 0.8239, "mIoU": 0.4631, "mAcc": 0.6082, "IoU.wall": 0.7699, "IoU.building": 0.8305, "IoU.sky": 0.94, "IoU.floor": 0.8013, "IoU.tree": 0.7442, "IoU.ceiling": 0.8305, "IoU.road": 0.8198, "IoU.bed ": 0.8805, "IoU.windowpane": 0.5962, "IoU.grass": 0.7031, "IoU.cabinet": 0.587, "IoU.sidewalk": 0.6258, "IoU.person": 0.7909, "IoU.earth": 0.3507, "IoU.door": 0.5365, "IoU.table": 0.5909, "IoU.mountain": 0.5751, "IoU.plant": 0.5099, "IoU.curtain": 0.7193, "IoU.chair": 0.5448, "IoU.car": 0.8351, "IoU.water": 0.6366, "IoU.painting": 0.7029, "IoU.sofa": 0.7155, "IoU.shelf": 0.3488, "IoU.house": 0.5407, "IoU.sea": 0.5875, "IoU.mirror": 0.6365, "IoU.rug": 0.6331, "IoU.field": 0.2381, "IoU.armchair": 0.4562, "IoU.seat": 0.5353, "IoU.fence": 0.3976, "IoU.desk": 0.4764, "IoU.rock": 0.5, "IoU.wardrobe": 0.4877, "IoU.lamp": 0.6027, "IoU.bathtub": 0.721, "IoU.railing": 0.3768, "IoU.cushion": 0.5584, "IoU.base": 0.3266, "IoU.box": 0.2325, "IoU.column": 0.4759, "IoU.signboard": 0.3385, "IoU.chest of drawers": 0.4188, "IoU.counter": 0.5721, "IoU.sand": 0.4818, "IoU.sink": 0.6698, "IoU.skyscraper": 0.4565, "IoU.fireplace": 0.6578, "IoU.refrigerator": 0.6402, "IoU.grandstand": 0.3746, "IoU.path": 0.1968, "IoU.stairs": 0.333, "IoU.runway": 0.6736, "IoU.case": 0.5492, "IoU.pool table": 0.832, "IoU.pillow": 0.601, "IoU.screen door": 0.4722, "IoU.stairway": 0.3228, "IoU.river": 0.2786, "IoU.bridge": 0.7206, "IoU.bookcase": 0.2684, "IoU.blind": 0.415, "IoU.coffee table": 0.511, "IoU.toilet": 0.8231, "IoU.flower": 0.3645, "IoU.book": 0.4619, "IoU.hill": 0.052, "IoU.bench": 0.4263, "IoU.countertop": 0.544, "IoU.stove": 0.7025, "IoU.palm": 0.4549, "IoU.kitchen island": 0.3334, "IoU.computer": 0.7123, "IoU.swivel chair": 0.3969, "IoU.boat": 0.5002, "IoU.bar": 0.5535, "IoU.arcade machine": 0.6648, "IoU.hovel": 0.3812, "IoU.bus": 0.8196, "IoU.towel": 0.555, "IoU.light": 0.4693, "IoU.truck": 0.3891, "IoU.tower": 0.2982, "IoU.chandelier": 0.6168, "IoU.awning": 0.2979, "IoU.streetlight": 0.157, "IoU.booth": 0.333, "IoU.television receiver": 0.6336, "IoU.airplane": 0.551, "IoU.dirt track": 0.1797, "IoU.apparel": 0.3224, "IoU.pole": 0.074, "IoU.land": 0.003, "IoU.bannister": 0.0346, "IoU.escalator": 0.5559, "IoU.ottoman": 0.4138, "IoU.bottle": 0.2294, "IoU.buffet": 0.459, "IoU.poster": 0.2384, "IoU.stage": 0.2232, "IoU.van": 0.3162, "IoU.ship": 0.1585, "IoU.fountain": 0.4304, "IoU.conveyer belt": 0.6048, "IoU.canopy": 0.4213, "IoU.washer": 0.6503, "IoU.plaything": 0.276, "IoU.swimming pool": 0.623, "IoU.stool": 0.3774, "IoU.barrel": 0.246, "IoU.basket": 0.1944, "IoU.waterfall": 0.5463, "IoU.tent": 0.8346, "IoU.bag": 0.0065, "IoU.minibike": 0.6074, "IoU.cradle": 0.6806, "IoU.oven": 0.2928, "IoU.ball": 0.4227, "IoU.food": 0.3904, "IoU.step": 0.1494, "IoU.tank": 0.5655, "IoU.trade name": 0.259, "IoU.microwave": 0.8177, "IoU.pot": 0.4551, "IoU.animal": 0.6379, "IoU.bicycle": 0.452, "IoU.lake": 0.0, "IoU.dishwasher": 0.5096, "IoU.screen": 0.3917, "IoU.blanket": 0.0278, "IoU.sculpture": 0.5444, "IoU.hood": 0.5294, "IoU.sconce": 0.246, "IoU.vase": 0.2701, "IoU.traffic light": 0.1658, "IoU.tray": 0.0339, "IoU.ashcan": 0.363, "IoU.fan": 0.5058, "IoU.pier": 0.3193, "IoU.crt screen": 0.0025, "IoU.plate": 0.448, "IoU.monitor": 0.0934, "IoU.bulletin board": 0.4857, "IoU.shower": 0.0, "IoU.radiator": 0.4885, "IoU.glass": 0.0117, "IoU.clock": 0.2327, "IoU.flag": 0.5961, "Acc.wall": 0.8422, "Acc.building": 0.921, "Acc.sky": 0.9674, "Acc.floor": 0.8528, "Acc.tree": 0.8748, "Acc.ceiling": 0.9014, "Acc.road": 0.9093, "Acc.bed ": 0.9567, "Acc.windowpane": 0.7589, "Acc.grass": 0.8549, "Acc.cabinet": 0.7034, "Acc.sidewalk": 0.7938, "Acc.person": 0.9145, "Acc.earth": 0.4575, "Acc.door": 0.7383, "Acc.table": 0.7411, "Acc.mountain": 0.7309, "Acc.plant": 0.7358, "Acc.curtain": 0.9014, "Acc.chair": 0.6804, "Acc.car": 0.913, "Acc.water": 0.8453, "Acc.painting": 0.8792, "Acc.sofa": 0.8555, "Acc.shelf": 0.5922, "Acc.house": 0.6512, "Acc.sea": 0.6865, "Acc.mirror": 0.871, "Acc.rug": 0.8092, "Acc.field": 0.4133, "Acc.armchair": 0.8065, "Acc.seat": 0.8952, "Acc.fence": 0.7338, "Acc.desk": 0.636, "Acc.rock": 0.611, "Acc.wardrobe": 0.848, "Acc.lamp": 0.7164, "Acc.bathtub": 0.8284, "Acc.railing": 0.5271, "Acc.cushion": 0.6961, "Acc.base": 0.4593, "Acc.box": 0.2636, "Acc.column": 0.5435, "Acc.signboard": 0.4788, "Acc.chest of drawers": 0.5356, "Acc.counter": 0.7574, "Acc.sand": 0.5204, "Acc.sink": 0.7233, "Acc.skyscraper": 0.5614, "Acc.fireplace": 0.9403, "Acc.refrigerator": 0.8904, "Acc.grandstand": 0.9267, "Acc.path": 0.2498, "Acc.stairs": 0.4247, "Acc.runway": 0.8801, "Acc.case": 0.8463, "Acc.pool table": 0.9847, "Acc.pillow": 0.7192, "Acc.screen door": 0.9388, "Acc.stairway": 0.4811, "Acc.river": 0.4809, "Acc.bridge": 0.8995, "Acc.bookcase": 0.533, "Acc.blind": 0.4647, "Acc.coffee table": 0.8926, "Acc.toilet": 0.9115, "Acc.flower": 0.4996, "Acc.book": 0.73, "Acc.hill": 0.1368, "Acc.bench": 0.5552, "Acc.countertop": 0.6721, "Acc.stove": 0.8965, "Acc.palm": 0.5834, "Acc.kitchen island": 0.5335, "Acc.computer": 0.8971, "Acc.swivel chair": 0.4899, "Acc.boat": 0.8658, "Acc.bar": 0.7047, "Acc.arcade machine": 0.8487, "Acc.hovel": 0.4353, "Acc.bus": 0.956, "Acc.towel": 0.6558, "Acc.light": 0.5934, "Acc.truck": 0.51, "Acc.tower": 0.5275, "Acc.chandelier": 0.8614, "Acc.awning": 0.3367, "Acc.streetlight": 0.1983, "Acc.booth": 0.4692, "Acc.television receiver": 0.7389, "Acc.airplane": 0.6218, "Acc.dirt track": 0.1798, "Acc.apparel": 0.4885, "Acc.pole": 0.0805, "Acc.land": 0.0043, "Acc.bannister": 0.0384, "Acc.escalator": 0.8137, "Acc.ottoman": 0.5945, "Acc.bottle": 0.2515, "Acc.buffet": 0.7761, "Acc.poster": 0.2699, "Acc.stage": 0.495, "Acc.van": 0.3779, "Acc.ship": 0.1793, "Acc.fountain": 0.4393, "Acc.conveyer belt": 0.933, "Acc.canopy": 0.4531, "Acc.washer": 0.6824, "Acc.plaything": 0.5463, "Acc.swimming pool": 0.9598, "Acc.stool": 0.4487, "Acc.barrel": 0.6512, "Acc.basket": 0.2291, "Acc.waterfall": 0.8648, "Acc.tent": 0.9959, "Acc.bag": 0.0065, "Acc.minibike": 0.821, "Acc.cradle": 0.9937, "Acc.oven": 0.3026, "Acc.ball": 0.6143, "Acc.food": 0.4999, "Acc.step": 0.1737, "Acc.tank": 0.6583, "Acc.trade name": 0.5003, "Acc.microwave": 0.9291, "Acc.pot": 0.5168, "Acc.animal": 0.7216, "Acc.bicycle": 0.8229, "Acc.lake": 0.0, "Acc.dishwasher": 0.6511, "Acc.screen": 0.985, "Acc.blanket": 0.0295, "Acc.sculpture": 0.6645, "Acc.hood": 0.5904, "Acc.sconce": 0.2678, "Acc.vase": 0.3516, "Acc.traffic light": 0.1994, "Acc.tray": 0.0392, "Acc.ashcan": 0.4471, "Acc.fan": 0.7472, "Acc.pier": 0.4404, "Acc.crt screen": 0.0073, "Acc.plate": 0.5213, "Acc.monitor": 0.1002, "Acc.bulletin board": 0.5512, "Acc.shower": 0.0, "Acc.radiator": 0.5826, "Acc.glass": 0.0118, "Acc.clock": 0.4268, "Acc.flag": 0.623} {"mode": "train", "epoch": 5, "iter": 6050, "lr": 4e-05, "memory": 70498, "data_time": 2.02261, "decode.loss_ce": 0.5212, "decode.acc_seg": 80.19324, "aux.loss_ce": 0.20699, "aux.acc_seg": 80.29265, "loss": 0.72819, "time": 3.34175} {"mode": "train", "epoch": 5, "iter": 6100, "lr": 4e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.51015, "decode.acc_seg": 80.29316, "aux.loss_ce": 0.20314, "aux.acc_seg": 80.33053, "loss": 0.71328, "time": 1.32964} {"mode": "train", "epoch": 5, "iter": 6150, "lr": 4e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.56274, "decode.acc_seg": 79.24746, "aux.loss_ce": 0.22235, "aux.acc_seg": 79.37351, "loss": 0.78509, "time": 1.32698} {"mode": "train", "epoch": 5, "iter": 6200, "lr": 4e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.51363, "decode.acc_seg": 80.80745, "aux.loss_ce": 0.20262, "aux.acc_seg": 81.17604, "loss": 0.71625, "time": 1.33898} {"mode": "train", "epoch": 5, "iter": 6250, "lr": 4e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.55954, "decode.acc_seg": 79.48021, "aux.loss_ce": 0.22096, "aux.acc_seg": 79.85685, "loss": 0.78051, "time": 1.32845} {"mode": "train", "epoch": 5, "iter": 6300, "lr": 4e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.51841, "decode.acc_seg": 80.18049, "aux.loss_ce": 0.20548, "aux.acc_seg": 80.53307, "loss": 0.72389, "time": 1.32427} {"mode": "train", "epoch": 6, "iter": 6350, "lr": 4e-05, "memory": 70498, "data_time": 0.05149, "decode.loss_ce": 0.50702, "decode.acc_seg": 81.09551, "aux.loss_ce": 0.2027, "aux.acc_seg": 81.29405, "loss": 0.70972, "time": 1.3724} {"mode": "train", "epoch": 6, "iter": 6400, "lr": 4e-05, "memory": 70498, "data_time": 0.00946, "decode.loss_ce": 0.4909, "decode.acc_seg": 81.18771, "aux.loss_ce": 0.19547, "aux.acc_seg": 81.36098, "loss": 0.68637, "time": 1.3299} {"mode": "train", "epoch": 6, "iter": 6450, "lr": 4e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.51342, "decode.acc_seg": 80.85847, "aux.loss_ce": 0.20502, "aux.acc_seg": 80.8067, "loss": 0.71844, "time": 1.32713} {"mode": "train", "epoch": 6, "iter": 6500, "lr": 4e-05, "memory": 70498, "data_time": 0.0096, "decode.loss_ce": 0.48983, "decode.acc_seg": 81.18603, "aux.loss_ce": 0.19551, "aux.acc_seg": 81.18787, "loss": 0.68534, "time": 1.32727} {"mode": "train", "epoch": 6, "iter": 6550, "lr": 4e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.51368, "decode.acc_seg": 80.41539, "aux.loss_ce": 0.20305, "aux.acc_seg": 80.72145, "loss": 0.71672, "time": 1.33225} {"mode": "train", "epoch": 6, "iter": 6600, "lr": 4e-05, "memory": 70498, "data_time": 0.00941, "decode.loss_ce": 0.50273, "decode.acc_seg": 81.20501, "aux.loss_ce": 0.19971, "aux.acc_seg": 81.25222, "loss": 0.70245, "time": 1.33193} {"mode": "train", "epoch": 6, "iter": 6650, "lr": 4e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.51027, "decode.acc_seg": 81.07767, "aux.loss_ce": 0.20193, "aux.acc_seg": 81.24105, "loss": 0.7122, "time": 1.33223} {"mode": "train", "epoch": 6, "iter": 6700, "lr": 4e-05, "memory": 70498, "data_time": 0.0096, "decode.loss_ce": 0.48777, "decode.acc_seg": 81.41294, "aux.loss_ce": 0.19431, "aux.acc_seg": 81.42878, "loss": 0.68208, "time": 1.33074} {"mode": "train", "epoch": 6, "iter": 6750, "lr": 4e-05, "memory": 70498, "data_time": 0.00948, "decode.loss_ce": 0.47892, "decode.acc_seg": 81.73059, "aux.loss_ce": 0.19156, "aux.acc_seg": 81.81265, "loss": 0.67047, "time": 1.32948} {"mode": "train", "epoch": 6, "iter": 6800, "lr": 4e-05, "memory": 70498, "data_time": 0.0094, "decode.loss_ce": 0.49451, "decode.acc_seg": 80.47068, "aux.loss_ce": 0.19646, "aux.acc_seg": 80.6352, "loss": 0.69098, "time": 1.33181} {"mode": "train", "epoch": 6, "iter": 6850, "lr": 4e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.50528, "decode.acc_seg": 80.93042, "aux.loss_ce": 0.20184, "aux.acc_seg": 80.86142, "loss": 0.70712, "time": 1.33283} {"mode": "train", "epoch": 6, "iter": 6900, "lr": 4e-05, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.55654, "decode.acc_seg": 79.60055, "aux.loss_ce": 0.21885, "aux.acc_seg": 80.03634, "loss": 0.77539, "time": 1.33173} {"mode": "train", "epoch": 6, "iter": 6950, "lr": 4e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.50546, "decode.acc_seg": 81.34224, "aux.loss_ce": 0.2004, "aux.acc_seg": 81.66784, "loss": 0.70586, "time": 1.33253} {"mode": "train", "epoch": 6, "iter": 7000, "lr": 4e-05, "memory": 70498, "data_time": 0.00944, "decode.loss_ce": 0.52478, "decode.acc_seg": 79.52597, "aux.loss_ce": 0.20885, "aux.acc_seg": 79.74539, "loss": 0.73362, "time": 1.32928} {"mode": "val", "epoch": 6, "iter": 250, "lr": 4e-05, "aAcc": 0.8264, "mIoU": 0.4608, "mAcc": 0.5902, "IoU.wall": 0.7836, "IoU.building": 0.8304, "IoU.sky": 0.94, "IoU.floor": 0.8197, "IoU.tree": 0.7152, "IoU.ceiling": 0.832, "IoU.road": 0.8431, "IoU.bed ": 0.8918, "IoU.windowpane": 0.6182, "IoU.grass": 0.6621, "IoU.cabinet": 0.6042, "IoU.sidewalk": 0.6531, "IoU.person": 0.7997, "IoU.earth": 0.3705, "IoU.door": 0.5331, "IoU.table": 0.5927, "IoU.mountain": 0.6163, "IoU.plant": 0.4292, "IoU.curtain": 0.7321, "IoU.chair": 0.543, "IoU.car": 0.8063, "IoU.water": 0.5186, "IoU.painting": 0.6939, "IoU.sofa": 0.6586, "IoU.shelf": 0.3767, "IoU.house": 0.4738, "IoU.sea": 0.7057, "IoU.mirror": 0.5939, "IoU.rug": 0.6608, "IoU.field": 0.3087, "IoU.armchair": 0.4582, "IoU.seat": 0.7086, "IoU.fence": 0.4204, "IoU.desk": 0.4368, "IoU.rock": 0.4128, "IoU.wardrobe": 0.4939, "IoU.lamp": 0.6052, "IoU.bathtub": 0.7732, "IoU.railing": 0.3518, "IoU.cushion": 0.5537, "IoU.base": 0.219, "IoU.box": 0.1702, "IoU.column": 0.4802, "IoU.signboard": 0.3442, "IoU.chest of drawers": 0.4363, "IoU.counter": 0.4075, "IoU.sand": 0.4388, "IoU.sink": 0.6861, "IoU.skyscraper": 0.4897, "IoU.fireplace": 0.6537, "IoU.refrigerator": 0.6633, "IoU.grandstand": 0.4647, "IoU.path": 0.2844, "IoU.stairs": 0.3294, "IoU.runway": 0.6871, "IoU.case": 0.4912, "IoU.pool table": 0.9281, "IoU.pillow": 0.5903, "IoU.screen door": 0.6911, "IoU.stairway": 0.3522, "IoU.river": 0.164, "IoU.bridge": 0.551, "IoU.bookcase": 0.258, "IoU.blind": 0.4124, "IoU.coffee table": 0.5834, "IoU.toilet": 0.852, "IoU.flower": 0.2969, "IoU.book": 0.4485, "IoU.hill": 0.051, "IoU.bench": 0.5309, "IoU.countertop": 0.586, "IoU.stove": 0.71, "IoU.palm": 0.4298, "IoU.kitchen island": 0.2846, "IoU.computer": 0.6752, "IoU.swivel chair": 0.3741, "IoU.boat": 0.3535, "IoU.bar": 0.581, "IoU.arcade machine": 0.7441, "IoU.hovel": 0.4124, "IoU.bus": 0.8653, "IoU.towel": 0.5161, "IoU.light": 0.4542, "IoU.truck": 0.205, "IoU.tower": 0.2831, "IoU.chandelier": 0.5987, "IoU.awning": 0.4053, "IoU.streetlight": 0.2019, "IoU.booth": 0.3657, "IoU.television receiver": 0.6304, "IoU.airplane": 0.5248, "IoU.dirt track": 0.0294, "IoU.apparel": 0.3385, "IoU.pole": 0.1341, "IoU.land": 0.0, "IoU.bannister": 0.0089, "IoU.escalator": 0.4435, "IoU.ottoman": 0.4725, "IoU.bottle": 0.178, "IoU.buffet": 0.4579, "IoU.poster": 0.2378, "IoU.stage": 0.1581, "IoU.van": 0.3985, "IoU.ship": 0.0, "IoU.fountain": 0.3044, "IoU.conveyer belt": 0.628, "IoU.canopy": 0.3464, "IoU.washer": 0.6425, "IoU.plaything": 0.1094, "IoU.swimming pool": 0.5049, "IoU.stool": 0.295, "IoU.barrel": 0.4121, "IoU.basket": 0.1968, "IoU.waterfall": 0.634, "IoU.tent": 0.9418, "IoU.bag": 0.1594, "IoU.minibike": 0.6345, "IoU.cradle": 0.7247, "IoU.oven": 0.3633, "IoU.ball": 0.3507, "IoU.food": 0.5328, "IoU.step": 0.0431, "IoU.tank": 0.5455, "IoU.trade name": 0.2478, "IoU.microwave": 0.7786, "IoU.pot": 0.3047, "IoU.animal": 0.6485, "IoU.bicycle": 0.4741, "IoU.lake": 0.0, "IoU.dishwasher": 0.5196, "IoU.screen": 0.5458, "IoU.blanket": 0.0239, "IoU.sculpture": 0.5835, "IoU.hood": 0.4924, "IoU.sconce": 0.3392, "IoU.vase": 0.3003, "IoU.traffic light": 0.2043, "IoU.tray": 0.0137, "IoU.ashcan": 0.3983, "IoU.fan": 0.4859, "IoU.pier": 0.3531, "IoU.crt screen": 0.0173, "IoU.plate": 0.4984, "IoU.monitor": 0.0164, "IoU.bulletin board": 0.4675, "IoU.shower": 0.0, "IoU.radiator": 0.4714, "IoU.glass": 0.0505, "IoU.clock": 0.2906, "IoU.flag": 0.3901, "Acc.wall": 0.8645, "Acc.building": 0.9284, "Acc.sky": 0.9678, "Acc.floor": 0.8821, "Acc.tree": 0.9186, "Acc.ceiling": 0.9374, "Acc.road": 0.9187, "Acc.bed ": 0.9602, "Acc.windowpane": 0.8072, "Acc.grass": 0.7647, "Acc.cabinet": 0.6948, "Acc.sidewalk": 0.7968, "Acc.person": 0.9298, "Acc.earth": 0.4919, "Acc.door": 0.7238, "Acc.table": 0.7664, "Acc.mountain": 0.7695, "Acc.plant": 0.4952, "Acc.curtain": 0.8626, "Acc.chair": 0.7363, "Acc.car": 0.8715, "Acc.water": 0.5872, "Acc.painting": 0.885, "Acc.sofa": 0.712, "Acc.shelf": 0.7155, "Acc.house": 0.5109, "Acc.sea": 0.8969, "Acc.mirror": 0.6251, "Acc.rug": 0.844, "Acc.field": 0.6636, "Acc.armchair": 0.7927, "Acc.seat": 0.8247, "Acc.fence": 0.6223, "Acc.desk": 0.7774, "Acc.rock": 0.5248, "Acc.wardrobe": 0.6598, "Acc.lamp": 0.7154, "Acc.bathtub": 0.8054, "Acc.railing": 0.446, "Acc.cushion": 0.6827, "Acc.base": 0.32, "Acc.box": 0.1897, "Acc.column": 0.6422, "Acc.signboard": 0.4252, "Acc.chest of drawers": 0.6975, "Acc.counter": 0.5013, "Acc.sand": 0.5937, "Acc.sink": 0.7655, "Acc.skyscraper": 0.7556, "Acc.fireplace": 0.9373, "Acc.refrigerator": 0.9326, "Acc.grandstand": 0.9007, "Acc.path": 0.3314, "Acc.stairs": 0.4432, "Acc.runway": 0.9395, "Acc.case": 0.5938, "Acc.pool table": 0.9729, "Acc.pillow": 0.6945, "Acc.screen door": 0.8168, "Acc.stairway": 0.3697, "Acc.river": 0.6215, "Acc.bridge": 0.6936, "Acc.bookcase": 0.3774, "Acc.blind": 0.4498, "Acc.coffee table": 0.8691, "Acc.toilet": 0.9175, "Acc.flower": 0.4388, "Acc.book": 0.7237, "Acc.hill": 0.0983, "Acc.bench": 0.6457, "Acc.countertop": 0.7758, "Acc.stove": 0.8064, "Acc.palm": 0.5539, "Acc.kitchen island": 0.4126, "Acc.computer": 0.92, "Acc.swivel chair": 0.8199, "Acc.boat": 0.8282, "Acc.bar": 0.6372, "Acc.arcade machine": 0.8152, "Acc.hovel": 0.4757, "Acc.bus": 0.9283, "Acc.towel": 0.5958, "Acc.light": 0.5234, "Acc.truck": 0.7127, "Acc.tower": 0.4321, "Acc.chandelier": 0.6994, "Acc.awning": 0.5013, "Acc.streetlight": 0.3199, "Acc.booth": 0.5187, "Acc.television receiver": 0.7916, "Acc.airplane": 0.6277, "Acc.dirt track": 0.0909, "Acc.apparel": 0.5041, "Acc.pole": 0.1612, "Acc.land": 0.0, "Acc.bannister": 0.01, "Acc.escalator": 0.6073, "Acc.ottoman": 0.5975, "Acc.bottle": 0.2354, "Acc.buffet": 0.6493, "Acc.poster": 0.3448, "Acc.stage": 0.2263, "Acc.van": 0.4468, "Acc.ship": 0.0, "Acc.fountain": 0.312, "Acc.conveyer belt": 0.94, "Acc.canopy": 0.4096, "Acc.washer": 0.7506, "Acc.plaything": 0.1339, "Acc.swimming pool": 0.9546, "Acc.stool": 0.3132, "Acc.barrel": 0.6813, "Acc.basket": 0.313, "Acc.waterfall": 0.9754, "Acc.tent": 0.983, "Acc.bag": 0.178, "Acc.minibike": 0.6939, "Acc.cradle": 0.975, "Acc.oven": 0.5566, "Acc.ball": 0.6957, "Acc.food": 0.6016, "Acc.step": 0.0484, "Acc.tank": 0.6937, "Acc.trade name": 0.279, "Acc.microwave": 0.9374, "Acc.pot": 0.3397, "Acc.animal": 0.6946, "Acc.bicycle": 0.5387, "Acc.lake": 0.0, "Acc.dishwasher": 0.5305, "Acc.screen": 0.9598, "Acc.blanket": 0.0275, "Acc.sculpture": 0.6264, "Acc.hood": 0.564, "Acc.sconce": 0.3578, "Acc.vase": 0.3757, "Acc.traffic light": 0.2857, "Acc.tray": 0.0152, "Acc.ashcan": 0.521, "Acc.fan": 0.5466, "Acc.pier": 0.4688, "Acc.crt screen": 0.0506, "Acc.plate": 0.6958, "Acc.monitor": 0.0165, "Acc.bulletin board": 0.6097, "Acc.shower": 0.0, "Acc.radiator": 0.4983, "Acc.glass": 0.0526, "Acc.clock": 0.3259, "Acc.flag": 0.3957} {"mode": "train", "epoch": 6, "iter": 7050, "lr": 4e-05, "memory": 70498, "data_time": 1.96205, "decode.loss_ce": 0.54736, "decode.acc_seg": 79.7804, "aux.loss_ce": 0.21657, "aux.acc_seg": 79.82895, "loss": 0.76393, "time": 3.31034} {"mode": "train", "epoch": 6, "iter": 7100, "lr": 4e-05, "memory": 70498, "data_time": 0.00938, "decode.loss_ce": 0.49705, "decode.acc_seg": 81.04884, "aux.loss_ce": 0.19634, "aux.acc_seg": 81.28249, "loss": 0.69339, "time": 1.32579} {"mode": "train", "epoch": 6, "iter": 7150, "lr": 4e-05, "memory": 70498, "data_time": 0.00944, "decode.loss_ce": 0.51167, "decode.acc_seg": 80.47695, "aux.loss_ce": 0.20379, "aux.acc_seg": 80.72473, "loss": 0.71545, "time": 1.32298} {"mode": "train", "epoch": 6, "iter": 7200, "lr": 4e-05, "memory": 70498, "data_time": 0.00969, "decode.loss_ce": 0.49029, "decode.acc_seg": 81.15724, "aux.loss_ce": 0.19503, "aux.acc_seg": 81.44864, "loss": 0.68533, "time": 1.33272} {"mode": "train", "epoch": 6, "iter": 7250, "lr": 4e-05, "memory": 70498, "data_time": 0.00965, "decode.loss_ce": 0.50439, "decode.acc_seg": 80.51422, "aux.loss_ce": 0.19979, "aux.acc_seg": 80.7999, "loss": 0.70418, "time": 1.32836} {"mode": "train", "epoch": 6, "iter": 7300, "lr": 4e-05, "memory": 70498, "data_time": 0.00934, "decode.loss_ce": 0.50373, "decode.acc_seg": 81.10323, "aux.loss_ce": 0.20109, "aux.acc_seg": 81.24361, "loss": 0.70482, "time": 1.33125} {"mode": "train", "epoch": 6, "iter": 7350, "lr": 4e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.52272, "decode.acc_seg": 80.16313, "aux.loss_ce": 0.2079, "aux.acc_seg": 80.18548, "loss": 0.73062, "time": 1.32908} {"mode": "train", "epoch": 6, "iter": 7400, "lr": 4e-05, "memory": 70498, "data_time": 0.0094, "decode.loss_ce": 0.50869, "decode.acc_seg": 80.69273, "aux.loss_ce": 0.2023, "aux.acc_seg": 80.66825, "loss": 0.71099, "time": 1.32986} {"mode": "train", "epoch": 6, "iter": 7450, "lr": 4e-05, "memory": 70498, "data_time": 0.00943, "decode.loss_ce": 0.49536, "decode.acc_seg": 80.27653, "aux.loss_ce": 0.19581, "aux.acc_seg": 80.57848, "loss": 0.69118, "time": 1.32902} {"mode": "train", "epoch": 6, "iter": 7500, "lr": 4e-05, "memory": 70498, "data_time": 0.00979, "decode.loss_ce": 0.49609, "decode.acc_seg": 80.8938, "aux.loss_ce": 0.19539, "aux.acc_seg": 81.02007, "loss": 0.69148, "time": 1.32836} {"mode": "train", "epoch": 6, "iter": 7550, "lr": 4e-05, "memory": 70498, "data_time": 0.00941, "decode.loss_ce": 0.49599, "decode.acc_seg": 81.22635, "aux.loss_ce": 0.19803, "aux.acc_seg": 81.26104, "loss": 0.69402, "time": 1.33159} {"mode": "train", "epoch": 7, "iter": 7600, "lr": 4e-05, "memory": 70498, "data_time": 0.06317, "decode.loss_ce": 0.50575, "decode.acc_seg": 81.34262, "aux.loss_ce": 0.20246, "aux.acc_seg": 81.2619, "loss": 0.70821, "time": 1.37853} {"mode": "train", "epoch": 7, "iter": 7650, "lr": 4e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.44331, "decode.acc_seg": 82.89629, "aux.loss_ce": 0.17719, "aux.acc_seg": 82.90202, "loss": 0.6205, "time": 1.3264} {"mode": "train", "epoch": 7, "iter": 7700, "lr": 4e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.45623, "decode.acc_seg": 82.33099, "aux.loss_ce": 0.18323, "aux.acc_seg": 82.24249, "loss": 0.63947, "time": 1.32927} {"mode": "train", "epoch": 7, "iter": 7750, "lr": 4e-05, "memory": 70498, "data_time": 0.00979, "decode.loss_ce": 0.45681, "decode.acc_seg": 82.3247, "aux.loss_ce": 0.18362, "aux.acc_seg": 82.24421, "loss": 0.64042, "time": 1.33008} {"mode": "train", "epoch": 7, "iter": 7800, "lr": 4e-05, "memory": 70498, "data_time": 0.00935, "decode.loss_ce": 0.47661, "decode.acc_seg": 81.55611, "aux.loss_ce": 0.19034, "aux.acc_seg": 81.62854, "loss": 0.66695, "time": 1.33132} {"mode": "train", "epoch": 7, "iter": 7850, "lr": 4e-05, "memory": 70498, "data_time": 0.00945, "decode.loss_ce": 0.48602, "decode.acc_seg": 81.46449, "aux.loss_ce": 0.19313, "aux.acc_seg": 81.59014, "loss": 0.67915, "time": 1.33053} {"mode": "train", "epoch": 7, "iter": 7900, "lr": 4e-05, "memory": 70498, "data_time": 0.00956, "decode.loss_ce": 0.46532, "decode.acc_seg": 81.49801, "aux.loss_ce": 0.18585, "aux.acc_seg": 81.49587, "loss": 0.65116, "time": 1.32579} {"mode": "train", "epoch": 7, "iter": 7950, "lr": 4e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.46818, "decode.acc_seg": 82.35553, "aux.loss_ce": 0.18669, "aux.acc_seg": 82.57988, "loss": 0.65487, "time": 1.32449} {"mode": "train", "epoch": 7, "iter": 8000, "lr": 4e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.47846, "decode.acc_seg": 81.18889, "aux.loss_ce": 0.19017, "aux.acc_seg": 81.40329, "loss": 0.66863, "time": 3.39886} {"mode": "val", "epoch": 7, "iter": 250, "lr": 4e-05, "aAcc": 0.8261, "mIoU": 0.4948, "mAcc": 0.6458, "IoU.wall": 0.7852, "IoU.building": 0.8171, "IoU.sky": 0.9412, "IoU.floor": 0.7598, "IoU.tree": 0.749, "IoU.ceiling": 0.8362, "IoU.road": 0.8214, "IoU.bed ": 0.9028, "IoU.windowpane": 0.6054, "IoU.grass": 0.6105, "IoU.cabinet": 0.6165, "IoU.sidewalk": 0.6464, "IoU.person": 0.8189, "IoU.earth": 0.3889, "IoU.door": 0.5264, "IoU.table": 0.6208, "IoU.mountain": 0.6377, "IoU.plant": 0.4995, "IoU.curtain": 0.7589, "IoU.chair": 0.5863, "IoU.car": 0.8361, "IoU.water": 0.5587, "IoU.painting": 0.7374, "IoU.sofa": 0.7335, "IoU.shelf": 0.3767, "IoU.house": 0.485, "IoU.sea": 0.6716, "IoU.mirror": 0.6741, "IoU.rug": 0.4217, "IoU.field": 0.288, "IoU.armchair": 0.4976, "IoU.seat": 0.6431, "IoU.fence": 0.457, "IoU.desk": 0.5109, "IoU.rock": 0.5587, "IoU.wardrobe": 0.517, "IoU.lamp": 0.6231, "IoU.bathtub": 0.8152, "IoU.railing": 0.367, "IoU.cushion": 0.5715, "IoU.base": 0.3963, "IoU.box": 0.2824, "IoU.column": 0.4696, "IoU.signboard": 0.347, "IoU.chest of drawers": 0.4589, "IoU.counter": 0.3659, "IoU.sand": 0.5641, "IoU.sink": 0.6611, "IoU.skyscraper": 0.4602, "IoU.fireplace": 0.7156, "IoU.refrigerator": 0.6756, "IoU.grandstand": 0.4161, "IoU.path": 0.2222, "IoU.stairs": 0.3141, "IoU.runway": 0.5396, "IoU.case": 0.508, "IoU.pool table": 0.92, "IoU.pillow": 0.525, "IoU.screen door": 0.6879, "IoU.stairway": 0.3719, "IoU.river": 0.1859, "IoU.bridge": 0.5839, "IoU.bookcase": 0.2994, "IoU.blind": 0.5143, "IoU.coffee table": 0.623, "IoU.toilet": 0.8179, "IoU.flower": 0.3321, "IoU.book": 0.4185, "IoU.hill": 0.0115, "IoU.bench": 0.4702, "IoU.countertop": 0.5765, "IoU.stove": 0.7738, "IoU.palm": 0.4974, "IoU.kitchen island": 0.34, "IoU.computer": 0.6669, "IoU.swivel chair": 0.434, "IoU.boat": 0.568, "IoU.bar": 0.582, "IoU.arcade machine": 0.7789, "IoU.hovel": 0.1163, "IoU.bus": 0.8847, "IoU.towel": 0.6303, "IoU.light": 0.4989, "IoU.truck": 0.3856, "IoU.tower": 0.3019, "IoU.chandelier": 0.613, "IoU.awning": 0.3573, "IoU.streetlight": 0.2221, "IoU.booth": 0.2726, "IoU.television receiver": 0.6457, "IoU.airplane": 0.6127, "IoU.dirt track": 0.1536, "IoU.apparel": 0.333, "IoU.pole": 0.1942, "IoU.land": 0.0605, "IoU.bannister": 0.0778, "IoU.escalator": 0.5461, "IoU.ottoman": 0.4509, "IoU.bottle": 0.3689, "IoU.buffet": 0.3998, "IoU.poster": 0.2553, "IoU.stage": 0.1585, "IoU.van": 0.4027, "IoU.ship": 0.4167, "IoU.fountain": 0.3592, "IoU.conveyer belt": 0.822, "IoU.canopy": 0.4171, "IoU.washer": 0.8154, "IoU.plaything": 0.18, "IoU.swimming pool": 0.8245, "IoU.stool": 0.5004, "IoU.barrel": 0.5329, "IoU.basket": 0.2381, "IoU.waterfall": 0.6044, "IoU.tent": 0.9243, "IoU.bag": 0.1243, "IoU.minibike": 0.5712, "IoU.cradle": 0.8137, "IoU.oven": 0.5287, "IoU.ball": 0.3335, "IoU.food": 0.5269, "IoU.step": 0.102, "IoU.tank": 0.5112, "IoU.trade name": 0.3096, "IoU.microwave": 0.7644, "IoU.pot": 0.5142, "IoU.animal": 0.6979, "IoU.bicycle": 0.4827, "IoU.lake": 0.0, "IoU.dishwasher": 0.5303, "IoU.screen": 0.6481, "IoU.blanket": 0.1759, "IoU.sculpture": 0.5058, "IoU.hood": 0.6353, "IoU.sconce": 0.4312, "IoU.vase": 0.3041, "IoU.traffic light": 0.2271, "IoU.tray": 0.0645, "IoU.ashcan": 0.3694, "IoU.fan": 0.5513, "IoU.pier": 0.3347, "IoU.crt screen": 0.0, "IoU.plate": 0.4658, "IoU.monitor": 0.546, "IoU.bulletin board": 0.3407, "IoU.shower": 0.0, "IoU.radiator": 0.5701, "IoU.glass": 0.1183, "IoU.clock": 0.2596, "IoU.flag": 0.6341, "Acc.wall": 0.8818, "Acc.building": 0.9024, "Acc.sky": 0.9771, "Acc.floor": 0.8166, "Acc.tree": 0.8691, "Acc.ceiling": 0.8999, "Acc.road": 0.8524, "Acc.bed ": 0.9591, "Acc.windowpane": 0.7351, "Acc.grass": 0.7206, "Acc.cabinet": 0.7447, "Acc.sidewalk": 0.799, "Acc.person": 0.9112, "Acc.earth": 0.526, "Acc.door": 0.634, "Acc.table": 0.7506, "Acc.mountain": 0.8171, "Acc.plant": 0.5821, "Acc.curtain": 0.887, "Acc.chair": 0.7566, "Acc.car": 0.9175, "Acc.water": 0.6712, "Acc.painting": 0.8944, "Acc.sofa": 0.8808, "Acc.shelf": 0.4869, "Acc.house": 0.9062, "Acc.sea": 0.9084, "Acc.mirror": 0.7235, "Acc.rug": 0.9391, "Acc.field": 0.7466, "Acc.armchair": 0.6054, "Acc.seat": 0.8173, "Acc.fence": 0.6102, "Acc.desk": 0.7061, "Acc.rock": 0.7544, "Acc.wardrobe": 0.5846, "Acc.lamp": 0.8222, "Acc.bathtub": 0.8717, "Acc.railing": 0.5266, "Acc.cushion": 0.8025, "Acc.base": 0.4808, "Acc.box": 0.3983, "Acc.column": 0.5233, "Acc.signboard": 0.5172, "Acc.chest of drawers": 0.569, "Acc.counter": 0.3837, "Acc.sand": 0.6119, "Acc.sink": 0.7405, "Acc.skyscraper": 0.6606, "Acc.fireplace": 0.8884, "Acc.refrigerator": 0.8999, "Acc.grandstand": 0.8386, "Acc.path": 0.4065, "Acc.stairs": 0.4214, "Acc.runway": 0.9908, "Acc.case": 0.8129, "Acc.pool table": 0.9746, "Acc.pillow": 0.5651, "Acc.screen door": 0.7962, "Acc.stairway": 0.4184, "Acc.river": 0.4645, "Acc.bridge": 0.8208, "Acc.bookcase": 0.5555, "Acc.blind": 0.6893, "Acc.coffee table": 0.8443, "Acc.toilet": 0.9542, "Acc.flower": 0.5152, "Acc.book": 0.7503, "Acc.hill": 0.0123, "Acc.bench": 0.5688, "Acc.countertop": 0.7533, "Acc.stove": 0.8674, "Acc.palm": 0.5894, "Acc.kitchen island": 0.6827, "Acc.computer": 0.9101, "Acc.swivel chair": 0.7388, "Acc.boat": 0.8159, "Acc.bar": 0.7131, "Acc.arcade machine": 0.8829, "Acc.hovel": 0.1269, "Acc.bus": 0.9334, "Acc.towel": 0.7828, "Acc.light": 0.6681, "Acc.truck": 0.5328, "Acc.tower": 0.3967, "Acc.chandelier": 0.7942, "Acc.awning": 0.4627, "Acc.streetlight": 0.3841, "Acc.booth": 0.8133, "Acc.television receiver": 0.8244, "Acc.airplane": 0.7686, "Acc.dirt track": 0.1775, "Acc.apparel": 0.5099, "Acc.pole": 0.265, "Acc.land": 0.1938, "Acc.bannister": 0.1075, "Acc.escalator": 0.7702, "Acc.ottoman": 0.5739, "Acc.bottle": 0.6233, "Acc.buffet": 0.6138, "Acc.poster": 0.2877, "Acc.stage": 0.3044, "Acc.van": 0.5375, "Acc.ship": 0.5338, "Acc.fountain": 0.3804, "Acc.conveyer belt": 0.947, "Acc.canopy": 0.7216, "Acc.washer": 0.8969, "Acc.plaything": 0.4611, "Acc.swimming pool": 0.8752, "Acc.stool": 0.689, "Acc.barrel": 0.6319, "Acc.basket": 0.3448, "Acc.waterfall": 0.8369, "Acc.tent": 0.9886, "Acc.bag": 0.1332, "Acc.minibike": 0.8471, "Acc.cradle": 0.9787, "Acc.oven": 0.6515, "Acc.ball": 0.46, "Acc.food": 0.6739, "Acc.step": 0.1403, "Acc.tank": 0.7262, "Acc.trade name": 0.4225, "Acc.microwave": 0.9589, "Acc.pot": 0.6547, "Acc.animal": 0.7259, "Acc.bicycle": 0.7696, "Acc.lake": 0.0, "Acc.dishwasher": 0.7841, "Acc.screen": 0.9086, "Acc.blanket": 0.2125, "Acc.sculpture": 0.6773, "Acc.hood": 0.7727, "Acc.sconce": 0.5031, "Acc.vase": 0.5675, "Acc.traffic light": 0.2927, "Acc.tray": 0.1306, "Acc.ashcan": 0.5832, "Acc.fan": 0.6415, "Acc.pier": 0.4122, "Acc.crt screen": 0.0, "Acc.plate": 0.7963, "Acc.monitor": 0.7941, "Acc.bulletin board": 0.7323, "Acc.shower": 0.0, "Acc.radiator": 0.7507, "Acc.glass": 0.1282, "Acc.clock": 0.2859, "Acc.flag": 0.7646} {"mode": "train", "epoch": 7, "iter": 8050, "lr": 4e-05, "memory": 70498, "data_time": 1.95599, "decode.loss_ce": 0.4864, "decode.acc_seg": 81.57871, "aux.loss_ce": 0.19358, "aux.acc_seg": 81.78763, "loss": 0.67998, "time": 3.27794} {"mode": "train", "epoch": 7, "iter": 8100, "lr": 4e-05, "memory": 70498, "data_time": 0.00947, "decode.loss_ce": 0.47668, "decode.acc_seg": 82.21986, "aux.loss_ce": 0.18869, "aux.acc_seg": 82.44937, "loss": 0.66536, "time": 1.32952} {"mode": "train", "epoch": 7, "iter": 8150, "lr": 4e-05, "memory": 70498, "data_time": 0.00943, "decode.loss_ce": 0.48074, "decode.acc_seg": 81.35371, "aux.loss_ce": 0.18994, "aux.acc_seg": 81.5156, "loss": 0.67068, "time": 1.32991} {"mode": "train", "epoch": 7, "iter": 8200, "lr": 4e-05, "memory": 70498, "data_time": 0.00946, "decode.loss_ce": 0.45876, "decode.acc_seg": 81.91954, "aux.loss_ce": 0.18172, "aux.acc_seg": 82.07548, "loss": 0.64047, "time": 1.33012} {"mode": "train", "epoch": 7, "iter": 8250, "lr": 4e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.46113, "decode.acc_seg": 81.27374, "aux.loss_ce": 0.18369, "aux.acc_seg": 81.37905, "loss": 0.64482, "time": 1.32725} {"mode": "train", "epoch": 7, "iter": 8300, "lr": 4e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.4699, "decode.acc_seg": 82.14745, "aux.loss_ce": 0.18719, "aux.acc_seg": 82.30011, "loss": 0.65709, "time": 1.32796} {"mode": "train", "epoch": 7, "iter": 8350, "lr": 4e-05, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.46612, "decode.acc_seg": 82.05476, "aux.loss_ce": 0.1861, "aux.acc_seg": 82.18974, "loss": 0.65222, "time": 1.33474} {"mode": "train", "epoch": 7, "iter": 8400, "lr": 4e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.46051, "decode.acc_seg": 82.16466, "aux.loss_ce": 0.18335, "aux.acc_seg": 82.12301, "loss": 0.64386, "time": 1.32969} {"mode": "train", "epoch": 7, "iter": 8450, "lr": 4e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.47099, "decode.acc_seg": 82.3491, "aux.loss_ce": 0.18802, "aux.acc_seg": 82.37831, "loss": 0.65901, "time": 1.32714} {"mode": "train", "epoch": 7, "iter": 8500, "lr": 4e-05, "memory": 70498, "data_time": 0.03087, "decode.loss_ce": 0.49163, "decode.acc_seg": 81.1628, "aux.loss_ce": 0.19624, "aux.acc_seg": 81.43062, "loss": 0.68787, "time": 1.34361} {"mode": "train", "epoch": 7, "iter": 8550, "lr": 4e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.4723, "decode.acc_seg": 82.50356, "aux.loss_ce": 0.18819, "aux.acc_seg": 82.52227, "loss": 0.66049, "time": 1.32396} {"mode": "train", "epoch": 7, "iter": 8600, "lr": 4e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.4616, "decode.acc_seg": 82.01461, "aux.loss_ce": 0.18591, "aux.acc_seg": 82.0299, "loss": 0.64751, "time": 1.32233} {"mode": "train", "epoch": 7, "iter": 8650, "lr": 4e-05, "memory": 70498, "data_time": 0.00956, "decode.loss_ce": 0.44604, "decode.acc_seg": 82.13967, "aux.loss_ce": 0.17875, "aux.acc_seg": 82.23149, "loss": 0.62479, "time": 1.32778} {"mode": "train", "epoch": 7, "iter": 8700, "lr": 4e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.48579, "decode.acc_seg": 80.98756, "aux.loss_ce": 0.19296, "aux.acc_seg": 81.17644, "loss": 0.67875, "time": 1.32843} {"mode": "train", "epoch": 7, "iter": 8750, "lr": 4e-05, "memory": 70498, "data_time": 0.00944, "decode.loss_ce": 0.48006, "decode.acc_seg": 81.15291, "aux.loss_ce": 0.19263, "aux.acc_seg": 81.05056, "loss": 0.67269, "time": 1.32515} {"mode": "train", "epoch": 7, "iter": 8800, "lr": 4e-05, "memory": 70498, "data_time": 0.00942, "decode.loss_ce": 0.50107, "decode.acc_seg": 80.42143, "aux.loss_ce": 0.19831, "aux.acc_seg": 80.90405, "loss": 0.69938, "time": 1.32666} {"mode": "train", "epoch": 8, "iter": 8850, "lr": 4e-05, "memory": 70498, "data_time": 0.05117, "decode.loss_ce": 0.45559, "decode.acc_seg": 82.75591, "aux.loss_ce": 0.18192, "aux.acc_seg": 82.73774, "loss": 0.63752, "time": 1.36699} {"mode": "train", "epoch": 8, "iter": 8900, "lr": 4e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.44599, "decode.acc_seg": 83.07477, "aux.loss_ce": 0.17771, "aux.acc_seg": 83.15368, "loss": 0.62369, "time": 1.32724} {"mode": "train", "epoch": 8, "iter": 8950, "lr": 4e-05, "memory": 70498, "data_time": 0.00971, "decode.loss_ce": 0.42468, "decode.acc_seg": 83.51083, "aux.loss_ce": 0.1688, "aux.acc_seg": 83.7923, "loss": 0.59348, "time": 1.32368} {"mode": "train", "epoch": 8, "iter": 9000, "lr": 4e-05, "memory": 70498, "data_time": 0.00968, "decode.loss_ce": 0.44081, "decode.acc_seg": 82.20937, "aux.loss_ce": 0.17566, "aux.acc_seg": 82.36566, "loss": 0.61647, "time": 1.33118} {"mode": "val", "epoch": 8, "iter": 250, "lr": 4e-05, "aAcc": 0.8403, "mIoU": 0.503, "mAcc": 0.6374, "IoU.wall": 0.7907, "IoU.building": 0.8338, "IoU.sky": 0.9419, "IoU.floor": 0.8331, "IoU.tree": 0.7443, "IoU.ceiling": 0.8483, "IoU.road": 0.8355, "IoU.bed ": 0.9013, "IoU.windowpane": 0.6211, "IoU.grass": 0.6849, "IoU.cabinet": 0.6098, "IoU.sidewalk": 0.6731, "IoU.person": 0.8151, "IoU.earth": 0.3593, "IoU.door": 0.5516, "IoU.table": 0.6021, "IoU.mountain": 0.5995, "IoU.plant": 0.5538, "IoU.curtain": 0.7659, "IoU.chair": 0.5836, "IoU.car": 0.8237, "IoU.water": 0.6734, "IoU.painting": 0.7332, "IoU.sofa": 0.7318, "IoU.shelf": 0.4261, "IoU.house": 0.5308, "IoU.sea": 0.7641, "IoU.mirror": 0.6613, "IoU.rug": 0.6851, "IoU.field": 0.2952, "IoU.armchair": 0.4927, "IoU.seat": 0.6797, "IoU.fence": 0.4567, "IoU.desk": 0.4674, "IoU.rock": 0.5146, "IoU.wardrobe": 0.5429, "IoU.lamp": 0.6468, "IoU.bathtub": 0.787, "IoU.railing": 0.362, "IoU.cushion": 0.5964, "IoU.base": 0.3415, "IoU.box": 0.2848, "IoU.column": 0.5043, "IoU.signboard": 0.365, "IoU.chest of drawers": 0.3425, "IoU.counter": 0.5107, "IoU.sand": 0.4791, "IoU.sink": 0.6787, "IoU.skyscraper": 0.4951, "IoU.fireplace": 0.6677, "IoU.refrigerator": 0.7634, "IoU.grandstand": 0.3784, "IoU.path": 0.212, "IoU.stairs": 0.2721, "IoU.runway": 0.6662, "IoU.case": 0.5965, "IoU.pool table": 0.9276, "IoU.pillow": 0.628, "IoU.screen door": 0.678, "IoU.stairway": 0.3064, "IoU.river": 0.3073, "IoU.bridge": 0.6567, "IoU.bookcase": 0.3535, "IoU.blind": 0.4533, "IoU.coffee table": 0.5556, "IoU.toilet": 0.8605, "IoU.flower": 0.3547, "IoU.book": 0.4816, "IoU.hill": 0.0361, "IoU.bench": 0.5405, "IoU.countertop": 0.4937, "IoU.stove": 0.7569, "IoU.palm": 0.3381, "IoU.kitchen island": 0.4125, "IoU.computer": 0.6635, "IoU.swivel chair": 0.4804, "IoU.boat": 0.4932, "IoU.bar": 0.5916, "IoU.arcade machine": 0.7278, "IoU.hovel": 0.2141, "IoU.bus": 0.8424, "IoU.towel": 0.6449, "IoU.light": 0.4523, "IoU.truck": 0.3666, "IoU.tower": 0.2559, "IoU.chandelier": 0.6434, "IoU.awning": 0.3577, "IoU.streetlight": 0.211, "IoU.booth": 0.3753, "IoU.television receiver": 0.6584, "IoU.airplane": 0.5636, "IoU.dirt track": 0.0895, "IoU.apparel": 0.4063, "IoU.pole": 0.1381, "IoU.land": 0.0007, "IoU.bannister": 0.0872, "IoU.escalator": 0.5861, "IoU.ottoman": 0.4153, "IoU.bottle": 0.3549, "IoU.buffet": 0.4899, "IoU.poster": 0.2577, "IoU.stage": 0.094, "IoU.van": 0.2205, "IoU.ship": 0.7625, "IoU.fountain": 0.4693, "IoU.conveyer belt": 0.7308, "IoU.canopy": 0.4942, "IoU.washer": 0.6179, "IoU.plaything": 0.1749, "IoU.swimming pool": 0.6452, "IoU.stool": 0.4347, "IoU.barrel": 0.5211, "IoU.basket": 0.281, "IoU.waterfall": 0.5433, "IoU.tent": 0.9388, "IoU.bag": 0.1826, "IoU.minibike": 0.6449, "IoU.cradle": 0.7971, "IoU.oven": 0.531, "IoU.ball": 0.4711, "IoU.food": 0.4884, "IoU.step": 0.0289, "IoU.tank": 0.6034, "IoU.trade name": 0.1408, "IoU.microwave": 0.8436, "IoU.pot": 0.4796, "IoU.animal": 0.6767, "IoU.bicycle": 0.5045, "IoU.lake": 0.0, "IoU.dishwasher": 0.614, "IoU.screen": 0.4924, "IoU.blanket": 0.2128, "IoU.sculpture": 0.5751, "IoU.hood": 0.5912, "IoU.sconce": 0.409, "IoU.vase": 0.3388, "IoU.traffic light": 0.2476, "IoU.tray": 0.0123, "IoU.ashcan": 0.4547, "IoU.fan": 0.5676, "IoU.pier": 0.3771, "IoU.crt screen": 0.1257, "IoU.plate": 0.507, "IoU.monitor": 0.415, "IoU.bulletin board": 0.4811, "IoU.shower": 0.0, "IoU.radiator": 0.5863, "IoU.glass": 0.0909, "IoU.clock": 0.2731, "IoU.flag": 0.6704, "Acc.wall": 0.8763, "Acc.building": 0.9245, "Acc.sky": 0.9756, "Acc.floor": 0.8809, "Acc.tree": 0.914, "Acc.ceiling": 0.9166, "Acc.road": 0.8879, "Acc.bed ": 0.946, "Acc.windowpane": 0.7582, "Acc.grass": 0.8533, "Acc.cabinet": 0.77, "Acc.sidewalk": 0.8758, "Acc.person": 0.9381, "Acc.earth": 0.463, "Acc.door": 0.7169, "Acc.table": 0.7131, "Acc.mountain": 0.8239, "Acc.plant": 0.6649, "Acc.curtain": 0.9016, "Acc.chair": 0.7424, "Acc.car": 0.9386, "Acc.water": 0.8594, "Acc.painting": 0.8913, "Acc.sofa": 0.8289, "Acc.shelf": 0.5871, "Acc.house": 0.6527, "Acc.sea": 0.8951, "Acc.mirror": 0.7062, "Acc.rug": 0.8167, "Acc.field": 0.4471, "Acc.armchair": 0.7897, "Acc.seat": 0.8457, "Acc.fence": 0.6256, "Acc.desk": 0.6963, "Acc.rock": 0.6105, "Acc.wardrobe": 0.8178, "Acc.lamp": 0.7827, "Acc.bathtub": 0.8378, "Acc.railing": 0.4822, "Acc.cushion": 0.7824, "Acc.base": 0.4366, "Acc.box": 0.3827, "Acc.column": 0.666, "Acc.signboard": 0.484, "Acc.chest of drawers": 0.3741, "Acc.counter": 0.7178, "Acc.sand": 0.6924, "Acc.sink": 0.7503, "Acc.skyscraper": 0.6229, "Acc.fireplace": 0.9421, "Acc.refrigerator": 0.8185, "Acc.grandstand": 0.8494, "Acc.path": 0.2483, "Acc.stairs": 0.3117, "Acc.runway": 0.9392, "Acc.case": 0.7773, "Acc.pool table": 0.9757, "Acc.pillow": 0.7376, "Acc.screen door": 0.8842, "Acc.stairway": 0.4206, "Acc.river": 0.3594, "Acc.bridge": 0.7798, "Acc.bookcase": 0.5278, "Acc.blind": 0.5192, "Acc.coffee table": 0.9007, "Acc.toilet": 0.9298, "Acc.flower": 0.4983, "Acc.book": 0.7527, "Acc.hill": 0.0489, "Acc.bench": 0.6509, "Acc.countertop": 0.5695, "Acc.stove": 0.8123, "Acc.palm": 0.3537, "Acc.kitchen island": 0.8903, "Acc.computer": 0.9395, "Acc.swivel chair": 0.7798, "Acc.boat": 0.8591, "Acc.bar": 0.7092, "Acc.arcade machine": 0.9293, "Acc.hovel": 0.2411, "Acc.bus": 0.9518, "Acc.towel": 0.7531, "Acc.light": 0.5059, "Acc.truck": 0.4745, "Acc.tower": 0.48, "Acc.chandelier": 0.7892, "Acc.awning": 0.3964, "Acc.streetlight": 0.275, "Acc.booth": 0.486, "Acc.television receiver": 0.7143, "Acc.airplane": 0.6626, "Acc.dirt track": 0.686, "Acc.apparel": 0.738, "Acc.pole": 0.1584, "Acc.land": 0.0014, "Acc.bannister": 0.0984, "Acc.escalator": 0.7479, "Acc.ottoman": 0.6139, "Acc.bottle": 0.6368, "Acc.buffet": 0.8829, "Acc.poster": 0.3427, "Acc.stage": 0.1034, "Acc.van": 0.2453, "Acc.ship": 0.8856, "Acc.fountain": 0.4811, "Acc.conveyer belt": 0.932, "Acc.canopy": 0.6562, "Acc.washer": 0.7236, "Acc.plaything": 0.2407, "Acc.swimming pool": 0.9567, "Acc.stool": 0.632, "Acc.barrel": 0.6494, "Acc.basket": 0.457, "Acc.waterfall": 0.8243, "Acc.tent": 0.9824, "Acc.bag": 0.2064, "Acc.minibike": 0.7579, "Acc.cradle": 0.973, "Acc.oven": 0.717, "Acc.ball": 0.6295, "Acc.food": 0.5727, "Acc.step": 0.0314, "Acc.tank": 0.699, "Acc.trade name": 0.1485, "Acc.microwave": 0.877, "Acc.pot": 0.5736, "Acc.animal": 0.7002, "Acc.bicycle": 0.6089, "Acc.lake": 0.0, "Acc.dishwasher": 0.7014, "Acc.screen": 0.8265, "Acc.blanket": 0.2476, "Acc.sculpture": 0.6446, "Acc.hood": 0.705, "Acc.sconce": 0.4819, "Acc.vase": 0.5035, "Acc.traffic light": 0.4475, "Acc.tray": 0.0131, "Acc.ashcan": 0.6074, "Acc.fan": 0.7271, "Acc.pier": 0.4282, "Acc.crt screen": 0.1783, "Acc.plate": 0.6677, "Acc.monitor": 0.7636, "Acc.bulletin board": 0.6254, "Acc.shower": 0.0, "Acc.radiator": 0.7012, "Acc.glass": 0.0932, "Acc.clock": 0.3309, "Acc.flag": 0.734} {"mode": "train", "epoch": 8, "iter": 9050, "lr": 4e-05, "memory": 70498, "data_time": 1.95138, "decode.loss_ce": 0.45886, "decode.acc_seg": 82.19449, "aux.loss_ce": 0.18196, "aux.acc_seg": 82.49398, "loss": 0.64081, "time": 3.26963} {"mode": "train", "epoch": 8, "iter": 9100, "lr": 4e-05, "memory": 70498, "data_time": 0.00941, "decode.loss_ce": 0.4201, "decode.acc_seg": 83.46812, "aux.loss_ce": 0.16772, "aux.acc_seg": 83.61034, "loss": 0.58782, "time": 1.33167} {"mode": "train", "epoch": 8, "iter": 9150, "lr": 4e-05, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.45692, "decode.acc_seg": 82.47859, "aux.loss_ce": 0.18178, "aux.acc_seg": 82.58088, "loss": 0.6387, "time": 1.32998} {"mode": "train", "epoch": 8, "iter": 9200, "lr": 4e-05, "memory": 70498, "data_time": 0.00961, "decode.loss_ce": 0.47923, "decode.acc_seg": 81.71997, "aux.loss_ce": 0.19194, "aux.acc_seg": 81.85966, "loss": 0.67117, "time": 1.32609} {"mode": "train", "epoch": 8, "iter": 9250, "lr": 4e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.43948, "decode.acc_seg": 82.81785, "aux.loss_ce": 0.17491, "aux.acc_seg": 82.92487, "loss": 0.61439, "time": 1.32642} {"mode": "train", "epoch": 8, "iter": 9300, "lr": 4e-05, "memory": 70498, "data_time": 0.00947, "decode.loss_ce": 0.45174, "decode.acc_seg": 82.98986, "aux.loss_ce": 0.18265, "aux.acc_seg": 82.68347, "loss": 0.6344, "time": 1.32346} {"mode": "train", "epoch": 8, "iter": 9350, "lr": 4e-05, "memory": 70498, "data_time": 0.00944, "decode.loss_ce": 0.45038, "decode.acc_seg": 82.70184, "aux.loss_ce": 0.17984, "aux.acc_seg": 82.72592, "loss": 0.63022, "time": 1.33205} {"mode": "train", "epoch": 8, "iter": 9400, "lr": 4e-05, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.47256, "decode.acc_seg": 82.72657, "aux.loss_ce": 0.18942, "aux.acc_seg": 82.73527, "loss": 0.66198, "time": 1.32669} {"mode": "train", "epoch": 8, "iter": 9450, "lr": 4e-05, "memory": 70498, "data_time": 0.00977, "decode.loss_ce": 0.43995, "decode.acc_seg": 82.84658, "aux.loss_ce": 0.1767, "aux.acc_seg": 82.88252, "loss": 0.61664, "time": 1.32924} {"mode": "train", "epoch": 8, "iter": 9500, "lr": 4e-05, "memory": 70498, "data_time": 0.00948, "decode.loss_ce": 0.41599, "decode.acc_seg": 83.88868, "aux.loss_ce": 0.16673, "aux.acc_seg": 83.74791, "loss": 0.58271, "time": 1.32305} {"mode": "train", "epoch": 8, "iter": 9550, "lr": 4e-05, "memory": 70498, "data_time": 0.00947, "decode.loss_ce": 0.43827, "decode.acc_seg": 82.80552, "aux.loss_ce": 0.17502, "aux.acc_seg": 82.84919, "loss": 0.61329, "time": 1.32481} {"mode": "train", "epoch": 8, "iter": 9600, "lr": 4e-05, "memory": 70498, "data_time": 0.00939, "decode.loss_ce": 0.45191, "decode.acc_seg": 82.1074, "aux.loss_ce": 0.18123, "aux.acc_seg": 82.23223, "loss": 0.63314, "time": 1.33175} {"mode": "train", "epoch": 8, "iter": 9650, "lr": 4e-05, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.44312, "decode.acc_seg": 82.11696, "aux.loss_ce": 0.17752, "aux.acc_seg": 82.33915, "loss": 0.62064, "time": 1.32844} {"mode": "train", "epoch": 8, "iter": 9700, "lr": 4e-05, "memory": 70498, "data_time": 0.00971, "decode.loss_ce": 0.47165, "decode.acc_seg": 81.89837, "aux.loss_ce": 0.18859, "aux.acc_seg": 81.98914, "loss": 0.66024, "time": 1.32598} {"mode": "train", "epoch": 8, "iter": 9750, "lr": 4e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.43675, "decode.acc_seg": 83.02296, "aux.loss_ce": 0.17459, "aux.acc_seg": 83.01044, "loss": 0.61135, "time": 1.32351} {"mode": "train", "epoch": 8, "iter": 9800, "lr": 4e-05, "memory": 70498, "data_time": 0.00945, "decode.loss_ce": 0.45593, "decode.acc_seg": 82.10659, "aux.loss_ce": 0.18085, "aux.acc_seg": 82.39748, "loss": 0.63679, "time": 1.32694} {"mode": "train", "epoch": 8, "iter": 9850, "lr": 4e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.42097, "decode.acc_seg": 83.37681, "aux.loss_ce": 0.168, "aux.acc_seg": 83.44194, "loss": 0.58897, "time": 1.32947} {"mode": "train", "epoch": 8, "iter": 9900, "lr": 4e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.4392, "decode.acc_seg": 83.01064, "aux.loss_ce": 0.17619, "aux.acc_seg": 83.03281, "loss": 0.61539, "time": 1.32684} {"mode": "train", "epoch": 8, "iter": 9950, "lr": 4e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.43547, "decode.acc_seg": 83.12984, "aux.loss_ce": 0.17383, "aux.acc_seg": 83.20089, "loss": 0.6093, "time": 1.32765} {"mode": "train", "epoch": 8, "iter": 10000, "lr": 4e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.42126, "decode.acc_seg": 83.54213, "aux.loss_ce": 0.16812, "aux.acc_seg": 83.61973, "loss": 0.58937, "time": 3.39084} {"mode": "val", "epoch": 8, "iter": 250, "lr": 4e-05, "aAcc": 0.8363, "mIoU": 0.4934, "mAcc": 0.637, "IoU.wall": 0.7965, "IoU.building": 0.83, "IoU.sky": 0.9431, "IoU.floor": 0.8227, "IoU.tree": 0.7584, "IoU.ceiling": 0.8391, "IoU.road": 0.851, "IoU.bed ": 0.908, "IoU.windowpane": 0.6334, "IoU.grass": 0.6624, "IoU.cabinet": 0.6108, "IoU.sidewalk": 0.6614, "IoU.person": 0.8285, "IoU.earth": 0.3909, "IoU.door": 0.5196, "IoU.table": 0.5839, "IoU.mountain": 0.5811, "IoU.plant": 0.5421, "IoU.curtain": 0.7507, "IoU.chair": 0.6045, "IoU.car": 0.8475, "IoU.water": 0.5482, "IoU.painting": 0.7235, "IoU.sofa": 0.7143, "IoU.shelf": 0.3494, "IoU.house": 0.558, "IoU.sea": 0.6618, "IoU.mirror": 0.7018, "IoU.rug": 0.555, "IoU.field": 0.342, "IoU.armchair": 0.5095, "IoU.seat": 0.664, "IoU.fence": 0.4646, "IoU.desk": 0.4351, "IoU.rock": 0.484, "IoU.wardrobe": 0.5042, "IoU.lamp": 0.6242, "IoU.bathtub": 0.7866, "IoU.railing": 0.391, "IoU.cushion": 0.5984, "IoU.base": 0.3944, "IoU.box": 0.275, "IoU.column": 0.5372, "IoU.signboard": 0.3885, "IoU.chest of drawers": 0.4368, "IoU.counter": 0.4857, "IoU.sand": 0.467, "IoU.sink": 0.6929, "IoU.skyscraper": 0.4551, "IoU.fireplace": 0.706, "IoU.refrigerator": 0.6958, "IoU.grandstand": 0.547, "IoU.path": 0.246, "IoU.stairs": 0.1684, "IoU.runway": 0.6585, "IoU.case": 0.4177, "IoU.pool table": 0.9268, "IoU.pillow": 0.6535, "IoU.screen door": 0.769, "IoU.stairway": 0.2791, "IoU.river": 0.0601, "IoU.bridge": 0.6869, "IoU.bookcase": 0.3495, "IoU.blind": 0.3141, "IoU.coffee table": 0.5226, "IoU.toilet": 0.8678, "IoU.flower": 0.3691, "IoU.book": 0.5009, "IoU.hill": 0.0512, "IoU.bench": 0.4667, "IoU.countertop": 0.5588, "IoU.stove": 0.7669, "IoU.palm": 0.4812, "IoU.kitchen island": 0.3881, "IoU.computer": 0.7133, "IoU.swivel chair": 0.4462, "IoU.boat": 0.5159, "IoU.bar": 0.6225, "IoU.arcade machine": 0.6557, "IoU.hovel": 0.6173, "IoU.bus": 0.8671, "IoU.towel": 0.6605, "IoU.light": 0.5082, "IoU.truck": 0.4001, "IoU.tower": 0.334, "IoU.chandelier": 0.6356, "IoU.awning": 0.4081, "IoU.streetlight": 0.2607, "IoU.booth": 0.3454, "IoU.television receiver": 0.6644, "IoU.airplane": 0.5669, "IoU.dirt track": 0.175, "IoU.apparel": 0.3731, "IoU.pole": 0.2333, "IoU.land": 0.002, "IoU.bannister": 0.1563, "IoU.escalator": 0.5161, "IoU.ottoman": 0.4502, "IoU.bottle": 0.3721, "IoU.buffet": 0.4457, "IoU.poster": 0.2554, "IoU.stage": 0.052, "IoU.van": 0.2594, "IoU.ship": 0.1095, "IoU.fountain": 0.4262, "IoU.conveyer belt": 0.4495, "IoU.canopy": 0.5243, "IoU.washer": 0.8167, "IoU.plaything": 0.172, "IoU.swimming pool": 0.6748, "IoU.stool": 0.4088, "IoU.barrel": 0.5474, "IoU.basket": 0.2579, "IoU.waterfall": 0.6146, "IoU.tent": 0.9411, "IoU.bag": 0.1126, "IoU.minibike": 0.6481, "IoU.cradle": 0.7807, "IoU.oven": 0.4057, "IoU.ball": 0.476, "IoU.food": 0.3756, "IoU.step": 0.0961, "IoU.tank": 0.5952, "IoU.trade name": 0.2235, "IoU.microwave": 0.7778, "IoU.pot": 0.5005, "IoU.animal": 0.5801, "IoU.bicycle": 0.5375, "IoU.lake": 0.0, "IoU.dishwasher": 0.5748, "IoU.screen": 0.5275, "IoU.blanket": 0.1416, "IoU.sculpture": 0.6202, "IoU.hood": 0.5526, "IoU.sconce": 0.4796, "IoU.vase": 0.2981, "IoU.traffic light": 0.2342, "IoU.tray": 0.001, "IoU.ashcan": 0.3555, "IoU.fan": 0.5646, "IoU.pier": 0.3571, "IoU.crt screen": 0.0051, "IoU.plate": 0.3753, "IoU.monitor": 0.047, "IoU.bulletin board": 0.4899, "IoU.shower": 0.0, "IoU.radiator": 0.5846, "IoU.glass": 0.1125, "IoU.clock": 0.2984, "IoU.flag": 0.6614, "Acc.wall": 0.8933, "Acc.building": 0.9062, "Acc.sky": 0.9749, "Acc.floor": 0.9051, "Acc.tree": 0.8662, "Acc.ceiling": 0.8904, "Acc.road": 0.9189, "Acc.bed ": 0.956, "Acc.windowpane": 0.7971, "Acc.grass": 0.7373, "Acc.cabinet": 0.7641, "Acc.sidewalk": 0.8222, "Acc.person": 0.9096, "Acc.earth": 0.6639, "Acc.door": 0.6115, "Acc.table": 0.7187, "Acc.mountain": 0.6656, "Acc.plant": 0.6164, "Acc.curtain": 0.8937, "Acc.chair": 0.7324, "Acc.car": 0.9337, "Acc.water": 0.7259, "Acc.painting": 0.8911, "Acc.sofa": 0.8888, "Acc.shelf": 0.471, "Acc.house": 0.8297, "Acc.sea": 0.8952, "Acc.mirror": 0.7783, "Acc.rug": 0.5796, "Acc.field": 0.5009, "Acc.armchair": 0.6328, "Acc.seat": 0.8667, "Acc.fence": 0.6063, "Acc.desk": 0.8097, "Acc.rock": 0.8188, "Acc.wardrobe": 0.5581, "Acc.lamp": 0.8705, "Acc.bathtub": 0.8277, "Acc.railing": 0.5483, "Acc.cushion": 0.7265, "Acc.base": 0.4735, "Acc.box": 0.4443, "Acc.column": 0.6645, "Acc.signboard": 0.4968, "Acc.chest of drawers": 0.7487, "Acc.counter": 0.6001, "Acc.sand": 0.6322, "Acc.sink": 0.8132, "Acc.skyscraper": 0.7339, "Acc.fireplace": 0.9344, "Acc.refrigerator": 0.8317, "Acc.grandstand": 0.7848, "Acc.path": 0.3484, "Acc.stairs": 0.1799, "Acc.runway": 0.906, "Acc.case": 0.9475, "Acc.pool table": 0.9693, "Acc.pillow": 0.8043, "Acc.screen door": 0.8917, "Acc.stairway": 0.5031, "Acc.river": 0.0633, "Acc.bridge": 0.8992, "Acc.bookcase": 0.5266, "Acc.blind": 0.3262, "Acc.coffee table": 0.8763, "Acc.toilet": 0.9467, "Acc.flower": 0.5081, "Acc.book": 0.6441, "Acc.hill": 0.0928, "Acc.bench": 0.5781, "Acc.countertop": 0.8182, "Acc.stove": 0.8499, "Acc.palm": 0.808, "Acc.kitchen island": 0.6828, "Acc.computer": 0.9505, "Acc.swivel chair": 0.6011, "Acc.boat": 0.8727, "Acc.bar": 0.6788, "Acc.arcade machine": 0.85, "Acc.hovel": 0.8018, "Acc.bus": 0.95, "Acc.towel": 0.8217, "Acc.light": 0.6761, "Acc.truck": 0.5014, "Acc.tower": 0.5814, "Acc.chandelier": 0.8152, "Acc.awning": 0.6255, "Acc.streetlight": 0.4092, "Acc.booth": 0.4017, "Acc.television receiver": 0.8238, "Acc.airplane": 0.6253, "Acc.dirt track": 0.3905, "Acc.apparel": 0.5201, "Acc.pole": 0.3406, "Acc.land": 0.0023, "Acc.bannister": 0.2146, "Acc.escalator": 0.7983, "Acc.ottoman": 0.6716, "Acc.bottle": 0.5531, "Acc.buffet": 0.6564, "Acc.poster": 0.2689, "Acc.stage": 0.164, "Acc.van": 0.2799, "Acc.ship": 0.1148, "Acc.fountain": 0.4458, "Acc.conveyer belt": 0.9826, "Acc.canopy": 0.6022, "Acc.washer": 0.9319, "Acc.plaything": 0.2527, "Acc.swimming pool": 0.9349, "Acc.stool": 0.6795, "Acc.barrel": 0.6477, "Acc.basket": 0.3435, "Acc.waterfall": 0.9219, "Acc.tent": 0.9862, "Acc.bag": 0.1294, "Acc.minibike": 0.796, "Acc.cradle": 0.9889, "Acc.oven": 0.4758, "Acc.ball": 0.6469, "Acc.food": 0.4135, "Acc.step": 0.1135, "Acc.tank": 0.7258, "Acc.trade name": 0.2474, "Acc.microwave": 0.9653, "Acc.pot": 0.6228, "Acc.animal": 0.5889, "Acc.bicycle": 0.718, "Acc.lake": 0.0, "Acc.dishwasher": 0.6528, "Acc.screen": 0.9588, "Acc.blanket": 0.1495, "Acc.sculpture": 0.7499, "Acc.hood": 0.6733, "Acc.sconce": 0.6059, "Acc.vase": 0.587, "Acc.traffic light": 0.5558, "Acc.tray": 0.0011, "Acc.ashcan": 0.5127, "Acc.fan": 0.803, "Acc.pier": 0.4242, "Acc.crt screen": 0.0145, "Acc.plate": 0.7886, "Acc.monitor": 0.0528, "Acc.bulletin board": 0.7075, "Acc.shower": 0.0, "Acc.radiator": 0.6987, "Acc.glass": 0.1183, "Acc.clock": 0.3242, "Acc.flag": 0.7118} {"mode": "train", "epoch": 8, "iter": 10050, "lr": 3e-05, "memory": 70498, "data_time": 1.93583, "decode.loss_ce": 0.46737, "decode.acc_seg": 82.04029, "aux.loss_ce": 0.18648, "aux.acc_seg": 82.26953, "loss": 0.65384, "time": 3.25398} {"mode": "train", "epoch": 8, "iter": 10100, "lr": 3e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.4409, "decode.acc_seg": 83.60115, "aux.loss_ce": 0.17682, "aux.acc_seg": 83.3989, "loss": 0.61771, "time": 1.32522} {"mode": "train", "epoch": 9, "iter": 10150, "lr": 3e-05, "memory": 70498, "data_time": 0.06026, "decode.loss_ce": 0.42224, "decode.acc_seg": 83.13514, "aux.loss_ce": 0.16929, "aux.acc_seg": 83.11834, "loss": 0.59153, "time": 1.37916} {"mode": "train", "epoch": 9, "iter": 10200, "lr": 3e-05, "memory": 70498, "data_time": 0.00945, "decode.loss_ce": 0.45219, "decode.acc_seg": 81.89821, "aux.loss_ce": 0.18184, "aux.acc_seg": 81.7617, "loss": 0.63404, "time": 1.3274} {"mode": "train", "epoch": 9, "iter": 10250, "lr": 3e-05, "memory": 70498, "data_time": 0.00948, "decode.loss_ce": 0.41386, "decode.acc_seg": 83.97813, "aux.loss_ce": 0.16522, "aux.acc_seg": 84.12553, "loss": 0.57908, "time": 1.33399} {"mode": "train", "epoch": 9, "iter": 10300, "lr": 3e-05, "memory": 70498, "data_time": 0.01, "decode.loss_ce": 0.46037, "decode.acc_seg": 82.61686, "aux.loss_ce": 0.18403, "aux.acc_seg": 82.66948, "loss": 0.64441, "time": 1.32328} {"mode": "train", "epoch": 9, "iter": 10350, "lr": 3e-05, "memory": 70498, "data_time": 0.00946, "decode.loss_ce": 0.44892, "decode.acc_seg": 82.54273, "aux.loss_ce": 0.18007, "aux.acc_seg": 82.6498, "loss": 0.62898, "time": 1.32717} {"mode": "train", "epoch": 9, "iter": 10400, "lr": 3e-05, "memory": 70498, "data_time": 0.00942, "decode.loss_ce": 0.41253, "decode.acc_seg": 83.55167, "aux.loss_ce": 0.16445, "aux.acc_seg": 83.73673, "loss": 0.57698, "time": 1.32339} {"mode": "train", "epoch": 9, "iter": 10450, "lr": 3e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.46149, "decode.acc_seg": 81.7986, "aux.loss_ce": 0.18465, "aux.acc_seg": 81.83113, "loss": 0.64614, "time": 1.32446} {"mode": "train", "epoch": 9, "iter": 10500, "lr": 3e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.43403, "decode.acc_seg": 82.74253, "aux.loss_ce": 0.17389, "aux.acc_seg": 82.92903, "loss": 0.60792, "time": 1.32232} {"mode": "train", "epoch": 9, "iter": 10550, "lr": 3e-05, "memory": 70498, "data_time": 0.00944, "decode.loss_ce": 0.44246, "decode.acc_seg": 82.64853, "aux.loss_ce": 0.17688, "aux.acc_seg": 82.91657, "loss": 0.61934, "time": 1.32386} {"mode": "train", "epoch": 9, "iter": 10600, "lr": 3e-05, "memory": 70498, "data_time": 0.00948, "decode.loss_ce": 0.41447, "decode.acc_seg": 83.36447, "aux.loss_ce": 0.1658, "aux.acc_seg": 83.41766, "loss": 0.58027, "time": 1.32547} {"mode": "train", "epoch": 9, "iter": 10650, "lr": 3e-05, "memory": 70498, "data_time": 0.00948, "decode.loss_ce": 0.42648, "decode.acc_seg": 82.81678, "aux.loss_ce": 0.17117, "aux.acc_seg": 82.83394, "loss": 0.59765, "time": 1.32612} {"mode": "train", "epoch": 9, "iter": 10700, "lr": 3e-05, "memory": 70498, "data_time": 0.00948, "decode.loss_ce": 0.42243, "decode.acc_seg": 83.64085, "aux.loss_ce": 0.16978, "aux.acc_seg": 83.61133, "loss": 0.5922, "time": 1.33162} {"mode": "train", "epoch": 9, "iter": 10750, "lr": 3e-05, "memory": 70498, "data_time": 0.00946, "decode.loss_ce": 0.44594, "decode.acc_seg": 82.65849, "aux.loss_ce": 0.17808, "aux.acc_seg": 82.70316, "loss": 0.62401, "time": 1.32748} {"mode": "train", "epoch": 9, "iter": 10800, "lr": 3e-05, "memory": 70498, "data_time": 0.00943, "decode.loss_ce": 0.42552, "decode.acc_seg": 82.82486, "aux.loss_ce": 0.17045, "aux.acc_seg": 82.85778, "loss": 0.59597, "time": 1.33018} {"mode": "train", "epoch": 9, "iter": 10850, "lr": 3e-05, "memory": 70498, "data_time": 0.00942, "decode.loss_ce": 0.41583, "decode.acc_seg": 83.75554, "aux.loss_ce": 0.16597, "aux.acc_seg": 83.87765, "loss": 0.5818, "time": 1.32375} {"mode": "train", "epoch": 9, "iter": 10900, "lr": 3e-05, "memory": 70498, "data_time": 0.00947, "decode.loss_ce": 0.43619, "decode.acc_seg": 82.79354, "aux.loss_ce": 0.17268, "aux.acc_seg": 82.79924, "loss": 0.60887, "time": 1.32453} {"mode": "train", "epoch": 9, "iter": 10950, "lr": 3e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.42942, "decode.acc_seg": 83.17701, "aux.loss_ce": 0.17314, "aux.acc_seg": 83.17976, "loss": 0.60256, "time": 1.32413} {"mode": "train", "epoch": 9, "iter": 11000, "lr": 3e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.4094, "decode.acc_seg": 83.72961, "aux.loss_ce": 0.16409, "aux.acc_seg": 83.66772, "loss": 0.57349, "time": 1.32716} {"mode": "val", "epoch": 9, "iter": 250, "lr": 3e-05, "aAcc": 0.838, "mIoU": 0.4996, "mAcc": 0.6401, "IoU.wall": 0.792, "IoU.building": 0.8387, "IoU.sky": 0.9379, "IoU.floor": 0.8365, "IoU.tree": 0.758, "IoU.ceiling": 0.8419, "IoU.road": 0.8485, "IoU.bed ": 0.9039, "IoU.windowpane": 0.6016, "IoU.grass": 0.6831, "IoU.cabinet": 0.608, "IoU.sidewalk": 0.675, "IoU.person": 0.8329, "IoU.earth": 0.3216, "IoU.door": 0.5626, "IoU.table": 0.6187, "IoU.mountain": 0.5756, "IoU.plant": 0.5439, "IoU.curtain": 0.7601, "IoU.chair": 0.5954, "IoU.car": 0.8282, "IoU.water": 0.5812, "IoU.painting": 0.6956, "IoU.sofa": 0.7625, "IoU.shelf": 0.39, "IoU.house": 0.6254, "IoU.sea": 0.7102, "IoU.mirror": 0.6873, "IoU.rug": 0.6714, "IoU.field": 0.3652, "IoU.armchair": 0.5599, "IoU.seat": 0.6217, "IoU.fence": 0.4486, "IoU.desk": 0.5023, "IoU.rock": 0.4926, "IoU.wardrobe": 0.5137, "IoU.lamp": 0.6667, "IoU.bathtub": 0.8034, "IoU.railing": 0.4339, "IoU.cushion": 0.5933, "IoU.base": 0.3937, "IoU.box": 0.282, "IoU.column": 0.5262, "IoU.signboard": 0.3674, "IoU.chest of drawers": 0.4086, "IoU.counter": 0.5111, "IoU.sand": 0.4285, "IoU.sink": 0.7422, "IoU.skyscraper": 0.4876, "IoU.fireplace": 0.6973, "IoU.refrigerator": 0.8123, "IoU.grandstand": 0.3963, "IoU.path": 0.2541, "IoU.stairs": 0.3108, "IoU.runway": 0.7044, "IoU.case": 0.3962, "IoU.pool table": 0.9373, "IoU.pillow": 0.5772, "IoU.screen door": 0.7128, "IoU.stairway": 0.4833, "IoU.river": 0.289, "IoU.bridge": 0.3652, "IoU.bookcase": 0.3319, "IoU.blind": 0.0531, "IoU.coffee table": 0.5268, "IoU.toilet": 0.8727, "IoU.flower": 0.3565, "IoU.book": 0.4481, "IoU.hill": 0.0603, "IoU.bench": 0.4883, "IoU.countertop": 0.6039, "IoU.stove": 0.7628, "IoU.palm": 0.5313, "IoU.kitchen island": 0.3834, "IoU.computer": 0.6819, "IoU.swivel chair": 0.451, "IoU.boat": 0.614, "IoU.bar": 0.632, "IoU.arcade machine": 0.6415, "IoU.hovel": 0.4417, "IoU.bus": 0.9097, "IoU.towel": 0.658, "IoU.light": 0.3412, "IoU.truck": 0.4089, "IoU.tower": 0.2692, "IoU.chandelier": 0.6514, "IoU.awning": 0.3806, "IoU.streetlight": 0.2473, "IoU.booth": 0.3428, "IoU.television receiver": 0.6719, "IoU.airplane": 0.6327, "IoU.dirt track": 0.1758, "IoU.apparel": 0.4168, "IoU.pole": 0.2186, "IoU.land": 0.0, "IoU.bannister": 0.1457, "IoU.escalator": 0.5135, "IoU.ottoman": 0.4086, "IoU.bottle": 0.1308, "IoU.buffet": 0.4547, "IoU.poster": 0.2519, "IoU.stage": 0.069, "IoU.van": 0.4102, "IoU.ship": 0.4633, "IoU.fountain": 0.5351, "IoU.conveyer belt": 0.6458, "IoU.canopy": 0.4129, "IoU.washer": 0.7015, "IoU.plaything": 0.248, "IoU.swimming pool": 0.713, "IoU.stool": 0.3969, "IoU.barrel": 0.5585, "IoU.basket": 0.3168, "IoU.waterfall": 0.4219, "IoU.tent": 0.9346, "IoU.bag": 0.1963, "IoU.minibike": 0.6626, "IoU.cradle": 0.7739, "IoU.oven": 0.5131, "IoU.ball": 0.1431, "IoU.food": 0.5952, "IoU.step": 0.1161, "IoU.tank": 0.5725, "IoU.trade name": 0.0248, "IoU.microwave": 0.8504, "IoU.pot": 0.5073, "IoU.animal": 0.7032, "IoU.bicycle": 0.5163, "IoU.lake": 0.0, "IoU.dishwasher": 0.5674, "IoU.screen": 0.5575, "IoU.blanket": 0.093, "IoU.sculpture": 0.5575, "IoU.hood": 0.5811, "IoU.sconce": 0.4306, "IoU.vase": 0.3437, "IoU.traffic light": 0.2579, "IoU.tray": 0.0968, "IoU.ashcan": 0.4164, "IoU.fan": 0.6059, "IoU.pier": 0.3045, "IoU.crt screen": 0.008, "IoU.plate": 0.541, "IoU.monitor": 0.2373, "IoU.bulletin board": 0.3945, "IoU.shower": 0.0, "IoU.radiator": 0.5601, "IoU.glass": 0.1495, "IoU.clock": 0.2876, "IoU.flag": 0.6699, "Acc.wall": 0.8803, "Acc.building": 0.9285, "Acc.sky": 0.953, "Acc.floor": 0.8937, "Acc.tree": 0.8885, "Acc.ceiling": 0.9192, "Acc.road": 0.9101, "Acc.bed ": 0.9728, "Acc.windowpane": 0.7702, "Acc.grass": 0.8709, "Acc.cabinet": 0.7312, "Acc.sidewalk": 0.8095, "Acc.person": 0.9213, "Acc.earth": 0.429, "Acc.door": 0.7604, "Acc.table": 0.7245, "Acc.mountain": 0.6742, "Acc.plant": 0.6316, "Acc.curtain": 0.8906, "Acc.chair": 0.7186, "Acc.car": 0.9386, "Acc.water": 0.7269, "Acc.painting": 0.804, "Acc.sofa": 0.8682, "Acc.shelf": 0.4985, "Acc.house": 0.8757, "Acc.sea": 0.9208, "Acc.mirror": 0.7782, "Acc.rug": 0.8047, "Acc.field": 0.5857, "Acc.armchair": 0.7551, "Acc.seat": 0.8855, "Acc.fence": 0.6588, "Acc.desk": 0.6105, "Acc.rock": 0.8621, "Acc.wardrobe": 0.7744, "Acc.lamp": 0.7968, "Acc.bathtub": 0.8416, "Acc.railing": 0.6706, "Acc.cushion": 0.6599, "Acc.base": 0.5547, "Acc.box": 0.3625, "Acc.column": 0.6399, "Acc.signboard": 0.4907, "Acc.chest of drawers": 0.7456, "Acc.counter": 0.6853, "Acc.sand": 0.6334, "Acc.sink": 0.7959, "Acc.skyscraper": 0.654, "Acc.fireplace": 0.928, "Acc.refrigerator": 0.9007, "Acc.grandstand": 0.8693, "Acc.path": 0.3299, "Acc.stairs": 0.3945, "Acc.runway": 0.9193, "Acc.case": 0.4611, "Acc.pool table": 0.9706, "Acc.pillow": 0.688, "Acc.screen door": 0.8223, "Acc.stairway": 0.5896, "Acc.river": 0.3633, "Acc.bridge": 0.4168, "Acc.bookcase": 0.5278, "Acc.blind": 0.0532, "Acc.coffee table": 0.9208, "Acc.toilet": 0.9317, "Acc.flower": 0.4926, "Acc.book": 0.7189, "Acc.hill": 0.2283, "Acc.bench": 0.6477, "Acc.countertop": 0.7446, "Acc.stove": 0.9238, "Acc.palm": 0.6973, "Acc.kitchen island": 0.8627, "Acc.computer": 0.9425, "Acc.swivel chair": 0.8067, "Acc.boat": 0.7899, "Acc.bar": 0.7226, "Acc.arcade machine": 0.7881, "Acc.hovel": 0.5896, "Acc.bus": 0.9397, "Acc.towel": 0.7202, "Acc.light": 0.3513, "Acc.truck": 0.5684, "Acc.tower": 0.4018, "Acc.chandelier": 0.7825, "Acc.awning": 0.4778, "Acc.streetlight": 0.358, "Acc.booth": 0.826, "Acc.television receiver": 0.8302, "Acc.airplane": 0.6917, "Acc.dirt track": 0.4098, "Acc.apparel": 0.5794, "Acc.pole": 0.2923, "Acc.land": 0.0, "Acc.bannister": 0.2486, "Acc.escalator": 0.8172, "Acc.ottoman": 0.7243, "Acc.bottle": 0.1376, "Acc.buffet": 0.6705, "Acc.poster": 0.5591, "Acc.stage": 0.2059, "Acc.van": 0.504, "Acc.ship": 0.484, "Acc.fountain": 0.5647, "Acc.conveyer belt": 0.9473, "Acc.canopy": 0.6803, "Acc.washer": 0.7249, "Acc.plaything": 0.2987, "Acc.swimming pool": 0.9066, "Acc.stool": 0.6747, "Acc.barrel": 0.6501, "Acc.basket": 0.4573, "Acc.waterfall": 0.583, "Acc.tent": 0.9746, "Acc.bag": 0.2561, "Acc.minibike": 0.7761, "Acc.cradle": 0.9747, "Acc.oven": 0.6972, "Acc.ball": 0.1506, "Acc.food": 0.8288, "Acc.step": 0.1378, "Acc.tank": 0.6995, "Acc.trade name": 0.0253, "Acc.microwave": 0.9401, "Acc.pot": 0.6176, "Acc.animal": 0.7541, "Acc.bicycle": 0.7364, "Acc.lake": 0.0, "Acc.dishwasher": 0.6424, "Acc.screen": 0.9445, "Acc.blanket": 0.1032, "Acc.sculpture": 0.6952, "Acc.hood": 0.6975, "Acc.sconce": 0.5086, "Acc.vase": 0.5566, "Acc.traffic light": 0.4861, "Acc.tray": 0.1796, "Acc.ashcan": 0.6105, "Acc.fan": 0.7386, "Acc.pier": 0.4656, "Acc.crt screen": 0.0201, "Acc.plate": 0.7013, "Acc.monitor": 0.266, "Acc.bulletin board": 0.6912, "Acc.shower": 0.0, "Acc.radiator": 0.6654, "Acc.glass": 0.1733, "Acc.clock": 0.3391, "Acc.flag": 0.6976} {"mode": "train", "epoch": 9, "iter": 11050, "lr": 3e-05, "memory": 70498, "data_time": 1.97543, "decode.loss_ce": 0.42049, "decode.acc_seg": 84.0562, "aux.loss_ce": 0.16855, "aux.acc_seg": 84.00679, "loss": 0.58904, "time": 3.2934} {"mode": "train", "epoch": 9, "iter": 11100, "lr": 3e-05, "memory": 70498, "data_time": 0.00996, "decode.loss_ce": 0.42144, "decode.acc_seg": 83.88523, "aux.loss_ce": 0.17029, "aux.acc_seg": 83.70581, "loss": 0.59173, "time": 1.32587} {"mode": "train", "epoch": 9, "iter": 11150, "lr": 3e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.42614, "decode.acc_seg": 82.81273, "aux.loss_ce": 0.17068, "aux.acc_seg": 82.89664, "loss": 0.59681, "time": 1.33648} {"mode": "train", "epoch": 9, "iter": 11200, "lr": 3e-05, "memory": 70498, "data_time": 0.00985, "decode.loss_ce": 0.4227, "decode.acc_seg": 83.51416, "aux.loss_ce": 0.16906, "aux.acc_seg": 83.47298, "loss": 0.59175, "time": 1.3241} {"mode": "train", "epoch": 9, "iter": 11250, "lr": 3e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.44702, "decode.acc_seg": 82.56263, "aux.loss_ce": 0.17786, "aux.acc_seg": 82.83193, "loss": 0.62487, "time": 1.32792} {"mode": "train", "epoch": 9, "iter": 11300, "lr": 3e-05, "memory": 70498, "data_time": 0.00943, "decode.loss_ce": 0.41825, "decode.acc_seg": 83.91366, "aux.loss_ce": 0.16788, "aux.acc_seg": 84.0626, "loss": 0.58613, "time": 1.32514} {"mode": "train", "epoch": 9, "iter": 11350, "lr": 3e-05, "memory": 70498, "data_time": 0.00975, "decode.loss_ce": 0.43364, "decode.acc_seg": 83.46559, "aux.loss_ce": 0.17358, "aux.acc_seg": 83.47846, "loss": 0.60722, "time": 1.32686} {"mode": "train", "epoch": 10, "iter": 11400, "lr": 3e-05, "memory": 70498, "data_time": 0.05829, "decode.loss_ce": 0.38973, "decode.acc_seg": 84.77391, "aux.loss_ce": 0.15661, "aux.acc_seg": 84.76272, "loss": 0.54634, "time": 1.3818} {"mode": "train", "epoch": 10, "iter": 11450, "lr": 3e-05, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.40632, "decode.acc_seg": 84.2589, "aux.loss_ce": 0.16269, "aux.acc_seg": 84.23002, "loss": 0.56901, "time": 1.32287} {"mode": "train", "epoch": 10, "iter": 11500, "lr": 3e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.37832, "decode.acc_seg": 85.33293, "aux.loss_ce": 0.15148, "aux.acc_seg": 85.24992, "loss": 0.5298, "time": 1.32938} {"mode": "train", "epoch": 10, "iter": 11550, "lr": 3e-05, "memory": 70498, "data_time": 0.00936, "decode.loss_ce": 0.38471, "decode.acc_seg": 84.41393, "aux.loss_ce": 0.15454, "aux.acc_seg": 84.41955, "loss": 0.53925, "time": 1.32712} {"mode": "train", "epoch": 10, "iter": 11600, "lr": 3e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.39889, "decode.acc_seg": 84.04888, "aux.loss_ce": 0.16071, "aux.acc_seg": 83.99028, "loss": 0.5596, "time": 1.32204} {"mode": "train", "epoch": 10, "iter": 11650, "lr": 3e-05, "memory": 70498, "data_time": 0.00956, "decode.loss_ce": 0.41543, "decode.acc_seg": 83.6175, "aux.loss_ce": 0.16587, "aux.acc_seg": 83.52926, "loss": 0.5813, "time": 1.32344} {"mode": "train", "epoch": 10, "iter": 11700, "lr": 3e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.44055, "decode.acc_seg": 83.19283, "aux.loss_ce": 0.17566, "aux.acc_seg": 83.25416, "loss": 0.61622, "time": 1.32525} {"mode": "train", "epoch": 10, "iter": 11750, "lr": 3e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.40444, "decode.acc_seg": 84.01033, "aux.loss_ce": 0.16294, "aux.acc_seg": 84.05282, "loss": 0.56738, "time": 1.32327} {"mode": "train", "epoch": 10, "iter": 11800, "lr": 3e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.42676, "decode.acc_seg": 83.74699, "aux.loss_ce": 0.17013, "aux.acc_seg": 83.65354, "loss": 0.5969, "time": 1.32808} {"mode": "train", "epoch": 10, "iter": 11850, "lr": 3e-05, "memory": 70498, "data_time": 0.00981, "decode.loss_ce": 0.42734, "decode.acc_seg": 83.82612, "aux.loss_ce": 0.17024, "aux.acc_seg": 83.8954, "loss": 0.59758, "time": 1.3278} {"mode": "train", "epoch": 10, "iter": 11900, "lr": 3e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.39067, "decode.acc_seg": 84.41608, "aux.loss_ce": 0.15613, "aux.acc_seg": 84.33578, "loss": 0.5468, "time": 1.32428} {"mode": "train", "epoch": 10, "iter": 11950, "lr": 3e-05, "memory": 70498, "data_time": 0.00944, "decode.loss_ce": 0.40118, "decode.acc_seg": 84.58631, "aux.loss_ce": 0.1611, "aux.acc_seg": 84.40119, "loss": 0.56228, "time": 1.33517} {"mode": "train", "epoch": 10, "iter": 12000, "lr": 3e-05, "memory": 70498, "data_time": 0.00976, "decode.loss_ce": 0.41329, "decode.acc_seg": 83.55195, "aux.loss_ce": 0.16383, "aux.acc_seg": 83.62915, "loss": 0.57711, "time": 3.41278} {"mode": "val", "epoch": 10, "iter": 250, "lr": 3e-05, "aAcc": 0.841, "mIoU": 0.5011, "mAcc": 0.6337, "IoU.wall": 0.798, "IoU.building": 0.8434, "IoU.sky": 0.944, "IoU.floor": 0.8342, "IoU.tree": 0.7666, "IoU.ceiling": 0.8521, "IoU.road": 0.8139, "IoU.bed ": 0.904, "IoU.windowpane": 0.6321, "IoU.grass": 0.6706, "IoU.cabinet": 0.6235, "IoU.sidewalk": 0.6149, "IoU.person": 0.8304, "IoU.earth": 0.3585, "IoU.door": 0.5269, "IoU.table": 0.618, "IoU.mountain": 0.6151, "IoU.plant": 0.5443, "IoU.curtain": 0.7816, "IoU.chair": 0.6279, "IoU.car": 0.8446, "IoU.water": 0.541, "IoU.painting": 0.735, "IoU.sofa": 0.6893, "IoU.shelf": 0.4378, "IoU.house": 0.6061, "IoU.sea": 0.6942, "IoU.mirror": 0.722, "IoU.rug": 0.6602, "IoU.field": 0.3956, "IoU.armchair": 0.4202, "IoU.seat": 0.6358, "IoU.fence": 0.4874, "IoU.desk": 0.4874, "IoU.rock": 0.5448, "IoU.wardrobe": 0.5033, "IoU.lamp": 0.6626, "IoU.bathtub": 0.7986, "IoU.railing": 0.4059, "IoU.cushion": 0.5387, "IoU.base": 0.444, "IoU.box": 0.248, "IoU.column": 0.5152, "IoU.signboard": 0.3486, "IoU.chest of drawers": 0.424, "IoU.counter": 0.5074, "IoU.sand": 0.5192, "IoU.sink": 0.7052, "IoU.skyscraper": 0.4854, "IoU.fireplace": 0.6816, "IoU.refrigerator": 0.7491, "IoU.grandstand": 0.4872, "IoU.path": 0.245, "IoU.stairs": 0.2887, "IoU.runway": 0.6786, "IoU.case": 0.5307, "IoU.pool table": 0.9403, "IoU.pillow": 0.6315, "IoU.screen door": 0.7752, "IoU.stairway": 0.4352, "IoU.river": 0.1822, "IoU.bridge": 0.7071, "IoU.bookcase": 0.3786, "IoU.blind": 0.3556, "IoU.coffee table": 0.5737, "IoU.toilet": 0.8581, "IoU.flower": 0.276, "IoU.book": 0.4644, "IoU.hill": 0.0473, "IoU.bench": 0.5179, "IoU.countertop": 0.5896, "IoU.stove": 0.8196, "IoU.palm": 0.5606, "IoU.kitchen island": 0.3533, "IoU.computer": 0.7351, "IoU.swivel chair": 0.5294, "IoU.boat": 0.6251, "IoU.bar": 0.6005, "IoU.arcade machine": 0.6421, "IoU.hovel": 0.1194, "IoU.bus": 0.888, "IoU.towel": 0.5883, "IoU.light": 0.462, "IoU.truck": 0.3216, "IoU.tower": 0.1541, "IoU.chandelier": 0.6734, "IoU.awning": 0.4149, "IoU.streetlight": 0.2346, "IoU.booth": 0.4353, "IoU.television receiver": 0.7351, "IoU.airplane": 0.6227, "IoU.dirt track": 0.1532, "IoU.apparel": 0.4328, "IoU.pole": 0.1947, "IoU.land": 0.0016, "IoU.bannister": 0.0516, "IoU.escalator": 0.5163, "IoU.ottoman": 0.4704, "IoU.bottle": 0.1935, "IoU.buffet": 0.3884, "IoU.poster": 0.1731, "IoU.stage": 0.1999, "IoU.van": 0.371, "IoU.ship": 0.2087, "IoU.fountain": 0.2194, "IoU.conveyer belt": 0.6422, "IoU.canopy": 0.606, "IoU.washer": 0.6552, "IoU.plaything": 0.1521, "IoU.swimming pool": 0.6624, "IoU.stool": 0.4988, "IoU.barrel": 0.4901, "IoU.basket": 0.2885, "IoU.waterfall": 0.4564, "IoU.tent": 0.9226, "IoU.bag": 0.1094, "IoU.minibike": 0.6379, "IoU.cradle": 0.6833, "IoU.oven": 0.5747, "IoU.ball": 0.2355, "IoU.food": 0.5428, "IoU.step": 0.0739, "IoU.tank": 0.6686, "IoU.trade name": 0.3052, "IoU.microwave": 0.8723, "IoU.pot": 0.5123, "IoU.animal": 0.6388, "IoU.bicycle": 0.5197, "IoU.lake": 0.0, "IoU.dishwasher": 0.6064, "IoU.screen": 0.6643, "IoU.blanket": 0.071, "IoU.sculpture": 0.5658, "IoU.hood": 0.6077, "IoU.sconce": 0.4282, "IoU.vase": 0.3744, "IoU.traffic light": 0.2667, "IoU.tray": 0.0701, "IoU.ashcan": 0.4072, "IoU.fan": 0.5581, "IoU.pier": 0.3422, "IoU.crt screen": 0.0131, "IoU.plate": 0.5023, "IoU.monitor": 0.0741, "IoU.bulletin board": 0.4072, "IoU.shower": 0.0043, "IoU.radiator": 0.6119, "IoU.glass": 0.1659, "IoU.clock": 0.3018, "IoU.flag": 0.6789, "Acc.wall": 0.8838, "Acc.building": 0.9289, "Acc.sky": 0.9764, "Acc.floor": 0.8996, "Acc.tree": 0.8704, "Acc.ceiling": 0.9412, "Acc.road": 0.9164, "Acc.bed ": 0.9629, "Acc.windowpane": 0.7986, "Acc.grass": 0.7598, "Acc.cabinet": 0.7463, "Acc.sidewalk": 0.7337, "Acc.person": 0.9307, "Acc.earth": 0.5069, "Acc.door": 0.6351, "Acc.table": 0.7813, "Acc.mountain": 0.7059, "Acc.plant": 0.6767, "Acc.curtain": 0.8712, "Acc.chair": 0.7581, "Acc.car": 0.9277, "Acc.water": 0.6367, "Acc.painting": 0.8761, "Acc.sofa": 0.9406, "Acc.shelf": 0.6868, "Acc.house": 0.7919, "Acc.sea": 0.8906, "Acc.mirror": 0.8356, "Acc.rug": 0.7704, "Acc.field": 0.7518, "Acc.armchair": 0.5234, "Acc.seat": 0.8859, "Acc.fence": 0.6726, "Acc.desk": 0.6901, "Acc.rock": 0.8493, "Acc.wardrobe": 0.7755, "Acc.lamp": 0.7781, "Acc.bathtub": 0.8612, "Acc.railing": 0.6679, "Acc.cushion": 0.5911, "Acc.base": 0.5855, "Acc.box": 0.3041, "Acc.column": 0.5991, "Acc.signboard": 0.4197, "Acc.chest of drawers": 0.6506, "Acc.counter": 0.6137, "Acc.sand": 0.8734, "Acc.sink": 0.8374, "Acc.skyscraper": 0.6342, "Acc.fireplace": 0.9533, "Acc.refrigerator": 0.8731, "Acc.grandstand": 0.8897, "Acc.path": 0.3176, "Acc.stairs": 0.3907, "Acc.runway": 0.9259, "Acc.case": 0.7727, "Acc.pool table": 0.9727, "Acc.pillow": 0.8172, "Acc.screen door": 0.8649, "Acc.stairway": 0.5757, "Acc.river": 0.6034, "Acc.bridge": 0.8875, "Acc.bookcase": 0.5697, "Acc.blind": 0.3669, "Acc.coffee table": 0.9151, "Acc.toilet": 0.9191, "Acc.flower": 0.2976, "Acc.book": 0.6727, "Acc.hill": 0.0895, "Acc.bench": 0.5482, "Acc.countertop": 0.6691, "Acc.stove": 0.8795, "Acc.palm": 0.7808, "Acc.kitchen island": 0.9145, "Acc.computer": 0.9029, "Acc.swivel chair": 0.7388, "Acc.boat": 0.8856, "Acc.bar": 0.7031, "Acc.arcade machine": 0.6817, "Acc.hovel": 0.126, "Acc.bus": 0.9606, "Acc.towel": 0.6756, "Acc.light": 0.4873, "Acc.truck": 0.3513, "Acc.tower": 0.2253, "Acc.chandelier": 0.8289, "Acc.awning": 0.607, "Acc.streetlight": 0.3148, "Acc.booth": 0.5854, "Acc.television receiver": 0.8146, "Acc.airplane": 0.6864, "Acc.dirt track": 0.6198, "Acc.apparel": 0.5474, "Acc.pole": 0.2416, "Acc.land": 0.0029, "Acc.bannister": 0.0617, "Acc.escalator": 0.7329, "Acc.ottoman": 0.6426, "Acc.bottle": 0.2441, "Acc.buffet": 0.4649, "Acc.poster": 0.1865, "Acc.stage": 0.3596, "Acc.van": 0.4482, "Acc.ship": 0.2094, "Acc.fountain": 0.2256, "Acc.conveyer belt": 0.9368, "Acc.canopy": 0.8001, "Acc.washer": 0.7373, "Acc.plaything": 0.185, "Acc.swimming pool": 0.9076, "Acc.stool": 0.5972, "Acc.barrel": 0.6505, "Acc.basket": 0.4819, "Acc.waterfall": 0.6494, "Acc.tent": 0.9754, "Acc.bag": 0.1178, "Acc.minibike": 0.7673, "Acc.cradle": 0.9937, "Acc.oven": 0.6553, "Acc.ball": 0.6898, "Acc.food": 0.6466, "Acc.step": 0.0769, "Acc.tank": 0.9687, "Acc.trade name": 0.3733, "Acc.microwave": 0.9192, "Acc.pot": 0.6699, "Acc.animal": 0.6582, "Acc.bicycle": 0.7391, "Acc.lake": 0.0, "Acc.dishwasher": 0.7609, "Acc.screen": 0.938, "Acc.blanket": 0.0826, "Acc.sculpture": 0.6254, "Acc.hood": 0.6873, "Acc.sconce": 0.492, "Acc.vase": 0.5171, "Acc.traffic light": 0.4908, "Acc.tray": 0.1002, "Acc.ashcan": 0.5779, "Acc.fan": 0.6587, "Acc.pier": 0.4338, "Acc.crt screen": 0.0406, "Acc.plate": 0.684, "Acc.monitor": 0.0843, "Acc.bulletin board": 0.507, "Acc.shower": 0.0076, "Acc.radiator": 0.7139, "Acc.glass": 0.1882, "Acc.clock": 0.3198, "Acc.flag": 0.7126} {"mode": "train", "epoch": 10, "iter": 12050, "lr": 3e-05, "memory": 70498, "data_time": 1.92664, "decode.loss_ce": 0.40423, "decode.acc_seg": 83.93833, "aux.loss_ce": 0.16307, "aux.acc_seg": 83.8843, "loss": 0.5673, "time": 3.24407} {"mode": "train", "epoch": 10, "iter": 12100, "lr": 3e-05, "memory": 70498, "data_time": 0.00945, "decode.loss_ce": 0.39373, "decode.acc_seg": 84.12336, "aux.loss_ce": 0.15783, "aux.acc_seg": 84.20592, "loss": 0.55156, "time": 1.32829} {"mode": "train", "epoch": 10, "iter": 12150, "lr": 3e-05, "memory": 70498, "data_time": 0.00933, "decode.loss_ce": 0.38744, "decode.acc_seg": 84.52524, "aux.loss_ce": 0.15578, "aux.acc_seg": 84.35959, "loss": 0.54322, "time": 1.33171} {"mode": "train", "epoch": 10, "iter": 12200, "lr": 3e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.42564, "decode.acc_seg": 83.6181, "aux.loss_ce": 0.17108, "aux.acc_seg": 83.50119, "loss": 0.59671, "time": 1.32856} {"mode": "train", "epoch": 10, "iter": 12250, "lr": 3e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.40356, "decode.acc_seg": 84.13791, "aux.loss_ce": 0.16213, "aux.acc_seg": 84.19716, "loss": 0.56569, "time": 1.32462} {"mode": "train", "epoch": 10, "iter": 12300, "lr": 3e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.37996, "decode.acc_seg": 85.15112, "aux.loss_ce": 0.15184, "aux.acc_seg": 85.07049, "loss": 0.5318, "time": 1.32484} {"mode": "train", "epoch": 10, "iter": 12350, "lr": 3e-05, "memory": 70498, "data_time": 0.00999, "decode.loss_ce": 0.41003, "decode.acc_seg": 84.50494, "aux.loss_ce": 0.16541, "aux.acc_seg": 84.29292, "loss": 0.57544, "time": 1.3245} {"mode": "train", "epoch": 10, "iter": 12400, "lr": 3e-05, "memory": 70498, "data_time": 0.00946, "decode.loss_ce": 0.43164, "decode.acc_seg": 82.72656, "aux.loss_ce": 0.17293, "aux.acc_seg": 82.66945, "loss": 0.60457, "time": 1.32322} {"mode": "train", "epoch": 10, "iter": 12450, "lr": 3e-05, "memory": 70498, "data_time": 0.00944, "decode.loss_ce": 0.42996, "decode.acc_seg": 83.16226, "aux.loss_ce": 0.17259, "aux.acc_seg": 83.11766, "loss": 0.60255, "time": 1.32571} {"mode": "train", "epoch": 10, "iter": 12500, "lr": 3e-05, "memory": 70498, "data_time": 0.00947, "decode.loss_ce": 0.41087, "decode.acc_seg": 84.37253, "aux.loss_ce": 0.16523, "aux.acc_seg": 84.15296, "loss": 0.5761, "time": 1.32726} {"mode": "train", "epoch": 10, "iter": 12550, "lr": 3e-05, "memory": 70498, "data_time": 0.00967, "decode.loss_ce": 0.40672, "decode.acc_seg": 84.16289, "aux.loss_ce": 0.16281, "aux.acc_seg": 84.2002, "loss": 0.56952, "time": 1.32407} {"mode": "train", "epoch": 10, "iter": 12600, "lr": 3e-05, "memory": 70498, "data_time": 0.00967, "decode.loss_ce": 0.43397, "decode.acc_seg": 83.16018, "aux.loss_ce": 0.17422, "aux.acc_seg": 83.04051, "loss": 0.60819, "time": 1.32332} {"mode": "train", "epoch": 11, "iter": 12650, "lr": 3e-05, "memory": 70498, "data_time": 0.05142, "decode.loss_ce": 0.41191, "decode.acc_seg": 84.21408, "aux.loss_ce": 0.16403, "aux.acc_seg": 84.13049, "loss": 0.57594, "time": 1.37185} {"mode": "train", "epoch": 11, "iter": 12700, "lr": 3e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.40885, "decode.acc_seg": 84.58744, "aux.loss_ce": 0.16311, "aux.acc_seg": 84.66616, "loss": 0.57196, "time": 1.32255} {"mode": "train", "epoch": 11, "iter": 12750, "lr": 3e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.40735, "decode.acc_seg": 84.05968, "aux.loss_ce": 0.16253, "aux.acc_seg": 84.05628, "loss": 0.56988, "time": 1.32151} {"mode": "train", "epoch": 11, "iter": 12800, "lr": 3e-05, "memory": 70498, "data_time": 0.00971, "decode.loss_ce": 0.38893, "decode.acc_seg": 85.08125, "aux.loss_ce": 0.15574, "aux.acc_seg": 85.1524, "loss": 0.54467, "time": 1.32171} {"mode": "train", "epoch": 11, "iter": 12850, "lr": 3e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.39111, "decode.acc_seg": 84.51439, "aux.loss_ce": 0.15659, "aux.acc_seg": 84.58171, "loss": 0.54771, "time": 1.32356} {"mode": "train", "epoch": 11, "iter": 12900, "lr": 3e-05, "memory": 70498, "data_time": 0.00945, "decode.loss_ce": 0.38596, "decode.acc_seg": 84.91707, "aux.loss_ce": 0.15563, "aux.acc_seg": 84.9022, "loss": 0.54159, "time": 1.31996} {"mode": "train", "epoch": 11, "iter": 12950, "lr": 3e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.41442, "decode.acc_seg": 83.69103, "aux.loss_ce": 0.16588, "aux.acc_seg": 83.7111, "loss": 0.5803, "time": 1.32484} {"mode": "train", "epoch": 11, "iter": 13000, "lr": 3e-05, "memory": 70498, "data_time": 0.00945, "decode.loss_ce": 0.41084, "decode.acc_seg": 83.97441, "aux.loss_ce": 0.1633, "aux.acc_seg": 83.91862, "loss": 0.57414, "time": 1.32681} {"mode": "val", "epoch": 11, "iter": 250, "lr": 3e-05, "aAcc": 0.8413, "mIoU": 0.5106, "mAcc": 0.6515, "IoU.wall": 0.8039, "IoU.building": 0.8337, "IoU.sky": 0.9395, "IoU.floor": 0.8311, "IoU.tree": 0.746, "IoU.ceiling": 0.855, "IoU.road": 0.8384, "IoU.bed ": 0.9142, "IoU.windowpane": 0.6296, "IoU.grass": 0.6943, "IoU.cabinet": 0.5836, "IoU.sidewalk": 0.6604, "IoU.person": 0.8251, "IoU.earth": 0.3737, "IoU.door": 0.5715, "IoU.table": 0.603, "IoU.mountain": 0.6064, "IoU.plant": 0.5309, "IoU.curtain": 0.7786, "IoU.chair": 0.6244, "IoU.car": 0.8461, "IoU.water": 0.5757, "IoU.painting": 0.7542, "IoU.sofa": 0.7623, "IoU.shelf": 0.3824, "IoU.house": 0.5552, "IoU.sea": 0.6654, "IoU.mirror": 0.7186, "IoU.rug": 0.6951, "IoU.field": 0.2448, "IoU.armchair": 0.5081, "IoU.seat": 0.6328, "IoU.fence": 0.4643, "IoU.desk": 0.4684, "IoU.rock": 0.5017, "IoU.wardrobe": 0.5084, "IoU.lamp": 0.6742, "IoU.bathtub": 0.7675, "IoU.railing": 0.335, "IoU.cushion": 0.6235, "IoU.base": 0.5232, "IoU.box": 0.2915, "IoU.column": 0.573, "IoU.signboard": 0.3815, "IoU.chest of drawers": 0.4412, "IoU.counter": 0.5109, "IoU.sand": 0.5657, "IoU.sink": 0.7187, "IoU.skyscraper": 0.4579, "IoU.fireplace": 0.6532, "IoU.refrigerator": 0.6845, "IoU.grandstand": 0.4701, "IoU.path": 0.267, "IoU.stairs": 0.3229, "IoU.runway": 0.6932, "IoU.case": 0.3974, "IoU.pool table": 0.8956, "IoU.pillow": 0.6444, "IoU.screen door": 0.6667, "IoU.stairway": 0.3179, "IoU.river": 0.2116, "IoU.bridge": 0.6507, "IoU.bookcase": 0.3541, "IoU.blind": 0.4509, "IoU.coffee table": 0.5551, "IoU.toilet": 0.8528, "IoU.flower": 0.39, "IoU.book": 0.4801, "IoU.hill": 0.0377, "IoU.bench": 0.4567, "IoU.countertop": 0.614, "IoU.stove": 0.8101, "IoU.palm": 0.5482, "IoU.kitchen island": 0.3666, "IoU.computer": 0.6907, "IoU.swivel chair": 0.3362, "IoU.boat": 0.6124, "IoU.bar": 0.5775, "IoU.arcade machine": 0.7782, "IoU.hovel": 0.3191, "IoU.bus": 0.9033, "IoU.towel": 0.655, "IoU.light": 0.5353, "IoU.truck": 0.421, "IoU.tower": 0.1056, "IoU.chandelier": 0.6662, "IoU.awning": 0.3902, "IoU.streetlight": 0.2392, "IoU.booth": 0.3222, "IoU.television receiver": 0.6638, "IoU.airplane": 0.6426, "IoU.dirt track": 0.0572, "IoU.apparel": 0.474, "IoU.pole": 0.2084, "IoU.land": 0.002, "IoU.bannister": 0.0827, "IoU.escalator": 0.2016, "IoU.ottoman": 0.4711, "IoU.bottle": 0.4076, "IoU.buffet": 0.5346, "IoU.poster": 0.3704, "IoU.stage": 0.2685, "IoU.van": 0.4136, "IoU.ship": 0.2962, "IoU.fountain": 0.5903, "IoU.conveyer belt": 0.7723, "IoU.canopy": 0.4663, "IoU.washer": 0.6993, "IoU.plaything": 0.1869, "IoU.swimming pool": 0.5677, "IoU.stool": 0.3705, "IoU.barrel": 0.5448, "IoU.basket": 0.3129, "IoU.waterfall": 0.5934, "IoU.tent": 0.9034, "IoU.bag": 0.2018, "IoU.minibike": 0.6649, "IoU.cradle": 0.8009, "IoU.oven": 0.6101, "IoU.ball": 0.5136, "IoU.food": 0.5385, "IoU.step": 0.1422, "IoU.tank": 0.6318, "IoU.trade name": 0.1448, "IoU.microwave": 0.8397, "IoU.pot": 0.5025, "IoU.animal": 0.6447, "IoU.bicycle": 0.4572, "IoU.lake": 0.0964, "IoU.dishwasher": 0.5253, "IoU.screen": 0.6554, "IoU.blanket": 0.2807, "IoU.sculpture": 0.5713, "IoU.hood": 0.6823, "IoU.sconce": 0.4409, "IoU.vase": 0.3868, "IoU.traffic light": 0.259, "IoU.tray": 0.0844, "IoU.ashcan": 0.3533, "IoU.fan": 0.5759, "IoU.pier": 0.3286, "IoU.crt screen": 0.0424, "IoU.plate": 0.4961, "IoU.monitor": 0.1363, "IoU.bulletin board": 0.4865, "IoU.shower": 0.0, "IoU.radiator": 0.5547, "IoU.glass": 0.1419, "IoU.clock": 0.303, "IoU.flag": 0.661, "Acc.wall": 0.8808, "Acc.building": 0.9212, "Acc.sky": 0.9798, "Acc.floor": 0.8959, "Acc.tree": 0.8612, "Acc.ceiling": 0.9241, "Acc.road": 0.9015, "Acc.bed ": 0.9596, "Acc.windowpane": 0.7722, "Acc.grass": 0.8163, "Acc.cabinet": 0.6743, "Acc.sidewalk": 0.8374, "Acc.person": 0.9367, "Acc.earth": 0.5138, "Acc.door": 0.7846, "Acc.table": 0.7095, "Acc.mountain": 0.6669, "Acc.plant": 0.6976, "Acc.curtain": 0.8444, "Acc.chair": 0.8054, "Acc.car": 0.9178, "Acc.water": 0.7155, "Acc.painting": 0.8844, "Acc.sofa": 0.9048, "Acc.shelf": 0.5091, "Acc.house": 0.7871, "Acc.sea": 0.888, "Acc.mirror": 0.8198, "Acc.rug": 0.7815, "Acc.field": 0.3295, "Acc.armchair": 0.6271, "Acc.seat": 0.8749, "Acc.fence": 0.644, "Acc.desk": 0.7726, "Acc.rock": 0.8592, "Acc.wardrobe": 0.8068, "Acc.lamp": 0.7675, "Acc.bathtub": 0.8482, "Acc.railing": 0.4543, "Acc.cushion": 0.8148, "Acc.base": 0.7295, "Acc.box": 0.3812, "Acc.column": 0.7277, "Acc.signboard": 0.5521, "Acc.chest of drawers": 0.7632, "Acc.counter": 0.6414, "Acc.sand": 0.8428, "Acc.sink": 0.7926, "Acc.skyscraper": 0.7302, "Acc.fireplace": 0.9592, "Acc.refrigerator": 0.8975, "Acc.grandstand": 0.7286, "Acc.path": 0.4013, "Acc.stairs": 0.4051, "Acc.runway": 0.893, "Acc.case": 0.8901, "Acc.pool table": 0.9802, "Acc.pillow": 0.7326, "Acc.screen door": 0.9242, "Acc.stairway": 0.5015, "Acc.river": 0.2855, "Acc.bridge": 0.9158, "Acc.bookcase": 0.6285, "Acc.blind": 0.5038, "Acc.coffee table": 0.9114, "Acc.toilet": 0.9272, "Acc.flower": 0.4714, "Acc.book": 0.699, "Acc.hill": 0.0729, "Acc.bench": 0.5483, "Acc.countertop": 0.7339, "Acc.stove": 0.9095, "Acc.palm": 0.6767, "Acc.kitchen island": 0.9745, "Acc.computer": 0.9171, "Acc.swivel chair": 0.375, "Acc.boat": 0.8733, "Acc.bar": 0.6729, "Acc.arcade machine": 0.9717, "Acc.hovel": 0.5078, "Acc.bus": 0.956, "Acc.towel": 0.7131, "Acc.light": 0.6595, "Acc.truck": 0.5777, "Acc.tower": 0.144, "Acc.chandelier": 0.8276, "Acc.awning": 0.527, "Acc.streetlight": 0.3011, "Acc.booth": 0.5211, "Acc.television receiver": 0.8224, "Acc.airplane": 0.6927, "Acc.dirt track": 0.2554, "Acc.apparel": 0.7705, "Acc.pole": 0.2586, "Acc.land": 0.0038, "Acc.bannister": 0.0973, "Acc.escalator": 0.2082, "Acc.ottoman": 0.7005, "Acc.bottle": 0.5332, "Acc.buffet": 0.8499, "Acc.poster": 0.4454, "Acc.stage": 0.4163, "Acc.van": 0.54, "Acc.ship": 0.3004, "Acc.fountain": 0.7137, "Acc.conveyer belt": 0.9078, "Acc.canopy": 0.7977, "Acc.washer": 0.7667, "Acc.plaything": 0.2377, "Acc.swimming pool": 0.9289, "Acc.stool": 0.3973, "Acc.barrel": 0.6465, "Acc.basket": 0.4702, "Acc.waterfall": 0.9701, "Acc.tent": 0.9883, "Acc.bag": 0.2595, "Acc.minibike": 0.7827, "Acc.cradle": 0.9855, "Acc.oven": 0.6889, "Acc.ball": 0.6443, "Acc.food": 0.5873, "Acc.step": 0.1788, "Acc.tank": 0.7581, "Acc.trade name": 0.1522, "Acc.microwave": 0.9387, "Acc.pot": 0.5622, "Acc.animal": 0.6636, "Acc.bicycle": 0.5278, "Acc.lake": 0.1102, "Acc.dishwasher": 0.7593, "Acc.screen": 0.9073, "Acc.blanket": 0.3301, "Acc.sculpture": 0.6759, "Acc.hood": 0.8383, "Acc.sconce": 0.5116, "Acc.vase": 0.5651, "Acc.traffic light": 0.5161, "Acc.tray": 0.1065, "Acc.ashcan": 0.5718, "Acc.fan": 0.6783, "Acc.pier": 0.4968, "Acc.crt screen": 0.1185, "Acc.plate": 0.7917, "Acc.monitor": 0.1824, "Acc.bulletin board": 0.5496, "Acc.shower": 0.0, "Acc.radiator": 0.5762, "Acc.glass": 0.151, "Acc.clock": 0.4368, "Acc.flag": 0.7419} {"mode": "train", "epoch": 11, "iter": 13050, "lr": 3e-05, "memory": 70498, "data_time": 1.95314, "decode.loss_ce": 0.38872, "decode.acc_seg": 84.68642, "aux.loss_ce": 0.15658, "aux.acc_seg": 84.58602, "loss": 0.5453, "time": 3.27713} {"mode": "train", "epoch": 11, "iter": 13100, "lr": 3e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.38674, "decode.acc_seg": 84.90859, "aux.loss_ce": 0.1556, "aux.acc_seg": 84.9298, "loss": 0.54234, "time": 1.32967} {"mode": "train", "epoch": 11, "iter": 13150, "lr": 3e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.42742, "decode.acc_seg": 83.28066, "aux.loss_ce": 0.17075, "aux.acc_seg": 83.19261, "loss": 0.59817, "time": 1.32812} {"mode": "train", "epoch": 11, "iter": 13200, "lr": 3e-05, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.39825, "decode.acc_seg": 84.77835, "aux.loss_ce": 0.15869, "aux.acc_seg": 84.74723, "loss": 0.55695, "time": 1.33002} {"mode": "train", "epoch": 11, "iter": 13250, "lr": 3e-05, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.38577, "decode.acc_seg": 84.78401, "aux.loss_ce": 0.15552, "aux.acc_seg": 84.54329, "loss": 0.5413, "time": 1.32598} {"mode": "train", "epoch": 11, "iter": 13300, "lr": 3e-05, "memory": 70498, "data_time": 0.00969, "decode.loss_ce": 0.40067, "decode.acc_seg": 84.27869, "aux.loss_ce": 0.16151, "aux.acc_seg": 84.15828, "loss": 0.56218, "time": 1.33183} {"mode": "train", "epoch": 11, "iter": 13350, "lr": 3e-05, "memory": 70498, "data_time": 0.00956, "decode.loss_ce": 0.40566, "decode.acc_seg": 84.57478, "aux.loss_ce": 0.1631, "aux.acc_seg": 84.44071, "loss": 0.56876, "time": 1.32835} {"mode": "train", "epoch": 11, "iter": 13400, "lr": 3e-05, "memory": 70498, "data_time": 0.00967, "decode.loss_ce": 0.40825, "decode.acc_seg": 84.10727, "aux.loss_ce": 0.16374, "aux.acc_seg": 83.92254, "loss": 0.57198, "time": 1.3241} {"mode": "train", "epoch": 11, "iter": 13450, "lr": 3e-05, "memory": 70498, "data_time": 0.00945, "decode.loss_ce": 0.36217, "decode.acc_seg": 85.82419, "aux.loss_ce": 0.14535, "aux.acc_seg": 85.85981, "loss": 0.50752, "time": 1.32556} {"mode": "train", "epoch": 11, "iter": 13500, "lr": 3e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.3708, "decode.acc_seg": 85.02281, "aux.loss_ce": 0.14905, "aux.acc_seg": 84.87596, "loss": 0.51985, "time": 1.32985} {"mode": "train", "epoch": 11, "iter": 13550, "lr": 3e-05, "memory": 70498, "data_time": 0.00945, "decode.loss_ce": 0.37935, "decode.acc_seg": 84.74371, "aux.loss_ce": 0.15312, "aux.acc_seg": 84.71561, "loss": 0.53247, "time": 1.32745} {"mode": "train", "epoch": 11, "iter": 13600, "lr": 3e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.39215, "decode.acc_seg": 84.83614, "aux.loss_ce": 0.15669, "aux.acc_seg": 84.74644, "loss": 0.54883, "time": 1.32227} {"mode": "train", "epoch": 11, "iter": 13650, "lr": 3e-05, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.38313, "decode.acc_seg": 84.35709, "aux.loss_ce": 0.1538, "aux.acc_seg": 84.32705, "loss": 0.53693, "time": 1.32507} {"mode": "train", "epoch": 11, "iter": 13700, "lr": 3e-05, "memory": 70498, "data_time": 0.0094, "decode.loss_ce": 0.40976, "decode.acc_seg": 83.86752, "aux.loss_ce": 0.16344, "aux.acc_seg": 83.83931, "loss": 0.57321, "time": 1.32495} {"mode": "train", "epoch": 11, "iter": 13750, "lr": 3e-05, "memory": 70498, "data_time": 0.00956, "decode.loss_ce": 0.37913, "decode.acc_seg": 84.75695, "aux.loss_ce": 0.15285, "aux.acc_seg": 84.75113, "loss": 0.53198, "time": 1.32539} {"mode": "train", "epoch": 11, "iter": 13800, "lr": 3e-05, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.39853, "decode.acc_seg": 84.69234, "aux.loss_ce": 0.1612, "aux.acc_seg": 84.58206, "loss": 0.55974, "time": 1.32789} {"mode": "train", "epoch": 11, "iter": 13850, "lr": 3e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.4098, "decode.acc_seg": 84.25029, "aux.loss_ce": 0.1637, "aux.acc_seg": 84.30329, "loss": 0.5735, "time": 1.32755} {"mode": "train", "epoch": 12, "iter": 13900, "lr": 3e-05, "memory": 70498, "data_time": 0.05607, "decode.loss_ce": 0.39105, "decode.acc_seg": 84.53319, "aux.loss_ce": 0.15776, "aux.acc_seg": 84.30345, "loss": 0.54881, "time": 1.37465} {"mode": "train", "epoch": 12, "iter": 13950, "lr": 3e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.36025, "decode.acc_seg": 85.18344, "aux.loss_ce": 0.14488, "aux.acc_seg": 85.16323, "loss": 0.50513, "time": 1.32383} {"mode": "train", "epoch": 12, "iter": 14000, "lr": 3e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.4071, "decode.acc_seg": 84.18702, "aux.loss_ce": 0.16183, "aux.acc_seg": 84.16779, "loss": 0.56892, "time": 3.36693} {"mode": "val", "epoch": 12, "iter": 250, "lr": 3e-05, "aAcc": 0.8408, "mIoU": 0.5121, "mAcc": 0.6576, "IoU.wall": 0.7986, "IoU.building": 0.8313, "IoU.sky": 0.9435, "IoU.floor": 0.8388, "IoU.tree": 0.7566, "IoU.ceiling": 0.8459, "IoU.road": 0.8356, "IoU.bed ": 0.9136, "IoU.windowpane": 0.6344, "IoU.grass": 0.6972, "IoU.cabinet": 0.6487, "IoU.sidewalk": 0.6609, "IoU.person": 0.8363, "IoU.earth": 0.3305, "IoU.door": 0.5647, "IoU.table": 0.568, "IoU.mountain": 0.6205, "IoU.plant": 0.5342, "IoU.curtain": 0.7583, "IoU.chair": 0.6175, "IoU.car": 0.8329, "IoU.water": 0.5516, "IoU.painting": 0.764, "IoU.sofa": 0.7937, "IoU.shelf": 0.4083, "IoU.house": 0.2194, "IoU.sea": 0.4847, "IoU.mirror": 0.7075, "IoU.rug": 0.6835, "IoU.field": 0.3132, "IoU.armchair": 0.5432, "IoU.seat": 0.6882, "IoU.fence": 0.4839, "IoU.desk": 0.4577, "IoU.rock": 0.4852, "IoU.wardrobe": 0.5433, "IoU.lamp": 0.6631, "IoU.bathtub": 0.7946, "IoU.railing": 0.3702, "IoU.cushion": 0.596, "IoU.base": 0.3374, "IoU.box": 0.2802, "IoU.column": 0.5498, "IoU.signboard": 0.3894, "IoU.chest of drawers": 0.3921, "IoU.counter": 0.5009, "IoU.sand": 0.4654, "IoU.sink": 0.7174, "IoU.skyscraper": 0.5039, "IoU.fireplace": 0.7195, "IoU.refrigerator": 0.7457, "IoU.grandstand": 0.517, "IoU.path": 0.259, "IoU.stairs": 0.3405, "IoU.runway": 0.6832, "IoU.case": 0.4848, "IoU.pool table": 0.9318, "IoU.pillow": 0.5513, "IoU.screen door": 0.7329, "IoU.stairway": 0.5118, "IoU.river": 0.1488, "IoU.bridge": 0.6838, "IoU.bookcase": 0.3548, "IoU.blind": 0.3784, "IoU.coffee table": 0.6078, "IoU.toilet": 0.8534, "IoU.flower": 0.3867, "IoU.book": 0.4863, "IoU.hill": 0.0305, "IoU.bench": 0.4666, "IoU.countertop": 0.6287, "IoU.stove": 0.8216, "IoU.palm": 0.5613, "IoU.kitchen island": 0.42, "IoU.computer": 0.7498, "IoU.swivel chair": 0.3935, "IoU.boat": 0.4563, "IoU.bar": 0.6574, "IoU.arcade machine": 0.7587, "IoU.hovel": 0.4156, "IoU.bus": 0.9123, "IoU.towel": 0.674, "IoU.light": 0.5309, "IoU.truck": 0.403, "IoU.tower": 0.24, "IoU.chandelier": 0.6681, "IoU.awning": 0.409, "IoU.streetlight": 0.2696, "IoU.booth": 0.304, "IoU.television receiver": 0.6809, "IoU.airplane": 0.5255, "IoU.dirt track": 0.1026, "IoU.apparel": 0.4371, "IoU.pole": 0.1956, "IoU.land": 0.001, "IoU.bannister": 0.1337, "IoU.escalator": 0.548, "IoU.ottoman": 0.4561, "IoU.bottle": 0.3448, "IoU.buffet": 0.4635, "IoU.poster": 0.3791, "IoU.stage": 0.1284, "IoU.van": 0.3232, "IoU.ship": 0.8668, "IoU.fountain": 0.675, "IoU.conveyer belt": 0.732, "IoU.canopy": 0.4623, "IoU.washer": 0.6681, "IoU.plaything": 0.1879, "IoU.swimming pool": 0.5998, "IoU.stool": 0.4638, "IoU.barrel": 0.4194, "IoU.basket": 0.3063, "IoU.waterfall": 0.5197, "IoU.tent": 0.8606, "IoU.bag": 0.089, "IoU.minibike": 0.6598, "IoU.cradle": 0.7201, "IoU.oven": 0.6268, "IoU.ball": 0.2575, "IoU.food": 0.5628, "IoU.step": 0.1099, "IoU.tank": 0.5625, "IoU.trade name": 0.3018, "IoU.microwave": 0.846, "IoU.pot": 0.4849, "IoU.animal": 0.6914, "IoU.bicycle": 0.5273, "IoU.lake": 0.0375, "IoU.dishwasher": 0.5596, "IoU.screen": 0.5379, "IoU.blanket": 0.2264, "IoU.sculpture": 0.5741, "IoU.hood": 0.6227, "IoU.sconce": 0.4931, "IoU.vase": 0.3725, "IoU.traffic light": 0.2821, "IoU.tray": 0.0751, "IoU.ashcan": 0.4032, "IoU.fan": 0.606, "IoU.pier": 0.3661, "IoU.crt screen": 0.0121, "IoU.plate": 0.5286, "IoU.monitor": 0.1131, "IoU.bulletin board": 0.4582, "IoU.shower": 0.0, "IoU.radiator": 0.5861, "IoU.glass": 0.1302, "IoU.clock": 0.3336, "IoU.flag": 0.6723, "Acc.wall": 0.8766, "Acc.building": 0.9433, "Acc.sky": 0.9746, "Acc.floor": 0.8973, "Acc.tree": 0.8757, "Acc.ceiling": 0.9174, "Acc.road": 0.939, "Acc.bed ": 0.9635, "Acc.windowpane": 0.7815, "Acc.grass": 0.8668, "Acc.cabinet": 0.7546, "Acc.sidewalk": 0.7684, "Acc.person": 0.9421, "Acc.earth": 0.4397, "Acc.door": 0.7172, "Acc.table": 0.643, "Acc.mountain": 0.7184, "Acc.plant": 0.6653, "Acc.curtain": 0.8716, "Acc.chair": 0.8014, "Acc.car": 0.9342, "Acc.water": 0.7369, "Acc.painting": 0.8948, "Acc.sofa": 0.887, "Acc.shelf": 0.5784, "Acc.house": 0.2245, "Acc.sea": 0.5205, "Acc.mirror": 0.8101, "Acc.rug": 0.8351, "Acc.field": 0.3983, "Acc.armchair": 0.7413, "Acc.seat": 0.8734, "Acc.fence": 0.6091, "Acc.desk": 0.7789, "Acc.rock": 0.7956, "Acc.wardrobe": 0.7008, "Acc.lamp": 0.8383, "Acc.bathtub": 0.8598, "Acc.railing": 0.4724, "Acc.cushion": 0.8805, "Acc.base": 0.6738, "Acc.box": 0.3678, "Acc.column": 0.7302, "Acc.signboard": 0.5584, "Acc.chest of drawers": 0.6273, "Acc.counter": 0.6297, "Acc.sand": 0.8328, "Acc.sink": 0.8174, "Acc.skyscraper": 0.6362, "Acc.fireplace": 0.8923, "Acc.refrigerator": 0.8579, "Acc.grandstand": 0.8684, "Acc.path": 0.3183, "Acc.stairs": 0.4148, "Acc.runway": 0.9152, "Acc.case": 0.7187, "Acc.pool table": 0.9755, "Acc.pillow": 0.5999, "Acc.screen door": 0.8939, "Acc.stairway": 0.5911, "Acc.river": 0.5208, "Acc.bridge": 0.8885, "Acc.bookcase": 0.5245, "Acc.blind": 0.4023, "Acc.coffee table": 0.8656, "Acc.toilet": 0.9131, "Acc.flower": 0.6059, "Acc.book": 0.736, "Acc.hill": 0.0343, "Acc.bench": 0.5352, "Acc.countertop": 0.8032, "Acc.stove": 0.8879, "Acc.palm": 0.7319, "Acc.kitchen island": 0.867, "Acc.computer": 0.9187, "Acc.swivel chair": 0.4644, "Acc.boat": 0.8943, "Acc.bar": 0.7759, "Acc.arcade machine": 0.9748, "Acc.hovel": 0.5306, "Acc.bus": 0.9546, "Acc.towel": 0.7664, "Acc.light": 0.6129, "Acc.truck": 0.549, "Acc.tower": 0.3487, "Acc.chandelier": 0.8706, "Acc.awning": 0.6779, "Acc.streetlight": 0.3737, "Acc.booth": 0.5793, "Acc.television receiver": 0.8501, "Acc.airplane": 0.7381, "Acc.dirt track": 0.7415, "Acc.apparel": 0.5665, "Acc.pole": 0.2366, "Acc.land": 0.0035, "Acc.bannister": 0.2195, "Acc.escalator": 0.6969, "Acc.ottoman": 0.6292, "Acc.bottle": 0.4367, "Acc.buffet": 0.6529, "Acc.poster": 0.5158, "Acc.stage": 0.2037, "Acc.van": 0.4304, "Acc.ship": 0.9477, "Acc.fountain": 0.7851, "Acc.conveyer belt": 0.9282, "Acc.canopy": 0.6946, "Acc.washer": 0.7551, "Acc.plaything": 0.2536, "Acc.swimming pool": 0.8934, "Acc.stool": 0.7285, "Acc.barrel": 0.6508, "Acc.basket": 0.4501, "Acc.waterfall": 0.7446, "Acc.tent": 0.9849, "Acc.bag": 0.1029, "Acc.minibike": 0.8036, "Acc.cradle": 0.9821, "Acc.oven": 0.6905, "Acc.ball": 0.2864, "Acc.food": 0.7351, "Acc.step": 0.1311, "Acc.tank": 0.9761, "Acc.trade name": 0.3525, "Acc.microwave": 0.9526, "Acc.pot": 0.5764, "Acc.animal": 0.7329, "Acc.bicycle": 0.7189, "Acc.lake": 0.0461, "Acc.dishwasher": 0.7874, "Acc.screen": 0.9632, "Acc.blanket": 0.3166, "Acc.sculpture": 0.6515, "Acc.hood": 0.7152, "Acc.sconce": 0.6155, "Acc.vase": 0.5672, "Acc.traffic light": 0.5824, "Acc.tray": 0.113, "Acc.ashcan": 0.5799, "Acc.fan": 0.7905, "Acc.pier": 0.4635, "Acc.crt screen": 0.0322, "Acc.plate": 0.7078, "Acc.monitor": 0.136, "Acc.bulletin board": 0.6172, "Acc.shower": 0.0, "Acc.radiator": 0.6433, "Acc.glass": 0.1368, "Acc.clock": 0.373, "Acc.flag": 0.7674} {"mode": "train", "epoch": 12, "iter": 14050, "lr": 3e-05, "memory": 70498, "data_time": 1.92352, "decode.loss_ce": 0.38306, "decode.acc_seg": 84.71811, "aux.loss_ce": 0.15321, "aux.acc_seg": 84.77623, "loss": 0.53628, "time": 3.24091} {"mode": "train", "epoch": 12, "iter": 14100, "lr": 3e-05, "memory": 70498, "data_time": 0.00948, "decode.loss_ce": 0.35277, "decode.acc_seg": 85.71276, "aux.loss_ce": 0.14322, "aux.acc_seg": 85.50234, "loss": 0.49599, "time": 1.32993} {"mode": "train", "epoch": 12, "iter": 14150, "lr": 3e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.37144, "decode.acc_seg": 85.19867, "aux.loss_ce": 0.14902, "aux.acc_seg": 85.0583, "loss": 0.52046, "time": 1.32715} {"mode": "train", "epoch": 12, "iter": 14200, "lr": 3e-05, "memory": 70498, "data_time": 0.00946, "decode.loss_ce": 0.37825, "decode.acc_seg": 84.48743, "aux.loss_ce": 0.15375, "aux.acc_seg": 84.29571, "loss": 0.532, "time": 1.33045} {"mode": "train", "epoch": 12, "iter": 14250, "lr": 3e-05, "memory": 70498, "data_time": 0.00943, "decode.loss_ce": 0.36306, "decode.acc_seg": 85.69242, "aux.loss_ce": 0.14593, "aux.acc_seg": 85.60282, "loss": 0.50899, "time": 1.32857} {"mode": "train", "epoch": 12, "iter": 14300, "lr": 3e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.38174, "decode.acc_seg": 84.91919, "aux.loss_ce": 0.15422, "aux.acc_seg": 84.881, "loss": 0.53596, "time": 1.32779} {"mode": "train", "epoch": 12, "iter": 14350, "lr": 3e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.36644, "decode.acc_seg": 85.33461, "aux.loss_ce": 0.14748, "aux.acc_seg": 85.17036, "loss": 0.51392, "time": 1.32771} {"mode": "train", "epoch": 12, "iter": 14400, "lr": 3e-05, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.37421, "decode.acc_seg": 85.3891, "aux.loss_ce": 0.15046, "aux.acc_seg": 85.36453, "loss": 0.52467, "time": 1.32423} {"mode": "train", "epoch": 12, "iter": 14450, "lr": 3e-05, "memory": 70498, "data_time": 0.00948, "decode.loss_ce": 0.37439, "decode.acc_seg": 85.45786, "aux.loss_ce": 0.15145, "aux.acc_seg": 85.49948, "loss": 0.52584, "time": 1.32618} {"mode": "train", "epoch": 12, "iter": 14500, "lr": 3e-05, "memory": 70498, "data_time": 0.00945, "decode.loss_ce": 0.36046, "decode.acc_seg": 86.14756, "aux.loss_ce": 0.14616, "aux.acc_seg": 86.06223, "loss": 0.50662, "time": 1.32835} {"mode": "train", "epoch": 12, "iter": 14550, "lr": 3e-05, "memory": 70498, "data_time": 0.00939, "decode.loss_ce": 0.37032, "decode.acc_seg": 85.51825, "aux.loss_ce": 0.14768, "aux.acc_seg": 85.54337, "loss": 0.51799, "time": 1.32997} {"mode": "train", "epoch": 12, "iter": 14600, "lr": 3e-05, "memory": 70498, "data_time": 0.00944, "decode.loss_ce": 0.35975, "decode.acc_seg": 85.64729, "aux.loss_ce": 0.14419, "aux.acc_seg": 85.54256, "loss": 0.50394, "time": 1.32764} {"mode": "train", "epoch": 12, "iter": 14650, "lr": 3e-05, "memory": 70498, "data_time": 0.00933, "decode.loss_ce": 0.35676, "decode.acc_seg": 85.36862, "aux.loss_ce": 0.14424, "aux.acc_seg": 85.13819, "loss": 0.501, "time": 1.33039} {"mode": "train", "epoch": 12, "iter": 14700, "lr": 3e-05, "memory": 70498, "data_time": 0.00944, "decode.loss_ce": 0.38321, "decode.acc_seg": 84.84898, "aux.loss_ce": 0.1547, "aux.acc_seg": 84.62141, "loss": 0.53792, "time": 1.32915} {"mode": "train", "epoch": 12, "iter": 14750, "lr": 3e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.37898, "decode.acc_seg": 85.61672, "aux.loss_ce": 0.15163, "aux.acc_seg": 85.50076, "loss": 0.53061, "time": 1.32815} {"mode": "train", "epoch": 12, "iter": 14800, "lr": 3e-05, "memory": 70498, "data_time": 0.00941, "decode.loss_ce": 0.3864, "decode.acc_seg": 84.75567, "aux.loss_ce": 0.15462, "aux.acc_seg": 84.62381, "loss": 0.54103, "time": 1.32733} {"mode": "train", "epoch": 12, "iter": 14850, "lr": 3e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.40424, "decode.acc_seg": 84.33432, "aux.loss_ce": 0.16202, "aux.acc_seg": 84.26897, "loss": 0.56626, "time": 1.32284} {"mode": "train", "epoch": 12, "iter": 14900, "lr": 3e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.3815, "decode.acc_seg": 84.82421, "aux.loss_ce": 0.15204, "aux.acc_seg": 84.91738, "loss": 0.53354, "time": 1.32411} {"mode": "train", "epoch": 12, "iter": 14950, "lr": 3e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.35652, "decode.acc_seg": 85.37248, "aux.loss_ce": 0.14363, "aux.acc_seg": 85.4467, "loss": 0.50015, "time": 1.32563} {"mode": "train", "epoch": 12, "iter": 15000, "lr": 3e-05, "memory": 70498, "data_time": 0.00938, "decode.loss_ce": 0.38353, "decode.acc_seg": 84.78278, "aux.loss_ce": 0.15222, "aux.acc_seg": 84.82372, "loss": 0.53575, "time": 1.32378} {"mode": "val", "epoch": 12, "iter": 250, "lr": 3e-05, "aAcc": 0.8433, "mIoU": 0.5207, "mAcc": 0.664, "IoU.wall": 0.8002, "IoU.building": 0.8351, "IoU.sky": 0.9431, "IoU.floor": 0.8288, "IoU.tree": 0.7626, "IoU.ceiling": 0.8544, "IoU.road": 0.844, "IoU.bed ": 0.9131, "IoU.windowpane": 0.6469, "IoU.grass": 0.6354, "IoU.cabinet": 0.6337, "IoU.sidewalk": 0.7005, "IoU.person": 0.8334, "IoU.earth": 0.3777, "IoU.door": 0.5093, "IoU.table": 0.6139, "IoU.mountain": 0.6331, "IoU.plant": 0.5715, "IoU.curtain": 0.7843, "IoU.chair": 0.6343, "IoU.car": 0.8257, "IoU.water": 0.462, "IoU.painting": 0.7676, "IoU.sofa": 0.7779, "IoU.shelf": 0.4717, "IoU.house": 0.5502, "IoU.sea": 0.6519, "IoU.mirror": 0.6983, "IoU.rug": 0.7042, "IoU.field": 0.3023, "IoU.armchair": 0.5715, "IoU.seat": 0.6734, "IoU.fence": 0.4871, "IoU.desk": 0.4965, "IoU.rock": 0.5421, "IoU.wardrobe": 0.5334, "IoU.lamp": 0.6881, "IoU.bathtub": 0.8074, "IoU.railing": 0.3639, "IoU.cushion": 0.6347, "IoU.base": 0.4252, "IoU.box": 0.2892, "IoU.column": 0.4145, "IoU.signboard": 0.3851, "IoU.chest of drawers": 0.4346, "IoU.counter": 0.4379, "IoU.sand": 0.4281, "IoU.sink": 0.6992, "IoU.skyscraper": 0.5145, "IoU.fireplace": 0.7054, "IoU.refrigerator": 0.7602, "IoU.grandstand": 0.4659, "IoU.path": 0.2071, "IoU.stairs": 0.3152, "IoU.runway": 0.662, "IoU.case": 0.5468, "IoU.pool table": 0.9352, "IoU.pillow": 0.6275, "IoU.screen door": 0.7959, "IoU.stairway": 0.523, "IoU.river": 0.1955, "IoU.bridge": 0.7088, "IoU.bookcase": 0.3755, "IoU.blind": 0.5102, "IoU.coffee table": 0.5665, "IoU.toilet": 0.8696, "IoU.flower": 0.3748, "IoU.book": 0.3853, "IoU.hill": 0.0471, "IoU.bench": 0.5232, "IoU.countertop": 0.6298, "IoU.stove": 0.7972, "IoU.palm": 0.5288, "IoU.kitchen island": 0.4108, "IoU.computer": 0.7439, "IoU.swivel chair": 0.4834, "IoU.boat": 0.5538, "IoU.bar": 0.5956, "IoU.arcade machine": 0.7848, "IoU.hovel": 0.4693, "IoU.bus": 0.9164, "IoU.towel": 0.7058, "IoU.light": 0.5465, "IoU.truck": 0.3797, "IoU.tower": 0.2076, "IoU.chandelier": 0.6861, "IoU.awning": 0.3338, "IoU.streetlight": 0.2581, "IoU.booth": 0.2353, "IoU.television receiver": 0.7474, "IoU.airplane": 0.5787, "IoU.dirt track": 0.0703, "IoU.apparel": 0.4449, "IoU.pole": 0.2226, "IoU.land": 0.001, "IoU.bannister": 0.1432, "IoU.escalator": 0.3966, "IoU.ottoman": 0.5059, "IoU.bottle": 0.3185, "IoU.buffet": 0.496, "IoU.poster": 0.3155, "IoU.stage": 0.1713, "IoU.van": 0.3368, "IoU.ship": 0.1957, "IoU.fountain": 0.3701, "IoU.conveyer belt": 0.7019, "IoU.canopy": 0.4012, "IoU.washer": 0.6179, "IoU.plaything": 0.3203, "IoU.swimming pool": 0.5938, "IoU.stool": 0.4889, "IoU.barrel": 0.2373, "IoU.basket": 0.3486, "IoU.waterfall": 0.5119, "IoU.tent": 0.8498, "IoU.bag": 0.1262, "IoU.minibike": 0.6566, "IoU.cradle": 0.8383, "IoU.oven": 0.5291, "IoU.ball": 0.5267, "IoU.food": 0.606, "IoU.step": 0.0956, "IoU.tank": 0.6801, "IoU.trade name": 0.3143, "IoU.microwave": 0.7999, "IoU.pot": 0.5245, "IoU.animal": 0.6475, "IoU.bicycle": 0.5794, "IoU.lake": 0.5442, "IoU.dishwasher": 0.5847, "IoU.screen": 0.6175, "IoU.blanket": 0.2386, "IoU.sculpture": 0.5754, "IoU.hood": 0.6406, "IoU.sconce": 0.4992, "IoU.vase": 0.3747, "IoU.traffic light": 0.2867, "IoU.tray": 0.1005, "IoU.ashcan": 0.4174, "IoU.fan": 0.6241, "IoU.pier": 0.3744, "IoU.crt screen": 0.0869, "IoU.plate": 0.4359, "IoU.monitor": 0.3782, "IoU.bulletin board": 0.4994, "IoU.shower": 0.0, "IoU.radiator": 0.6095, "IoU.glass": 0.1302, "IoU.clock": 0.328, "IoU.flag": 0.6923, "Acc.wall": 0.8904, "Acc.building": 0.9082, "Acc.sky": 0.9806, "Acc.floor": 0.8995, "Acc.tree": 0.8857, "Acc.ceiling": 0.9146, "Acc.road": 0.9206, "Acc.bed ": 0.9663, "Acc.windowpane": 0.7868, "Acc.grass": 0.7228, "Acc.cabinet": 0.7669, "Acc.sidewalk": 0.8224, "Acc.person": 0.9153, "Acc.earth": 0.505, "Acc.door": 0.5902, "Acc.table": 0.7114, "Acc.mountain": 0.7187, "Acc.plant": 0.6975, "Acc.curtain": 0.9105, "Acc.chair": 0.7671, "Acc.car": 0.9438, "Acc.water": 0.5366, "Acc.painting": 0.8965, "Acc.sofa": 0.9107, "Acc.shelf": 0.7034, "Acc.house": 0.8222, "Acc.sea": 0.9093, "Acc.mirror": 0.8038, "Acc.rug": 0.8956, "Acc.field": 0.8046, "Acc.armchair": 0.7315, "Acc.seat": 0.8577, "Acc.fence": 0.677, "Acc.desk": 0.7826, "Acc.rock": 0.8045, "Acc.wardrobe": 0.6919, "Acc.lamp": 0.803, "Acc.bathtub": 0.842, "Acc.railing": 0.5085, "Acc.cushion": 0.7309, "Acc.base": 0.5357, "Acc.box": 0.3888, "Acc.column": 0.4567, "Acc.signboard": 0.5461, "Acc.chest of drawers": 0.555, "Acc.counter": 0.6322, "Acc.sand": 0.5937, "Acc.sink": 0.8454, "Acc.skyscraper": 0.6345, "Acc.fireplace": 0.9382, "Acc.refrigerator": 0.8467, "Acc.grandstand": 0.8538, "Acc.path": 0.2519, "Acc.stairs": 0.3922, "Acc.runway": 0.8342, "Acc.case": 0.7019, "Acc.pool table": 0.9753, "Acc.pillow": 0.7543, "Acc.screen door": 0.8325, "Acc.stairway": 0.6327, "Acc.river": 0.5453, "Acc.bridge": 0.8981, "Acc.bookcase": 0.6028, "Acc.blind": 0.7357, "Acc.coffee table": 0.8539, "Acc.toilet": 0.9269, "Acc.flower": 0.4516, "Acc.book": 0.4478, "Acc.hill": 0.0864, "Acc.bench": 0.585, "Acc.countertop": 0.8028, "Acc.stove": 0.8773, "Acc.palm": 0.7428, "Acc.kitchen island": 0.7854, "Acc.computer": 0.9445, "Acc.swivel chair": 0.7727, "Acc.boat": 0.8375, "Acc.bar": 0.6514, "Acc.arcade machine": 0.8439, "Acc.hovel": 0.5102, "Acc.bus": 0.9427, "Acc.towel": 0.7844, "Acc.light": 0.6778, "Acc.truck": 0.5226, "Acc.tower": 0.4005, "Acc.chandelier": 0.86, "Acc.awning": 0.3846, "Acc.streetlight": 0.3445, "Acc.booth": 0.405, "Acc.television receiver": 0.8781, "Acc.airplane": 0.681, "Acc.dirt track": 0.698, "Acc.apparel": 0.6862, "Acc.pole": 0.2845, "Acc.land": 0.0018, "Acc.bannister": 0.3451, "Acc.escalator": 0.5342, "Acc.ottoman": 0.6758, "Acc.bottle": 0.3884, "Acc.buffet": 0.7844, "Acc.poster": 0.3307, "Acc.stage": 0.3087, "Acc.van": 0.3627, "Acc.ship": 0.1959, "Acc.fountain": 0.4099, "Acc.conveyer belt": 0.9286, "Acc.canopy": 0.7194, "Acc.washer": 0.7204, "Acc.plaything": 0.6718, "Acc.swimming pool": 0.9542, "Acc.stool": 0.6412, "Acc.barrel": 0.6505, "Acc.basket": 0.4447, "Acc.waterfall": 0.7007, "Acc.tent": 0.9823, "Acc.bag": 0.1362, "Acc.minibike": 0.8695, "Acc.cradle": 0.968, "Acc.oven": 0.6541, "Acc.ball": 0.6963, "Acc.food": 0.7914, "Acc.step": 0.109, "Acc.tank": 0.9823, "Acc.trade name": 0.3848, "Acc.microwave": 0.9558, "Acc.pot": 0.6234, "Acc.animal": 0.6805, "Acc.bicycle": 0.7459, "Acc.lake": 0.5859, "Acc.dishwasher": 0.6607, "Acc.screen": 0.9391, "Acc.blanket": 0.2977, "Acc.sculpture": 0.6492, "Acc.hood": 0.7578, "Acc.sconce": 0.6042, "Acc.vase": 0.5555, "Acc.traffic light": 0.5581, "Acc.tray": 0.1233, "Acc.ashcan": 0.6101, "Acc.fan": 0.807, "Acc.pier": 0.4305, "Acc.crt screen": 0.1721, "Acc.plate": 0.8241, "Acc.monitor": 0.4301, "Acc.bulletin board": 0.666, "Acc.shower": 0.0, "Acc.radiator": 0.7314, "Acc.glass": 0.1365, "Acc.clock": 0.3625, "Acc.flag": 0.7634} {"mode": "train", "epoch": 12, "iter": 15050, "lr": 3e-05, "memory": 70498, "data_time": 1.92558, "decode.loss_ce": 0.38323, "decode.acc_seg": 85.1356, "aux.loss_ce": 0.15292, "aux.acc_seg": 85.05443, "loss": 0.53615, "time": 3.24565} {"mode": "train", "epoch": 12, "iter": 15100, "lr": 3e-05, "memory": 70498, "data_time": 0.00973, "decode.loss_ce": 0.36092, "decode.acc_seg": 86.02175, "aux.loss_ce": 0.1462, "aux.acc_seg": 85.89575, "loss": 0.50712, "time": 1.32771} {"mode": "train", "epoch": 12, "iter": 15150, "lr": 3e-05, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.37251, "decode.acc_seg": 85.40962, "aux.loss_ce": 0.15031, "aux.acc_seg": 85.28962, "loss": 0.52282, "time": 1.32508} {"mode": "train", "epoch": 13, "iter": 15200, "lr": 3e-05, "memory": 70498, "data_time": 0.05166, "decode.loss_ce": 0.34474, "decode.acc_seg": 86.80771, "aux.loss_ce": 0.14024, "aux.acc_seg": 86.60126, "loss": 0.48498, "time": 1.37063} {"mode": "train", "epoch": 13, "iter": 15250, "lr": 3e-05, "memory": 70498, "data_time": 0.00939, "decode.loss_ce": 0.36026, "decode.acc_seg": 85.90109, "aux.loss_ce": 0.14414, "aux.acc_seg": 85.87694, "loss": 0.5044, "time": 1.33167} {"mode": "train", "epoch": 13, "iter": 15300, "lr": 3e-05, "memory": 70498, "data_time": 0.00943, "decode.loss_ce": 0.35476, "decode.acc_seg": 85.89127, "aux.loss_ce": 0.14391, "aux.acc_seg": 85.75186, "loss": 0.49867, "time": 1.33746} {"mode": "train", "epoch": 13, "iter": 15350, "lr": 3e-05, "memory": 70498, "data_time": 0.00965, "decode.loss_ce": 0.37396, "decode.acc_seg": 85.34829, "aux.loss_ce": 0.15196, "aux.acc_seg": 85.13452, "loss": 0.52592, "time": 1.3302} {"mode": "train", "epoch": 13, "iter": 15400, "lr": 3e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.3762, "decode.acc_seg": 85.09752, "aux.loss_ce": 0.15255, "aux.acc_seg": 85.06041, "loss": 0.52875, "time": 1.33128} {"mode": "train", "epoch": 13, "iter": 15450, "lr": 3e-05, "memory": 70498, "data_time": 0.0094, "decode.loss_ce": 0.34102, "decode.acc_seg": 86.36268, "aux.loss_ce": 0.13845, "aux.acc_seg": 86.10872, "loss": 0.47947, "time": 1.32628} {"mode": "train", "epoch": 13, "iter": 15500, "lr": 3e-05, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.34463, "decode.acc_seg": 86.18478, "aux.loss_ce": 0.13931, "aux.acc_seg": 86.01789, "loss": 0.48395, "time": 1.3251} {"mode": "train", "epoch": 13, "iter": 15550, "lr": 3e-05, "memory": 70498, "data_time": 0.00946, "decode.loss_ce": 0.38966, "decode.acc_seg": 84.77282, "aux.loss_ce": 0.15526, "aux.acc_seg": 84.94803, "loss": 0.54492, "time": 1.32869} {"mode": "train", "epoch": 13, "iter": 15600, "lr": 3e-05, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.36312, "decode.acc_seg": 85.38859, "aux.loss_ce": 0.14592, "aux.acc_seg": 85.21522, "loss": 0.50904, "time": 1.32699} {"mode": "train", "epoch": 13, "iter": 15650, "lr": 3e-05, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.36791, "decode.acc_seg": 85.30494, "aux.loss_ce": 0.14691, "aux.acc_seg": 85.18848, "loss": 0.51482, "time": 1.32803} {"mode": "train", "epoch": 13, "iter": 15700, "lr": 3e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.38342, "decode.acc_seg": 85.12382, "aux.loss_ce": 0.15365, "aux.acc_seg": 85.0573, "loss": 0.53707, "time": 1.32484} {"mode": "train", "epoch": 13, "iter": 15750, "lr": 3e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.39147, "decode.acc_seg": 84.44643, "aux.loss_ce": 0.15712, "aux.acc_seg": 84.47987, "loss": 0.54859, "time": 1.32217} {"mode": "train", "epoch": 13, "iter": 15800, "lr": 3e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.36216, "decode.acc_seg": 85.19932, "aux.loss_ce": 0.14508, "aux.acc_seg": 85.09418, "loss": 0.50724, "time": 1.3252} {"mode": "train", "epoch": 13, "iter": 15850, "lr": 3e-05, "memory": 70498, "data_time": 0.0099, "decode.loss_ce": 0.35399, "decode.acc_seg": 85.85994, "aux.loss_ce": 0.1438, "aux.acc_seg": 85.66704, "loss": 0.49779, "time": 1.32591} {"mode": "train", "epoch": 13, "iter": 15900, "lr": 3e-05, "memory": 70498, "data_time": 0.00971, "decode.loss_ce": 0.39712, "decode.acc_seg": 84.33529, "aux.loss_ce": 0.15966, "aux.acc_seg": 84.28477, "loss": 0.55678, "time": 1.32498} {"mode": "train", "epoch": 13, "iter": 15950, "lr": 3e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.38118, "decode.acc_seg": 85.17406, "aux.loss_ce": 0.1534, "aux.acc_seg": 85.03572, "loss": 0.53458, "time": 1.33137} {"mode": "train", "epoch": 13, "iter": 16000, "lr": 3e-05, "memory": 70498, "data_time": 0.00938, "decode.loss_ce": 0.38923, "decode.acc_seg": 84.72551, "aux.loss_ce": 0.1563, "aux.acc_seg": 84.57223, "loss": 0.54554, "time": 3.38046} {"mode": "val", "epoch": 13, "iter": 250, "lr": 3e-05, "aAcc": 0.8441, "mIoU": 0.5183, "mAcc": 0.6578, "IoU.wall": 0.8, "IoU.building": 0.8274, "IoU.sky": 0.9449, "IoU.floor": 0.84, "IoU.tree": 0.7655, "IoU.ceiling": 0.856, "IoU.road": 0.8485, "IoU.bed ": 0.918, "IoU.windowpane": 0.6421, "IoU.grass": 0.6663, "IoU.cabinet": 0.6247, "IoU.sidewalk": 0.6581, "IoU.person": 0.8321, "IoU.earth": 0.3522, "IoU.door": 0.5574, "IoU.table": 0.638, "IoU.mountain": 0.6094, "IoU.plant": 0.5568, "IoU.curtain": 0.7698, "IoU.chair": 0.5833, "IoU.car": 0.844, "IoU.water": 0.6262, "IoU.painting": 0.7376, "IoU.sofa": 0.7962, "IoU.shelf": 0.4839, "IoU.house": 0.4636, "IoU.sea": 0.7081, "IoU.mirror": 0.7114, "IoU.rug": 0.7244, "IoU.field": 0.3568, "IoU.armchair": 0.5455, "IoU.seat": 0.6459, "IoU.fence": 0.4331, "IoU.desk": 0.5148, "IoU.rock": 0.4931, "IoU.wardrobe": 0.5622, "IoU.lamp": 0.6872, "IoU.bathtub": 0.7474, "IoU.railing": 0.3106, "IoU.cushion": 0.6533, "IoU.base": 0.3718, "IoU.box": 0.3055, "IoU.column": 0.5269, "IoU.signboard": 0.3826, "IoU.chest of drawers": 0.4605, "IoU.counter": 0.4614, "IoU.sand": 0.4929, "IoU.sink": 0.6878, "IoU.skyscraper": 0.4766, "IoU.fireplace": 0.7086, "IoU.refrigerator": 0.7443, "IoU.grandstand": 0.4677, "IoU.path": 0.2748, "IoU.stairs": 0.3037, "IoU.runway": 0.7373, "IoU.case": 0.5279, "IoU.pool table": 0.9016, "IoU.pillow": 0.6848, "IoU.screen door": 0.6013, "IoU.stairway": 0.3918, "IoU.river": 0.172, "IoU.bridge": 0.6756, "IoU.bookcase": 0.3911, "IoU.blind": 0.3947, "IoU.coffee table": 0.6466, "IoU.toilet": 0.859, "IoU.flower": 0.3515, "IoU.book": 0.4615, "IoU.hill": 0.0542, "IoU.bench": 0.477, "IoU.countertop": 0.6104, "IoU.stove": 0.7906, "IoU.palm": 0.5325, "IoU.kitchen island": 0.4157, "IoU.computer": 0.7124, "IoU.swivel chair": 0.4568, "IoU.boat": 0.588, "IoU.bar": 0.6269, "IoU.arcade machine": 0.8408, "IoU.hovel": 0.6751, "IoU.bus": 0.9135, "IoU.towel": 0.6892, "IoU.light": 0.5256, "IoU.truck": 0.4191, "IoU.tower": 0.2391, "IoU.chandelier": 0.6807, "IoU.awning": 0.3467, "IoU.streetlight": 0.2497, "IoU.booth": 0.501, "IoU.television receiver": 0.6911, "IoU.airplane": 0.5808, "IoU.dirt track": 0.0421, "IoU.apparel": 0.4095, "IoU.pole": 0.1869, "IoU.land": 0.0005, "IoU.bannister": 0.1232, "IoU.escalator": 0.5232, "IoU.ottoman": 0.4814, "IoU.bottle": 0.4089, "IoU.buffet": 0.4516, "IoU.poster": 0.2749, "IoU.stage": 0.1742, "IoU.van": 0.3528, "IoU.ship": 0.8433, "IoU.fountain": 0.2155, "IoU.conveyer belt": 0.6623, "IoU.canopy": 0.348, "IoU.washer": 0.6124, "IoU.plaything": 0.1929, "IoU.swimming pool": 0.616, "IoU.stool": 0.4044, "IoU.barrel": 0.3184, "IoU.basket": 0.3168, "IoU.waterfall": 0.618, "IoU.tent": 0.9036, "IoU.bag": 0.1572, "IoU.minibike": 0.6797, "IoU.cradle": 0.7751, "IoU.oven": 0.3873, "IoU.ball": 0.4996, "IoU.food": 0.5845, "IoU.step": 0.1171, "IoU.tank": 0.4958, "IoU.trade name": 0.1531, "IoU.microwave": 0.8305, "IoU.pot": 0.5044, "IoU.animal": 0.6487, "IoU.bicycle": 0.5587, "IoU.lake": 0.4152, "IoU.dishwasher": 0.5207, "IoU.screen": 0.6169, "IoU.blanket": 0.1648, "IoU.sculpture": 0.5888, "IoU.hood": 0.5751, "IoU.sconce": 0.4524, "IoU.vase": 0.3813, "IoU.traffic light": 0.2853, "IoU.tray": 0.1237, "IoU.ashcan": 0.3577, "IoU.fan": 0.6097, "IoU.pier": 0.3607, "IoU.crt screen": 0.0148, "IoU.plate": 0.5292, "IoU.monitor": 0.3799, "IoU.bulletin board": 0.4798, "IoU.shower": 0.0007, "IoU.radiator": 0.6065, "IoU.glass": 0.1316, "IoU.clock": 0.3099, "IoU.flag": 0.5547, "Acc.wall": 0.8746, "Acc.building": 0.9263, "Acc.sky": 0.9726, "Acc.floor": 0.9049, "Acc.tree": 0.8939, "Acc.ceiling": 0.936, "Acc.road": 0.919, "Acc.bed ": 0.9619, "Acc.windowpane": 0.8412, "Acc.grass": 0.7573, "Acc.cabinet": 0.7191, "Acc.sidewalk": 0.7831, "Acc.person": 0.9102, "Acc.earth": 0.4594, "Acc.door": 0.7376, "Acc.table": 0.773, "Acc.mountain": 0.6982, "Acc.plant": 0.6886, "Acc.curtain": 0.8709, "Acc.chair": 0.6555, "Acc.car": 0.9294, "Acc.water": 0.7893, "Acc.painting": 0.9013, "Acc.sofa": 0.8954, "Acc.shelf": 0.6944, "Acc.house": 0.6102, "Acc.sea": 0.7639, "Acc.mirror": 0.7682, "Acc.rug": 0.8635, "Acc.field": 0.8004, "Acc.armchair": 0.777, "Acc.seat": 0.8918, "Acc.fence": 0.6756, "Acc.desk": 0.7795, "Acc.rock": 0.7346, "Acc.wardrobe": 0.8649, "Acc.lamp": 0.8327, "Acc.bathtub": 0.8666, "Acc.railing": 0.3935, "Acc.cushion": 0.7813, "Acc.base": 0.494, "Acc.box": 0.4418, "Acc.column": 0.6771, "Acc.signboard": 0.4968, "Acc.chest of drawers": 0.7477, "Acc.counter": 0.6529, "Acc.sand": 0.7711, "Acc.sink": 0.7645, "Acc.skyscraper": 0.6941, "Acc.fireplace": 0.9145, "Acc.refrigerator": 0.894, "Acc.grandstand": 0.8763, "Acc.path": 0.4325, "Acc.stairs": 0.3661, "Acc.runway": 0.9753, "Acc.case": 0.565, "Acc.pool table": 0.9812, "Acc.pillow": 0.8366, "Acc.screen door": 0.6382, "Acc.stairway": 0.5121, "Acc.river": 0.309, "Acc.bridge": 0.908, "Acc.bookcase": 0.5811, "Acc.blind": 0.4111, "Acc.coffee table": 0.8546, "Acc.toilet": 0.9587, "Acc.flower": 0.4327, "Acc.book": 0.5961, "Acc.hill": 0.122, "Acc.bench": 0.6261, "Acc.countertop": 0.7022, "Acc.stove": 0.9397, "Acc.palm": 0.6981, "Acc.kitchen island": 0.8838, "Acc.computer": 0.9544, "Acc.swivel chair": 0.7069, "Acc.boat": 0.8704, "Acc.bar": 0.6898, "Acc.arcade machine": 0.9534, "Acc.hovel": 0.7704, "Acc.bus": 0.946, "Acc.towel": 0.8345, "Acc.light": 0.5858, "Acc.truck": 0.5963, "Acc.tower": 0.4904, "Acc.chandelier": 0.867, "Acc.awning": 0.4072, "Acc.streetlight": 0.32, "Acc.booth": 0.5646, "Acc.television receiver": 0.8095, "Acc.airplane": 0.758, "Acc.dirt track": 0.0754, "Acc.apparel": 0.6184, "Acc.pole": 0.2239, "Acc.land": 0.0008, "Acc.bannister": 0.1794, "Acc.escalator": 0.8078, "Acc.ottoman": 0.706, "Acc.bottle": 0.6012, "Acc.buffet": 0.6749, "Acc.poster": 0.3217, "Acc.stage": 0.3156, "Acc.van": 0.4076, "Acc.ship": 0.931, "Acc.fountain": 0.2191, "Acc.conveyer belt": 0.933, "Acc.canopy": 0.5651, "Acc.washer": 0.7082, "Acc.plaything": 0.3641, "Acc.swimming pool": 0.93, "Acc.stool": 0.6596, "Acc.barrel": 0.6512, "Acc.basket": 0.4948, "Acc.waterfall": 0.9252, "Acc.tent": 0.9869, "Acc.bag": 0.1669, "Acc.minibike": 0.8137, "Acc.cradle": 0.9838, "Acc.oven": 0.4248, "Acc.ball": 0.7206, "Acc.food": 0.8467, "Acc.step": 0.1439, "Acc.tank": 0.5691, "Acc.trade name": 0.1652, "Acc.microwave": 0.9445, "Acc.pot": 0.6694, "Acc.animal": 0.6657, "Acc.bicycle": 0.6955, "Acc.lake": 0.4872, "Acc.dishwasher": 0.6496, "Acc.screen": 0.9471, "Acc.blanket": 0.183, "Acc.sculpture": 0.662, "Acc.hood": 0.7006, "Acc.sconce": 0.5219, "Acc.vase": 0.5439, "Acc.traffic light": 0.5661, "Acc.tray": 0.1616, "Acc.ashcan": 0.6149, "Acc.fan": 0.7001, "Acc.pier": 0.4235, "Acc.crt screen": 0.0263, "Acc.plate": 0.679, "Acc.monitor": 0.4758, "Acc.bulletin board": 0.631, "Acc.shower": 0.0075, "Acc.radiator": 0.6996, "Acc.glass": 0.1379, "Acc.clock": 0.3984, "Acc.flag": 0.5685} {"mode": "train", "epoch": 13, "iter": 16050, "lr": 3e-05, "memory": 70498, "data_time": 1.97826, "decode.loss_ce": 0.35465, "decode.acc_seg": 85.67298, "aux.loss_ce": 0.14271, "aux.acc_seg": 85.56737, "loss": 0.49735, "time": 3.2981} {"mode": "train", "epoch": 13, "iter": 16100, "lr": 3e-05, "memory": 70498, "data_time": 0.00946, "decode.loss_ce": 0.38521, "decode.acc_seg": 84.9516, "aux.loss_ce": 0.15415, "aux.acc_seg": 84.96523, "loss": 0.53936, "time": 1.32712} {"mode": "train", "epoch": 13, "iter": 16150, "lr": 3e-05, "memory": 70498, "data_time": 0.00943, "decode.loss_ce": 0.37279, "decode.acc_seg": 85.48604, "aux.loss_ce": 0.15122, "aux.acc_seg": 85.33169, "loss": 0.52401, "time": 1.32654} {"mode": "train", "epoch": 13, "iter": 16200, "lr": 3e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.34605, "decode.acc_seg": 86.37282, "aux.loss_ce": 0.14039, "aux.acc_seg": 86.15683, "loss": 0.48644, "time": 1.3269} {"mode": "train", "epoch": 13, "iter": 16250, "lr": 3e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.35611, "decode.acc_seg": 85.88954, "aux.loss_ce": 0.14407, "aux.acc_seg": 85.73448, "loss": 0.50018, "time": 1.32712} {"mode": "train", "epoch": 13, "iter": 16300, "lr": 3e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.36719, "decode.acc_seg": 85.49439, "aux.loss_ce": 0.14925, "aux.acc_seg": 85.24261, "loss": 0.51644, "time": 1.32862} {"mode": "train", "epoch": 13, "iter": 16350, "lr": 3e-05, "memory": 70498, "data_time": 0.00944, "decode.loss_ce": 0.40613, "decode.acc_seg": 83.88902, "aux.loss_ce": 0.16271, "aux.acc_seg": 83.89008, "loss": 0.56883, "time": 1.32817} {"mode": "train", "epoch": 13, "iter": 16400, "lr": 3e-05, "memory": 70498, "data_time": 0.00948, "decode.loss_ce": 0.36826, "decode.acc_seg": 85.33297, "aux.loss_ce": 0.148, "aux.acc_seg": 85.17686, "loss": 0.51626, "time": 1.33131} {"mode": "train", "epoch": 14, "iter": 16450, "lr": 3e-05, "memory": 70498, "data_time": 0.05234, "decode.loss_ce": 0.37027, "decode.acc_seg": 84.75339, "aux.loss_ce": 0.14905, "aux.acc_seg": 84.83082, "loss": 0.51932, "time": 1.36756} {"mode": "train", "epoch": 14, "iter": 16500, "lr": 3e-05, "memory": 70498, "data_time": 0.00997, "decode.loss_ce": 0.33881, "decode.acc_seg": 86.42907, "aux.loss_ce": 0.13762, "aux.acc_seg": 86.25299, "loss": 0.47644, "time": 1.3275} {"mode": "train", "epoch": 14, "iter": 16550, "lr": 3e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.34349, "decode.acc_seg": 86.68598, "aux.loss_ce": 0.13892, "aux.acc_seg": 86.44695, "loss": 0.48241, "time": 1.32658} {"mode": "train", "epoch": 14, "iter": 16600, "lr": 3e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.34217, "decode.acc_seg": 86.40088, "aux.loss_ce": 0.13768, "aux.acc_seg": 86.35697, "loss": 0.47985, "time": 1.33196} {"mode": "train", "epoch": 14, "iter": 16650, "lr": 3e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.33811, "decode.acc_seg": 86.20013, "aux.loss_ce": 0.13737, "aux.acc_seg": 86.07491, "loss": 0.47548, "time": 1.33214} {"mode": "train", "epoch": 14, "iter": 16700, "lr": 3e-05, "memory": 70498, "data_time": 0.00948, "decode.loss_ce": 0.34617, "decode.acc_seg": 86.2163, "aux.loss_ce": 0.13989, "aux.acc_seg": 86.06132, "loss": 0.48606, "time": 1.32547} {"mode": "train", "epoch": 14, "iter": 16750, "lr": 3e-05, "memory": 70498, "data_time": 0.00948, "decode.loss_ce": 0.3745, "decode.acc_seg": 85.50311, "aux.loss_ce": 0.15004, "aux.acc_seg": 85.43396, "loss": 0.52454, "time": 1.33122} {"mode": "train", "epoch": 14, "iter": 16800, "lr": 3e-05, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.36192, "decode.acc_seg": 85.62158, "aux.loss_ce": 0.14579, "aux.acc_seg": 85.55392, "loss": 0.50771, "time": 1.32302} {"mode": "train", "epoch": 14, "iter": 16850, "lr": 3e-05, "memory": 70498, "data_time": 0.00945, "decode.loss_ce": 0.35653, "decode.acc_seg": 85.80225, "aux.loss_ce": 0.14425, "aux.acc_seg": 85.76002, "loss": 0.50078, "time": 1.32937} {"mode": "train", "epoch": 14, "iter": 16900, "lr": 3e-05, "memory": 70498, "data_time": 0.00971, "decode.loss_ce": 0.33919, "decode.acc_seg": 86.42136, "aux.loss_ce": 0.13817, "aux.acc_seg": 86.16474, "loss": 0.47736, "time": 1.32797} {"mode": "train", "epoch": 14, "iter": 16950, "lr": 3e-05, "memory": 70498, "data_time": 0.00969, "decode.loss_ce": 0.33427, "decode.acc_seg": 86.91673, "aux.loss_ce": 0.13575, "aux.acc_seg": 86.779, "loss": 0.47001, "time": 1.32756} {"mode": "train", "epoch": 14, "iter": 17000, "lr": 3e-05, "memory": 70498, "data_time": 0.0097, "decode.loss_ce": 0.3656, "decode.acc_seg": 85.75839, "aux.loss_ce": 0.14718, "aux.acc_seg": 85.64485, "loss": 0.51278, "time": 1.32591} {"mode": "val", "epoch": 14, "iter": 250, "lr": 3e-05, "aAcc": 0.8409, "mIoU": 0.5231, "mAcc": 0.6696, "IoU.wall": 0.8022, "IoU.building": 0.8373, "IoU.sky": 0.9417, "IoU.floor": 0.8449, "IoU.tree": 0.757, "IoU.ceiling": 0.8413, "IoU.road": 0.8554, "IoU.bed ": 0.9183, "IoU.windowpane": 0.6421, "IoU.grass": 0.6463, "IoU.cabinet": 0.6111, "IoU.sidewalk": 0.6966, "IoU.person": 0.8322, "IoU.earth": 0.2811, "IoU.door": 0.5504, "IoU.table": 0.6268, "IoU.mountain": 0.6053, "IoU.plant": 0.5343, "IoU.curtain": 0.7826, "IoU.chair": 0.6417, "IoU.car": 0.8505, "IoU.water": 0.5024, "IoU.painting": 0.7351, "IoU.sofa": 0.7865, "IoU.shelf": 0.4495, "IoU.house": 0.4948, "IoU.sea": 0.5801, "IoU.mirror": 0.7288, "IoU.rug": 0.7186, "IoU.field": 0.3499, "IoU.armchair": 0.5321, "IoU.seat": 0.6632, "IoU.fence": 0.4763, "IoU.desk": 0.5426, "IoU.rock": 0.4998, "IoU.wardrobe": 0.5443, "IoU.lamp": 0.6861, "IoU.bathtub": 0.8067, "IoU.railing": 0.3891, "IoU.cushion": 0.6161, "IoU.base": 0.4381, "IoU.box": 0.295, "IoU.column": 0.5054, "IoU.signboard": 0.36, "IoU.chest of drawers": 0.4344, "IoU.counter": 0.4599, "IoU.sand": 0.4539, "IoU.sink": 0.7298, "IoU.skyscraper": 0.5207, "IoU.fireplace": 0.6731, "IoU.refrigerator": 0.7488, "IoU.grandstand": 0.4965, "IoU.path": 0.2527, "IoU.stairs": 0.2786, "IoU.runway": 0.732, "IoU.case": 0.3743, "IoU.pool table": 0.9386, "IoU.pillow": 0.6716, "IoU.screen door": 0.5902, "IoU.stairway": 0.3243, "IoU.river": 0.1396, "IoU.bridge": 0.724, "IoU.bookcase": 0.3749, "IoU.blind": 0.3655, "IoU.coffee table": 0.5804, "IoU.toilet": 0.7788, "IoU.flower": 0.3889, "IoU.book": 0.526, "IoU.hill": 0.0403, "IoU.bench": 0.501, "IoU.countertop": 0.6384, "IoU.stove": 0.7971, "IoU.palm": 0.5238, "IoU.kitchen island": 0.4061, "IoU.computer": 0.769, "IoU.swivel chair": 0.5126, "IoU.boat": 0.5334, "IoU.bar": 0.6406, "IoU.arcade machine": 0.6841, "IoU.hovel": 0.303, "IoU.bus": 0.8966, "IoU.towel": 0.6713, "IoU.light": 0.5696, "IoU.truck": 0.4753, "IoU.tower": 0.2555, "IoU.chandelier": 0.6856, "IoU.awning": 0.2386, "IoU.streetlight": 0.2825, "IoU.booth": 0.1971, "IoU.television receiver": 0.6416, "IoU.airplane": 0.6391, "IoU.dirt track": 0.0337, "IoU.apparel": 0.4775, "IoU.pole": 0.2328, "IoU.land": 0.0218, "IoU.bannister": 0.1215, "IoU.escalator": 0.5444, "IoU.ottoman": 0.5046, "IoU.bottle": 0.2284, "IoU.buffet": 0.4642, "IoU.poster": 0.3497, "IoU.stage": 0.2177, "IoU.van": 0.3875, "IoU.ship": 0.7266, "IoU.fountain": 0.22, "IoU.conveyer belt": 0.7849, "IoU.canopy": 0.4603, "IoU.washer": 0.6113, "IoU.plaything": 0.2615, "IoU.swimming pool": 0.5326, "IoU.stool": 0.4919, "IoU.barrel": 0.5377, "IoU.basket": 0.3061, "IoU.waterfall": 0.6023, "IoU.tent": 0.8785, "IoU.bag": 0.1618, "IoU.minibike": 0.6462, "IoU.cradle": 0.7952, "IoU.oven": 0.6681, "IoU.ball": 0.4628, "IoU.food": 0.5542, "IoU.step": 0.124, "IoU.tank": 0.6123, "IoU.trade name": 0.1616, "IoU.microwave": 0.8703, "IoU.pot": 0.5131, "IoU.animal": 0.6773, "IoU.bicycle": 0.548, "IoU.lake": 0.5119, "IoU.dishwasher": 0.5893, "IoU.screen": 0.6096, "IoU.blanket": 0.2357, "IoU.sculpture": 0.6682, "IoU.hood": 0.6714, "IoU.sconce": 0.497, "IoU.vase": 0.407, "IoU.traffic light": 0.2915, "IoU.tray": 0.0503, "IoU.ashcan": 0.3981, "IoU.fan": 0.6249, "IoU.pier": 0.3069, "IoU.crt screen": 0.0505, "IoU.plate": 0.53, "IoU.monitor": 0.6443, "IoU.bulletin board": 0.5443, "IoU.shower": 0.0, "IoU.radiator": 0.6111, "IoU.glass": 0.1293, "IoU.clock": 0.3469, "IoU.flag": 0.6929, "Acc.wall": 0.8824, "Acc.building": 0.9156, "Acc.sky": 0.9604, "Acc.floor": 0.9046, "Acc.tree": 0.8972, "Acc.ceiling": 0.8868, "Acc.road": 0.9065, "Acc.bed ": 0.961, "Acc.windowpane": 0.7847, "Acc.grass": 0.8411, "Acc.cabinet": 0.6805, "Acc.sidewalk": 0.8401, "Acc.person": 0.953, "Acc.earth": 0.3599, "Acc.door": 0.7762, "Acc.table": 0.7626, "Acc.mountain": 0.7366, "Acc.plant": 0.6076, "Acc.curtain": 0.898, "Acc.chair": 0.8001, "Acc.car": 0.9303, "Acc.water": 0.59, "Acc.painting": 0.9215, "Acc.sofa": 0.9036, "Acc.shelf": 0.61, "Acc.house": 0.6956, "Acc.sea": 0.6429, "Acc.mirror": 0.7842, "Acc.rug": 0.845, "Acc.field": 0.6412, "Acc.armchair": 0.6472, "Acc.seat": 0.86, "Acc.fence": 0.7498, "Acc.desk": 0.7908, "Acc.rock": 0.7513, "Acc.wardrobe": 0.8428, "Acc.lamp": 0.8344, "Acc.bathtub": 0.8692, "Acc.railing": 0.5484, "Acc.cushion": 0.8351, "Acc.base": 0.6232, "Acc.box": 0.376, "Acc.column": 0.646, "Acc.signboard": 0.6122, "Acc.chest of drawers": 0.8066, "Acc.counter": 0.5772, "Acc.sand": 0.6467, "Acc.sink": 0.7895, "Acc.skyscraper": 0.838, "Acc.fireplace": 0.9479, "Acc.refrigerator": 0.8682, "Acc.grandstand": 0.8495, "Acc.path": 0.3596, "Acc.stairs": 0.4344, "Acc.runway": 0.9745, "Acc.case": 0.9236, "Acc.pool table": 0.9698, "Acc.pillow": 0.7776, "Acc.screen door": 0.6025, "Acc.stairway": 0.3509, "Acc.river": 0.4721, "Acc.bridge": 0.884, "Acc.bookcase": 0.5309, "Acc.blind": 0.3856, "Acc.coffee table": 0.8949, "Acc.toilet": 0.927, "Acc.flower": 0.5819, "Acc.book": 0.771, "Acc.hill": 0.1532, "Acc.bench": 0.6302, "Acc.countertop": 0.7334, "Acc.stove": 0.9433, "Acc.palm": 0.6777, "Acc.kitchen island": 0.8977, "Acc.computer": 0.9257, "Acc.swivel chair": 0.7027, "Acc.boat": 0.8307, "Acc.bar": 0.715, "Acc.arcade machine": 0.8298, "Acc.hovel": 0.3241, "Acc.bus": 0.9497, "Acc.towel": 0.8141, "Acc.light": 0.7416, "Acc.truck": 0.6049, "Acc.tower": 0.5249, "Acc.chandelier": 0.8557, "Acc.awning": 0.2575, "Acc.streetlight": 0.4251, "Acc.booth": 0.3294, "Acc.television receiver": 0.8926, "Acc.airplane": 0.7954, "Acc.dirt track": 0.0796, "Acc.apparel": 0.6511, "Acc.pole": 0.3048, "Acc.land": 0.0382, "Acc.bannister": 0.163, "Acc.escalator": 0.8229, "Acc.ottoman": 0.682, "Acc.bottle": 0.2588, "Acc.buffet": 0.8511, "Acc.poster": 0.4343, "Acc.stage": 0.4036, "Acc.van": 0.4448, "Acc.ship": 0.9872, "Acc.fountain": 0.2224, "Acc.conveyer belt": 0.9279, "Acc.canopy": 0.6431, "Acc.washer": 0.6948, "Acc.plaything": 0.6395, "Acc.swimming pool": 0.954, "Acc.stool": 0.6349, "Acc.barrel": 0.644, "Acc.basket": 0.5072, "Acc.waterfall": 0.9387, "Acc.tent": 0.9811, "Acc.bag": 0.191, "Acc.minibike": 0.8714, "Acc.cradle": 0.9519, "Acc.oven": 0.7792, "Acc.ball": 0.7097, "Acc.food": 0.6796, "Acc.step": 0.1726, "Acc.tank": 0.6492, "Acc.trade name": 0.1793, "Acc.microwave": 0.9405, "Acc.pot": 0.6166, "Acc.animal": 0.7007, "Acc.bicycle": 0.6671, "Acc.lake": 0.9064, "Acc.dishwasher": 0.7061, "Acc.screen": 0.7557, "Acc.blanket": 0.273, "Acc.sculpture": 0.8136, "Acc.hood": 0.7524, "Acc.sconce": 0.5913, "Acc.vase": 0.5231, "Acc.traffic light": 0.5714, "Acc.tray": 0.0567, "Acc.ashcan": 0.5425, "Acc.fan": 0.7834, "Acc.pier": 0.435, "Acc.crt screen": 0.0655, "Acc.plate": 0.6525, "Acc.monitor": 0.7631, "Acc.bulletin board": 0.601, "Acc.shower": 0.0, "Acc.radiator": 0.6834, "Acc.glass": 0.1394, "Acc.clock": 0.4136, "Acc.flag": 0.7693} {"mode": "train", "epoch": 14, "iter": 17050, "lr": 3e-05, "memory": 70498, "data_time": 1.95792, "decode.loss_ce": 0.35231, "decode.acc_seg": 86.07917, "aux.loss_ce": 0.14196, "aux.acc_seg": 86.01006, "loss": 0.49428, "time": 3.27273} {"mode": "train", "epoch": 14, "iter": 17100, "lr": 3e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.36926, "decode.acc_seg": 85.29192, "aux.loss_ce": 0.15005, "aux.acc_seg": 84.97906, "loss": 0.51931, "time": 1.32351} {"mode": "train", "epoch": 14, "iter": 17150, "lr": 3e-05, "memory": 70498, "data_time": 0.00938, "decode.loss_ce": 0.36118, "decode.acc_seg": 85.55388, "aux.loss_ce": 0.14574, "aux.acc_seg": 85.41742, "loss": 0.50692, "time": 1.32625} {"mode": "train", "epoch": 14, "iter": 17200, "lr": 3e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.36061, "decode.acc_seg": 86.25749, "aux.loss_ce": 0.14536, "aux.acc_seg": 86.1351, "loss": 0.50597, "time": 1.3302} {"mode": "train", "epoch": 14, "iter": 17250, "lr": 3e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.35278, "decode.acc_seg": 86.02613, "aux.loss_ce": 0.14189, "aux.acc_seg": 86.0151, "loss": 0.49467, "time": 1.32374} {"mode": "train", "epoch": 14, "iter": 17300, "lr": 3e-05, "memory": 70498, "data_time": 0.0094, "decode.loss_ce": 0.36602, "decode.acc_seg": 85.07759, "aux.loss_ce": 0.14712, "aux.acc_seg": 84.90356, "loss": 0.51314, "time": 1.324} {"mode": "train", "epoch": 14, "iter": 17350, "lr": 3e-05, "memory": 70498, "data_time": 0.00931, "decode.loss_ce": 0.35218, "decode.acc_seg": 86.06819, "aux.loss_ce": 0.14189, "aux.acc_seg": 85.85631, "loss": 0.49407, "time": 1.32423} {"mode": "train", "epoch": 14, "iter": 17400, "lr": 3e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.35762, "decode.acc_seg": 86.2218, "aux.loss_ce": 0.14433, "aux.acc_seg": 86.15703, "loss": 0.50194, "time": 1.32978} {"mode": "train", "epoch": 14, "iter": 17450, "lr": 3e-05, "memory": 70498, "data_time": 0.00974, "decode.loss_ce": 0.33885, "decode.acc_seg": 86.36821, "aux.loss_ce": 0.13636, "aux.acc_seg": 86.33164, "loss": 0.47521, "time": 1.32765} {"mode": "train", "epoch": 14, "iter": 17500, "lr": 3e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.34726, "decode.acc_seg": 86.23404, "aux.loss_ce": 0.14004, "aux.acc_seg": 86.12243, "loss": 0.4873, "time": 1.32802} {"mode": "train", "epoch": 14, "iter": 17550, "lr": 3e-05, "memory": 70498, "data_time": 0.00948, "decode.loss_ce": 0.35464, "decode.acc_seg": 86.26064, "aux.loss_ce": 0.14253, "aux.acc_seg": 86.24888, "loss": 0.49717, "time": 1.32924} {"mode": "train", "epoch": 14, "iter": 17600, "lr": 3e-05, "memory": 70498, "data_time": 0.00956, "decode.loss_ce": 0.3717, "decode.acc_seg": 85.17694, "aux.loss_ce": 0.14944, "aux.acc_seg": 85.20077, "loss": 0.52114, "time": 1.32697} {"mode": "train", "epoch": 14, "iter": 17650, "lr": 3e-05, "memory": 70498, "data_time": 0.00977, "decode.loss_ce": 0.38372, "decode.acc_seg": 84.76216, "aux.loss_ce": 0.15465, "aux.acc_seg": 84.60408, "loss": 0.53837, "time": 1.32892} {"mode": "train", "epoch": 15, "iter": 17700, "lr": 3e-05, "memory": 70498, "data_time": 0.06293, "decode.loss_ce": 0.33394, "decode.acc_seg": 86.68595, "aux.loss_ce": 0.134, "aux.acc_seg": 86.56741, "loss": 0.46794, "time": 1.38744} {"mode": "train", "epoch": 15, "iter": 17750, "lr": 3e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.3332, "decode.acc_seg": 86.71416, "aux.loss_ce": 0.13522, "aux.acc_seg": 86.53167, "loss": 0.46842, "time": 1.32812} {"mode": "train", "epoch": 15, "iter": 17800, "lr": 3e-05, "memory": 70498, "data_time": 0.00934, "decode.loss_ce": 0.35619, "decode.acc_seg": 85.79406, "aux.loss_ce": 0.14428, "aux.acc_seg": 85.51165, "loss": 0.50047, "time": 1.32302} {"mode": "train", "epoch": 15, "iter": 17850, "lr": 3e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.33126, "decode.acc_seg": 86.76122, "aux.loss_ce": 0.13412, "aux.acc_seg": 86.457, "loss": 0.46539, "time": 1.32628} {"mode": "train", "epoch": 15, "iter": 17900, "lr": 3e-05, "memory": 70498, "data_time": 0.00946, "decode.loss_ce": 0.33946, "decode.acc_seg": 85.9792, "aux.loss_ce": 0.13652, "aux.acc_seg": 85.94581, "loss": 0.47598, "time": 1.32837} {"mode": "train", "epoch": 15, "iter": 17950, "lr": 3e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.34809, "decode.acc_seg": 86.21284, "aux.loss_ce": 0.14121, "aux.acc_seg": 85.92905, "loss": 0.4893, "time": 1.32955} {"mode": "train", "epoch": 15, "iter": 18000, "lr": 3e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.33864, "decode.acc_seg": 86.55299, "aux.loss_ce": 0.13729, "aux.acc_seg": 86.42714, "loss": 0.47593, "time": 3.33246} {"mode": "val", "epoch": 15, "iter": 250, "lr": 3e-05, "aAcc": 0.8482, "mIoU": 0.5302, "mAcc": 0.6581, "IoU.wall": 0.8066, "IoU.building": 0.8479, "IoU.sky": 0.9463, "IoU.floor": 0.8459, "IoU.tree": 0.7609, "IoU.ceiling": 0.8573, "IoU.road": 0.8553, "IoU.bed ": 0.9041, "IoU.windowpane": 0.6364, "IoU.grass": 0.6751, "IoU.cabinet": 0.6047, "IoU.sidewalk": 0.6988, "IoU.person": 0.8364, "IoU.earth": 0.3636, "IoU.door": 0.5865, "IoU.table": 0.6306, "IoU.mountain": 0.6093, "IoU.plant": 0.5485, "IoU.curtain": 0.786, "IoU.chair": 0.6226, "IoU.car": 0.8488, "IoU.water": 0.528, "IoU.painting": 0.7469, "IoU.sofa": 0.7798, "IoU.shelf": 0.4546, "IoU.house": 0.5852, "IoU.sea": 0.6806, "IoU.mirror": 0.7406, "IoU.rug": 0.6886, "IoU.field": 0.4139, "IoU.armchair": 0.566, "IoU.seat": 0.6563, "IoU.fence": 0.4807, "IoU.desk": 0.5313, "IoU.rock": 0.4818, "IoU.wardrobe": 0.5275, "IoU.lamp": 0.6967, "IoU.bathtub": 0.8092, "IoU.railing": 0.3887, "IoU.cushion": 0.5931, "IoU.base": 0.3099, "IoU.box": 0.3036, "IoU.column": 0.511, "IoU.signboard": 0.3779, "IoU.chest of drawers": 0.4329, "IoU.counter": 0.4449, "IoU.sand": 0.4679, "IoU.sink": 0.7421, "IoU.skyscraper": 0.4683, "IoU.fireplace": 0.6969, "IoU.refrigerator": 0.7516, "IoU.grandstand": 0.4393, "IoU.path": 0.2831, "IoU.stairs": 0.1945, "IoU.runway": 0.7521, "IoU.case": 0.4439, "IoU.pool table": 0.9234, "IoU.pillow": 0.5921, "IoU.screen door": 0.8173, "IoU.stairway": 0.4101, "IoU.river": 0.1437, "IoU.bridge": 0.7071, "IoU.bookcase": 0.3942, "IoU.blind": 0.3835, "IoU.coffee table": 0.576, "IoU.toilet": 0.8792, "IoU.flower": 0.4182, "IoU.book": 0.4899, "IoU.hill": 0.0666, "IoU.bench": 0.5129, "IoU.countertop": 0.5931, "IoU.stove": 0.8381, "IoU.palm": 0.5477, "IoU.kitchen island": 0.4221, "IoU.computer": 0.7733, "IoU.swivel chair": 0.4686, "IoU.boat": 0.4633, "IoU.bar": 0.6139, "IoU.arcade machine": 0.7135, "IoU.hovel": 0.4089, "IoU.bus": 0.9173, "IoU.towel": 0.6994, "IoU.light": 0.5702, "IoU.truck": 0.4635, "IoU.tower": 0.1274, "IoU.chandelier": 0.6771, "IoU.awning": 0.4712, "IoU.streetlight": 0.2585, "IoU.booth": 0.2666, "IoU.television receiver": 0.758, "IoU.airplane": 0.6589, "IoU.dirt track": 0.1085, "IoU.apparel": 0.3624, "IoU.pole": 0.1954, "IoU.land": 0.0017, "IoU.bannister": 0.1097, "IoU.escalator": 0.5717, "IoU.ottoman": 0.4365, "IoU.bottle": 0.3563, "IoU.buffet": 0.4523, "IoU.poster": 0.2933, "IoU.stage": 0.2101, "IoU.van": 0.4266, "IoU.ship": 0.8811, "IoU.fountain": 0.324, "IoU.conveyer belt": 0.798, "IoU.canopy": 0.4521, "IoU.washer": 0.6345, "IoU.plaything": 0.2576, "IoU.swimming pool": 0.6166, "IoU.stool": 0.4476, "IoU.barrel": 0.2837, "IoU.basket": 0.3565, "IoU.waterfall": 0.5629, "IoU.tent": 0.9499, "IoU.bag": 0.0642, "IoU.minibike": 0.6657, "IoU.cradle": 0.8276, "IoU.oven": 0.6627, "IoU.ball": 0.4711, "IoU.food": 0.6293, "IoU.step": 0.0878, "IoU.tank": 0.5649, "IoU.trade name": 0.2509, "IoU.microwave": 0.8863, "IoU.pot": 0.5346, "IoU.animal": 0.6412, "IoU.bicycle": 0.5366, "IoU.lake": 0.3059, "IoU.dishwasher": 0.6141, "IoU.screen": 0.6407, "IoU.blanket": 0.2013, "IoU.sculpture": 0.6752, "IoU.hood": 0.5854, "IoU.sconce": 0.475, "IoU.vase": 0.3965, "IoU.traffic light": 0.3059, "IoU.tray": 0.0716, "IoU.ashcan": 0.4219, "IoU.fan": 0.6439, "IoU.pier": 0.6176, "IoU.crt screen": 0.0778, "IoU.plate": 0.5467, "IoU.monitor": 0.5038, "IoU.bulletin board": 0.5433, "IoU.shower": 0.0, "IoU.radiator": 0.5965, "IoU.glass": 0.1585, "IoU.clock": 0.3167, "IoU.flag": 0.6545, "Acc.wall": 0.8864, "Acc.building": 0.9473, "Acc.sky": 0.9763, "Acc.floor": 0.9025, "Acc.tree": 0.8689, "Acc.ceiling": 0.9285, "Acc.road": 0.9212, "Acc.bed ": 0.9753, "Acc.windowpane": 0.8148, "Acc.grass": 0.8344, "Acc.cabinet": 0.7427, "Acc.sidewalk": 0.8151, "Acc.person": 0.9166, "Acc.earth": 0.5224, "Acc.door": 0.7524, "Acc.table": 0.7291, "Acc.mountain": 0.7391, "Acc.plant": 0.6382, "Acc.curtain": 0.9013, "Acc.chair": 0.7501, "Acc.car": 0.9196, "Acc.water": 0.6412, "Acc.painting": 0.89, "Acc.sofa": 0.8664, "Acc.shelf": 0.6661, "Acc.house": 0.6748, "Acc.sea": 0.8262, "Acc.mirror": 0.8696, "Acc.rug": 0.8424, "Acc.field": 0.644, "Acc.armchair": 0.7183, "Acc.seat": 0.8764, "Acc.fence": 0.5946, "Acc.desk": 0.7434, "Acc.rock": 0.6926, "Acc.wardrobe": 0.7586, "Acc.lamp": 0.7779, "Acc.bathtub": 0.8392, "Acc.railing": 0.5363, "Acc.cushion": 0.6618, "Acc.base": 0.4968, "Acc.box": 0.4288, "Acc.column": 0.6318, "Acc.signboard": 0.5005, "Acc.chest of drawers": 0.6513, "Acc.counter": 0.5982, "Acc.sand": 0.6256, "Acc.sink": 0.7938, "Acc.skyscraper": 0.6229, "Acc.fireplace": 0.7761, "Acc.refrigerator": 0.8539, "Acc.grandstand": 0.8754, "Acc.path": 0.3767, "Acc.stairs": 0.2278, "Acc.runway": 0.9648, "Acc.case": 0.5855, "Acc.pool table": 0.9799, "Acc.pillow": 0.7167, "Acc.screen door": 0.905, "Acc.stairway": 0.6773, "Acc.river": 0.5148, "Acc.bridge": 0.8885, "Acc.bookcase": 0.6152, "Acc.blind": 0.4162, "Acc.coffee table": 0.9163, "Acc.toilet": 0.9345, "Acc.flower": 0.5224, "Acc.book": 0.6281, "Acc.hill": 0.1483, "Acc.bench": 0.6545, "Acc.countertop": 0.879, "Acc.stove": 0.9153, "Acc.palm": 0.77, "Acc.kitchen island": 0.9091, "Acc.computer": 0.8856, "Acc.swivel chair": 0.7769, "Acc.boat": 0.9319, "Acc.bar": 0.6971, "Acc.arcade machine": 0.8443, "Acc.hovel": 0.49, "Acc.bus": 0.9516, "Acc.towel": 0.7771, "Acc.light": 0.6771, "Acc.truck": 0.5959, "Acc.tower": 0.1934, "Acc.chandelier": 0.8243, "Acc.awning": 0.5606, "Acc.streetlight": 0.3517, "Acc.booth": 0.416, "Acc.television receiver": 0.8286, "Acc.airplane": 0.7356, "Acc.dirt track": 0.1672, "Acc.apparel": 0.4334, "Acc.pole": 0.2225, "Acc.land": 0.0026, "Acc.bannister": 0.1794, "Acc.escalator": 0.7909, "Acc.ottoman": 0.7031, "Acc.bottle": 0.456, "Acc.buffet": 0.6313, "Acc.poster": 0.3594, "Acc.stage": 0.2929, "Acc.van": 0.4877, "Acc.ship": 0.9785, "Acc.fountain": 0.3295, "Acc.conveyer belt": 0.9264, "Acc.canopy": 0.6736, "Acc.washer": 0.7352, "Acc.plaything": 0.3284, "Acc.swimming pool": 0.9569, "Acc.stool": 0.5891, "Acc.barrel": 0.6497, "Acc.basket": 0.4734, "Acc.waterfall": 0.7465, "Acc.tent": 0.9847, "Acc.bag": 0.0653, "Acc.minibike": 0.8311, "Acc.cradle": 0.9796, "Acc.oven": 0.7862, "Acc.ball": 0.63, "Acc.food": 0.7228, "Acc.step": 0.1021, "Acc.tank": 0.6889, "Acc.trade name": 0.2797, "Acc.microwave": 0.9479, "Acc.pot": 0.6778, "Acc.animal": 0.6538, "Acc.bicycle": 0.6858, "Acc.lake": 0.3062, "Acc.dishwasher": 0.7229, "Acc.screen": 0.9277, "Acc.blanket": 0.2286, "Acc.sculpture": 0.8513, "Acc.hood": 0.7084, "Acc.sconce": 0.6013, "Acc.vase": 0.4911, "Acc.traffic light": 0.4636, "Acc.tray": 0.0885, "Acc.ashcan": 0.551, "Acc.fan": 0.7614, "Acc.pier": 0.8092, "Acc.crt screen": 0.1457, "Acc.plate": 0.7003, "Acc.monitor": 0.6025, "Acc.bulletin board": 0.5558, "Acc.shower": 0.0, "Acc.radiator": 0.6979, "Acc.glass": 0.1668, "Acc.clock": 0.3385, "Acc.flag": 0.7079} {"mode": "train", "epoch": 15, "iter": 18050, "lr": 3e-05, "memory": 70498, "data_time": 1.94139, "decode.loss_ce": 0.32925, "decode.acc_seg": 87.19893, "aux.loss_ce": 0.13224, "aux.acc_seg": 87.03277, "loss": 0.46149, "time": 3.26401} {"mode": "train", "epoch": 15, "iter": 18100, "lr": 3e-05, "memory": 70498, "data_time": 0.00945, "decode.loss_ce": 0.33375, "decode.acc_seg": 86.88454, "aux.loss_ce": 0.13504, "aux.acc_seg": 86.76555, "loss": 0.4688, "time": 1.32875} {"mode": "train", "epoch": 15, "iter": 18150, "lr": 3e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.31868, "decode.acc_seg": 87.01336, "aux.loss_ce": 0.12963, "aux.acc_seg": 86.83703, "loss": 0.44832, "time": 1.32723} {"mode": "train", "epoch": 15, "iter": 18200, "lr": 3e-05, "memory": 70498, "data_time": 0.00948, "decode.loss_ce": 0.32591, "decode.acc_seg": 86.91009, "aux.loss_ce": 0.13195, "aux.acc_seg": 86.8524, "loss": 0.45786, "time": 1.32562} {"mode": "train", "epoch": 15, "iter": 18250, "lr": 3e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.33576, "decode.acc_seg": 86.41834, "aux.loss_ce": 0.13522, "aux.acc_seg": 86.17967, "loss": 0.47098, "time": 1.328} {"mode": "train", "epoch": 15, "iter": 18300, "lr": 3e-05, "memory": 70498, "data_time": 0.00967, "decode.loss_ce": 0.3382, "decode.acc_seg": 86.2978, "aux.loss_ce": 0.13649, "aux.acc_seg": 86.10842, "loss": 0.47468, "time": 1.32592} {"mode": "train", "epoch": 15, "iter": 18350, "lr": 3e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.33748, "decode.acc_seg": 86.62036, "aux.loss_ce": 0.13677, "aux.acc_seg": 86.40932, "loss": 0.47425, "time": 1.32576} {"mode": "train", "epoch": 15, "iter": 18400, "lr": 3e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.3321, "decode.acc_seg": 86.57479, "aux.loss_ce": 0.13318, "aux.acc_seg": 86.49987, "loss": 0.46528, "time": 1.33092} {"mode": "train", "epoch": 15, "iter": 18450, "lr": 3e-05, "memory": 70498, "data_time": 0.00942, "decode.loss_ce": 0.33485, "decode.acc_seg": 86.94606, "aux.loss_ce": 0.13693, "aux.acc_seg": 86.5642, "loss": 0.47178, "time": 1.32957} {"mode": "train", "epoch": 15, "iter": 18500, "lr": 3e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.31971, "decode.acc_seg": 86.80685, "aux.loss_ce": 0.12928, "aux.acc_seg": 86.74414, "loss": 0.44899, "time": 1.3276} {"mode": "train", "epoch": 15, "iter": 18550, "lr": 3e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.34357, "decode.acc_seg": 86.54099, "aux.loss_ce": 0.13962, "aux.acc_seg": 86.36016, "loss": 0.48319, "time": 1.33077} {"mode": "train", "epoch": 15, "iter": 18600, "lr": 3e-05, "memory": 70498, "data_time": 0.00936, "decode.loss_ce": 0.34031, "decode.acc_seg": 86.38206, "aux.loss_ce": 0.13845, "aux.acc_seg": 86.33577, "loss": 0.47877, "time": 1.32697} {"mode": "train", "epoch": 15, "iter": 18650, "lr": 3e-05, "memory": 70498, "data_time": 0.00945, "decode.loss_ce": 0.34298, "decode.acc_seg": 86.66219, "aux.loss_ce": 0.13983, "aux.acc_seg": 86.36201, "loss": 0.4828, "time": 1.32363} {"mode": "train", "epoch": 15, "iter": 18700, "lr": 3e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.3266, "decode.acc_seg": 86.55411, "aux.loss_ce": 0.13272, "aux.acc_seg": 86.40994, "loss": 0.45932, "time": 1.32981} {"mode": "train", "epoch": 15, "iter": 18750, "lr": 3e-05, "memory": 70498, "data_time": 0.00998, "decode.loss_ce": 0.33627, "decode.acc_seg": 86.73879, "aux.loss_ce": 0.13618, "aux.acc_seg": 86.57967, "loss": 0.47246, "time": 1.33171} {"mode": "train", "epoch": 15, "iter": 18800, "lr": 3e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.34782, "decode.acc_seg": 85.82218, "aux.loss_ce": 0.14002, "aux.acc_seg": 85.93973, "loss": 0.48784, "time": 1.33273} {"mode": "train", "epoch": 15, "iter": 18850, "lr": 3e-05, "memory": 70498, "data_time": 0.00948, "decode.loss_ce": 0.34765, "decode.acc_seg": 86.3088, "aux.loss_ce": 0.14051, "aux.acc_seg": 86.37102, "loss": 0.48817, "time": 1.32785} {"mode": "train", "epoch": 15, "iter": 18900, "lr": 3e-05, "memory": 70498, "data_time": 0.0094, "decode.loss_ce": 0.34297, "decode.acc_seg": 86.05185, "aux.loss_ce": 0.13874, "aux.acc_seg": 85.89255, "loss": 0.48171, "time": 1.33024} {"mode": "train", "epoch": 16, "iter": 18950, "lr": 3e-05, "memory": 70498, "data_time": 0.0513, "decode.loss_ce": 0.35364, "decode.acc_seg": 86.19834, "aux.loss_ce": 0.14187, "aux.acc_seg": 86.19668, "loss": 0.49551, "time": 1.37128} {"mode": "train", "epoch": 16, "iter": 19000, "lr": 3e-05, "memory": 70498, "data_time": 0.00942, "decode.loss_ce": 0.34371, "decode.acc_seg": 86.02355, "aux.loss_ce": 0.13774, "aux.acc_seg": 86.03291, "loss": 0.48145, "time": 1.32552} {"mode": "val", "epoch": 16, "iter": 250, "lr": 3e-05, "aAcc": 0.8481, "mIoU": 0.5362, "mAcc": 0.6731, "IoU.wall": 0.7986, "IoU.building": 0.8178, "IoU.sky": 0.9461, "IoU.floor": 0.8424, "IoU.tree": 0.7611, "IoU.ceiling": 0.8479, "IoU.road": 0.863, "IoU.bed ": 0.9111, "IoU.windowpane": 0.6443, "IoU.grass": 0.685, "IoU.cabinet": 0.6056, "IoU.sidewalk": 0.6968, "IoU.person": 0.8419, "IoU.earth": 0.379, "IoU.door": 0.5408, "IoU.table": 0.6455, "IoU.mountain": 0.5732, "IoU.plant": 0.579, "IoU.curtain": 0.7957, "IoU.chair": 0.6171, "IoU.car": 0.8497, "IoU.water": 0.6245, "IoU.painting": 0.7442, "IoU.sofa": 0.7954, "IoU.shelf": 0.4191, "IoU.house": 0.6414, "IoU.sea": 0.6689, "IoU.mirror": 0.7619, "IoU.rug": 0.7194, "IoU.field": 0.3911, "IoU.armchair": 0.5638, "IoU.seat": 0.6314, "IoU.fence": 0.4494, "IoU.desk": 0.5168, "IoU.rock": 0.5473, "IoU.wardrobe": 0.5163, "IoU.lamp": 0.6984, "IoU.bathtub": 0.8197, "IoU.railing": 0.3449, "IoU.cushion": 0.6337, "IoU.base": 0.4368, "IoU.box": 0.2949, "IoU.column": 0.5196, "IoU.signboard": 0.3814, "IoU.chest of drawers": 0.4121, "IoU.counter": 0.4403, "IoU.sand": 0.4683, "IoU.sink": 0.7437, "IoU.skyscraper": 0.5241, "IoU.fireplace": 0.6777, "IoU.refrigerator": 0.8186, "IoU.grandstand": 0.5542, "IoU.path": 0.2959, "IoU.stairs": 0.284, "IoU.runway": 0.7206, "IoU.case": 0.516, "IoU.pool table": 0.9392, "IoU.pillow": 0.6438, "IoU.screen door": 0.7977, "IoU.stairway": 0.3287, "IoU.river": 0.2636, "IoU.bridge": 0.7037, "IoU.bookcase": 0.3555, "IoU.blind": 0.4161, "IoU.coffee table": 0.6332, "IoU.toilet": 0.881, "IoU.flower": 0.3893, "IoU.book": 0.4837, "IoU.hill": 0.0749, "IoU.bench": 0.5112, "IoU.countertop": 0.5592, "IoU.stove": 0.7752, "IoU.palm": 0.5392, "IoU.kitchen island": 0.4139, "IoU.computer": 0.7646, "IoU.swivel chair": 0.4926, "IoU.boat": 0.5661, "IoU.bar": 0.595, "IoU.arcade machine": 0.8244, "IoU.hovel": 0.4503, "IoU.bus": 0.916, "IoU.towel": 0.6988, "IoU.light": 0.5659, "IoU.truck": 0.3853, "IoU.tower": 0.2606, "IoU.chandelier": 0.6923, "IoU.awning": 0.4764, "IoU.streetlight": 0.276, "IoU.booth": 0.3071, "IoU.television receiver": 0.7218, "IoU.airplane": 0.7701, "IoU.dirt track": 0.1322, "IoU.apparel": 0.5041, "IoU.pole": 0.1892, "IoU.land": 0.0003, "IoU.bannister": 0.1097, "IoU.escalator": 0.581, "IoU.ottoman": 0.5105, "IoU.bottle": 0.3737, "IoU.buffet": 0.5323, "IoU.poster": 0.3371, "IoU.stage": 0.1519, "IoU.van": 0.3957, "IoU.ship": 0.8568, "IoU.fountain": 0.4642, "IoU.conveyer belt": 0.7438, "IoU.canopy": 0.4726, "IoU.washer": 0.6865, "IoU.plaything": 0.2252, "IoU.swimming pool": 0.5357, "IoU.stool": 0.4213, "IoU.barrel": 0.358, "IoU.basket": 0.331, "IoU.waterfall": 0.7002, "IoU.tent": 0.8678, "IoU.bag": 0.1845, "IoU.minibike": 0.6613, "IoU.cradle": 0.7009, "IoU.oven": 0.485, "IoU.ball": 0.5058, "IoU.food": 0.5979, "IoU.step": 0.1066, "IoU.tank": 0.5764, "IoU.trade name": 0.0756, "IoU.microwave": 0.8454, "IoU.pot": 0.5079, "IoU.animal": 0.6718, "IoU.bicycle": 0.5521, "IoU.lake": 0.5815, "IoU.dishwasher": 0.5974, "IoU.screen": 0.6306, "IoU.blanket": 0.1553, "IoU.sculpture": 0.714, "IoU.hood": 0.6174, "IoU.sconce": 0.5287, "IoU.vase": 0.4084, "IoU.traffic light": 0.3317, "IoU.tray": 0.0653, "IoU.ashcan": 0.4116, "IoU.fan": 0.6225, "IoU.pier": 0.4704, "IoU.crt screen": 0.0217, "IoU.plate": 0.5424, "IoU.monitor": 0.3438, "IoU.bulletin board": 0.4298, "IoU.shower": 0.0037, "IoU.radiator": 0.5866, "IoU.glass": 0.102, "IoU.clock": 0.3257, "IoU.flag": 0.6939, "Acc.wall": 0.8772, "Acc.building": 0.934, "Acc.sky": 0.9765, "Acc.floor": 0.9052, "Acc.tree": 0.8844, "Acc.ceiling": 0.9106, "Acc.road": 0.9073, "Acc.bed ": 0.9578, "Acc.windowpane": 0.7987, "Acc.grass": 0.8228, "Acc.cabinet": 0.7012, "Acc.sidewalk": 0.8516, "Acc.person": 0.9278, "Acc.earth": 0.5105, "Acc.door": 0.6734, "Acc.table": 0.7851, "Acc.mountain": 0.728, "Acc.plant": 0.7248, "Acc.curtain": 0.8772, "Acc.chair": 0.7087, "Acc.car": 0.9391, "Acc.water": 0.7561, "Acc.painting": 0.9057, "Acc.sofa": 0.893, "Acc.shelf": 0.5326, "Acc.house": 0.8864, "Acc.sea": 0.9107, "Acc.mirror": 0.8503, "Acc.rug": 0.8148, "Acc.field": 0.6254, "Acc.armchair": 0.7528, "Acc.seat": 0.9108, "Acc.fence": 0.5914, "Acc.desk": 0.7812, "Acc.rock": 0.7854, "Acc.wardrobe": 0.7942, "Acc.lamp": 0.8035, "Acc.bathtub": 0.8665, "Acc.railing": 0.4872, "Acc.cushion": 0.7306, "Acc.base": 0.6339, "Acc.box": 0.4119, "Acc.column": 0.5626, "Acc.signboard": 0.4785, "Acc.chest of drawers": 0.7479, "Acc.counter": 0.5613, "Acc.sand": 0.6438, "Acc.sink": 0.8042, "Acc.skyscraper": 0.7122, "Acc.fireplace": 0.9495, "Acc.refrigerator": 0.9317, "Acc.grandstand": 0.7705, "Acc.path": 0.4202, "Acc.stairs": 0.342, "Acc.runway": 0.9278, "Acc.case": 0.6895, "Acc.pool table": 0.9783, "Acc.pillow": 0.7363, "Acc.screen door": 0.8406, "Acc.stairway": 0.4422, "Acc.river": 0.3955, "Acc.bridge": 0.9018, "Acc.bookcase": 0.5847, "Acc.blind": 0.4502, "Acc.coffee table": 0.8776, "Acc.toilet": 0.9375, "Acc.flower": 0.5409, "Acc.book": 0.6909, "Acc.hill": 0.1086, "Acc.bench": 0.5857, "Acc.countertop": 0.847, "Acc.stove": 0.9459, "Acc.palm": 0.7056, "Acc.kitchen island": 0.9168, "Acc.computer": 0.8953, "Acc.swivel chair": 0.7527, "Acc.boat": 0.8121, "Acc.bar": 0.7659, "Acc.arcade machine": 0.9189, "Acc.hovel": 0.6043, "Acc.bus": 0.9475, "Acc.towel": 0.8401, "Acc.light": 0.6388, "Acc.truck": 0.6278, "Acc.tower": 0.4292, "Acc.chandelier": 0.8598, "Acc.awning": 0.6282, "Acc.streetlight": 0.4121, "Acc.booth": 0.416, "Acc.television receiver": 0.8475, "Acc.airplane": 0.8239, "Acc.dirt track": 0.1914, "Acc.apparel": 0.7273, "Acc.pole": 0.2243, "Acc.land": 0.0003, "Acc.bannister": 0.1388, "Acc.escalator": 0.7913, "Acc.ottoman": 0.6859, "Acc.bottle": 0.6654, "Acc.buffet": 0.6155, "Acc.poster": 0.4095, "Acc.stage": 0.3537, "Acc.van": 0.5244, "Acc.ship": 0.9402, "Acc.fountain": 0.5297, "Acc.conveyer belt": 0.934, "Acc.canopy": 0.7589, "Acc.washer": 0.7777, "Acc.plaything": 0.3296, "Acc.swimming pool": 0.9193, "Acc.stool": 0.6142, "Acc.barrel": 0.6498, "Acc.basket": 0.564, "Acc.waterfall": 0.8748, "Acc.tent": 0.9896, "Acc.bag": 0.2161, "Acc.minibike": 0.838, "Acc.cradle": 0.9898, "Acc.oven": 0.5131, "Acc.ball": 0.7398, "Acc.food": 0.7601, "Acc.step": 0.1352, "Acc.tank": 0.7138, "Acc.trade name": 0.0794, "Acc.microwave": 0.9509, "Acc.pot": 0.6013, "Acc.animal": 0.7062, "Acc.bicycle": 0.7213, "Acc.lake": 0.6306, "Acc.dishwasher": 0.714, "Acc.screen": 0.9378, "Acc.blanket": 0.1759, "Acc.sculpture": 0.811, "Acc.hood": 0.7625, "Acc.sconce": 0.6129, "Acc.vase": 0.5698, "Acc.traffic light": 0.4509, "Acc.tray": 0.0706, "Acc.ashcan": 0.5853, "Acc.fan": 0.7611, "Acc.pier": 0.5612, "Acc.crt screen": 0.0438, "Acc.plate": 0.7158, "Acc.monitor": 0.4386, "Acc.bulletin board": 0.6593, "Acc.shower": 0.0047, "Acc.radiator": 0.6722, "Acc.glass": 0.1036, "Acc.clock": 0.4045, "Acc.flag": 0.735} {"mode": "train", "epoch": 16, "iter": 19050, "lr": 3e-05, "memory": 70498, "data_time": 1.98666, "decode.loss_ce": 0.30889, "decode.acc_seg": 87.94463, "aux.loss_ce": 0.1253, "aux.acc_seg": 87.70545, "loss": 0.4342, "time": 3.30424} {"mode": "train", "epoch": 16, "iter": 19100, "lr": 3e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.32843, "decode.acc_seg": 86.61055, "aux.loss_ce": 0.1339, "aux.acc_seg": 86.3021, "loss": 0.46233, "time": 1.32365} {"mode": "train", "epoch": 16, "iter": 19150, "lr": 3e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.33097, "decode.acc_seg": 86.7876, "aux.loss_ce": 0.13348, "aux.acc_seg": 86.74343, "loss": 0.46445, "time": 1.32744} {"mode": "train", "epoch": 16, "iter": 19200, "lr": 3e-05, "memory": 70498, "data_time": 0.00962, "decode.loss_ce": 0.32915, "decode.acc_seg": 87.12105, "aux.loss_ce": 0.13425, "aux.acc_seg": 86.76629, "loss": 0.46339, "time": 1.32999} {"mode": "train", "epoch": 16, "iter": 19250, "lr": 3e-05, "memory": 70498, "data_time": 0.00997, "decode.loss_ce": 0.32292, "decode.acc_seg": 87.3489, "aux.loss_ce": 0.13161, "aux.acc_seg": 87.05388, "loss": 0.45453, "time": 1.32692} {"mode": "train", "epoch": 16, "iter": 19300, "lr": 3e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.33312, "decode.acc_seg": 86.84062, "aux.loss_ce": 0.13439, "aux.acc_seg": 86.68832, "loss": 0.4675, "time": 1.32649} {"mode": "train", "epoch": 16, "iter": 19350, "lr": 3e-05, "memory": 70498, "data_time": 0.00971, "decode.loss_ce": 0.33238, "decode.acc_seg": 86.35094, "aux.loss_ce": 0.1351, "aux.acc_seg": 86.1175, "loss": 0.46748, "time": 1.32914} {"mode": "train", "epoch": 16, "iter": 19400, "lr": 3e-05, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.31932, "decode.acc_seg": 87.02419, "aux.loss_ce": 0.12873, "aux.acc_seg": 86.94971, "loss": 0.44805, "time": 1.32777} {"mode": "train", "epoch": 16, "iter": 19450, "lr": 3e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.31755, "decode.acc_seg": 87.07365, "aux.loss_ce": 0.12916, "aux.acc_seg": 86.88538, "loss": 0.4467, "time": 1.32722} {"mode": "train", "epoch": 16, "iter": 19500, "lr": 3e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.32925, "decode.acc_seg": 86.70881, "aux.loss_ce": 0.13326, "aux.acc_seg": 86.37858, "loss": 0.46251, "time": 1.32175} {"mode": "train", "epoch": 16, "iter": 19550, "lr": 3e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.35701, "decode.acc_seg": 86.20374, "aux.loss_ce": 0.1417, "aux.acc_seg": 86.1749, "loss": 0.49871, "time": 1.3273} {"mode": "train", "epoch": 16, "iter": 19600, "lr": 3e-05, "memory": 70498, "data_time": 0.00956, "decode.loss_ce": 0.34256, "decode.acc_seg": 86.50903, "aux.loss_ce": 0.13875, "aux.acc_seg": 86.3165, "loss": 0.48131, "time": 1.33121} {"mode": "train", "epoch": 16, "iter": 19650, "lr": 3e-05, "memory": 70498, "data_time": 0.00961, "decode.loss_ce": 0.33211, "decode.acc_seg": 86.68968, "aux.loss_ce": 0.13453, "aux.acc_seg": 86.64644, "loss": 0.46664, "time": 1.33167} {"mode": "train", "epoch": 16, "iter": 19700, "lr": 3e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.34161, "decode.acc_seg": 86.23745, "aux.loss_ce": 0.13835, "aux.acc_seg": 86.05146, "loss": 0.47997, "time": 1.32955} {"mode": "train", "epoch": 16, "iter": 19750, "lr": 3e-05, "memory": 70498, "data_time": 0.0099, "decode.loss_ce": 0.32122, "decode.acc_seg": 87.36223, "aux.loss_ce": 0.13098, "aux.acc_seg": 87.14893, "loss": 0.4522, "time": 1.32586} {"mode": "train", "epoch": 16, "iter": 19800, "lr": 3e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.32356, "decode.acc_seg": 86.96507, "aux.loss_ce": 0.13165, "aux.acc_seg": 86.868, "loss": 0.45521, "time": 1.3293} {"mode": "train", "epoch": 16, "iter": 19850, "lr": 3e-05, "memory": 70498, "data_time": 0.00962, "decode.loss_ce": 0.32403, "decode.acc_seg": 87.40775, "aux.loss_ce": 0.13149, "aux.acc_seg": 87.35652, "loss": 0.45552, "time": 1.32363} {"mode": "train", "epoch": 16, "iter": 19900, "lr": 3e-05, "memory": 70498, "data_time": 0.00938, "decode.loss_ce": 0.32095, "decode.acc_seg": 87.0457, "aux.loss_ce": 0.13018, "aux.acc_seg": 86.90814, "loss": 0.45113, "time": 1.32988} {"mode": "train", "epoch": 16, "iter": 19950, "lr": 3e-05, "memory": 70498, "data_time": 0.00942, "decode.loss_ce": 0.33202, "decode.acc_seg": 86.67316, "aux.loss_ce": 0.13477, "aux.acc_seg": 86.57368, "loss": 0.46679, "time": 1.32896} {"mode": "train", "epoch": 16, "iter": 20000, "lr": 3e-05, "memory": 70498, "data_time": 0.00945, "decode.loss_ce": 0.34959, "decode.acc_seg": 86.29283, "aux.loss_ce": 0.14077, "aux.acc_seg": 86.12993, "loss": 0.49036, "time": 3.37303} {"mode": "val", "epoch": 16, "iter": 250, "lr": 3e-05, "aAcc": 0.8496, "mIoU": 0.5357, "mAcc": 0.6654, "IoU.wall": 0.8025, "IoU.building": 0.8495, "IoU.sky": 0.9469, "IoU.floor": 0.8406, "IoU.tree": 0.7681, "IoU.ceiling": 0.8513, "IoU.road": 0.8593, "IoU.bed ": 0.9038, "IoU.windowpane": 0.6532, "IoU.grass": 0.6663, "IoU.cabinet": 0.6151, "IoU.sidewalk": 0.7122, "IoU.person": 0.8411, "IoU.earth": 0.3498, "IoU.door": 0.5594, "IoU.table": 0.6363, "IoU.mountain": 0.6192, "IoU.plant": 0.5564, "IoU.curtain": 0.797, "IoU.chair": 0.6203, "IoU.car": 0.8434, "IoU.water": 0.6234, "IoU.painting": 0.7722, "IoU.sofa": 0.765, "IoU.shelf": 0.469, "IoU.house": 0.6503, "IoU.sea": 0.6449, "IoU.mirror": 0.7221, "IoU.rug": 0.7045, "IoU.field": 0.3968, "IoU.armchair": 0.5161, "IoU.seat": 0.6256, "IoU.fence": 0.4679, "IoU.desk": 0.5137, "IoU.rock": 0.5508, "IoU.wardrobe": 0.524, "IoU.lamp": 0.6759, "IoU.bathtub": 0.8268, "IoU.railing": 0.3985, "IoU.cushion": 0.652, "IoU.base": 0.3245, "IoU.box": 0.3148, "IoU.column": 0.5143, "IoU.signboard": 0.3992, "IoU.chest of drawers": 0.3933, "IoU.counter": 0.3441, "IoU.sand": 0.4743, "IoU.sink": 0.7528, "IoU.skyscraper": 0.5117, "IoU.fireplace": 0.7374, "IoU.refrigerator": 0.7915, "IoU.grandstand": 0.5238, "IoU.path": 0.2973, "IoU.stairs": 0.3339, "IoU.runway": 0.6778, "IoU.case": 0.5636, "IoU.pool table": 0.9306, "IoU.pillow": 0.6572, "IoU.screen door": 0.781, "IoU.stairway": 0.3078, "IoU.river": 0.2686, "IoU.bridge": 0.7272, "IoU.bookcase": 0.3788, "IoU.blind": 0.5, "IoU.coffee table": 0.595, "IoU.toilet": 0.8756, "IoU.flower": 0.402, "IoU.book": 0.5186, "IoU.hill": 0.0208, "IoU.bench": 0.5065, "IoU.countertop": 0.5841, "IoU.stove": 0.8731, "IoU.palm": 0.5567, "IoU.kitchen island": 0.485, "IoU.computer": 0.762, "IoU.swivel chair": 0.5084, "IoU.boat": 0.6558, "IoU.bar": 0.4969, "IoU.arcade machine": 0.7549, "IoU.hovel": 0.4132, "IoU.bus": 0.9081, "IoU.towel": 0.7371, "IoU.light": 0.5689, "IoU.truck": 0.4195, "IoU.tower": 0.2614, "IoU.chandelier": 0.6524, "IoU.awning": 0.4307, "IoU.streetlight": 0.2999, "IoU.booth": 0.3003, "IoU.television receiver": 0.7427, "IoU.airplane": 0.652, "IoU.dirt track": 0.2504, "IoU.apparel": 0.3795, "IoU.pole": 0.2159, "IoU.land": 0.0253, "IoU.bannister": 0.1273, "IoU.escalator": 0.4534, "IoU.ottoman": 0.4925, "IoU.bottle": 0.3991, "IoU.buffet": 0.5651, "IoU.poster": 0.3197, "IoU.stage": 0.2082, "IoU.van": 0.4024, "IoU.ship": 0.2996, "IoU.fountain": 0.2932, "IoU.conveyer belt": 0.792, "IoU.canopy": 0.4964, "IoU.washer": 0.6722, "IoU.plaything": 0.1849, "IoU.swimming pool": 0.6367, "IoU.stool": 0.4429, "IoU.barrel": 0.5001, "IoU.basket": 0.3389, "IoU.waterfall": 0.6748, "IoU.tent": 0.9309, "IoU.bag": 0.1828, "IoU.minibike": 0.6869, "IoU.cradle": 0.7322, "IoU.oven": 0.5673, "IoU.ball": 0.4965, "IoU.food": 0.5793, "IoU.step": 0.0834, "IoU.tank": 0.5244, "IoU.trade name": 0.2574, "IoU.microwave": 0.8529, "IoU.pot": 0.5256, "IoU.animal": 0.6256, "IoU.bicycle": 0.5118, "IoU.lake": 0.4262, "IoU.dishwasher": 0.67, "IoU.screen": 0.6236, "IoU.blanket": 0.0855, "IoU.sculpture": 0.7241, "IoU.hood": 0.6127, "IoU.sconce": 0.4612, "IoU.vase": 0.4246, "IoU.traffic light": 0.2533, "IoU.tray": 0.1581, "IoU.ashcan": 0.4351, "IoU.fan": 0.558, "IoU.pier": 0.3473, "IoU.crt screen": 0.0075, "IoU.plate": 0.5439, "IoU.monitor": 0.7037, "IoU.bulletin board": 0.5392, "IoU.shower": 0.0, "IoU.radiator": 0.5792, "IoU.glass": 0.1613, "IoU.clock": 0.336, "IoU.flag": 0.6936, "Acc.wall": 0.8898, "Acc.building": 0.922, "Acc.sky": 0.9694, "Acc.floor": 0.9053, "Acc.tree": 0.8939, "Acc.ceiling": 0.9058, "Acc.road": 0.9063, "Acc.bed ": 0.9568, "Acc.windowpane": 0.802, "Acc.grass": 0.8114, "Acc.cabinet": 0.7376, "Acc.sidewalk": 0.8464, "Acc.person": 0.9452, "Acc.earth": 0.4979, "Acc.door": 0.7478, "Acc.table": 0.7724, "Acc.mountain": 0.7514, "Acc.plant": 0.7102, "Acc.curtain": 0.8934, "Acc.chair": 0.7181, "Acc.car": 0.942, "Acc.water": 0.7584, "Acc.painting": 0.8895, "Acc.sofa": 0.9188, "Acc.shelf": 0.6207, "Acc.house": 0.7868, "Acc.sea": 0.8806, "Acc.mirror": 0.7889, "Acc.rug": 0.8464, "Acc.field": 0.5805, "Acc.armchair": 0.705, "Acc.seat": 0.892, "Acc.fence": 0.6608, "Acc.desk": 0.7642, "Acc.rock": 0.6945, "Acc.wardrobe": 0.7716, "Acc.lamp": 0.8257, "Acc.bathtub": 0.8565, "Acc.railing": 0.7022, "Acc.cushion": 0.7989, "Acc.base": 0.6221, "Acc.box": 0.4387, "Acc.column": 0.7203, "Acc.signboard": 0.553, "Acc.chest of drawers": 0.64, "Acc.counter": 0.4279, "Acc.sand": 0.699, "Acc.sink": 0.8141, "Acc.skyscraper": 0.6806, "Acc.fireplace": 0.9104, "Acc.refrigerator": 0.8727, "Acc.grandstand": 0.8546, "Acc.path": 0.4428, "Acc.stairs": 0.4604, "Acc.runway": 0.8779, "Acc.case": 0.7208, "Acc.pool table": 0.9798, "Acc.pillow": 0.7454, "Acc.screen door": 0.8156, "Acc.stairway": 0.3186, "Acc.river": 0.3096, "Acc.bridge": 0.8729, "Acc.bookcase": 0.5864, "Acc.blind": 0.592, "Acc.coffee table": 0.8998, "Acc.toilet": 0.9272, "Acc.flower": 0.4948, "Acc.book": 0.7545, "Acc.hill": 0.0244, "Acc.bench": 0.6027, "Acc.countertop": 0.7094, "Acc.stove": 0.9375, "Acc.palm": 0.7752, "Acc.kitchen island": 0.7829, "Acc.computer": 0.93, "Acc.swivel chair": 0.7312, "Acc.boat": 0.8706, "Acc.bar": 0.7652, "Acc.arcade machine": 0.8418, "Acc.hovel": 0.4943, "Acc.bus": 0.9565, "Acc.towel": 0.8398, "Acc.light": 0.6578, "Acc.truck": 0.6264, "Acc.tower": 0.519, "Acc.chandelier": 0.7751, "Acc.awning": 0.5718, "Acc.streetlight": 0.3995, "Acc.booth": 0.4781, "Acc.television receiver": 0.826, "Acc.airplane": 0.7077, "Acc.dirt track": 0.2529, "Acc.apparel": 0.4628, "Acc.pole": 0.2819, "Acc.land": 0.0781, "Acc.bannister": 0.169, "Acc.escalator": 0.6071, "Acc.ottoman": 0.7274, "Acc.bottle": 0.5476, "Acc.buffet": 0.8828, "Acc.poster": 0.4323, "Acc.stage": 0.2912, "Acc.van": 0.4888, "Acc.ship": 0.3183, "Acc.fountain": 0.303, "Acc.conveyer belt": 0.9131, "Acc.canopy": 0.726, "Acc.washer": 0.7785, "Acc.plaything": 0.2009, "Acc.swimming pool": 0.9211, "Acc.stool": 0.6714, "Acc.barrel": 0.6492, "Acc.basket": 0.4875, "Acc.waterfall": 0.9335, "Acc.tent": 0.9885, "Acc.bag": 0.2229, "Acc.minibike": 0.8194, "Acc.cradle": 0.9886, "Acc.oven": 0.6329, "Acc.ball": 0.6387, "Acc.food": 0.6671, "Acc.step": 0.1127, "Acc.tank": 0.5805, "Acc.trade name": 0.285, "Acc.microwave": 0.9549, "Acc.pot": 0.6515, "Acc.animal": 0.6416, "Acc.bicycle": 0.696, "Acc.lake": 0.4664, "Acc.dishwasher": 0.7804, "Acc.screen": 0.9061, "Acc.blanket": 0.0953, "Acc.sculpture": 0.8327, "Acc.hood": 0.7336, "Acc.sconce": 0.5614, "Acc.vase": 0.5712, "Acc.traffic light": 0.6821, "Acc.tray": 0.2289, "Acc.ashcan": 0.6175, "Acc.fan": 0.6134, "Acc.pier": 0.5042, "Acc.crt screen": 0.0083, "Acc.plate": 0.6797, "Acc.monitor": 0.7695, "Acc.bulletin board": 0.6267, "Acc.shower": 0.0001, "Acc.radiator": 0.6946, "Acc.glass": 0.1699, "Acc.clock": 0.4089, "Acc.flag": 0.731} {"mode": "train", "epoch": 16, "iter": 20050, "lr": 3e-05, "memory": 70498, "data_time": 1.94754, "decode.loss_ce": 0.32368, "decode.acc_seg": 87.16923, "aux.loss_ce": 0.13133, "aux.acc_seg": 86.88597, "loss": 0.45501, "time": 3.26898} {"mode": "train", "epoch": 16, "iter": 20100, "lr": 3e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.33791, "decode.acc_seg": 86.58729, "aux.loss_ce": 0.13689, "aux.acc_seg": 86.48547, "loss": 0.47481, "time": 1.3247} {"mode": "train", "epoch": 16, "iter": 20150, "lr": 3e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.31176, "decode.acc_seg": 87.703, "aux.loss_ce": 0.12662, "aux.acc_seg": 87.37397, "loss": 0.43839, "time": 1.32716} {"mode": "train", "epoch": 16, "iter": 20200, "lr": 3e-05, "memory": 70498, "data_time": 0.00975, "decode.loss_ce": 0.32165, "decode.acc_seg": 86.57622, "aux.loss_ce": 0.13073, "aux.acc_seg": 86.40947, "loss": 0.45238, "time": 1.32524} {"mode": "train", "epoch": 17, "iter": 20250, "lr": 3e-05, "memory": 70498, "data_time": 0.05897, "decode.loss_ce": 0.31267, "decode.acc_seg": 87.38314, "aux.loss_ce": 0.12641, "aux.acc_seg": 87.24391, "loss": 0.43908, "time": 1.38031} {"mode": "train", "epoch": 17, "iter": 20300, "lr": 3e-05, "memory": 70498, "data_time": 0.00946, "decode.loss_ce": 0.3061, "decode.acc_seg": 87.39244, "aux.loss_ce": 0.12459, "aux.acc_seg": 87.18447, "loss": 0.43069, "time": 1.32061} {"mode": "train", "epoch": 17, "iter": 20350, "lr": 3e-05, "memory": 70498, "data_time": 0.0096, "decode.loss_ce": 0.32562, "decode.acc_seg": 86.99242, "aux.loss_ce": 0.1318, "aux.acc_seg": 86.82314, "loss": 0.45742, "time": 1.32646} {"mode": "train", "epoch": 17, "iter": 20400, "lr": 3e-05, "memory": 70498, "data_time": 0.00944, "decode.loss_ce": 0.31955, "decode.acc_seg": 87.31759, "aux.loss_ce": 0.12987, "aux.acc_seg": 87.08848, "loss": 0.44942, "time": 1.32044} {"mode": "train", "epoch": 17, "iter": 20450, "lr": 3e-05, "memory": 70498, "data_time": 0.00945, "decode.loss_ce": 0.34528, "decode.acc_seg": 86.3519, "aux.loss_ce": 0.14026, "aux.acc_seg": 86.24217, "loss": 0.48554, "time": 1.32154} {"mode": "train", "epoch": 17, "iter": 20500, "lr": 3e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.31972, "decode.acc_seg": 86.95805, "aux.loss_ce": 0.12998, "aux.acc_seg": 86.7933, "loss": 0.4497, "time": 1.32756} {"mode": "train", "epoch": 17, "iter": 20550, "lr": 3e-05, "memory": 70498, "data_time": 0.00944, "decode.loss_ce": 0.3304, "decode.acc_seg": 86.79675, "aux.loss_ce": 0.13374, "aux.acc_seg": 86.59542, "loss": 0.46414, "time": 1.31884} {"mode": "train", "epoch": 17, "iter": 20600, "lr": 3e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.34484, "decode.acc_seg": 86.41438, "aux.loss_ce": 0.13916, "aux.acc_seg": 86.30676, "loss": 0.484, "time": 1.3253} {"mode": "train", "epoch": 17, "iter": 20650, "lr": 3e-05, "memory": 70498, "data_time": 0.0096, "decode.loss_ce": 0.31906, "decode.acc_seg": 87.04411, "aux.loss_ce": 0.12964, "aux.acc_seg": 86.79113, "loss": 0.4487, "time": 1.3218} {"mode": "train", "epoch": 17, "iter": 20700, "lr": 3e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.33249, "decode.acc_seg": 86.88242, "aux.loss_ce": 0.13416, "aux.acc_seg": 86.76734, "loss": 0.46666, "time": 1.32751} {"mode": "train", "epoch": 17, "iter": 20750, "lr": 3e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.32162, "decode.acc_seg": 87.08427, "aux.loss_ce": 0.13092, "aux.acc_seg": 86.86508, "loss": 0.45254, "time": 1.32584} {"mode": "train", "epoch": 17, "iter": 20800, "lr": 3e-05, "memory": 70498, "data_time": 0.00947, "decode.loss_ce": 0.32988, "decode.acc_seg": 86.76433, "aux.loss_ce": 0.13344, "aux.acc_seg": 86.49094, "loss": 0.46332, "time": 1.33302} {"mode": "train", "epoch": 17, "iter": 20850, "lr": 3e-05, "memory": 70498, "data_time": 0.00947, "decode.loss_ce": 0.30669, "decode.acc_seg": 87.61655, "aux.loss_ce": 0.12482, "aux.acc_seg": 87.44904, "loss": 0.43151, "time": 1.32085} {"mode": "train", "epoch": 17, "iter": 20900, "lr": 3e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.30187, "decode.acc_seg": 87.60325, "aux.loss_ce": 0.12361, "aux.acc_seg": 87.35246, "loss": 0.42549, "time": 1.32531} {"mode": "train", "epoch": 17, "iter": 20950, "lr": 3e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.30754, "decode.acc_seg": 87.28839, "aux.loss_ce": 0.12449, "aux.acc_seg": 87.18345, "loss": 0.43203, "time": 1.33113} {"mode": "train", "epoch": 17, "iter": 21000, "lr": 3e-05, "memory": 70498, "data_time": 0.00946, "decode.loss_ce": 0.32637, "decode.acc_seg": 86.91262, "aux.loss_ce": 0.13189, "aux.acc_seg": 86.64188, "loss": 0.45826, "time": 1.32176} {"mode": "val", "epoch": 17, "iter": 250, "lr": 3e-05, "aAcc": 0.8511, "mIoU": 0.5348, "mAcc": 0.6672, "IoU.wall": 0.8115, "IoU.building": 0.8512, "IoU.sky": 0.9482, "IoU.floor": 0.8466, "IoU.tree": 0.7688, "IoU.ceiling": 0.8666, "IoU.road": 0.8459, "IoU.bed ": 0.9167, "IoU.windowpane": 0.6462, "IoU.grass": 0.6403, "IoU.cabinet": 0.6036, "IoU.sidewalk": 0.6929, "IoU.person": 0.8394, "IoU.earth": 0.3445, "IoU.door": 0.5565, "IoU.table": 0.6647, "IoU.mountain": 0.6125, "IoU.plant": 0.5451, "IoU.curtain": 0.7906, "IoU.chair": 0.6289, "IoU.car": 0.8456, "IoU.water": 0.6346, "IoU.painting": 0.7878, "IoU.sofa": 0.7855, "IoU.shelf": 0.4615, "IoU.house": 0.5789, "IoU.sea": 0.73, "IoU.mirror": 0.7504, "IoU.rug": 0.7248, "IoU.field": 0.3081, "IoU.armchair": 0.5329, "IoU.seat": 0.6779, "IoU.fence": 0.4698, "IoU.desk": 0.5582, "IoU.rock": 0.4753, "IoU.wardrobe": 0.4721, "IoU.lamp": 0.6956, "IoU.bathtub": 0.7908, "IoU.railing": 0.386, "IoU.cushion": 0.6655, "IoU.base": 0.3466, "IoU.box": 0.327, "IoU.column": 0.5218, "IoU.signboard": 0.3883, "IoU.chest of drawers": 0.389, "IoU.counter": 0.4276, "IoU.sand": 0.4959, "IoU.sink": 0.7351, "IoU.skyscraper": 0.5224, "IoU.fireplace": 0.7139, "IoU.refrigerator": 0.7654, "IoU.grandstand": 0.5919, "IoU.path": 0.2923, "IoU.stairs": 0.3589, "IoU.runway": 0.7059, "IoU.case": 0.5032, "IoU.pool table": 0.9378, "IoU.pillow": 0.6545, "IoU.screen door": 0.8166, "IoU.stairway": 0.4535, "IoU.river": 0.1483, "IoU.bridge": 0.7617, "IoU.bookcase": 0.338, "IoU.blind": 0.3994, "IoU.coffee table": 0.6387, "IoU.toilet": 0.8756, "IoU.flower": 0.4187, "IoU.book": 0.5156, "IoU.hill": 0.0718, "IoU.bench": 0.4761, "IoU.countertop": 0.5964, "IoU.stove": 0.8276, "IoU.palm": 0.5592, "IoU.kitchen island": 0.4205, "IoU.computer": 0.7385, "IoU.swivel chair": 0.5042, "IoU.boat": 0.457, "IoU.bar": 0.581, "IoU.arcade machine": 0.7312, "IoU.hovel": 0.4163, "IoU.bus": 0.9166, "IoU.towel": 0.694, "IoU.light": 0.5769, "IoU.truck": 0.2881, "IoU.tower": 0.1389, "IoU.chandelier": 0.6938, "IoU.awning": 0.3278, "IoU.streetlight": 0.2901, "IoU.booth": 0.5091, "IoU.television receiver": 0.6901, "IoU.airplane": 0.6952, "IoU.dirt track": 0.1264, "IoU.apparel": 0.3661, "IoU.pole": 0.1912, "IoU.land": 0.0228, "IoU.bannister": 0.1307, "IoU.escalator": 0.5214, "IoU.ottoman": 0.5112, "IoU.bottle": 0.2487, "IoU.buffet": 0.5099, "IoU.poster": 0.2599, "IoU.stage": 0.2286, "IoU.van": 0.3228, "IoU.ship": 0.8468, "IoU.fountain": 0.1539, "IoU.conveyer belt": 0.7267, "IoU.canopy": 0.589, "IoU.washer": 0.7352, "IoU.plaything": 0.2089, "IoU.swimming pool": 0.5791, "IoU.stool": 0.5157, "IoU.barrel": 0.4959, "IoU.basket": 0.2999, "IoU.waterfall": 0.6478, "IoU.tent": 0.8786, "IoU.bag": 0.1492, "IoU.minibike": 0.7083, "IoU.cradle": 0.6838, "IoU.oven": 0.5769, "IoU.ball": 0.5592, "IoU.food": 0.4759, "IoU.step": 0.089, "IoU.tank": 0.6013, "IoU.trade name": 0.2134, "IoU.microwave": 0.8465, "IoU.pot": 0.5411, "IoU.animal": 0.6451, "IoU.bicycle": 0.5435, "IoU.lake": 0.6202, "IoU.dishwasher": 0.6184, "IoU.screen": 0.5708, "IoU.blanket": 0.2427, "IoU.sculpture": 0.6902, "IoU.hood": 0.5985, "IoU.sconce": 0.4978, "IoU.vase": 0.4065, "IoU.traffic light": 0.304, "IoU.tray": 0.0715, "IoU.ashcan": 0.3993, "IoU.fan": 0.6265, "IoU.pier": 0.4968, "IoU.crt screen": 0.018, "IoU.plate": 0.5171, "IoU.monitor": 0.564, "IoU.bulletin board": 0.4554, "IoU.shower": 0.0002, "IoU.radiator": 0.5636, "IoU.glass": 0.1613, "IoU.clock": 0.3448, "IoU.flag": 0.7003, "Acc.wall": 0.8913, "Acc.building": 0.9391, "Acc.sky": 0.9752, "Acc.floor": 0.9247, "Acc.tree": 0.8962, "Acc.ceiling": 0.9165, "Acc.road": 0.9181, "Acc.bed ": 0.9664, "Acc.windowpane": 0.8208, "Acc.grass": 0.7981, "Acc.cabinet": 0.7506, "Acc.sidewalk": 0.8353, "Acc.person": 0.9323, "Acc.earth": 0.4468, "Acc.door": 0.686, "Acc.table": 0.7713, "Acc.mountain": 0.7608, "Acc.plant": 0.6537, "Acc.curtain": 0.8673, "Acc.chair": 0.7333, "Acc.car": 0.9405, "Acc.water": 0.8036, "Acc.painting": 0.8963, "Acc.sofa": 0.9079, "Acc.shelf": 0.6182, "Acc.house": 0.6961, "Acc.sea": 0.9178, "Acc.mirror": 0.7926, "Acc.rug": 0.7855, "Acc.field": 0.5244, "Acc.armchair": 0.7639, "Acc.seat": 0.8677, "Acc.fence": 0.6418, "Acc.desk": 0.7583, "Acc.rock": 0.6475, "Acc.wardrobe": 0.6899, "Acc.lamp": 0.7956, "Acc.bathtub": 0.8696, "Acc.railing": 0.5402, "Acc.cushion": 0.761, "Acc.base": 0.5377, "Acc.box": 0.4394, "Acc.column": 0.6371, "Acc.signboard": 0.4963, "Acc.chest of drawers": 0.7029, "Acc.counter": 0.5225, "Acc.sand": 0.7281, "Acc.sink": 0.8077, "Acc.skyscraper": 0.6433, "Acc.fireplace": 0.9587, "Acc.refrigerator": 0.8355, "Acc.grandstand": 0.8378, "Acc.path": 0.3856, "Acc.stairs": 0.472, "Acc.runway": 0.9412, "Acc.case": 0.8924, "Acc.pool table": 0.9762, "Acc.pillow": 0.771, "Acc.screen door": 0.8731, "Acc.stairway": 0.5059, "Acc.river": 0.1991, "Acc.bridge": 0.8858, "Acc.bookcase": 0.4904, "Acc.blind": 0.4301, "Acc.coffee table": 0.8909, "Acc.toilet": 0.9144, "Acc.flower": 0.5147, "Acc.book": 0.7951, "Acc.hill": 0.1701, "Acc.bench": 0.5902, "Acc.countertop": 0.8323, "Acc.stove": 0.935, "Acc.palm": 0.7204, "Acc.kitchen island": 0.7093, "Acc.computer": 0.9383, "Acc.swivel chair": 0.8164, "Acc.boat": 0.8739, "Acc.bar": 0.7247, "Acc.arcade machine": 0.8133, "Acc.hovel": 0.4537, "Acc.bus": 0.9713, "Acc.towel": 0.7446, "Acc.light": 0.6862, "Acc.truck": 0.3348, "Acc.tower": 0.2183, "Acc.chandelier": 0.855, "Acc.awning": 0.3628, "Acc.streetlight": 0.3916, "Acc.booth": 0.7062, "Acc.television receiver": 0.7542, "Acc.airplane": 0.9291, "Acc.dirt track": 0.1264, "Acc.apparel": 0.8185, "Acc.pole": 0.2293, "Acc.land": 0.0521, "Acc.bannister": 0.1929, "Acc.escalator": 0.8881, "Acc.ottoman": 0.6042, "Acc.bottle": 0.3131, "Acc.buffet": 0.5695, "Acc.poster": 0.3507, "Acc.stage": 0.3372, "Acc.van": 0.3808, "Acc.ship": 0.9384, "Acc.fountain": 0.1806, "Acc.conveyer belt": 0.93, "Acc.canopy": 0.6575, "Acc.washer": 0.8797, "Acc.plaything": 0.3183, "Acc.swimming pool": 0.9146, "Acc.stool": 0.7027, "Acc.barrel": 0.6449, "Acc.basket": 0.4221, "Acc.waterfall": 0.907, "Acc.tent": 0.9869, "Acc.bag": 0.1636, "Acc.minibike": 0.8471, "Acc.cradle": 0.9787, "Acc.oven": 0.6705, "Acc.ball": 0.6588, "Acc.food": 0.5455, "Acc.step": 0.1225, "Acc.tank": 0.9686, "Acc.trade name": 0.2332, "Acc.microwave": 0.9497, "Acc.pot": 0.6323, "Acc.animal": 0.689, "Acc.bicycle": 0.7491, "Acc.lake": 0.7492, "Acc.dishwasher": 0.7017, "Acc.screen": 0.9453, "Acc.blanket": 0.2747, "Acc.sculpture": 0.8313, "Acc.hood": 0.6985, "Acc.sconce": 0.5472, "Acc.vase": 0.5742, "Acc.traffic light": 0.5504, "Acc.tray": 0.0994, "Acc.ashcan": 0.5347, "Acc.fan": 0.8281, "Acc.pier": 0.7843, "Acc.crt screen": 0.026, "Acc.plate": 0.7441, "Acc.monitor": 0.6823, "Acc.bulletin board": 0.6443, "Acc.shower": 0.0003, "Acc.radiator": 0.66, "Acc.glass": 0.1743, "Acc.clock": 0.3812, "Acc.flag": 0.778} {"mode": "train", "epoch": 17, "iter": 21050, "lr": 3e-05, "memory": 70498, "data_time": 1.95194, "decode.loss_ce": 0.31322, "decode.acc_seg": 87.37876, "aux.loss_ce": 0.12771, "aux.acc_seg": 87.04873, "loss": 0.44093, "time": 3.2728} {"mode": "train", "epoch": 17, "iter": 21100, "lr": 3e-05, "memory": 70498, "data_time": 0.00956, "decode.loss_ce": 0.32255, "decode.acc_seg": 86.93376, "aux.loss_ce": 0.12947, "aux.acc_seg": 86.90576, "loss": 0.45202, "time": 1.32428} {"mode": "train", "epoch": 17, "iter": 21150, "lr": 3e-05, "memory": 70498, "data_time": 0.00946, "decode.loss_ce": 0.33027, "decode.acc_seg": 86.85551, "aux.loss_ce": 0.13267, "aux.acc_seg": 86.76703, "loss": 0.46294, "time": 1.3283} {"mode": "train", "epoch": 17, "iter": 21200, "lr": 3e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.31993, "decode.acc_seg": 87.25246, "aux.loss_ce": 0.12955, "aux.acc_seg": 87.11768, "loss": 0.44949, "time": 1.33111} {"mode": "train", "epoch": 17, "iter": 21250, "lr": 3e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.32085, "decode.acc_seg": 87.2747, "aux.loss_ce": 0.12972, "aux.acc_seg": 87.12199, "loss": 0.45056, "time": 1.33117} {"mode": "train", "epoch": 17, "iter": 21300, "lr": 3e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.31143, "decode.acc_seg": 87.34858, "aux.loss_ce": 0.1272, "aux.acc_seg": 87.04648, "loss": 0.43863, "time": 1.32661} {"mode": "train", "epoch": 17, "iter": 21350, "lr": 3e-05, "memory": 70498, "data_time": 0.0098, "decode.loss_ce": 0.29078, "decode.acc_seg": 88.2244, "aux.loss_ce": 0.11872, "aux.acc_seg": 87.84221, "loss": 0.40949, "time": 1.32865} {"mode": "train", "epoch": 17, "iter": 21400, "lr": 3e-05, "memory": 70498, "data_time": 0.00956, "decode.loss_ce": 0.32111, "decode.acc_seg": 86.91537, "aux.loss_ce": 0.12992, "aux.acc_seg": 86.78046, "loss": 0.45103, "time": 1.33016} {"mode": "train", "epoch": 17, "iter": 21450, "lr": 3e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.31369, "decode.acc_seg": 87.28762, "aux.loss_ce": 0.12781, "aux.acc_seg": 87.08138, "loss": 0.44149, "time": 1.32685} {"mode": "train", "epoch": 18, "iter": 21500, "lr": 3e-05, "memory": 70498, "data_time": 0.06183, "decode.loss_ce": 0.31007, "decode.acc_seg": 87.76275, "aux.loss_ce": 0.12525, "aux.acc_seg": 87.64009, "loss": 0.43532, "time": 1.38067} {"mode": "train", "epoch": 18, "iter": 21550, "lr": 3e-05, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.29968, "decode.acc_seg": 87.68256, "aux.loss_ce": 0.12211, "aux.acc_seg": 87.47964, "loss": 0.4218, "time": 1.32222} {"mode": "train", "epoch": 18, "iter": 21600, "lr": 3e-05, "memory": 70498, "data_time": 0.00973, "decode.loss_ce": 0.30327, "decode.acc_seg": 87.66457, "aux.loss_ce": 0.12246, "aux.acc_seg": 87.42584, "loss": 0.42573, "time": 1.33211} {"mode": "train", "epoch": 18, "iter": 21650, "lr": 3e-05, "memory": 70498, "data_time": 0.00967, "decode.loss_ce": 0.31571, "decode.acc_seg": 86.92476, "aux.loss_ce": 0.12927, "aux.acc_seg": 86.66082, "loss": 0.44497, "time": 1.32215} {"mode": "train", "epoch": 18, "iter": 21700, "lr": 3e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.30169, "decode.acc_seg": 87.99827, "aux.loss_ce": 0.1224, "aux.acc_seg": 87.78518, "loss": 0.42408, "time": 1.32752} {"mode": "train", "epoch": 18, "iter": 21750, "lr": 3e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.30999, "decode.acc_seg": 87.42351, "aux.loss_ce": 0.12586, "aux.acc_seg": 87.29463, "loss": 0.43585, "time": 1.32751} {"mode": "train", "epoch": 18, "iter": 21800, "lr": 3e-05, "memory": 70498, "data_time": 0.00965, "decode.loss_ce": 0.31008, "decode.acc_seg": 87.37186, "aux.loss_ce": 0.12536, "aux.acc_seg": 87.22487, "loss": 0.43543, "time": 1.32806} {"mode": "train", "epoch": 18, "iter": 21850, "lr": 3e-05, "memory": 70498, "data_time": 0.0099, "decode.loss_ce": 0.31279, "decode.acc_seg": 87.41187, "aux.loss_ce": 0.12667, "aux.acc_seg": 87.29577, "loss": 0.43946, "time": 1.32735} {"mode": "train", "epoch": 18, "iter": 21900, "lr": 3e-05, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.30844, "decode.acc_seg": 87.50365, "aux.loss_ce": 0.12557, "aux.acc_seg": 87.28744, "loss": 0.43401, "time": 1.32647} {"mode": "train", "epoch": 18, "iter": 21950, "lr": 3e-05, "memory": 70498, "data_time": 0.00947, "decode.loss_ce": 0.2947, "decode.acc_seg": 87.39339, "aux.loss_ce": 0.12064, "aux.acc_seg": 87.14346, "loss": 0.41535, "time": 1.32542} {"mode": "train", "epoch": 18, "iter": 22000, "lr": 3e-05, "memory": 70498, "data_time": 0.00948, "decode.loss_ce": 0.29958, "decode.acc_seg": 87.53584, "aux.loss_ce": 0.12143, "aux.acc_seg": 87.44504, "loss": 0.42101, "time": 3.33535} {"mode": "val", "epoch": 18, "iter": 250, "lr": 3e-05, "aAcc": 0.8489, "mIoU": 0.542, "mAcc": 0.6763, "IoU.wall": 0.7973, "IoU.building": 0.8507, "IoU.sky": 0.9444, "IoU.floor": 0.8396, "IoU.tree": 0.7571, "IoU.ceiling": 0.8393, "IoU.road": 0.8485, "IoU.bed ": 0.9171, "IoU.windowpane": 0.6477, "IoU.grass": 0.6871, "IoU.cabinet": 0.6275, "IoU.sidewalk": 0.6907, "IoU.person": 0.8439, "IoU.earth": 0.3522, "IoU.door": 0.5627, "IoU.table": 0.6441, "IoU.mountain": 0.618, "IoU.plant": 0.5606, "IoU.curtain": 0.7724, "IoU.chair": 0.6426, "IoU.car": 0.8493, "IoU.water": 0.5997, "IoU.painting": 0.7368, "IoU.sofa": 0.7886, "IoU.shelf": 0.4676, "IoU.house": 0.5952, "IoU.sea": 0.5987, "IoU.mirror": 0.7196, "IoU.rug": 0.7003, "IoU.field": 0.3969, "IoU.armchair": 0.5578, "IoU.seat": 0.6657, "IoU.fence": 0.4557, "IoU.desk": 0.548, "IoU.rock": 0.5901, "IoU.wardrobe": 0.531, "IoU.lamp": 0.7103, "IoU.bathtub": 0.8319, "IoU.railing": 0.3641, "IoU.cushion": 0.6541, "IoU.base": 0.3535, "IoU.box": 0.3157, "IoU.column": 0.5287, "IoU.signboard": 0.3984, "IoU.chest of drawers": 0.4698, "IoU.counter": 0.4003, "IoU.sand": 0.4978, "IoU.sink": 0.7174, "IoU.skyscraper": 0.5792, "IoU.fireplace": 0.7025, "IoU.refrigerator": 0.7427, "IoU.grandstand": 0.5425, "IoU.path": 0.2591, "IoU.stairs": 0.2222, "IoU.runway": 0.7046, "IoU.case": 0.6112, "IoU.pool table": 0.9395, "IoU.pillow": 0.6885, "IoU.screen door": 0.83, "IoU.stairway": 0.4231, "IoU.river": 0.2318, "IoU.bridge": 0.7096, "IoU.bookcase": 0.364, "IoU.blind": 0.4065, "IoU.coffee table": 0.6001, "IoU.toilet": 0.8831, "IoU.flower": 0.3807, "IoU.book": 0.5073, "IoU.hill": 0.0561, "IoU.bench": 0.485, "IoU.countertop": 0.6558, "IoU.stove": 0.8406, "IoU.palm": 0.5516, "IoU.kitchen island": 0.4405, "IoU.computer": 0.7717, "IoU.swivel chair": 0.5244, "IoU.boat": 0.544, "IoU.bar": 0.5045, "IoU.arcade machine": 0.7624, "IoU.hovel": 0.1485, "IoU.bus": 0.9179, "IoU.towel": 0.6943, "IoU.light": 0.5241, "IoU.truck": 0.4572, "IoU.tower": 0.2351, "IoU.chandelier": 0.6715, "IoU.awning": 0.4635, "IoU.streetlight": 0.2795, "IoU.booth": 0.4118, "IoU.television receiver": 0.7685, "IoU.airplane": 0.8658, "IoU.dirt track": 0.1239, "IoU.apparel": 0.4972, "IoU.pole": 0.2505, "IoU.land": 0.0158, "IoU.bannister": 0.0809, "IoU.escalator": 0.5315, "IoU.ottoman": 0.4404, "IoU.bottle": 0.3613, "IoU.buffet": 0.5105, "IoU.poster": 0.2533, "IoU.stage": 0.1489, "IoU.van": 0.4456, "IoU.ship": 0.8651, "IoU.fountain": 0.2843, "IoU.conveyer belt": 0.8103, "IoU.canopy": 0.5101, "IoU.washer": 0.7128, "IoU.plaything": 0.1805, "IoU.swimming pool": 0.6049, "IoU.stool": 0.5083, "IoU.barrel": 0.5191, "IoU.basket": 0.3163, "IoU.waterfall": 0.5271, "IoU.tent": 0.8906, "IoU.bag": 0.1971, "IoU.minibike": 0.7089, "IoU.cradle": 0.8515, "IoU.oven": 0.5717, "IoU.ball": 0.56, "IoU.food": 0.6345, "IoU.step": 0.12, "IoU.tank": 0.5364, "IoU.trade name": 0.2974, "IoU.microwave": 0.8732, "IoU.pot": 0.5156, "IoU.animal": 0.6104, "IoU.bicycle": 0.526, "IoU.lake": 0.6032, "IoU.dishwasher": 0.5998, "IoU.screen": 0.5866, "IoU.blanket": 0.2211, "IoU.sculpture": 0.7121, "IoU.hood": 0.5949, "IoU.sconce": 0.5202, "IoU.vase": 0.4323, "IoU.traffic light": 0.3536, "IoU.tray": 0.094, "IoU.ashcan": 0.4258, "IoU.fan": 0.6383, "IoU.pier": 0.6109, "IoU.crt screen": 0.0, "IoU.plate": 0.5531, "IoU.monitor": 0.5533, "IoU.bulletin board": 0.4097, "IoU.shower": 0.0, "IoU.radiator": 0.5788, "IoU.glass": 0.1516, "IoU.clock": 0.3616, "IoU.flag": 0.5167, "Acc.wall": 0.8828, "Acc.building": 0.9311, "Acc.sky": 0.973, "Acc.floor": 0.8927, "Acc.tree": 0.9124, "Acc.ceiling": 0.889, "Acc.road": 0.9132, "Acc.bed ": 0.964, "Acc.windowpane": 0.8223, "Acc.grass": 0.8451, "Acc.cabinet": 0.7176, "Acc.sidewalk": 0.827, "Acc.person": 0.93, "Acc.earth": 0.5039, "Acc.door": 0.756, "Acc.table": 0.7631, "Acc.mountain": 0.7098, "Acc.plant": 0.6693, "Acc.curtain": 0.9089, "Acc.chair": 0.7978, "Acc.car": 0.9282, "Acc.water": 0.749, "Acc.painting": 0.9156, "Acc.sofa": 0.9176, "Acc.shelf": 0.6191, "Acc.house": 0.7739, "Acc.sea": 0.6722, "Acc.mirror": 0.8451, "Acc.rug": 0.8508, "Acc.field": 0.6145, "Acc.armchair": 0.6943, "Acc.seat": 0.8225, "Acc.fence": 0.5571, "Acc.desk": 0.7584, "Acc.rock": 0.7798, "Acc.wardrobe": 0.8018, "Acc.lamp": 0.8264, "Acc.bathtub": 0.8525, "Acc.railing": 0.5274, "Acc.cushion": 0.7776, "Acc.base": 0.4785, "Acc.box": 0.3959, "Acc.column": 0.5959, "Acc.signboard": 0.5042, "Acc.chest of drawers": 0.7242, "Acc.counter": 0.4823, "Acc.sand": 0.6872, "Acc.sink": 0.8059, "Acc.skyscraper": 0.7171, "Acc.fireplace": 0.9042, "Acc.refrigerator": 0.8765, "Acc.grandstand": 0.8629, "Acc.path": 0.4331, "Acc.stairs": 0.2753, "Acc.runway": 0.919, "Acc.case": 0.8258, "Acc.pool table": 0.9805, "Acc.pillow": 0.8208, "Acc.screen door": 0.8595, "Acc.stairway": 0.6996, "Acc.river": 0.5866, "Acc.bridge": 0.8963, "Acc.bookcase": 0.6124, "Acc.blind": 0.4419, "Acc.coffee table": 0.8694, "Acc.toilet": 0.946, "Acc.flower": 0.4754, "Acc.book": 0.741, "Acc.hill": 0.1085, "Acc.bench": 0.6287, "Acc.countertop": 0.8029, "Acc.stove": 0.9167, "Acc.palm": 0.7284, "Acc.kitchen island": 0.7967, "Acc.computer": 0.9087, "Acc.swivel chair": 0.6776, "Acc.boat": 0.7914, "Acc.bar": 0.7622, "Acc.arcade machine": 0.8427, "Acc.hovel": 0.1595, "Acc.bus": 0.9299, "Acc.towel": 0.8608, "Acc.light": 0.5708, "Acc.truck": 0.6248, "Acc.tower": 0.4256, "Acc.chandelier": 0.7573, "Acc.awning": 0.599, "Acc.streetlight": 0.3687, "Acc.booth": 0.7344, "Acc.television receiver": 0.8828, "Acc.airplane": 0.9493, "Acc.dirt track": 0.4308, "Acc.apparel": 0.6793, "Acc.pole": 0.3309, "Acc.land": 0.0413, "Acc.bannister": 0.1032, "Acc.escalator": 0.8247, "Acc.ottoman": 0.6446, "Acc.bottle": 0.4788, "Acc.buffet": 0.8048, "Acc.poster": 0.4469, "Acc.stage": 0.2829, "Acc.van": 0.5481, "Acc.ship": 0.9281, "Acc.fountain": 0.2906, "Acc.conveyer belt": 0.9086, "Acc.canopy": 0.6789, "Acc.washer": 0.838, "Acc.plaything": 0.2823, "Acc.swimming pool": 0.8989, "Acc.stool": 0.5902, "Acc.barrel": 0.6459, "Acc.basket": 0.4755, "Acc.waterfall": 0.7867, "Acc.tent": 0.98, "Acc.bag": 0.2548, "Acc.minibike": 0.813, "Acc.cradle": 0.9712, "Acc.oven": 0.7979, "Acc.ball": 0.6589, "Acc.food": 0.7358, "Acc.step": 0.1524, "Acc.tank": 0.6264, "Acc.trade name": 0.3378, "Acc.microwave": 0.9517, "Acc.pot": 0.5742, "Acc.animal": 0.6189, "Acc.bicycle": 0.7062, "Acc.lake": 0.6137, "Acc.dishwasher": 0.7101, "Acc.screen": 0.9214, "Acc.blanket": 0.246, "Acc.sculpture": 0.8564, "Acc.hood": 0.7402, "Acc.sconce": 0.598, "Acc.vase": 0.5399, "Acc.traffic light": 0.5459, "Acc.tray": 0.1234, "Acc.ashcan": 0.5914, "Acc.fan": 0.8106, "Acc.pier": 0.8147, "Acc.crt screen": 0.0, "Acc.plate": 0.6784, "Acc.monitor": 0.8889, "Acc.bulletin board": 0.6454, "Acc.shower": 0.0, "Acc.radiator": 0.6913, "Acc.glass": 0.1578, "Acc.clock": 0.4466, "Acc.flag": 0.5606} {"mode": "train", "epoch": 18, "iter": 22050, "lr": 3e-05, "memory": 70498, "data_time": 1.93825, "decode.loss_ce": 0.30712, "decode.acc_seg": 87.38665, "aux.loss_ce": 0.12523, "aux.acc_seg": 87.28548, "loss": 0.43235, "time": 3.25544} {"mode": "train", "epoch": 18, "iter": 22100, "lr": 3e-05, "memory": 70498, "data_time": 0.0096, "decode.loss_ce": 0.30933, "decode.acc_seg": 87.94552, "aux.loss_ce": 0.12637, "aux.acc_seg": 87.56022, "loss": 0.4357, "time": 1.32485} {"mode": "train", "epoch": 18, "iter": 22150, "lr": 3e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.30884, "decode.acc_seg": 87.33985, "aux.loss_ce": 0.12595, "aux.acc_seg": 87.18231, "loss": 0.43478, "time": 1.32753} {"mode": "train", "epoch": 18, "iter": 22200, "lr": 3e-05, "memory": 70498, "data_time": 0.00982, "decode.loss_ce": 0.29166, "decode.acc_seg": 88.00835, "aux.loss_ce": 0.11927, "aux.acc_seg": 87.77197, "loss": 0.41093, "time": 1.32756} {"mode": "train", "epoch": 18, "iter": 22250, "lr": 3e-05, "memory": 70498, "data_time": 0.00962, "decode.loss_ce": 0.31263, "decode.acc_seg": 87.59316, "aux.loss_ce": 0.12762, "aux.acc_seg": 87.38497, "loss": 0.44024, "time": 1.33032} {"mode": "train", "epoch": 18, "iter": 22300, "lr": 3e-05, "memory": 70498, "data_time": 0.00978, "decode.loss_ce": 0.32536, "decode.acc_seg": 86.80257, "aux.loss_ce": 0.13119, "aux.acc_seg": 86.67897, "loss": 0.45655, "time": 1.32467} {"mode": "train", "epoch": 18, "iter": 22350, "lr": 3e-05, "memory": 70498, "data_time": 0.01014, "decode.loss_ce": 0.29621, "decode.acc_seg": 87.77365, "aux.loss_ce": 0.1217, "aux.acc_seg": 87.44745, "loss": 0.41791, "time": 1.33206} {"mode": "train", "epoch": 18, "iter": 22400, "lr": 3e-05, "memory": 70498, "data_time": 0.00966, "decode.loss_ce": 0.32064, "decode.acc_seg": 86.98158, "aux.loss_ce": 0.12992, "aux.acc_seg": 86.90566, "loss": 0.45057, "time": 1.32727} {"mode": "train", "epoch": 18, "iter": 22450, "lr": 3e-05, "memory": 70498, "data_time": 0.00946, "decode.loss_ce": 0.33231, "decode.acc_seg": 86.82476, "aux.loss_ce": 0.13535, "aux.acc_seg": 86.45946, "loss": 0.46766, "time": 1.32495} {"mode": "train", "epoch": 18, "iter": 22500, "lr": 3e-05, "memory": 70498, "data_time": 0.00974, "decode.loss_ce": 0.32861, "decode.acc_seg": 86.56746, "aux.loss_ce": 0.13289, "aux.acc_seg": 86.42043, "loss": 0.46149, "time": 1.32819} {"mode": "train", "epoch": 18, "iter": 22550, "lr": 3e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.31325, "decode.acc_seg": 87.49709, "aux.loss_ce": 0.12559, "aux.acc_seg": 87.39106, "loss": 0.43884, "time": 1.32755} {"mode": "train", "epoch": 18, "iter": 22600, "lr": 3e-05, "memory": 70498, "data_time": 0.00946, "decode.loss_ce": 0.33065, "decode.acc_seg": 86.53981, "aux.loss_ce": 0.13394, "aux.acc_seg": 86.35474, "loss": 0.46459, "time": 1.32802} {"mode": "train", "epoch": 18, "iter": 22650, "lr": 3e-05, "memory": 70498, "data_time": 0.00946, "decode.loss_ce": 0.3231, "decode.acc_seg": 86.5081, "aux.loss_ce": 0.13065, "aux.acc_seg": 86.41607, "loss": 0.45376, "time": 1.32702} {"mode": "train", "epoch": 18, "iter": 22700, "lr": 3e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.31985, "decode.acc_seg": 87.16273, "aux.loss_ce": 0.12935, "aux.acc_seg": 86.96682, "loss": 0.4492, "time": 1.32298} {"mode": "train", "epoch": 19, "iter": 22750, "lr": 3e-05, "memory": 70498, "data_time": 0.05152, "decode.loss_ce": 0.32363, "decode.acc_seg": 87.44376, "aux.loss_ce": 0.12992, "aux.acc_seg": 87.26326, "loss": 0.45355, "time": 1.37053} {"mode": "train", "epoch": 19, "iter": 22800, "lr": 3e-05, "memory": 70498, "data_time": 0.00966, "decode.loss_ce": 0.31334, "decode.acc_seg": 87.61259, "aux.loss_ce": 0.12785, "aux.acc_seg": 87.28586, "loss": 0.44118, "time": 1.32761} {"mode": "train", "epoch": 19, "iter": 22850, "lr": 3e-05, "memory": 70498, "data_time": 0.00946, "decode.loss_ce": 0.29577, "decode.acc_seg": 88.25959, "aux.loss_ce": 0.11954, "aux.acc_seg": 87.98318, "loss": 0.41531, "time": 1.32617} {"mode": "train", "epoch": 19, "iter": 22900, "lr": 3e-05, "memory": 70498, "data_time": 0.00944, "decode.loss_ce": 0.30379, "decode.acc_seg": 87.81303, "aux.loss_ce": 0.12334, "aux.acc_seg": 87.5421, "loss": 0.42713, "time": 1.33787} {"mode": "train", "epoch": 19, "iter": 22950, "lr": 3e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.29441, "decode.acc_seg": 88.11222, "aux.loss_ce": 0.11987, "aux.acc_seg": 87.9588, "loss": 0.41428, "time": 1.32855} {"mode": "train", "epoch": 19, "iter": 23000, "lr": 3e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.30925, "decode.acc_seg": 88.18531, "aux.loss_ce": 0.12523, "aux.acc_seg": 88.02319, "loss": 0.43447, "time": 1.32846} {"mode": "val", "epoch": 19, "iter": 250, "lr": 3e-05, "aAcc": 0.8501, "mIoU": 0.5407, "mAcc": 0.6782, "IoU.wall": 0.8059, "IoU.building": 0.8516, "IoU.sky": 0.948, "IoU.floor": 0.8342, "IoU.tree": 0.7695, "IoU.ceiling": 0.8585, "IoU.road": 0.8478, "IoU.bed ": 0.918, "IoU.windowpane": 0.6364, "IoU.grass": 0.6507, "IoU.cabinet": 0.6206, "IoU.sidewalk": 0.7011, "IoU.person": 0.8455, "IoU.earth": 0.3519, "IoU.door": 0.5918, "IoU.table": 0.658, "IoU.mountain": 0.6382, "IoU.plant": 0.5882, "IoU.curtain": 0.7911, "IoU.chair": 0.6303, "IoU.car": 0.8543, "IoU.water": 0.5725, "IoU.painting": 0.7269, "IoU.sofa": 0.7788, "IoU.shelf": 0.4708, "IoU.house": 0.6216, "IoU.sea": 0.6779, "IoU.mirror": 0.7353, "IoU.rug": 0.6672, "IoU.field": 0.3585, "IoU.armchair": 0.5243, "IoU.seat": 0.6542, "IoU.fence": 0.4701, "IoU.desk": 0.5534, "IoU.rock": 0.4165, "IoU.wardrobe": 0.5293, "IoU.lamp": 0.6769, "IoU.bathtub": 0.8248, "IoU.railing": 0.3202, "IoU.cushion": 0.6555, "IoU.base": 0.3366, "IoU.box": 0.2937, "IoU.column": 0.5584, "IoU.signboard": 0.4023, "IoU.chest of drawers": 0.4269, "IoU.counter": 0.3682, "IoU.sand": 0.4228, "IoU.sink": 0.7054, "IoU.skyscraper": 0.5639, "IoU.fireplace": 0.7064, "IoU.refrigerator": 0.7672, "IoU.grandstand": 0.6256, "IoU.path": 0.2859, "IoU.stairs": 0.2996, "IoU.runway": 0.6282, "IoU.case": 0.5849, "IoU.pool table": 0.8996, "IoU.pillow": 0.6757, "IoU.screen door": 0.724, "IoU.stairway": 0.414, "IoU.river": 0.1804, "IoU.bridge": 0.7352, "IoU.bookcase": 0.4274, "IoU.blind": 0.1857, "IoU.coffee table": 0.5983, "IoU.toilet": 0.8907, "IoU.flower": 0.4154, "IoU.book": 0.4836, "IoU.hill": 0.063, "IoU.bench": 0.5122, "IoU.countertop": 0.6179, "IoU.stove": 0.823, "IoU.palm": 0.5707, "IoU.kitchen island": 0.4888, "IoU.computer": 0.7426, "IoU.swivel chair": 0.4761, "IoU.boat": 0.5174, "IoU.bar": 0.5313, "IoU.arcade machine": 0.8552, "IoU.hovel": 0.4256, "IoU.bus": 0.9095, "IoU.towel": 0.6945, "IoU.light": 0.5723, "IoU.truck": 0.4321, "IoU.tower": 0.2111, "IoU.chandelier": 0.676, "IoU.awning": 0.4509, "IoU.streetlight": 0.301, "IoU.booth": 0.4672, "IoU.television receiver": 0.6762, "IoU.airplane": 0.6337, "IoU.dirt track": 0.2206, "IoU.apparel": 0.4132, "IoU.pole": 0.3033, "IoU.land": 0.0127, "IoU.bannister": 0.1455, "IoU.escalator": 0.5578, "IoU.ottoman": 0.513, "IoU.bottle": 0.3679, "IoU.buffet": 0.5288, "IoU.poster": 0.3158, "IoU.stage": 0.1459, "IoU.van": 0.4311, "IoU.ship": 0.7754, "IoU.fountain": 0.3242, "IoU.conveyer belt": 0.7539, "IoU.canopy": 0.5205, "IoU.washer": 0.6811, "IoU.plaything": 0.1993, "IoU.swimming pool": 0.7294, "IoU.stool": 0.4673, "IoU.barrel": 0.4991, "IoU.basket": 0.3088, "IoU.waterfall": 0.67, "IoU.tent": 0.9032, "IoU.bag": 0.1717, "IoU.minibike": 0.707, "IoU.cradle": 0.7106, "IoU.oven": 0.5204, "IoU.ball": 0.5387, "IoU.food": 0.6655, "IoU.step": 0.1195, "IoU.tank": 0.599, "IoU.trade name": 0.262, "IoU.microwave": 0.8381, "IoU.pot": 0.5145, "IoU.animal": 0.6841, "IoU.bicycle": 0.5518, "IoU.lake": 0.5398, "IoU.dishwasher": 0.6361, "IoU.screen": 0.5572, "IoU.blanket": 0.2405, "IoU.sculpture": 0.6902, "IoU.hood": 0.5619, "IoU.sconce": 0.3829, "IoU.vase": 0.4375, "IoU.traffic light": 0.3099, "IoU.tray": 0.1194, "IoU.ashcan": 0.416, "IoU.fan": 0.6527, "IoU.pier": 0.3551, "IoU.crt screen": 0.0819, "IoU.plate": 0.5808, "IoU.monitor": 0.6213, "IoU.bulletin board": 0.5625, "IoU.shower": 0.0, "IoU.radiator": 0.6343, "IoU.glass": 0.1508, "IoU.clock": 0.3682, "IoU.flag": 0.6577, "Acc.wall": 0.8692, "Acc.building": 0.943, "Acc.sky": 0.9768, "Acc.floor": 0.9009, "Acc.tree": 0.8924, "Acc.ceiling": 0.9406, "Acc.road": 0.9148, "Acc.bed ": 0.9617, "Acc.windowpane": 0.844, "Acc.grass": 0.7739, "Acc.cabinet": 0.7104, "Acc.sidewalk": 0.8462, "Acc.person": 0.9392, "Acc.earth": 0.481, "Acc.door": 0.7778, "Acc.table": 0.8261, "Acc.mountain": 0.8123, "Acc.plant": 0.6969, "Acc.curtain": 0.9066, "Acc.chair": 0.7612, "Acc.car": 0.9269, "Acc.water": 0.6906, "Acc.painting": 0.9142, "Acc.sofa": 0.9024, "Acc.shelf": 0.606, "Acc.house": 0.6997, "Acc.sea": 0.843, "Acc.mirror": 0.8331, "Acc.rug": 0.7995, "Acc.field": 0.5939, "Acc.armchair": 0.6797, "Acc.seat": 0.8601, "Acc.fence": 0.5589, "Acc.desk": 0.7275, "Acc.rock": 0.5702, "Acc.wardrobe": 0.6988, "Acc.lamp": 0.84, "Acc.bathtub": 0.8603, "Acc.railing": 0.4354, "Acc.cushion": 0.7776, "Acc.base": 0.6122, "Acc.box": 0.4102, "Acc.column": 0.8147, "Acc.signboard": 0.5399, "Acc.chest of drawers": 0.6797, "Acc.counter": 0.4264, "Acc.sand": 0.6075, "Acc.sink": 0.838, "Acc.skyscraper": 0.7151, "Acc.fireplace": 0.9511, "Acc.refrigerator": 0.9408, "Acc.grandstand": 0.8619, "Acc.path": 0.4319, "Acc.stairs": 0.3814, "Acc.runway": 0.8223, "Acc.case": 0.7599, "Acc.pool table": 0.9852, "Acc.pillow": 0.8141, "Acc.screen door": 0.9413, "Acc.stairway": 0.4745, "Acc.river": 0.4262, "Acc.bridge": 0.9164, "Acc.bookcase": 0.6021, "Acc.blind": 0.1874, "Acc.coffee table": 0.8983, "Acc.toilet": 0.9416, "Acc.flower": 0.546, "Acc.book": 0.6517, "Acc.hill": 0.141, "Acc.bench": 0.6323, "Acc.countertop": 0.8482, "Acc.stove": 0.9659, "Acc.palm": 0.7816, "Acc.kitchen island": 0.8374, "Acc.computer": 0.9536, "Acc.swivel chair": 0.7973, "Acc.boat": 0.8793, "Acc.bar": 0.7701, "Acc.arcade machine": 0.9137, "Acc.hovel": 0.5046, "Acc.bus": 0.9556, "Acc.towel": 0.8005, "Acc.light": 0.7932, "Acc.truck": 0.5887, "Acc.tower": 0.3986, "Acc.chandelier": 0.8751, "Acc.awning": 0.5554, "Acc.streetlight": 0.3948, "Acc.booth": 0.6531, "Acc.television receiver": 0.8035, "Acc.airplane": 0.6987, "Acc.dirt track": 0.241, "Acc.apparel": 0.5566, "Acc.pole": 0.4256, "Acc.land": 0.0263, "Acc.bannister": 0.1864, "Acc.escalator": 0.8012, "Acc.ottoman": 0.7536, "Acc.bottle": 0.4624, "Acc.buffet": 0.8942, "Acc.poster": 0.4553, "Acc.stage": 0.2418, "Acc.van": 0.5288, "Acc.ship": 0.9447, "Acc.fountain": 0.3382, "Acc.conveyer belt": 0.9019, "Acc.canopy": 0.7132, "Acc.washer": 0.7869, "Acc.plaything": 0.3219, "Acc.swimming pool": 0.9186, "Acc.stool": 0.7374, "Acc.barrel": 0.6485, "Acc.basket": 0.5034, "Acc.waterfall": 0.9369, "Acc.tent": 0.9877, "Acc.bag": 0.2235, "Acc.minibike": 0.8275, "Acc.cradle": 0.9776, "Acc.oven": 0.5997, "Acc.ball": 0.743, "Acc.food": 0.8041, "Acc.step": 0.1802, "Acc.tank": 0.7239, "Acc.trade name": 0.2931, "Acc.microwave": 0.9517, "Acc.pot": 0.6106, "Acc.animal": 0.6992, "Acc.bicycle": 0.722, "Acc.lake": 0.5404, "Acc.dishwasher": 0.754, "Acc.screen": 0.942, "Acc.blanket": 0.2652, "Acc.sculpture": 0.8116, "Acc.hood": 0.6666, "Acc.sconce": 0.4257, "Acc.vase": 0.5601, "Acc.traffic light": 0.4051, "Acc.tray": 0.1376, "Acc.ashcan": 0.595, "Acc.fan": 0.8025, "Acc.pier": 0.4733, "Acc.crt screen": 0.0925, "Acc.plate": 0.7312, "Acc.monitor": 0.7939, "Acc.bulletin board": 0.6753, "Acc.shower": 0.0, "Acc.radiator": 0.697, "Acc.glass": 0.157, "Acc.clock": 0.4739, "Acc.flag": 0.7468} {"mode": "train", "epoch": 19, "iter": 23050, "lr": 3e-05, "memory": 70498, "data_time": 1.99435, "decode.loss_ce": 0.30472, "decode.acc_seg": 88.13124, "aux.loss_ce": 0.12387, "aux.acc_seg": 87.87771, "loss": 0.42859, "time": 3.3144} {"mode": "train", "epoch": 19, "iter": 23100, "lr": 3e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.29319, "decode.acc_seg": 88.04204, "aux.loss_ce": 0.12006, "aux.acc_seg": 87.70991, "loss": 0.41325, "time": 1.33051} {"mode": "train", "epoch": 19, "iter": 23150, "lr": 3e-05, "memory": 70498, "data_time": 0.00961, "decode.loss_ce": 0.29643, "decode.acc_seg": 88.16622, "aux.loss_ce": 0.12076, "aux.acc_seg": 87.98342, "loss": 0.41719, "time": 1.32746} {"mode": "train", "epoch": 19, "iter": 23200, "lr": 3e-05, "memory": 70498, "data_time": 0.00944, "decode.loss_ce": 0.30492, "decode.acc_seg": 87.68109, "aux.loss_ce": 0.12427, "aux.acc_seg": 87.49444, "loss": 0.42919, "time": 1.33384} {"mode": "train", "epoch": 19, "iter": 23250, "lr": 3e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.31113, "decode.acc_seg": 87.1566, "aux.loss_ce": 0.12586, "aux.acc_seg": 86.96099, "loss": 0.437, "time": 1.32743} {"mode": "train", "epoch": 19, "iter": 23300, "lr": 3e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.30155, "decode.acc_seg": 87.84331, "aux.loss_ce": 0.12294, "aux.acc_seg": 87.59431, "loss": 0.42449, "time": 1.32756} {"mode": "train", "epoch": 19, "iter": 23350, "lr": 3e-05, "memory": 70498, "data_time": 0.00962, "decode.loss_ce": 0.29447, "decode.acc_seg": 88.03054, "aux.loss_ce": 0.12034, "aux.acc_seg": 87.78818, "loss": 0.41481, "time": 1.32323} {"mode": "train", "epoch": 19, "iter": 23400, "lr": 3e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.30056, "decode.acc_seg": 87.98076, "aux.loss_ce": 0.12219, "aux.acc_seg": 87.82446, "loss": 0.42275, "time": 1.32679} {"mode": "train", "epoch": 19, "iter": 23450, "lr": 3e-05, "memory": 70498, "data_time": 0.00968, "decode.loss_ce": 0.30568, "decode.acc_seg": 87.33974, "aux.loss_ce": 0.12377, "aux.acc_seg": 87.30474, "loss": 0.42945, "time": 1.33028} {"mode": "train", "epoch": 19, "iter": 23500, "lr": 3e-05, "memory": 70498, "data_time": 0.44032, "decode.loss_ce": 0.30149, "decode.acc_seg": 87.98543, "aux.loss_ce": 0.1222, "aux.acc_seg": 87.75292, "loss": 0.42369, "time": 1.75162} {"mode": "train", "epoch": 19, "iter": 23550, "lr": 3e-05, "memory": 70498, "data_time": 0.00945, "decode.loss_ce": 0.32139, "decode.acc_seg": 87.30066, "aux.loss_ce": 0.13115, "aux.acc_seg": 87.01051, "loss": 0.45254, "time": 1.32107} {"mode": "train", "epoch": 19, "iter": 23600, "lr": 3e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.30208, "decode.acc_seg": 87.57872, "aux.loss_ce": 0.12171, "aux.acc_seg": 87.46712, "loss": 0.42379, "time": 1.32806} {"mode": "train", "epoch": 19, "iter": 23650, "lr": 3e-05, "memory": 70498, "data_time": 0.01009, "decode.loss_ce": 0.30564, "decode.acc_seg": 87.9542, "aux.loss_ce": 0.12222, "aux.acc_seg": 87.82637, "loss": 0.42786, "time": 1.32989} {"mode": "train", "epoch": 19, "iter": 23700, "lr": 3e-05, "memory": 70498, "data_time": 0.00961, "decode.loss_ce": 0.30496, "decode.acc_seg": 87.73187, "aux.loss_ce": 0.12432, "aux.acc_seg": 87.57928, "loss": 0.42927, "time": 1.32627} {"mode": "train", "epoch": 19, "iter": 23750, "lr": 3e-05, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.2969, "decode.acc_seg": 88.00318, "aux.loss_ce": 0.12091, "aux.acc_seg": 87.77097, "loss": 0.41781, "time": 1.32791} {"mode": "train", "epoch": 19, "iter": 23800, "lr": 3e-05, "memory": 70498, "data_time": 0.00948, "decode.loss_ce": 0.31239, "decode.acc_seg": 87.70432, "aux.loss_ce": 0.12721, "aux.acc_seg": 87.50038, "loss": 0.4396, "time": 1.32418} {"mode": "train", "epoch": 19, "iter": 23850, "lr": 3e-05, "memory": 70498, "data_time": 0.00999, "decode.loss_ce": 0.31253, "decode.acc_seg": 87.4994, "aux.loss_ce": 0.12663, "aux.acc_seg": 87.34924, "loss": 0.43916, "time": 1.32685} {"mode": "train", "epoch": 19, "iter": 23900, "lr": 3e-05, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.29044, "decode.acc_seg": 87.76819, "aux.loss_ce": 0.11826, "aux.acc_seg": 87.54552, "loss": 0.40871, "time": 1.32909} {"mode": "train", "epoch": 19, "iter": 23950, "lr": 3e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.30133, "decode.acc_seg": 87.84095, "aux.loss_ce": 0.12324, "aux.acc_seg": 87.55773, "loss": 0.42457, "time": 1.32401} {"mode": "train", "epoch": 20, "iter": 24000, "lr": 3e-05, "memory": 70498, "data_time": 0.05837, "decode.loss_ce": 0.29938, "decode.acc_seg": 87.76845, "aux.loss_ce": 0.12198, "aux.acc_seg": 87.52616, "loss": 0.42137, "time": 3.40166} {"mode": "val", "epoch": 20, "iter": 250, "lr": 3e-05, "aAcc": 0.8548, "mIoU": 0.5438, "mAcc": 0.6788, "IoU.wall": 0.8111, "IoU.building": 0.8566, "IoU.sky": 0.9469, "IoU.floor": 0.8412, "IoU.tree": 0.7712, "IoU.ceiling": 0.8696, "IoU.road": 0.8634, "IoU.bed ": 0.9149, "IoU.windowpane": 0.6531, "IoU.grass": 0.6707, "IoU.cabinet": 0.6288, "IoU.sidewalk": 0.6986, "IoU.person": 0.8467, "IoU.earth": 0.365, "IoU.door": 0.5864, "IoU.table": 0.6678, "IoU.mountain": 0.6211, "IoU.plant": 0.5341, "IoU.curtain": 0.7944, "IoU.chair": 0.6416, "IoU.car": 0.8596, "IoU.water": 0.6779, "IoU.painting": 0.7615, "IoU.sofa": 0.7897, "IoU.shelf": 0.4777, "IoU.house": 0.5267, "IoU.sea": 0.7026, "IoU.mirror": 0.7374, "IoU.rug": 0.6695, "IoU.field": 0.3807, "IoU.armchair": 0.557, "IoU.seat": 0.6387, "IoU.fence": 0.4401, "IoU.desk": 0.5194, "IoU.rock": 0.5146, "IoU.wardrobe": 0.5589, "IoU.lamp": 0.6989, "IoU.bathtub": 0.8072, "IoU.railing": 0.395, "IoU.cushion": 0.6526, "IoU.base": 0.3599, "IoU.box": 0.3085, "IoU.column": 0.541, "IoU.signboard": 0.379, "IoU.chest of drawers": 0.4335, "IoU.counter": 0.3983, "IoU.sand": 0.5825, "IoU.sink": 0.7477, "IoU.skyscraper": 0.5834, "IoU.fireplace": 0.7233, "IoU.refrigerator": 0.814, "IoU.grandstand": 0.4366, "IoU.path": 0.2913, "IoU.stairs": 0.3362, "IoU.runway": 0.7352, "IoU.case": 0.5495, "IoU.pool table": 0.9385, "IoU.pillow": 0.6865, "IoU.screen door": 0.7819, "IoU.stairway": 0.4203, "IoU.river": 0.1565, "IoU.bridge": 0.7659, "IoU.bookcase": 0.3755, "IoU.blind": 0.4291, "IoU.coffee table": 0.6469, "IoU.toilet": 0.8771, "IoU.flower": 0.4087, "IoU.book": 0.5102, "IoU.hill": 0.0638, "IoU.bench": 0.5072, "IoU.countertop": 0.6217, "IoU.stove": 0.8346, "IoU.palm": 0.5534, "IoU.kitchen island": 0.4427, "IoU.computer": 0.7496, "IoU.swivel chair": 0.4724, "IoU.boat": 0.6456, "IoU.bar": 0.5702, "IoU.arcade machine": 0.7291, "IoU.hovel": 0.4437, "IoU.bus": 0.9116, "IoU.towel": 0.6738, "IoU.light": 0.5774, "IoU.truck": 0.4666, "IoU.tower": 0.187, "IoU.chandelier": 0.6968, "IoU.awning": 0.4538, "IoU.streetlight": 0.3063, "IoU.booth": 0.3421, "IoU.television receiver": 0.7789, "IoU.airplane": 0.6733, "IoU.dirt track": 0.2407, "IoU.apparel": 0.509, "IoU.pole": 0.256, "IoU.land": 0.0188, "IoU.bannister": 0.1427, "IoU.escalator": 0.537, "IoU.ottoman": 0.4957, "IoU.bottle": 0.4141, "IoU.buffet": 0.4887, "IoU.poster": 0.3098, "IoU.stage": 0.2033, "IoU.van": 0.461, "IoU.ship": 0.1087, "IoU.fountain": 0.255, "IoU.conveyer belt": 0.7441, "IoU.canopy": 0.6179, "IoU.washer": 0.7163, "IoU.plaything": 0.1638, "IoU.swimming pool": 0.6235, "IoU.stool": 0.5396, "IoU.barrel": 0.4184, "IoU.basket": 0.3415, "IoU.waterfall": 0.6333, "IoU.tent": 0.9119, "IoU.bag": 0.1424, "IoU.minibike": 0.717, "IoU.cradle": 0.8363, "IoU.oven": 0.5567, "IoU.ball": 0.4622, "IoU.food": 0.5901, "IoU.step": 0.0978, "IoU.tank": 0.6757, "IoU.trade name": 0.0457, "IoU.microwave": 0.831, "IoU.pot": 0.5323, "IoU.animal": 0.6153, "IoU.bicycle": 0.5954, "IoU.lake": 0.5443, "IoU.dishwasher": 0.6548, "IoU.screen": 0.5175, "IoU.blanket": 0.2891, "IoU.sculpture": 0.6865, "IoU.hood": 0.6114, "IoU.sconce": 0.5446, "IoU.vase": 0.4421, "IoU.traffic light": 0.307, "IoU.tray": 0.0991, "IoU.ashcan": 0.4144, "IoU.fan": 0.6436, "IoU.pier": 0.3566, "IoU.crt screen": 0.1313, "IoU.plate": 0.5496, "IoU.monitor": 0.6793, "IoU.bulletin board": 0.479, "IoU.shower": 0.017, "IoU.radiator": 0.6382, "IoU.glass": 0.1956, "IoU.clock": 0.3706, "IoU.flag": 0.6879, "Acc.wall": 0.8894, "Acc.building": 0.935, "Acc.sky": 0.9719, "Acc.floor": 0.9186, "Acc.tree": 0.9118, "Acc.ceiling": 0.9393, "Acc.road": 0.9312, "Acc.bed ": 0.9637, "Acc.windowpane": 0.7843, "Acc.grass": 0.8382, "Acc.cabinet": 0.731, "Acc.sidewalk": 0.8311, "Acc.person": 0.9255, "Acc.earth": 0.4677, "Acc.door": 0.7484, "Acc.table": 0.7972, "Acc.mountain": 0.739, "Acc.plant": 0.6234, "Acc.curtain": 0.9075, "Acc.chair": 0.7623, "Acc.car": 0.92, "Acc.water": 0.8593, "Acc.painting": 0.8922, "Acc.sofa": 0.9174, "Acc.shelf": 0.6289, "Acc.house": 0.6088, "Acc.sea": 0.7845, "Acc.mirror": 0.8093, "Acc.rug": 0.7792, "Acc.field": 0.6856, "Acc.armchair": 0.6998, "Acc.seat": 0.8653, "Acc.fence": 0.5815, "Acc.desk": 0.7786, "Acc.rock": 0.7187, "Acc.wardrobe": 0.8319, "Acc.lamp": 0.8014, "Acc.bathtub": 0.822, "Acc.railing": 0.5588, "Acc.cushion": 0.7675, "Acc.base": 0.5888, "Acc.box": 0.4512, "Acc.column": 0.6504, "Acc.signboard": 0.5703, "Acc.chest of drawers": 0.6728, "Acc.counter": 0.4751, "Acc.sand": 0.8106, "Acc.sink": 0.803, "Acc.skyscraper": 0.7431, "Acc.fireplace": 0.9079, "Acc.refrigerator": 0.9253, "Acc.grandstand": 0.9131, "Acc.path": 0.4209, "Acc.stairs": 0.4358, "Acc.runway": 0.9762, "Acc.case": 0.8153, "Acc.pool table": 0.9794, "Acc.pillow": 0.8238, "Acc.screen door": 0.8363, "Acc.stairway": 0.4566, "Acc.river": 0.2441, "Acc.bridge": 0.9096, "Acc.bookcase": 0.5314, "Acc.blind": 0.4973, "Acc.coffee table": 0.8408, "Acc.toilet": 0.936, "Acc.flower": 0.595, "Acc.book": 0.7624, "Acc.hill": 0.1273, "Acc.bench": 0.564, "Acc.countertop": 0.8527, "Acc.stove": 0.8892, "Acc.palm": 0.8171, "Acc.kitchen island": 0.8688, "Acc.computer": 0.9513, "Acc.swivel chair": 0.7489, "Acc.boat": 0.8952, "Acc.bar": 0.7472, "Acc.arcade machine": 0.796, "Acc.hovel": 0.5334, "Acc.bus": 0.9657, "Acc.towel": 0.852, "Acc.light": 0.7374, "Acc.truck": 0.6257, "Acc.tower": 0.2341, "Acc.chandelier": 0.879, "Acc.awning": 0.6219, "Acc.streetlight": 0.4138, "Acc.booth": 0.392, "Acc.television receiver": 0.8298, "Acc.airplane": 0.7674, "Acc.dirt track": 0.4165, "Acc.apparel": 0.7591, "Acc.pole": 0.3422, "Acc.land": 0.0337, "Acc.bannister": 0.2416, "Acc.escalator": 0.7715, "Acc.ottoman": 0.6547, "Acc.bottle": 0.5294, "Acc.buffet": 0.5507, "Acc.poster": 0.3754, "Acc.stage": 0.2955, "Acc.van": 0.6894, "Acc.ship": 0.109, "Acc.fountain": 0.2614, "Acc.conveyer belt": 0.924, "Acc.canopy": 0.7805, "Acc.washer": 0.8021, "Acc.plaything": 0.3613, "Acc.swimming pool": 0.9124, "Acc.stool": 0.6321, "Acc.barrel": 0.6487, "Acc.basket": 0.512, "Acc.waterfall": 0.9318, "Acc.tent": 0.9865, "Acc.bag": 0.1651, "Acc.minibike": 0.862, "Acc.cradle": 0.9742, "Acc.oven": 0.6391, "Acc.ball": 0.7051, "Acc.food": 0.7662, "Acc.step": 0.1073, "Acc.tank": 0.7216, "Acc.trade name": 0.0464, "Acc.microwave": 0.9502, "Acc.pot": 0.6258, "Acc.animal": 0.6304, "Acc.bicycle": 0.791, "Acc.lake": 0.6339, "Acc.dishwasher": 0.8282, "Acc.screen": 0.9403, "Acc.blanket": 0.3373, "Acc.sculpture": 0.8462, "Acc.hood": 0.7487, "Acc.sconce": 0.6444, "Acc.vase": 0.5679, "Acc.traffic light": 0.5754, "Acc.tray": 0.1209, "Acc.ashcan": 0.6141, "Acc.fan": 0.7978, "Acc.pier": 0.4513, "Acc.crt screen": 0.1618, "Acc.plate": 0.8012, "Acc.monitor": 0.769, "Acc.bulletin board": 0.7076, "Acc.shower": 0.0202, "Acc.radiator": 0.7756, "Acc.glass": 0.2213, "Acc.clock": 0.4232, "Acc.flag": 0.7195} {"mode": "train", "epoch": 20, "iter": 24050, "lr": 3e-05, "memory": 70498, "data_time": 1.92795, "decode.loss_ce": 0.287, "decode.acc_seg": 88.57223, "aux.loss_ce": 0.11723, "aux.acc_seg": 88.33834, "loss": 0.40423, "time": 3.24282} {"mode": "train", "epoch": 20, "iter": 24100, "lr": 3e-05, "memory": 70498, "data_time": 0.00968, "decode.loss_ce": 0.27265, "decode.acc_seg": 88.60054, "aux.loss_ce": 0.11134, "aux.acc_seg": 88.45108, "loss": 0.38398, "time": 1.32478} {"mode": "train", "epoch": 20, "iter": 24150, "lr": 3e-05, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.29077, "decode.acc_seg": 88.33869, "aux.loss_ce": 0.11918, "aux.acc_seg": 88.09148, "loss": 0.40995, "time": 1.32332} {"mode": "train", "epoch": 20, "iter": 24200, "lr": 3e-05, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.29174, "decode.acc_seg": 88.43884, "aux.loss_ce": 0.11957, "aux.acc_seg": 88.13217, "loss": 0.41132, "time": 1.32941} {"mode": "train", "epoch": 20, "iter": 24250, "lr": 3e-05, "memory": 70498, "data_time": 0.00971, "decode.loss_ce": 0.30072, "decode.acc_seg": 87.94214, "aux.loss_ce": 0.12335, "aux.acc_seg": 87.57369, "loss": 0.42408, "time": 1.32539} {"mode": "train", "epoch": 20, "iter": 24300, "lr": 3e-05, "memory": 70498, "data_time": 0.00978, "decode.loss_ce": 0.30793, "decode.acc_seg": 87.66879, "aux.loss_ce": 0.1246, "aux.acc_seg": 87.46971, "loss": 0.43253, "time": 1.32642} {"mode": "train", "epoch": 20, "iter": 24350, "lr": 3e-05, "memory": 70498, "data_time": 0.00968, "decode.loss_ce": 0.29999, "decode.acc_seg": 87.46262, "aux.loss_ce": 0.12139, "aux.acc_seg": 87.64803, "loss": 0.42138, "time": 1.32839} {"mode": "train", "epoch": 20, "iter": 24400, "lr": 3e-05, "memory": 70498, "data_time": 0.0097, "decode.loss_ce": 0.26299, "decode.acc_seg": 89.34471, "aux.loss_ce": 0.10805, "aux.acc_seg": 89.06138, "loss": 0.37104, "time": 1.32279} {"mode": "train", "epoch": 20, "iter": 24450, "lr": 3e-05, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.28413, "decode.acc_seg": 88.16639, "aux.loss_ce": 0.11665, "aux.acc_seg": 87.79692, "loss": 0.40078, "time": 1.32646} {"mode": "train", "epoch": 20, "iter": 24500, "lr": 3e-05, "memory": 70498, "data_time": 0.00961, "decode.loss_ce": 0.28165, "decode.acc_seg": 88.54014, "aux.loss_ce": 0.11582, "aux.acc_seg": 88.2099, "loss": 0.39747, "time": 1.3239} {"mode": "train", "epoch": 20, "iter": 24550, "lr": 3e-05, "memory": 70498, "data_time": 0.00972, "decode.loss_ce": 0.29659, "decode.acc_seg": 87.83674, "aux.loss_ce": 0.1207, "aux.acc_seg": 87.60254, "loss": 0.41729, "time": 1.3264} {"mode": "train", "epoch": 20, "iter": 24600, "lr": 3e-05, "memory": 70498, "data_time": 0.00967, "decode.loss_ce": 0.28211, "decode.acc_seg": 88.69281, "aux.loss_ce": 0.1151, "aux.acc_seg": 88.46975, "loss": 0.39721, "time": 1.31985} {"mode": "train", "epoch": 20, "iter": 24650, "lr": 3e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.29831, "decode.acc_seg": 88.10104, "aux.loss_ce": 0.12109, "aux.acc_seg": 87.94224, "loss": 0.4194, "time": 1.32337} {"mode": "train", "epoch": 20, "iter": 24700, "lr": 3e-05, "memory": 70498, "data_time": 0.00967, "decode.loss_ce": 0.29744, "decode.acc_seg": 87.95765, "aux.loss_ce": 0.11964, "aux.acc_seg": 87.88625, "loss": 0.41708, "time": 1.3212} {"mode": "train", "epoch": 20, "iter": 24750, "lr": 3e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.2943, "decode.acc_seg": 88.36807, "aux.loss_ce": 0.11983, "aux.acc_seg": 88.25047, "loss": 0.41413, "time": 1.3192} {"mode": "train", "epoch": 20, "iter": 24800, "lr": 3e-05, "memory": 70498, "data_time": 0.00947, "decode.loss_ce": 0.29867, "decode.acc_seg": 87.67457, "aux.loss_ce": 0.12229, "aux.acc_seg": 87.35546, "loss": 0.42096, "time": 1.32661} {"mode": "train", "epoch": 20, "iter": 24850, "lr": 3e-05, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.2966, "decode.acc_seg": 88.14923, "aux.loss_ce": 0.12087, "aux.acc_seg": 87.93323, "loss": 0.41747, "time": 1.32047} {"mode": "train", "epoch": 20, "iter": 24900, "lr": 3e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.29157, "decode.acc_seg": 88.04225, "aux.loss_ce": 0.11834, "aux.acc_seg": 87.95118, "loss": 0.4099, "time": 1.32869} {"mode": "train", "epoch": 20, "iter": 24950, "lr": 3e-05, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.2832, "decode.acc_seg": 88.64338, "aux.loss_ce": 0.11554, "aux.acc_seg": 88.48824, "loss": 0.39875, "time": 1.32404} {"mode": "train", "epoch": 20, "iter": 25000, "lr": 3e-05, "memory": 70498, "data_time": 0.00962, "decode.loss_ce": 0.29739, "decode.acc_seg": 87.96091, "aux.loss_ce": 0.12113, "aux.acc_seg": 87.82351, "loss": 0.41851, "time": 1.32526} {"mode": "val", "epoch": 20, "iter": 250, "lr": 3e-05, "aAcc": 0.8554, "mIoU": 0.5477, "mAcc": 0.6807, "IoU.wall": 0.8155, "IoU.building": 0.8494, "IoU.sky": 0.9489, "IoU.floor": 0.8514, "IoU.tree": 0.7637, "IoU.ceiling": 0.8737, "IoU.road": 0.8589, "IoU.bed ": 0.919, "IoU.windowpane": 0.65, "IoU.grass": 0.6724, "IoU.cabinet": 0.6363, "IoU.sidewalk": 0.6913, "IoU.person": 0.8423, "IoU.earth": 0.3852, "IoU.door": 0.5596, "IoU.table": 0.6498, "IoU.mountain": 0.6497, "IoU.plant": 0.5681, "IoU.curtain": 0.7802, "IoU.chair": 0.6453, "IoU.car": 0.8652, "IoU.water": 0.6472, "IoU.painting": 0.7528, "IoU.sofa": 0.8036, "IoU.shelf": 0.4699, "IoU.house": 0.551, "IoU.sea": 0.67, "IoU.mirror": 0.7484, "IoU.rug": 0.7279, "IoU.field": 0.3501, "IoU.armchair": 0.5807, "IoU.seat": 0.6661, "IoU.fence": 0.4735, "IoU.desk": 0.5455, "IoU.rock": 0.5845, "IoU.wardrobe": 0.5406, "IoU.lamp": 0.708, "IoU.bathtub": 0.7887, "IoU.railing": 0.4205, "IoU.cushion": 0.6752, "IoU.base": 0.3307, "IoU.box": 0.309, "IoU.column": 0.5497, "IoU.signboard": 0.3896, "IoU.chest of drawers": 0.4675, "IoU.counter": 0.3652, "IoU.sand": 0.4684, "IoU.sink": 0.7544, "IoU.skyscraper": 0.6077, "IoU.fireplace": 0.7085, "IoU.refrigerator": 0.7959, "IoU.grandstand": 0.5416, "IoU.path": 0.2385, "IoU.stairs": 0.3348, "IoU.runway": 0.726, "IoU.case": 0.5635, "IoU.pool table": 0.9381, "IoU.pillow": 0.6778, "IoU.screen door": 0.7775, "IoU.stairway": 0.4989, "IoU.river": 0.176, "IoU.bridge": 0.7772, "IoU.bookcase": 0.3515, "IoU.blind": 0.4252, "IoU.coffee table": 0.6331, "IoU.toilet": 0.874, "IoU.flower": 0.4096, "IoU.book": 0.5275, "IoU.hill": 0.0736, "IoU.bench": 0.5339, "IoU.countertop": 0.6488, "IoU.stove": 0.8317, "IoU.palm": 0.4983, "IoU.kitchen island": 0.4594, "IoU.computer": 0.5696, "IoU.swivel chair": 0.451, "IoU.boat": 0.5402, "IoU.bar": 0.5609, "IoU.arcade machine": 0.7488, "IoU.hovel": 0.262, "IoU.bus": 0.9038, "IoU.towel": 0.7279, "IoU.light": 0.5638, "IoU.truck": 0.429, "IoU.tower": 0.2454, "IoU.chandelier": 0.7114, "IoU.awning": 0.4843, "IoU.streetlight": 0.3252, "IoU.booth": 0.3558, "IoU.television receiver": 0.7768, "IoU.airplane": 0.6901, "IoU.dirt track": 0.3, "IoU.apparel": 0.4433, "IoU.pole": 0.245, "IoU.land": 0.0168, "IoU.bannister": 0.1569, "IoU.escalator": 0.6021, "IoU.ottoman": 0.5439, "IoU.bottle": 0.3833, "IoU.buffet": 0.4177, "IoU.poster": 0.334, "IoU.stage": 0.1869, "IoU.van": 0.4453, "IoU.ship": 0.8149, "IoU.fountain": 0.2189, "IoU.conveyer belt": 0.7349, "IoU.canopy": 0.4916, "IoU.washer": 0.8808, "IoU.plaything": 0.2021, "IoU.swimming pool": 0.597, "IoU.stool": 0.5476, "IoU.barrel": 0.5681, "IoU.basket": 0.3193, "IoU.waterfall": 0.6441, "IoU.tent": 0.9337, "IoU.bag": 0.162, "IoU.minibike": 0.7092, "IoU.cradle": 0.751, "IoU.oven": 0.617, "IoU.ball": 0.3977, "IoU.food": 0.4448, "IoU.step": 0.0818, "IoU.tank": 0.617, "IoU.trade name": 0.301, "IoU.microwave": 0.8799, "IoU.pot": 0.5264, "IoU.animal": 0.6598, "IoU.bicycle": 0.563, "IoU.lake": 0.5278, "IoU.dishwasher": 0.6885, "IoU.screen": 0.618, "IoU.blanket": 0.2259, "IoU.sculpture": 0.704, "IoU.hood": 0.5969, "IoU.sconce": 0.5309, "IoU.vase": 0.4274, "IoU.traffic light": 0.3109, "IoU.tray": 0.1031, "IoU.ashcan": 0.4118, "IoU.fan": 0.6339, "IoU.pier": 0.3595, "IoU.crt screen": 0.1543, "IoU.plate": 0.5888, "IoU.monitor": 0.3664, "IoU.bulletin board": 0.4817, "IoU.shower": 0.0086, "IoU.radiator": 0.6493, "IoU.glass": 0.1712, "IoU.clock": 0.3784, "IoU.flag": 0.6964, "Acc.wall": 0.8958, "Acc.building": 0.9238, "Acc.sky": 0.9773, "Acc.floor": 0.9117, "Acc.tree": 0.9113, "Acc.ceiling": 0.9423, "Acc.road": 0.8966, "Acc.bed ": 0.9648, "Acc.windowpane": 0.8037, "Acc.grass": 0.8399, "Acc.cabinet": 0.7516, "Acc.sidewalk": 0.8731, "Acc.person": 0.9341, "Acc.earth": 0.5185, "Acc.door": 0.7033, "Acc.table": 0.8097, "Acc.mountain": 0.7184, "Acc.plant": 0.6875, "Acc.curtain": 0.9219, "Acc.chair": 0.7646, "Acc.car": 0.9241, "Acc.water": 0.7884, "Acc.painting": 0.889, "Acc.sofa": 0.8778, "Acc.shelf": 0.6529, "Acc.house": 0.662, "Acc.sea": 0.8305, "Acc.mirror": 0.7966, "Acc.rug": 0.8389, "Acc.field": 0.5484, "Acc.armchair": 0.7694, "Acc.seat": 0.8668, "Acc.fence": 0.5939, "Acc.desk": 0.7908, "Acc.rock": 0.8803, "Acc.wardrobe": 0.7691, "Acc.lamp": 0.8114, "Acc.bathtub": 0.8064, "Acc.railing": 0.5675, "Acc.cushion": 0.8123, "Acc.base": 0.508, "Acc.box": 0.4245, "Acc.column": 0.6738, "Acc.signboard": 0.4559, "Acc.chest of drawers": 0.676, "Acc.counter": 0.4655, "Acc.sand": 0.6364, "Acc.sink": 0.8141, "Acc.skyscraper": 0.8106, "Acc.fireplace": 0.9045, "Acc.refrigerator": 0.9175, "Acc.grandstand": 0.8291, "Acc.path": 0.3445, "Acc.stairs": 0.455, "Acc.runway": 0.9471, "Acc.case": 0.8122, "Acc.pool table": 0.9737, "Acc.pillow": 0.7818, "Acc.screen door": 0.8559, "Acc.stairway": 0.6071, "Acc.river": 0.3024, "Acc.bridge": 0.9082, "Acc.bookcase": 0.6102, "Acc.blind": 0.4591, "Acc.coffee table": 0.88, "Acc.toilet": 0.9295, "Acc.flower": 0.5066, "Acc.book": 0.6799, "Acc.hill": 0.1464, "Acc.bench": 0.6161, "Acc.countertop": 0.8374, "Acc.stove": 0.8887, "Acc.palm": 0.8921, "Acc.kitchen island": 0.8028, "Acc.computer": 0.6166, "Acc.swivel chair": 0.7914, "Acc.boat": 0.8703, "Acc.bar": 0.7351, "Acc.arcade machine": 0.8334, "Acc.hovel": 0.3162, "Acc.bus": 0.9572, "Acc.towel": 0.7987, "Acc.light": 0.6285, "Acc.truck": 0.5877, "Acc.tower": 0.4457, "Acc.chandelier": 0.8539, "Acc.awning": 0.6332, "Acc.streetlight": 0.4615, "Acc.booth": 0.431, "Acc.television receiver": 0.8872, "Acc.airplane": 0.7384, "Acc.dirt track": 0.6658, "Acc.apparel": 0.6311, "Acc.pole": 0.3291, "Acc.land": 0.0259, "Acc.bannister": 0.248, "Acc.escalator": 0.7877, "Acc.ottoman": 0.7253, "Acc.bottle": 0.5012, "Acc.buffet": 0.4684, "Acc.poster": 0.4641, "Acc.stage": 0.3437, "Acc.van": 0.5779, "Acc.ship": 0.8229, "Acc.fountain": 0.2457, "Acc.conveyer belt": 0.9312, "Acc.canopy": 0.6042, "Acc.washer": 0.9602, "Acc.plaything": 0.4283, "Acc.swimming pool": 0.9228, "Acc.stool": 0.6186, "Acc.barrel": 0.6432, "Acc.basket": 0.5724, "Acc.waterfall": 0.9393, "Acc.tent": 0.9775, "Acc.bag": 0.1931, "Acc.minibike": 0.8161, "Acc.cradle": 0.973, "Acc.oven": 0.7759, "Acc.ball": 0.7436, "Acc.food": 0.4497, "Acc.step": 0.0901, "Acc.tank": 0.8439, "Acc.trade name": 0.3362, "Acc.microwave": 0.9429, "Acc.pot": 0.6595, "Acc.animal": 0.6775, "Acc.bicycle": 0.8108, "Acc.lake": 0.6343, "Acc.dishwasher": 0.8059, "Acc.screen": 0.7592, "Acc.blanket": 0.2633, "Acc.sculpture": 0.8468, "Acc.hood": 0.6964, "Acc.sconce": 0.6048, "Acc.vase": 0.5569, "Acc.traffic light": 0.6018, "Acc.tray": 0.1503, "Acc.ashcan": 0.5907, "Acc.fan": 0.7877, "Acc.pier": 0.4529, "Acc.crt screen": 0.1981, "Acc.plate": 0.6706, "Acc.monitor": 0.8059, "Acc.bulletin board": 0.6092, "Acc.shower": 0.0102, "Acc.radiator": 0.7721, "Acc.glass": 0.1826, "Acc.clock": 0.4551, "Acc.flag": 0.7433} {"mode": "train", "epoch": 20, "iter": 25050, "lr": 3e-05, "memory": 70498, "data_time": 1.96643, "decode.loss_ce": 0.29088, "decode.acc_seg": 88.0449, "aux.loss_ce": 0.11844, "aux.acc_seg": 88.00535, "loss": 0.40933, "time": 3.28273} {"mode": "train", "epoch": 20, "iter": 25100, "lr": 3e-05, "memory": 70498, "data_time": 0.00965, "decode.loss_ce": 0.29109, "decode.acc_seg": 88.07866, "aux.loss_ce": 0.11858, "aux.acc_seg": 87.81353, "loss": 0.40967, "time": 1.32237} {"mode": "train", "epoch": 20, "iter": 25150, "lr": 3e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.28542, "decode.acc_seg": 88.13013, "aux.loss_ce": 0.11688, "aux.acc_seg": 87.98984, "loss": 0.4023, "time": 1.31945} {"mode": "train", "epoch": 20, "iter": 25200, "lr": 3e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.28174, "decode.acc_seg": 88.36201, "aux.loss_ce": 0.11481, "aux.acc_seg": 88.1349, "loss": 0.39656, "time": 1.32638} {"mode": "train", "epoch": 20, "iter": 25250, "lr": 3e-05, "memory": 70498, "data_time": 0.00948, "decode.loss_ce": 0.28661, "decode.acc_seg": 88.43011, "aux.loss_ce": 0.11756, "aux.acc_seg": 88.28425, "loss": 0.40418, "time": 1.3215} {"mode": "train", "epoch": 21, "iter": 25300, "lr": 3e-05, "memory": 70498, "data_time": 0.05981, "decode.loss_ce": 0.27787, "decode.acc_seg": 88.7289, "aux.loss_ce": 0.11272, "aux.acc_seg": 88.62362, "loss": 0.39059, "time": 1.37196} {"mode": "train", "epoch": 21, "iter": 25350, "lr": 3e-05, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.27015, "decode.acc_seg": 88.91041, "aux.loss_ce": 0.11041, "aux.acc_seg": 88.75691, "loss": 0.38056, "time": 1.33551} {"mode": "train", "epoch": 21, "iter": 25400, "lr": 3e-05, "memory": 70498, "data_time": 0.00965, "decode.loss_ce": 0.27583, "decode.acc_seg": 88.78848, "aux.loss_ce": 0.11335, "aux.acc_seg": 88.5283, "loss": 0.38918, "time": 1.31821} {"mode": "train", "epoch": 21, "iter": 25450, "lr": 3e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.31006, "decode.acc_seg": 87.79637, "aux.loss_ce": 0.1266, "aux.acc_seg": 87.63933, "loss": 0.43665, "time": 1.31979} {"mode": "train", "epoch": 21, "iter": 25500, "lr": 3e-05, "memory": 70498, "data_time": 0.00969, "decode.loss_ce": 0.27213, "decode.acc_seg": 88.88799, "aux.loss_ce": 0.11127, "aux.acc_seg": 88.64663, "loss": 0.38341, "time": 1.32098} {"mode": "train", "epoch": 21, "iter": 25550, "lr": 3e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.27824, "decode.acc_seg": 88.65898, "aux.loss_ce": 0.11353, "aux.acc_seg": 88.42731, "loss": 0.39176, "time": 1.3315} {"mode": "train", "epoch": 21, "iter": 25600, "lr": 3e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.30584, "decode.acc_seg": 87.6053, "aux.loss_ce": 0.12453, "aux.acc_seg": 87.46867, "loss": 0.43037, "time": 1.3234} {"mode": "train", "epoch": 21, "iter": 25650, "lr": 3e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.29226, "decode.acc_seg": 88.42285, "aux.loss_ce": 0.11974, "aux.acc_seg": 88.1608, "loss": 0.41201, "time": 1.32137} {"mode": "train", "epoch": 21, "iter": 25700, "lr": 3e-05, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.27698, "decode.acc_seg": 88.64538, "aux.loss_ce": 0.11369, "aux.acc_seg": 88.3356, "loss": 0.39068, "time": 1.32437} {"mode": "train", "epoch": 21, "iter": 25750, "lr": 3e-05, "memory": 70498, "data_time": 0.00956, "decode.loss_ce": 0.28691, "decode.acc_seg": 88.46342, "aux.loss_ce": 0.11733, "aux.acc_seg": 88.17687, "loss": 0.40424, "time": 1.32937} {"mode": "train", "epoch": 21, "iter": 25800, "lr": 3e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.27142, "decode.acc_seg": 89.05469, "aux.loss_ce": 0.11127, "aux.acc_seg": 88.86455, "loss": 0.38269, "time": 1.3244} {"mode": "train", "epoch": 21, "iter": 25850, "lr": 3e-05, "memory": 70498, "data_time": 0.00962, "decode.loss_ce": 0.29104, "decode.acc_seg": 88.1887, "aux.loss_ce": 0.11867, "aux.acc_seg": 87.97994, "loss": 0.40972, "time": 1.32205} {"mode": "train", "epoch": 21, "iter": 25900, "lr": 3e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.27529, "decode.acc_seg": 88.62114, "aux.loss_ce": 0.11228, "aux.acc_seg": 88.5576, "loss": 0.38757, "time": 1.32345} {"mode": "train", "epoch": 21, "iter": 25950, "lr": 3e-05, "memory": 70498, "data_time": 0.00983, "decode.loss_ce": 0.28298, "decode.acc_seg": 88.51501, "aux.loss_ce": 0.11487, "aux.acc_seg": 88.09684, "loss": 0.39785, "time": 1.32736} {"mode": "train", "epoch": 21, "iter": 26000, "lr": 3e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.27021, "decode.acc_seg": 88.97427, "aux.loss_ce": 0.11008, "aux.acc_seg": 88.76148, "loss": 0.38029, "time": 3.34934} {"mode": "val", "epoch": 21, "iter": 250, "lr": 3e-05, "aAcc": 0.8523, "mIoU": 0.539, "mAcc": 0.6708, "IoU.wall": 0.8097, "IoU.building": 0.8472, "IoU.sky": 0.9481, "IoU.floor": 0.8552, "IoU.tree": 0.7741, "IoU.ceiling": 0.8709, "IoU.road": 0.8668, "IoU.bed ": 0.9201, "IoU.windowpane": 0.6545, "IoU.grass": 0.6349, "IoU.cabinet": 0.6526, "IoU.sidewalk": 0.7191, "IoU.person": 0.8475, "IoU.earth": 0.3917, "IoU.door": 0.5835, "IoU.table": 0.659, "IoU.mountain": 0.5969, "IoU.plant": 0.5673, "IoU.curtain": 0.7551, "IoU.chair": 0.6466, "IoU.car": 0.8579, "IoU.water": 0.5677, "IoU.painting": 0.7687, "IoU.sofa": 0.801, "IoU.shelf": 0.4502, "IoU.house": 0.5295, "IoU.sea": 0.6454, "IoU.mirror": 0.7686, "IoU.rug": 0.711, "IoU.field": 0.3171, "IoU.armchair": 0.5925, "IoU.seat": 0.6657, "IoU.fence": 0.5002, "IoU.desk": 0.5545, "IoU.rock": 0.4967, "IoU.wardrobe": 0.5256, "IoU.lamp": 0.7116, "IoU.bathtub": 0.8191, "IoU.railing": 0.4023, "IoU.cushion": 0.6115, "IoU.base": 0.4005, "IoU.box": 0.3284, "IoU.column": 0.5401, "IoU.signboard": 0.4032, "IoU.chest of drawers": 0.4364, "IoU.counter": 0.3969, "IoU.sand": 0.4313, "IoU.sink": 0.752, "IoU.skyscraper": 0.4969, "IoU.fireplace": 0.7081, "IoU.refrigerator": 0.7903, "IoU.grandstand": 0.484, "IoU.path": 0.2865, "IoU.stairs": 0.3124, "IoU.runway": 0.6392, "IoU.case": 0.5074, "IoU.pool table": 0.9459, "IoU.pillow": 0.6799, "IoU.screen door": 0.7932, "IoU.stairway": 0.4372, "IoU.river": 0.136, "IoU.bridge": 0.7524, "IoU.bookcase": 0.3444, "IoU.blind": 0.4868, "IoU.coffee table": 0.6217, "IoU.toilet": 0.8747, "IoU.flower": 0.3787, "IoU.book": 0.5218, "IoU.hill": 0.0601, "IoU.bench": 0.5278, "IoU.countertop": 0.6268, "IoU.stove": 0.8392, "IoU.palm": 0.5642, "IoU.kitchen island": 0.4412, "IoU.computer": 0.7764, "IoU.swivel chair": 0.5061, "IoU.boat": 0.5726, "IoU.bar": 0.5381, "IoU.arcade machine": 0.8344, "IoU.hovel": 0.4097, "IoU.bus": 0.9286, "IoU.towel": 0.7233, "IoU.light": 0.5963, "IoU.truck": 0.3818, "IoU.tower": 0.2651, "IoU.chandelier": 0.707, "IoU.awning": 0.4484, "IoU.streetlight": 0.2983, "IoU.booth": 0.4955, "IoU.television receiver": 0.6672, "IoU.airplane": 0.6567, "IoU.dirt track": 0.2749, "IoU.apparel": 0.3931, "IoU.pole": 0.1979, "IoU.land": 0.0, "IoU.bannister": 0.1539, "IoU.escalator": 0.5508, "IoU.ottoman": 0.5077, "IoU.bottle": 0.254, "IoU.buffet": 0.5018, "IoU.poster": 0.2865, "IoU.stage": 0.256, "IoU.van": 0.4349, "IoU.ship": 0.8902, "IoU.fountain": 0.2061, "IoU.conveyer belt": 0.7102, "IoU.canopy": 0.4793, "IoU.washer": 0.6838, "IoU.plaything": 0.1855, "IoU.swimming pool": 0.4814, "IoU.stool": 0.5117, "IoU.barrel": 0.5323, "IoU.basket": 0.36, "IoU.waterfall": 0.6822, "IoU.tent": 0.9481, "IoU.bag": 0.1752, "IoU.minibike": 0.6845, "IoU.cradle": 0.8122, "IoU.oven": 0.5974, "IoU.ball": 0.3131, "IoU.food": 0.6236, "IoU.step": 0.1169, "IoU.tank": 0.6241, "IoU.trade name": 0.3657, "IoU.microwave": 0.8998, "IoU.pot": 0.5537, "IoU.animal": 0.6266, "IoU.bicycle": 0.6004, "IoU.lake": 0.0004, "IoU.dishwasher": 0.6093, "IoU.screen": 0.5978, "IoU.blanket": 0.2509, "IoU.sculpture": 0.7112, "IoU.hood": 0.5936, "IoU.sconce": 0.4966, "IoU.vase": 0.4296, "IoU.traffic light": 0.2857, "IoU.tray": 0.0947, "IoU.ashcan": 0.4265, "IoU.fan": 0.6449, "IoU.pier": 0.3783, "IoU.crt screen": 0.0494, "IoU.plate": 0.5536, "IoU.monitor": 0.2231, "IoU.bulletin board": 0.5276, "IoU.shower": 0.0, "IoU.radiator": 0.612, "IoU.glass": 0.1646, "IoU.clock": 0.3776, "IoU.flag": 0.7002, "Acc.wall": 0.8884, "Acc.building": 0.9358, "Acc.sky": 0.9747, "Acc.floor": 0.9131, "Acc.tree": 0.8912, "Acc.ceiling": 0.9261, "Acc.road": 0.9313, "Acc.bed ": 0.9631, "Acc.windowpane": 0.7803, "Acc.grass": 0.7344, "Acc.cabinet": 0.7611, "Acc.sidewalk": 0.8383, "Acc.person": 0.9299, "Acc.earth": 0.571, "Acc.door": 0.7707, "Acc.table": 0.7838, "Acc.mountain": 0.7219, "Acc.plant": 0.6732, "Acc.curtain": 0.9004, "Acc.chair": 0.7607, "Acc.car": 0.9363, "Acc.water": 0.688, "Acc.painting": 0.9082, "Acc.sofa": 0.9119, "Acc.shelf": 0.6232, "Acc.house": 0.6863, "Acc.sea": 0.8003, "Acc.mirror": 0.8557, "Acc.rug": 0.8299, "Acc.field": 0.5904, "Acc.armchair": 0.7567, "Acc.seat": 0.883, "Acc.fence": 0.6633, "Acc.desk": 0.7517, "Acc.rock": 0.8026, "Acc.wardrobe": 0.6828, "Acc.lamp": 0.8133, "Acc.bathtub": 0.8525, "Acc.railing": 0.6334, "Acc.cushion": 0.6687, "Acc.base": 0.5598, "Acc.box": 0.4936, "Acc.column": 0.6632, "Acc.signboard": 0.5355, "Acc.chest of drawers": 0.6381, "Acc.counter": 0.5885, "Acc.sand": 0.5822, "Acc.sink": 0.826, "Acc.skyscraper": 0.6131, "Acc.fireplace": 0.9534, "Acc.refrigerator": 0.8663, "Acc.grandstand": 0.8658, "Acc.path": 0.4366, "Acc.stairs": 0.4075, "Acc.runway": 0.8245, "Acc.case": 0.6796, "Acc.pool table": 0.9744, "Acc.pillow": 0.8474, "Acc.screen door": 0.8269, "Acc.stairway": 0.5218, "Acc.river": 0.5174, "Acc.bridge": 0.9094, "Acc.bookcase": 0.4954, "Acc.blind": 0.6064, "Acc.coffee table": 0.8941, "Acc.toilet": 0.9296, "Acc.flower": 0.4233, "Acc.book": 0.7002, "Acc.hill": 0.085, "Acc.bench": 0.6191, "Acc.countertop": 0.8317, "Acc.stove": 0.9061, "Acc.palm": 0.7661, "Acc.kitchen island": 0.9054, "Acc.computer": 0.933, "Acc.swivel chair": 0.7305, "Acc.boat": 0.8706, "Acc.bar": 0.7275, "Acc.arcade machine": 0.9529, "Acc.hovel": 0.4866, "Acc.bus": 0.9583, "Acc.towel": 0.8203, "Acc.light": 0.7109, "Acc.truck": 0.5015, "Acc.tower": 0.452, "Acc.chandelier": 0.8786, "Acc.awning": 0.5271, "Acc.streetlight": 0.3885, "Acc.booth": 0.696, "Acc.television receiver": 0.898, "Acc.airplane": 0.7357, "Acc.dirt track": 0.6453, "Acc.apparel": 0.4965, "Acc.pole": 0.233, "Acc.land": 0.0, "Acc.bannister": 0.248, "Acc.escalator": 0.7977, "Acc.ottoman": 0.7458, "Acc.bottle": 0.3133, "Acc.buffet": 0.6799, "Acc.poster": 0.482, "Acc.stage": 0.5575, "Acc.van": 0.5605, "Acc.ship": 0.9769, "Acc.fountain": 0.2092, "Acc.conveyer belt": 0.9395, "Acc.canopy": 0.5194, "Acc.washer": 0.7808, "Acc.plaything": 0.2574, "Acc.swimming pool": 0.4869, "Acc.stool": 0.6501, "Acc.barrel": 0.6482, "Acc.basket": 0.5491, "Acc.waterfall": 0.835, "Acc.tent": 0.9822, "Acc.bag": 0.2015, "Acc.minibike": 0.8836, "Acc.cradle": 0.9802, "Acc.oven": 0.8117, "Acc.ball": 0.3228, "Acc.food": 0.795, "Acc.step": 0.1435, "Acc.tank": 0.647, "Acc.trade name": 0.454, "Acc.microwave": 0.9371, "Acc.pot": 0.6727, "Acc.animal": 0.643, "Acc.bicycle": 0.7692, "Acc.lake": 0.0004, "Acc.dishwasher": 0.817, "Acc.screen": 0.9309, "Acc.blanket": 0.2832, "Acc.sculpture": 0.7872, "Acc.hood": 0.7184, "Acc.sconce": 0.543, "Acc.vase": 0.5294, "Acc.traffic light": 0.6128, "Acc.tray": 0.119, "Acc.ashcan": 0.6216, "Acc.fan": 0.7673, "Acc.pier": 0.5543, "Acc.crt screen": 0.1271, "Acc.plate": 0.7885, "Acc.monitor": 0.2482, "Acc.bulletin board": 0.5477, "Acc.shower": 0.0, "Acc.radiator": 0.8165, "Acc.glass": 0.1759, "Acc.clock": 0.4527, "Acc.flag": 0.7728} {"mode": "train", "epoch": 21, "iter": 26050, "lr": 3e-05, "memory": 70498, "data_time": 1.95437, "decode.loss_ce": 0.27426, "decode.acc_seg": 88.4642, "aux.loss_ce": 0.11216, "aux.acc_seg": 88.15818, "loss": 0.38642, "time": 3.2737} {"mode": "train", "epoch": 21, "iter": 26100, "lr": 3e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.28432, "decode.acc_seg": 88.18097, "aux.loss_ce": 0.11604, "aux.acc_seg": 87.97116, "loss": 0.40036, "time": 1.32255} {"mode": "train", "epoch": 21, "iter": 26150, "lr": 3e-05, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.28034, "decode.acc_seg": 88.7199, "aux.loss_ce": 0.11412, "aux.acc_seg": 88.41319, "loss": 0.39446, "time": 1.32488} {"mode": "train", "epoch": 21, "iter": 26200, "lr": 3e-05, "memory": 70498, "data_time": 0.00944, "decode.loss_ce": 0.28802, "decode.acc_seg": 88.57494, "aux.loss_ce": 0.11783, "aux.acc_seg": 88.27402, "loss": 0.40585, "time": 1.32944} {"mode": "train", "epoch": 21, "iter": 26250, "lr": 3e-05, "memory": 70498, "data_time": 0.00943, "decode.loss_ce": 0.28241, "decode.acc_seg": 88.09596, "aux.loss_ce": 0.11537, "aux.acc_seg": 87.93315, "loss": 0.39778, "time": 1.32503} {"mode": "train", "epoch": 21, "iter": 26300, "lr": 3e-05, "memory": 70498, "data_time": 0.00976, "decode.loss_ce": 0.27297, "decode.acc_seg": 88.79812, "aux.loss_ce": 0.11214, "aux.acc_seg": 88.43945, "loss": 0.38512, "time": 1.33} {"mode": "train", "epoch": 21, "iter": 26350, "lr": 3e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.28543, "decode.acc_seg": 88.11043, "aux.loss_ce": 0.11617, "aux.acc_seg": 87.84268, "loss": 0.4016, "time": 1.32102} {"mode": "train", "epoch": 21, "iter": 26400, "lr": 3e-05, "memory": 70498, "data_time": 0.00974, "decode.loss_ce": 0.30093, "decode.acc_seg": 87.72044, "aux.loss_ce": 0.12289, "aux.acc_seg": 87.46094, "loss": 0.42382, "time": 1.32515} {"mode": "train", "epoch": 21, "iter": 26450, "lr": 3e-05, "memory": 70498, "data_time": 0.00946, "decode.loss_ce": 0.3051, "decode.acc_seg": 88.06248, "aux.loss_ce": 0.12522, "aux.acc_seg": 87.67997, "loss": 0.43032, "time": 1.32383} {"mode": "train", "epoch": 21, "iter": 26500, "lr": 3e-05, "memory": 70498, "data_time": 0.00946, "decode.loss_ce": 0.29374, "decode.acc_seg": 88.39284, "aux.loss_ce": 0.11854, "aux.acc_seg": 88.22837, "loss": 0.41228, "time": 1.32582} {"mode": "train", "epoch": 22, "iter": 26550, "lr": 3e-05, "memory": 70498, "data_time": 0.05147, "decode.loss_ce": 0.29545, "decode.acc_seg": 87.82664, "aux.loss_ce": 0.12002, "aux.acc_seg": 87.57663, "loss": 0.41547, "time": 1.37025} {"mode": "train", "epoch": 22, "iter": 26600, "lr": 3e-05, "memory": 70498, "data_time": 0.00948, "decode.loss_ce": 0.27366, "decode.acc_seg": 88.87199, "aux.loss_ce": 0.11122, "aux.acc_seg": 88.67862, "loss": 0.38488, "time": 1.32071} {"mode": "train", "epoch": 22, "iter": 26650, "lr": 3e-05, "memory": 70498, "data_time": 0.0097, "decode.loss_ce": 0.27981, "decode.acc_seg": 88.47962, "aux.loss_ce": 0.11371, "aux.acc_seg": 88.41596, "loss": 0.39352, "time": 1.32723} {"mode": "train", "epoch": 22, "iter": 26700, "lr": 3e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.27704, "decode.acc_seg": 89.00599, "aux.loss_ce": 0.1131, "aux.acc_seg": 88.76229, "loss": 0.39014, "time": 1.32581} {"mode": "train", "epoch": 22, "iter": 26750, "lr": 3e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.28311, "decode.acc_seg": 88.64619, "aux.loss_ce": 0.11624, "aux.acc_seg": 88.331, "loss": 0.39935, "time": 1.33105} {"mode": "train", "epoch": 22, "iter": 26800, "lr": 3e-05, "memory": 70498, "data_time": 0.00962, "decode.loss_ce": 0.28416, "decode.acc_seg": 88.72091, "aux.loss_ce": 0.11687, "aux.acc_seg": 88.41768, "loss": 0.40103, "time": 1.33026} {"mode": "train", "epoch": 22, "iter": 26850, "lr": 3e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.28826, "decode.acc_seg": 88.24888, "aux.loss_ce": 0.11674, "aux.acc_seg": 88.09579, "loss": 0.40499, "time": 1.32819} {"mode": "train", "epoch": 22, "iter": 26900, "lr": 3e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.2676, "decode.acc_seg": 88.74021, "aux.loss_ce": 0.10951, "aux.acc_seg": 88.47087, "loss": 0.37711, "time": 1.32356} {"mode": "train", "epoch": 22, "iter": 26950, "lr": 3e-05, "memory": 70498, "data_time": 0.00945, "decode.loss_ce": 0.27765, "decode.acc_seg": 88.44092, "aux.loss_ce": 0.11323, "aux.acc_seg": 88.2506, "loss": 0.39087, "time": 1.32611} {"mode": "train", "epoch": 22, "iter": 27000, "lr": 3e-05, "memory": 70498, "data_time": 0.00979, "decode.loss_ce": 0.28101, "decode.acc_seg": 88.9851, "aux.loss_ce": 0.11497, "aux.acc_seg": 88.73229, "loss": 0.39598, "time": 1.32773} {"mode": "val", "epoch": 22, "iter": 250, "lr": 3e-05, "aAcc": 0.8526, "mIoU": 0.5513, "mAcc": 0.6909, "IoU.wall": 0.8094, "IoU.building": 0.8407, "IoU.sky": 0.9482, "IoU.floor": 0.8476, "IoU.tree": 0.7726, "IoU.ceiling": 0.8529, "IoU.road": 0.8636, "IoU.bed ": 0.9151, "IoU.windowpane": 0.6536, "IoU.grass": 0.6673, "IoU.cabinet": 0.64, "IoU.sidewalk": 0.7089, "IoU.person": 0.8463, "IoU.earth": 0.3496, "IoU.door": 0.5676, "IoU.table": 0.6616, "IoU.mountain": 0.6702, "IoU.plant": 0.564, "IoU.curtain": 0.7863, "IoU.chair": 0.6384, "IoU.car": 0.8523, "IoU.water": 0.6303, "IoU.painting": 0.7836, "IoU.sofa": 0.7801, "IoU.shelf": 0.4508, "IoU.house": 0.556, "IoU.sea": 0.6806, "IoU.mirror": 0.7498, "IoU.rug": 0.7156, "IoU.field": 0.3817, "IoU.armchair": 0.5617, "IoU.seat": 0.6468, "IoU.fence": 0.4595, "IoU.desk": 0.5772, "IoU.rock": 0.6092, "IoU.wardrobe": 0.5443, "IoU.lamp": 0.7132, "IoU.bathtub": 0.8211, "IoU.railing": 0.3671, "IoU.cushion": 0.6624, "IoU.base": 0.2883, "IoU.box": 0.3012, "IoU.column": 0.545, "IoU.signboard": 0.404, "IoU.chest of drawers": 0.4564, "IoU.counter": 0.5427, "IoU.sand": 0.5489, "IoU.sink": 0.7032, "IoU.skyscraper": 0.4826, "IoU.fireplace": 0.7509, "IoU.refrigerator": 0.7217, "IoU.grandstand": 0.5163, "IoU.path": 0.2892, "IoU.stairs": 0.3352, "IoU.runway": 0.7266, "IoU.case": 0.6144, "IoU.pool table": 0.9431, "IoU.pillow": 0.6403, "IoU.screen door": 0.8444, "IoU.stairway": 0.4578, "IoU.river": 0.116, "IoU.bridge": 0.6854, "IoU.bookcase": 0.4188, "IoU.blind": 0.465, "IoU.coffee table": 0.6027, "IoU.toilet": 0.8809, "IoU.flower": 0.4435, "IoU.book": 0.5438, "IoU.hill": 0.0474, "IoU.bench": 0.4793, "IoU.countertop": 0.6452, "IoU.stove": 0.8284, "IoU.palm": 0.5384, "IoU.kitchen island": 0.3867, "IoU.computer": 0.7578, "IoU.swivel chair": 0.46, "IoU.boat": 0.5706, "IoU.bar": 0.6385, "IoU.arcade machine": 0.7603, "IoU.hovel": 0.1093, "IoU.bus": 0.9166, "IoU.towel": 0.7004, "IoU.light": 0.6021, "IoU.truck": 0.4733, "IoU.tower": 0.1923, "IoU.chandelier": 0.7135, "IoU.awning": 0.4376, "IoU.streetlight": 0.3428, "IoU.booth": 0.5223, "IoU.television receiver": 0.7628, "IoU.airplane": 0.6222, "IoU.dirt track": 0.2891, "IoU.apparel": 0.5062, "IoU.pole": 0.2794, "IoU.land": 0.0356, "IoU.bannister": 0.1704, "IoU.escalator": 0.5476, "IoU.ottoman": 0.5284, "IoU.bottle": 0.3884, "IoU.buffet": 0.5666, "IoU.poster": 0.3344, "IoU.stage": 0.2421, "IoU.van": 0.4304, "IoU.ship": 0.8153, "IoU.fountain": 0.1594, "IoU.conveyer belt": 0.7792, "IoU.canopy": 0.4264, "IoU.washer": 0.7016, "IoU.plaything": 0.2427, "IoU.swimming pool": 0.681, "IoU.stool": 0.5517, "IoU.barrel": 0.4983, "IoU.basket": 0.3601, "IoU.waterfall": 0.7387, "IoU.tent": 0.8256, "IoU.bag": 0.0877, "IoU.minibike": 0.7141, "IoU.cradle": 0.8145, "IoU.oven": 0.6338, "IoU.ball": 0.4995, "IoU.food": 0.6643, "IoU.step": 0.1203, "IoU.tank": 0.7151, "IoU.trade name": 0.1821, "IoU.microwave": 0.8942, "IoU.pot": 0.5174, "IoU.animal": 0.6086, "IoU.bicycle": 0.5424, "IoU.lake": 0.4061, "IoU.dishwasher": 0.6692, "IoU.screen": 0.5961, "IoU.blanket": 0.2399, "IoU.sculpture": 0.736, "IoU.hood": 0.6047, "IoU.sconce": 0.5327, "IoU.vase": 0.4107, "IoU.traffic light": 0.3334, "IoU.tray": 0.0895, "IoU.ashcan": 0.4273, "IoU.fan": 0.6504, "IoU.pier": 0.3448, "IoU.crt screen": 0.0231, "IoU.plate": 0.5495, "IoU.monitor": 0.6967, "IoU.bulletin board": 0.4777, "IoU.shower": 0.008, "IoU.radiator": 0.6117, "IoU.glass": 0.1726, "IoU.clock": 0.3902, "IoU.flag": 0.7026, "Acc.wall": 0.8778, "Acc.building": 0.9221, "Acc.sky": 0.9718, "Acc.floor": 0.9027, "Acc.tree": 0.9032, "Acc.ceiling": 0.9181, "Acc.road": 0.9012, "Acc.bed ": 0.9771, "Acc.windowpane": 0.7861, "Acc.grass": 0.8213, "Acc.cabinet": 0.7304, "Acc.sidewalk": 0.8905, "Acc.person": 0.9295, "Acc.earth": 0.4709, "Acc.door": 0.7445, "Acc.table": 0.7989, "Acc.mountain": 0.7911, "Acc.plant": 0.6669, "Acc.curtain": 0.9164, "Acc.chair": 0.7748, "Acc.car": 0.9226, "Acc.water": 0.7623, "Acc.painting": 0.8895, "Acc.sofa": 0.9353, "Acc.shelf": 0.6945, "Acc.house": 0.7627, "Acc.sea": 0.8172, "Acc.mirror": 0.8213, "Acc.rug": 0.8336, "Acc.field": 0.5899, "Acc.armchair": 0.6864, "Acc.seat": 0.8665, "Acc.fence": 0.6078, "Acc.desk": 0.7723, "Acc.rock": 0.8756, "Acc.wardrobe": 0.7904, "Acc.lamp": 0.856, "Acc.bathtub": 0.8548, "Acc.railing": 0.4879, "Acc.cushion": 0.7892, "Acc.base": 0.7943, "Acc.box": 0.3769, "Acc.column": 0.6795, "Acc.signboard": 0.5513, "Acc.chest of drawers": 0.6284, "Acc.counter": 0.6899, "Acc.sand": 0.7731, "Acc.sink": 0.8665, "Acc.skyscraper": 0.6675, "Acc.fireplace": 0.8966, "Acc.refrigerator": 0.9106, "Acc.grandstand": 0.8298, "Acc.path": 0.4027, "Acc.stairs": 0.4539, "Acc.runway": 0.9505, "Acc.case": 0.7967, "Acc.pool table": 0.9771, "Acc.pillow": 0.7179, "Acc.screen door": 0.9098, "Acc.stairway": 0.5833, "Acc.river": 0.2717, "Acc.bridge": 0.8876, "Acc.bookcase": 0.6105, "Acc.blind": 0.5344, "Acc.coffee table": 0.9025, "Acc.toilet": 0.9286, "Acc.flower": 0.557, "Acc.book": 0.732, "Acc.hill": 0.1373, "Acc.bench": 0.6009, "Acc.countertop": 0.7896, "Acc.stove": 0.8786, "Acc.palm": 0.7852, "Acc.kitchen island": 0.6426, "Acc.computer": 0.9526, "Acc.swivel chair": 0.7775, "Acc.boat": 0.8324, "Acc.bar": 0.7243, "Acc.arcade machine": 0.8799, "Acc.hovel": 0.1115, "Acc.bus": 0.9549, "Acc.towel": 0.7697, "Acc.light": 0.7117, "Acc.truck": 0.672, "Acc.tower": 0.3903, "Acc.chandelier": 0.889, "Acc.awning": 0.6044, "Acc.streetlight": 0.463, "Acc.booth": 0.72, "Acc.television receiver": 0.8956, "Acc.airplane": 0.6858, "Acc.dirt track": 0.3105, "Acc.apparel": 0.7138, "Acc.pole": 0.4293, "Acc.land": 0.0631, "Acc.bannister": 0.2282, "Acc.escalator": 0.8138, "Acc.ottoman": 0.7222, "Acc.bottle": 0.5378, "Acc.buffet": 0.8447, "Acc.poster": 0.4584, "Acc.stage": 0.4254, "Acc.van": 0.6055, "Acc.ship": 0.8644, "Acc.fountain": 0.1655, "Acc.conveyer belt": 0.9227, "Acc.canopy": 0.7482, "Acc.washer": 0.7907, "Acc.plaything": 0.3723, "Acc.swimming pool": 0.9634, "Acc.stool": 0.7002, "Acc.barrel": 0.6481, "Acc.basket": 0.5511, "Acc.waterfall": 0.9337, "Acc.tent": 0.9837, "Acc.bag": 0.0931, "Acc.minibike": 0.8262, "Acc.cradle": 0.982, "Acc.oven": 0.7368, "Acc.ball": 0.7013, "Acc.food": 0.7977, "Acc.step": 0.1519, "Acc.tank": 0.9596, "Acc.trade name": 0.1959, "Acc.microwave": 0.9493, "Acc.pot": 0.6022, "Acc.animal": 0.6213, "Acc.bicycle": 0.6999, "Acc.lake": 0.7224, "Acc.dishwasher": 0.7768, "Acc.screen": 0.9339, "Acc.blanket": 0.2727, "Acc.sculpture": 0.8055, "Acc.hood": 0.7386, "Acc.sconce": 0.6362, "Acc.vase": 0.5411, "Acc.traffic light": 0.5841, "Acc.tray": 0.1101, "Acc.ashcan": 0.6202, "Acc.fan": 0.7402, "Acc.pier": 0.4234, "Acc.crt screen": 0.024, "Acc.plate": 0.7984, "Acc.monitor": 0.8306, "Acc.bulletin board": 0.6856, "Acc.shower": 0.008, "Acc.radiator": 0.7488, "Acc.glass": 0.1843, "Acc.clock": 0.5164, "Acc.flag": 0.7588} {"mode": "train", "epoch": 22, "iter": 27050, "lr": 3e-05, "memory": 70498, "data_time": 2.01731, "decode.loss_ce": 0.27153, "decode.acc_seg": 88.92131, "aux.loss_ce": 0.11187, "aux.acc_seg": 88.55555, "loss": 0.3834, "time": 3.33157} {"mode": "train", "epoch": 22, "iter": 27100, "lr": 3e-05, "memory": 70498, "data_time": 0.0099, "decode.loss_ce": 0.26542, "decode.acc_seg": 88.83344, "aux.loss_ce": 0.10872, "aux.acc_seg": 88.59961, "loss": 0.37414, "time": 1.33162} {"mode": "train", "epoch": 22, "iter": 27150, "lr": 3e-05, "memory": 70498, "data_time": 0.00991, "decode.loss_ce": 0.28247, "decode.acc_seg": 88.41543, "aux.loss_ce": 0.11444, "aux.acc_seg": 88.21826, "loss": 0.39691, "time": 1.32156} {"mode": "train", "epoch": 22, "iter": 27200, "lr": 3e-05, "memory": 70498, "data_time": 0.00979, "decode.loss_ce": 0.28465, "decode.acc_seg": 88.16128, "aux.loss_ce": 0.11718, "aux.acc_seg": 87.80988, "loss": 0.40183, "time": 1.32719} {"mode": "train", "epoch": 22, "iter": 27250, "lr": 3e-05, "memory": 70498, "data_time": 0.00947, "decode.loss_ce": 0.27217, "decode.acc_seg": 88.74524, "aux.loss_ce": 0.1117, "aux.acc_seg": 88.38673, "loss": 0.38387, "time": 1.32524} {"mode": "train", "epoch": 22, "iter": 27300, "lr": 3e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.26679, "decode.acc_seg": 88.94977, "aux.loss_ce": 0.10922, "aux.acc_seg": 88.69433, "loss": 0.37601, "time": 1.32917} {"mode": "train", "epoch": 22, "iter": 27350, "lr": 3e-05, "memory": 70498, "data_time": 0.00965, "decode.loss_ce": 0.26846, "decode.acc_seg": 88.83149, "aux.loss_ce": 0.10998, "aux.acc_seg": 88.52193, "loss": 0.37843, "time": 1.32542} {"mode": "train", "epoch": 22, "iter": 27400, "lr": 3e-05, "memory": 70498, "data_time": 0.00979, "decode.loss_ce": 0.27511, "decode.acc_seg": 88.91329, "aux.loss_ce": 0.11372, "aux.acc_seg": 88.54266, "loss": 0.38883, "time": 1.32624} {"mode": "train", "epoch": 22, "iter": 27450, "lr": 3e-05, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.29045, "decode.acc_seg": 88.19502, "aux.loss_ce": 0.11763, "aux.acc_seg": 88.01207, "loss": 0.40808, "time": 1.32849} {"mode": "train", "epoch": 22, "iter": 27500, "lr": 3e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.27183, "decode.acc_seg": 88.63304, "aux.loss_ce": 0.11044, "aux.acc_seg": 88.46408, "loss": 0.38227, "time": 1.32454} {"mode": "train", "epoch": 22, "iter": 27550, "lr": 3e-05, "memory": 70498, "data_time": 0.00971, "decode.loss_ce": 0.29724, "decode.acc_seg": 88.04681, "aux.loss_ce": 0.12065, "aux.acc_seg": 87.90695, "loss": 0.41789, "time": 1.32517} {"mode": "train", "epoch": 22, "iter": 27600, "lr": 3e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.27915, "decode.acc_seg": 88.53597, "aux.loss_ce": 0.11311, "aux.acc_seg": 88.47514, "loss": 0.39225, "time": 1.32157} {"mode": "train", "epoch": 22, "iter": 27650, "lr": 3e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.28631, "decode.acc_seg": 88.85961, "aux.loss_ce": 0.11782, "aux.acc_seg": 88.42325, "loss": 0.40413, "time": 1.32042} {"mode": "train", "epoch": 22, "iter": 27700, "lr": 3e-05, "memory": 70498, "data_time": 0.00962, "decode.loss_ce": 0.27178, "decode.acc_seg": 89.25649, "aux.loss_ce": 0.11168, "aux.acc_seg": 89.03698, "loss": 0.38346, "time": 1.32635} {"mode": "train", "epoch": 22, "iter": 27750, "lr": 3e-05, "memory": 70498, "data_time": 0.00961, "decode.loss_ce": 0.28103, "decode.acc_seg": 88.32226, "aux.loss_ce": 0.11498, "aux.acc_seg": 88.11837, "loss": 0.39601, "time": 1.32188} {"mode": "train", "epoch": 23, "iter": 27800, "lr": 3e-05, "memory": 70498, "data_time": 0.09997, "decode.loss_ce": 0.25522, "decode.acc_seg": 89.59783, "aux.loss_ce": 0.10477, "aux.acc_seg": 89.23455, "loss": 0.35999, "time": 1.41346} {"mode": "train", "epoch": 23, "iter": 27850, "lr": 3e-05, "memory": 70498, "data_time": 0.0097, "decode.loss_ce": 0.2626, "decode.acc_seg": 89.28384, "aux.loss_ce": 0.1075, "aux.acc_seg": 88.97032, "loss": 0.3701, "time": 1.32481} {"mode": "train", "epoch": 23, "iter": 27900, "lr": 3e-05, "memory": 70498, "data_time": 0.00961, "decode.loss_ce": 0.2731, "decode.acc_seg": 88.82613, "aux.loss_ce": 0.11161, "aux.acc_seg": 88.59321, "loss": 0.38472, "time": 1.31689} {"mode": "train", "epoch": 23, "iter": 27950, "lr": 3e-05, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.28226, "decode.acc_seg": 88.68271, "aux.loss_ce": 0.11666, "aux.acc_seg": 88.40846, "loss": 0.39892, "time": 1.32068} {"mode": "train", "epoch": 23, "iter": 28000, "lr": 3e-05, "memory": 70498, "data_time": 0.00961, "decode.loss_ce": 0.26298, "decode.acc_seg": 89.10706, "aux.loss_ce": 0.10806, "aux.acc_seg": 88.77912, "loss": 0.37105, "time": 3.36189} {"mode": "val", "epoch": 23, "iter": 250, "lr": 3e-05, "aAcc": 0.8548, "mIoU": 0.5553, "mAcc": 0.6844, "IoU.wall": 0.8094, "IoU.building": 0.8531, "IoU.sky": 0.9478, "IoU.floor": 0.844, "IoU.tree": 0.7692, "IoU.ceiling": 0.8598, "IoU.road": 0.864, "IoU.bed ": 0.9208, "IoU.windowpane": 0.6587, "IoU.grass": 0.6351, "IoU.cabinet": 0.649, "IoU.sidewalk": 0.7102, "IoU.person": 0.8505, "IoU.earth": 0.3347, "IoU.door": 0.5888, "IoU.table": 0.6571, "IoU.mountain": 0.6437, "IoU.plant": 0.5556, "IoU.curtain": 0.7699, "IoU.chair": 0.6501, "IoU.car": 0.8551, "IoU.water": 0.6101, "IoU.painting": 0.7636, "IoU.sofa": 0.8061, "IoU.shelf": 0.4573, "IoU.house": 0.6168, "IoU.sea": 0.7053, "IoU.mirror": 0.7554, "IoU.rug": 0.6819, "IoU.field": 0.3842, "IoU.armchair": 0.5817, "IoU.seat": 0.6685, "IoU.fence": 0.5047, "IoU.desk": 0.5322, "IoU.rock": 0.5459, "IoU.wardrobe": 0.5765, "IoU.lamp": 0.7107, "IoU.bathtub": 0.8248, "IoU.railing": 0.3953, "IoU.cushion": 0.6696, "IoU.base": 0.3589, "IoU.box": 0.37, "IoU.column": 0.5361, "IoU.signboard": 0.3973, "IoU.chest of drawers": 0.4222, "IoU.counter": 0.3183, "IoU.sand": 0.5512, "IoU.sink": 0.7041, "IoU.skyscraper": 0.5305, "IoU.fireplace": 0.6916, "IoU.refrigerator": 0.7897, "IoU.grandstand": 0.5151, "IoU.path": 0.3188, "IoU.stairs": 0.3836, "IoU.runway": 0.7441, "IoU.case": 0.6129, "IoU.pool table": 0.9407, "IoU.pillow": 0.6995, "IoU.screen door": 0.6896, "IoU.stairway": 0.3576, "IoU.river": 0.1954, "IoU.bridge": 0.7623, "IoU.bookcase": 0.4193, "IoU.blind": 0.4476, "IoU.coffee table": 0.6784, "IoU.toilet": 0.8841, "IoU.flower": 0.3949, "IoU.book": 0.499, "IoU.hill": 0.0305, "IoU.bench": 0.5332, "IoU.countertop": 0.5883, "IoU.stove": 0.8378, "IoU.palm": 0.5314, "IoU.kitchen island": 0.4226, "IoU.computer": 0.7937, "IoU.swivel chair": 0.4942, "IoU.boat": 0.6213, "IoU.bar": 0.5423, "IoU.arcade machine": 0.7158, "IoU.hovel": 0.4674, "IoU.bus": 0.8986, "IoU.towel": 0.7304, "IoU.light": 0.599, "IoU.truck": 0.441, "IoU.tower": 0.2186, "IoU.chandelier": 0.7045, "IoU.awning": 0.464, "IoU.streetlight": 0.3272, "IoU.booth": 0.5003, "IoU.television receiver": 0.7438, "IoU.airplane": 0.6317, "IoU.dirt track": 0.2354, "IoU.apparel": 0.5001, "IoU.pole": 0.2173, "IoU.land": 0.0235, "IoU.bannister": 0.1265, "IoU.escalator": 0.5449, "IoU.ottoman": 0.5227, "IoU.bottle": 0.3967, "IoU.buffet": 0.5299, "IoU.poster": 0.3261, "IoU.stage": 0.2375, "IoU.van": 0.4346, "IoU.ship": 0.8405, "IoU.fountain": 0.2908, "IoU.conveyer belt": 0.7982, "IoU.canopy": 0.4935, "IoU.washer": 0.6975, "IoU.plaything": 0.3627, "IoU.swimming pool": 0.724, "IoU.stool": 0.5229, "IoU.barrel": 0.5552, "IoU.basket": 0.3508, "IoU.waterfall": 0.6634, "IoU.tent": 0.9077, "IoU.bag": 0.1593, "IoU.minibike": 0.7064, "IoU.cradle": 0.8175, "IoU.oven": 0.5202, "IoU.ball": 0.469, "IoU.food": 0.6519, "IoU.step": 0.164, "IoU.tank": 0.629, "IoU.trade name": 0.1824, "IoU.microwave": 0.8834, "IoU.pot": 0.5606, "IoU.animal": 0.619, "IoU.bicycle": 0.582, "IoU.lake": 0.5899, "IoU.dishwasher": 0.6621, "IoU.screen": 0.602, "IoU.blanket": 0.2981, "IoU.sculpture": 0.752, "IoU.hood": 0.6105, "IoU.sconce": 0.5183, "IoU.vase": 0.443, "IoU.traffic light": 0.3208, "IoU.tray": 0.1617, "IoU.ashcan": 0.4178, "IoU.fan": 0.6412, "IoU.pier": 0.3764, "IoU.crt screen": 0.0554, "IoU.plate": 0.5898, "IoU.monitor": 0.3021, "IoU.bulletin board": 0.5617, "IoU.shower": 0.0089, "IoU.radiator": 0.6389, "IoU.glass": 0.1643, "IoU.clock": 0.352, "IoU.flag": 0.7174, "Acc.wall": 0.8957, "Acc.building": 0.9293, "Acc.sky": 0.9712, "Acc.floor": 0.9095, "Acc.tree": 0.9114, "Acc.ceiling": 0.9157, "Acc.road": 0.9103, "Acc.bed ": 0.963, "Acc.windowpane": 0.7726, "Acc.grass": 0.7614, "Acc.cabinet": 0.7597, "Acc.sidewalk": 0.8576, "Acc.person": 0.9308, "Acc.earth": 0.4548, "Acc.door": 0.7646, "Acc.table": 0.8268, "Acc.mountain": 0.8279, "Acc.plant": 0.6655, "Acc.curtain": 0.9017, "Acc.chair": 0.7527, "Acc.car": 0.9106, "Acc.water": 0.725, "Acc.painting": 0.9077, "Acc.sofa": 0.8807, "Acc.shelf": 0.6275, "Acc.house": 0.81, "Acc.sea": 0.8369, "Acc.mirror": 0.8233, "Acc.rug": 0.839, "Acc.field": 0.7552, "Acc.armchair": 0.7621, "Acc.seat": 0.8759, "Acc.fence": 0.7012, "Acc.desk": 0.7705, "Acc.rock": 0.696, "Acc.wardrobe": 0.787, "Acc.lamp": 0.814, "Acc.bathtub": 0.8572, "Acc.railing": 0.6131, "Acc.cushion": 0.7783, "Acc.base": 0.4662, "Acc.box": 0.4881, "Acc.column": 0.664, "Acc.signboard": 0.4882, "Acc.chest of drawers": 0.5269, "Acc.counter": 0.3666, "Acc.sand": 0.7713, "Acc.sink": 0.8225, "Acc.skyscraper": 0.6481, "Acc.fireplace": 0.9416, "Acc.refrigerator": 0.9138, "Acc.grandstand": 0.7927, "Acc.path": 0.4387, "Acc.stairs": 0.5237, "Acc.runway": 0.9761, "Acc.case": 0.7947, "Acc.pool table": 0.974, "Acc.pillow": 0.822, "Acc.screen door": 0.7106, "Acc.stairway": 0.3856, "Acc.river": 0.4672, "Acc.bridge": 0.8839, "Acc.bookcase": 0.6166, "Acc.blind": 0.529, "Acc.coffee table": 0.8194, "Acc.toilet": 0.9165, "Acc.flower": 0.5414, "Acc.book": 0.623, "Acc.hill": 0.0573, "Acc.bench": 0.6054, "Acc.countertop": 0.8788, "Acc.stove": 0.9475, "Acc.palm": 0.8073, "Acc.kitchen island": 0.6361, "Acc.computer": 0.9395, "Acc.swivel chair": 0.7731, "Acc.boat": 0.8725, "Acc.bar": 0.7567, "Acc.arcade machine": 0.7681, "Acc.hovel": 0.54, "Acc.bus": 0.961, "Acc.towel": 0.8553, "Acc.light": 0.7015, "Acc.truck": 0.6565, "Acc.tower": 0.3711, "Acc.chandelier": 0.8932, "Acc.awning": 0.6599, "Acc.streetlight": 0.5067, "Acc.booth": 0.68, "Acc.television receiver": 0.8735, "Acc.airplane": 0.6668, "Acc.dirt track": 0.447, "Acc.apparel": 0.7214, "Acc.pole": 0.2593, "Acc.land": 0.0488, "Acc.bannister": 0.1637, "Acc.escalator": 0.8193, "Acc.ottoman": 0.6351, "Acc.bottle": 0.6115, "Acc.buffet": 0.6538, "Acc.poster": 0.4432, "Acc.stage": 0.4569, "Acc.van": 0.6894, "Acc.ship": 0.8586, "Acc.fountain": 0.2955, "Acc.conveyer belt": 0.9326, "Acc.canopy": 0.7126, "Acc.washer": 0.8313, "Acc.plaything": 0.5714, "Acc.swimming pool": 0.9177, "Acc.stool": 0.6389, "Acc.barrel": 0.6433, "Acc.basket": 0.4976, "Acc.waterfall": 0.931, "Acc.tent": 0.9774, "Acc.bag": 0.1826, "Acc.minibike": 0.8887, "Acc.cradle": 0.9764, "Acc.oven": 0.6196, "Acc.ball": 0.4962, "Acc.food": 0.7754, "Acc.step": 0.2042, "Acc.tank": 0.688, "Acc.trade name": 0.191, "Acc.microwave": 0.9471, "Acc.pot": 0.7254, "Acc.animal": 0.6488, "Acc.bicycle": 0.768, "Acc.lake": 0.5977, "Acc.dishwasher": 0.7862, "Acc.screen": 0.9401, "Acc.blanket": 0.3448, "Acc.sculpture": 0.8112, "Acc.hood": 0.7393, "Acc.sconce": 0.7011, "Acc.vase": 0.6003, "Acc.traffic light": 0.5901, "Acc.tray": 0.2647, "Acc.ashcan": 0.6028, "Acc.fan": 0.7463, "Acc.pier": 0.4843, "Acc.crt screen": 0.1149, "Acc.plate": 0.6683, "Acc.monitor": 0.3584, "Acc.bulletin board": 0.5777, "Acc.shower": 0.0136, "Acc.radiator": 0.7403, "Acc.glass": 0.1722, "Acc.clock": 0.3924, "Acc.flag": 0.7764} {"mode": "train", "epoch": 23, "iter": 28050, "lr": 3e-05, "memory": 70498, "data_time": 1.95619, "decode.loss_ce": 0.29131, "decode.acc_seg": 88.39761, "aux.loss_ce": 0.11845, "aux.acc_seg": 88.28457, "loss": 0.40976, "time": 3.2802} {"mode": "train", "epoch": 23, "iter": 28100, "lr": 3e-05, "memory": 70498, "data_time": 0.00967, "decode.loss_ce": 0.26912, "decode.acc_seg": 88.65537, "aux.loss_ce": 0.11001, "aux.acc_seg": 88.5096, "loss": 0.37914, "time": 1.3286} {"mode": "train", "epoch": 23, "iter": 28150, "lr": 3e-05, "memory": 70498, "data_time": 0.00985, "decode.loss_ce": 0.26449, "decode.acc_seg": 89.11486, "aux.loss_ce": 0.10844, "aux.acc_seg": 88.84224, "loss": 0.37292, "time": 1.3235} {"mode": "train", "epoch": 23, "iter": 28200, "lr": 3e-05, "memory": 70498, "data_time": 0.00967, "decode.loss_ce": 0.2591, "decode.acc_seg": 88.84252, "aux.loss_ce": 0.10653, "aux.acc_seg": 88.59459, "loss": 0.36563, "time": 1.32243} {"mode": "train", "epoch": 23, "iter": 28250, "lr": 3e-05, "memory": 70498, "data_time": 0.01008, "decode.loss_ce": 0.27601, "decode.acc_seg": 88.92537, "aux.loss_ce": 0.11216, "aux.acc_seg": 88.73245, "loss": 0.38817, "time": 1.32955} {"mode": "train", "epoch": 23, "iter": 28300, "lr": 3e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.27257, "decode.acc_seg": 88.64565, "aux.loss_ce": 0.11221, "aux.acc_seg": 88.39003, "loss": 0.38478, "time": 1.32345} {"mode": "train", "epoch": 23, "iter": 28350, "lr": 3e-05, "memory": 70498, "data_time": 0.00947, "decode.loss_ce": 0.26844, "decode.acc_seg": 89.08093, "aux.loss_ce": 0.11003, "aux.acc_seg": 88.75569, "loss": 0.37847, "time": 1.33175} {"mode": "train", "epoch": 23, "iter": 28400, "lr": 3e-05, "memory": 70498, "data_time": 0.00967, "decode.loss_ce": 0.26584, "decode.acc_seg": 89.0517, "aux.loss_ce": 0.1085, "aux.acc_seg": 88.77542, "loss": 0.37434, "time": 1.32631} {"mode": "train", "epoch": 23, "iter": 28450, "lr": 3e-05, "memory": 70498, "data_time": 0.00967, "decode.loss_ce": 0.28385, "decode.acc_seg": 88.47602, "aux.loss_ce": 0.11568, "aux.acc_seg": 88.24396, "loss": 0.39954, "time": 1.33102} {"mode": "train", "epoch": 23, "iter": 28500, "lr": 3e-05, "memory": 70498, "data_time": 0.00944, "decode.loss_ce": 0.26797, "decode.acc_seg": 88.99182, "aux.loss_ce": 0.10991, "aux.acc_seg": 88.62639, "loss": 0.37789, "time": 1.32822} {"mode": "train", "epoch": 23, "iter": 28550, "lr": 3e-05, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.27897, "decode.acc_seg": 88.78906, "aux.loss_ce": 0.11422, "aux.acc_seg": 88.56446, "loss": 0.39318, "time": 1.32918} {"mode": "train", "epoch": 23, "iter": 28600, "lr": 3e-05, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.2509, "decode.acc_seg": 89.57705, "aux.loss_ce": 0.10308, "aux.acc_seg": 89.24402, "loss": 0.35398, "time": 1.32538} {"mode": "train", "epoch": 23, "iter": 28650, "lr": 3e-05, "memory": 70498, "data_time": 0.11527, "decode.loss_ce": 0.26379, "decode.acc_seg": 88.83674, "aux.loss_ce": 0.10784, "aux.acc_seg": 88.52561, "loss": 0.37163, "time": 1.4288} {"mode": "train", "epoch": 23, "iter": 28700, "lr": 3e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.27562, "decode.acc_seg": 88.64284, "aux.loss_ce": 0.11345, "aux.acc_seg": 88.34489, "loss": 0.38907, "time": 1.33415} {"mode": "train", "epoch": 23, "iter": 28750, "lr": 3e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.26296, "decode.acc_seg": 88.92981, "aux.loss_ce": 0.10775, "aux.acc_seg": 88.66309, "loss": 0.37071, "time": 1.33077} {"mode": "train", "epoch": 23, "iter": 28800, "lr": 3e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.25784, "decode.acc_seg": 89.21856, "aux.loss_ce": 0.10601, "aux.acc_seg": 89.03526, "loss": 0.36385, "time": 1.32411} {"mode": "train", "epoch": 23, "iter": 28850, "lr": 3e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.27683, "decode.acc_seg": 88.57798, "aux.loss_ce": 0.11312, "aux.acc_seg": 88.38334, "loss": 0.38995, "time": 1.32626} {"mode": "train", "epoch": 23, "iter": 28900, "lr": 3e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.27256, "decode.acc_seg": 88.77757, "aux.loss_ce": 0.11156, "aux.acc_seg": 88.48326, "loss": 0.38412, "time": 1.33036} {"mode": "train", "epoch": 23, "iter": 28950, "lr": 3e-05, "memory": 70498, "data_time": 0.00947, "decode.loss_ce": 0.25004, "decode.acc_seg": 89.85097, "aux.loss_ce": 0.1027, "aux.acc_seg": 89.62898, "loss": 0.35273, "time": 1.3281} {"mode": "train", "epoch": 23, "iter": 29000, "lr": 3e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.26294, "decode.acc_seg": 89.08293, "aux.loss_ce": 0.10723, "aux.acc_seg": 88.85207, "loss": 0.37017, "time": 1.32407} {"mode": "val", "epoch": 23, "iter": 250, "lr": 3e-05, "aAcc": 0.8517, "mIoU": 0.5515, "mAcc": 0.6832, "IoU.wall": 0.8106, "IoU.building": 0.8442, "IoU.sky": 0.9486, "IoU.floor": 0.8485, "IoU.tree": 0.7699, "IoU.ceiling": 0.853, "IoU.road": 0.8488, "IoU.bed ": 0.9222, "IoU.windowpane": 0.6574, "IoU.grass": 0.6581, "IoU.cabinet": 0.6406, "IoU.sidewalk": 0.685, "IoU.person": 0.8525, "IoU.earth": 0.3586, "IoU.door": 0.5661, "IoU.table": 0.6613, "IoU.mountain": 0.6206, "IoU.plant": 0.5692, "IoU.curtain": 0.7937, "IoU.chair": 0.6417, "IoU.car": 0.8572, "IoU.water": 0.5284, "IoU.painting": 0.7576, "IoU.sofa": 0.7992, "IoU.shelf": 0.5017, "IoU.house": 0.4892, "IoU.sea": 0.6617, "IoU.mirror": 0.7621, "IoU.rug": 0.705, "IoU.field": 0.3949, "IoU.armchair": 0.5501, "IoU.seat": 0.6711, "IoU.fence": 0.5054, "IoU.desk": 0.5857, "IoU.rock": 0.6122, "IoU.wardrobe": 0.4974, "IoU.lamp": 0.7224, "IoU.bathtub": 0.8281, "IoU.railing": 0.4013, "IoU.cushion": 0.6676, "IoU.base": 0.3367, "IoU.box": 0.3302, "IoU.column": 0.5573, "IoU.signboard": 0.4141, "IoU.chest of drawers": 0.4085, "IoU.counter": 0.4484, "IoU.sand": 0.4191, "IoU.sink": 0.7535, "IoU.skyscraper": 0.5653, "IoU.fireplace": 0.7572, "IoU.refrigerator": 0.7612, "IoU.grandstand": 0.4829, "IoU.path": 0.2822, "IoU.stairs": 0.193, "IoU.runway": 0.7546, "IoU.case": 0.5838, "IoU.pool table": 0.944, "IoU.pillow": 0.6853, "IoU.screen door": 0.5902, "IoU.stairway": 0.3582, "IoU.river": 0.1254, "IoU.bridge": 0.7272, "IoU.bookcase": 0.4476, "IoU.blind": 0.4844, "IoU.coffee table": 0.6279, "IoU.toilet": 0.8688, "IoU.flower": 0.4119, "IoU.book": 0.5514, "IoU.hill": 0.0473, "IoU.bench": 0.4877, "IoU.countertop": 0.6478, "IoU.stove": 0.8536, "IoU.palm": 0.5134, "IoU.kitchen island": 0.4788, "IoU.computer": 0.8059, "IoU.swivel chair": 0.4924, "IoU.boat": 0.5397, "IoU.bar": 0.6047, "IoU.arcade machine": 0.7362, "IoU.hovel": 0.4383, "IoU.bus": 0.9235, "IoU.towel": 0.7346, "IoU.light": 0.5785, "IoU.truck": 0.441, "IoU.tower": 0.2066, "IoU.chandelier": 0.7283, "IoU.awning": 0.4576, "IoU.streetlight": 0.3158, "IoU.booth": 0.5294, "IoU.television receiver": 0.7897, "IoU.airplane": 0.6538, "IoU.dirt track": 0.1044, "IoU.apparel": 0.5128, "IoU.pole": 0.252, "IoU.land": 0.0223, "IoU.bannister": 0.1128, "IoU.escalator": 0.5761, "IoU.ottoman": 0.4953, "IoU.bottle": 0.3942, "IoU.buffet": 0.5705, "IoU.poster": 0.3217, "IoU.stage": 0.2032, "IoU.van": 0.4508, "IoU.ship": 0.878, "IoU.fountain": 0.2276, "IoU.conveyer belt": 0.8075, "IoU.canopy": 0.4814, "IoU.washer": 0.7117, "IoU.plaything": 0.3048, "IoU.swimming pool": 0.5767, "IoU.stool": 0.5295, "IoU.barrel": 0.5447, "IoU.basket": 0.4167, "IoU.waterfall": 0.6741, "IoU.tent": 0.9059, "IoU.bag": 0.1328, "IoU.minibike": 0.7167, "IoU.cradle": 0.8247, "IoU.oven": 0.5141, "IoU.ball": 0.0935, "IoU.food": 0.5747, "IoU.step": 0.2059, "IoU.tank": 0.6158, "IoU.trade name": 0.1835, "IoU.microwave": 0.8667, "IoU.pot": 0.5565, "IoU.animal": 0.6553, "IoU.bicycle": 0.5868, "IoU.lake": 0.533, "IoU.dishwasher": 0.6623, "IoU.screen": 0.5617, "IoU.blanket": 0.2818, "IoU.sculpture": 0.7022, "IoU.hood": 0.6089, "IoU.sconce": 0.5311, "IoU.vase": 0.4412, "IoU.traffic light": 0.3626, "IoU.tray": 0.126, "IoU.ashcan": 0.4154, "IoU.fan": 0.6358, "IoU.pier": 0.3923, "IoU.crt screen": 0.2426, "IoU.plate": 0.5794, "IoU.monitor": 0.6694, "IoU.bulletin board": 0.5392, "IoU.shower": 0.003, "IoU.radiator": 0.6225, "IoU.glass": 0.173, "IoU.clock": 0.3967, "IoU.flag": 0.7123, "Acc.wall": 0.8933, "Acc.building": 0.9302, "Acc.sky": 0.9755, "Acc.floor": 0.9114, "Acc.tree": 0.8976, "Acc.ceiling": 0.912, "Acc.road": 0.928, "Acc.bed ": 0.9711, "Acc.windowpane": 0.8137, "Acc.grass": 0.7546, "Acc.cabinet": 0.7544, "Acc.sidewalk": 0.785, "Acc.person": 0.9413, "Acc.earth": 0.4996, "Acc.door": 0.6964, "Acc.table": 0.7887, "Acc.mountain": 0.6928, "Acc.plant": 0.6864, "Acc.curtain": 0.9041, "Acc.chair": 0.7499, "Acc.car": 0.9289, "Acc.water": 0.6328, "Acc.painting": 0.9015, "Acc.sofa": 0.9051, "Acc.shelf": 0.7249, "Acc.house": 0.5886, "Acc.sea": 0.8392, "Acc.mirror": 0.863, "Acc.rug": 0.821, "Acc.field": 0.7035, "Acc.armchair": 0.7614, "Acc.seat": 0.8867, "Acc.fence": 0.652, "Acc.desk": 0.6984, "Acc.rock": 0.7911, "Acc.wardrobe": 0.6889, "Acc.lamp": 0.8341, "Acc.bathtub": 0.8529, "Acc.railing": 0.5451, "Acc.cushion": 0.7837, "Acc.base": 0.4772, "Acc.box": 0.4501, "Acc.column": 0.7475, "Acc.signboard": 0.5824, "Acc.chest of drawers": 0.6997, "Acc.counter": 0.7022, "Acc.sand": 0.6466, "Acc.sink": 0.818, "Acc.skyscraper": 0.7732, "Acc.fireplace": 0.9187, "Acc.refrigerator": 0.8988, "Acc.grandstand": 0.7457, "Acc.path": 0.4392, "Acc.stairs": 0.2353, "Acc.runway": 0.9835, "Acc.case": 0.8037, "Acc.pool table": 0.977, "Acc.pillow": 0.8061, "Acc.screen door": 0.6085, "Acc.stairway": 0.5117, "Acc.river": 0.3871, "Acc.bridge": 0.862, "Acc.bookcase": 0.6061, "Acc.blind": 0.5501, "Acc.coffee table": 0.8716, "Acc.toilet": 0.9193, "Acc.flower": 0.5528, "Acc.book": 0.6772, "Acc.hill": 0.1462, "Acc.bench": 0.6405, "Acc.countertop": 0.8363, "Acc.stove": 0.9469, "Acc.palm": 0.8611, "Acc.kitchen island": 0.9113, "Acc.computer": 0.9344, "Acc.swivel chair": 0.7801, "Acc.boat": 0.8689, "Acc.bar": 0.7422, "Acc.arcade machine": 0.8489, "Acc.hovel": 0.4827, "Acc.bus": 0.954, "Acc.towel": 0.7927, "Acc.light": 0.6481, "Acc.truck": 0.6287, "Acc.tower": 0.4783, "Acc.chandelier": 0.8608, "Acc.awning": 0.546, "Acc.streetlight": 0.4928, "Acc.booth": 0.5696, "Acc.television receiver": 0.8874, "Acc.airplane": 0.7127, "Acc.dirt track": 0.4614, "Acc.apparel": 0.6855, "Acc.pole": 0.3702, "Acc.land": 0.0564, "Acc.bannister": 0.1547, "Acc.escalator": 0.7805, "Acc.ottoman": 0.746, "Acc.bottle": 0.4971, "Acc.buffet": 0.6547, "Acc.poster": 0.472, "Acc.stage": 0.3831, "Acc.van": 0.6114, "Acc.ship": 0.8917, "Acc.fountain": 0.2314, "Acc.conveyer belt": 0.9222, "Acc.canopy": 0.7528, "Acc.washer": 0.8092, "Acc.plaything": 0.3682, "Acc.swimming pool": 0.8919, "Acc.stool": 0.6925, "Acc.barrel": 0.6499, "Acc.basket": 0.6072, "Acc.waterfall": 0.917, "Acc.tent": 0.9834, "Acc.bag": 0.149, "Acc.minibike": 0.8481, "Acc.cradle": 0.9769, "Acc.oven": 0.5656, "Acc.ball": 0.0957, "Acc.food": 0.694, "Acc.step": 0.2773, "Acc.tank": 0.703, "Acc.trade name": 0.1948, "Acc.microwave": 0.9574, "Acc.pot": 0.6704, "Acc.animal": 0.6761, "Acc.bicycle": 0.7619, "Acc.lake": 0.6373, "Acc.dishwasher": 0.7594, "Acc.screen": 0.8885, "Acc.blanket": 0.3184, "Acc.sculpture": 0.8566, "Acc.hood": 0.7266, "Acc.sconce": 0.6206, "Acc.vase": 0.6297, "Acc.traffic light": 0.5341, "Acc.tray": 0.143, "Acc.ashcan": 0.6324, "Acc.fan": 0.7399, "Acc.pier": 0.4894, "Acc.crt screen": 0.302, "Acc.plate": 0.6647, "Acc.monitor": 0.8096, "Acc.bulletin board": 0.6449, "Acc.shower": 0.0332, "Acc.radiator": 0.7322, "Acc.glass": 0.1842, "Acc.clock": 0.5061, "Acc.flag": 0.7577} {"mode": "train", "epoch": 23, "iter": 29050, "lr": 3e-05, "memory": 70498, "data_time": 1.99056, "decode.loss_ce": 0.26331, "decode.acc_seg": 89.23501, "aux.loss_ce": 0.10835, "aux.acc_seg": 88.97381, "loss": 0.37166, "time": 3.312} {"mode": "train", "epoch": 24, "iter": 29100, "lr": 3e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.24779, "decode.acc_seg": 89.90033, "aux.loss_ce": 0.10226, "aux.acc_seg": 89.62921, "loss": 0.35005, "time": 1.32543} {"mode": "train", "epoch": 24, "iter": 29150, "lr": 3e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.27782, "decode.acc_seg": 88.80116, "aux.loss_ce": 0.11329, "aux.acc_seg": 88.51811, "loss": 0.39111, "time": 1.32672} {"mode": "train", "epoch": 24, "iter": 29200, "lr": 3e-05, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.2725, "decode.acc_seg": 88.91601, "aux.loss_ce": 0.11148, "aux.acc_seg": 88.60031, "loss": 0.38399, "time": 1.32878} {"mode": "train", "epoch": 24, "iter": 29250, "lr": 3e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.25237, "decode.acc_seg": 89.34164, "aux.loss_ce": 0.10371, "aux.acc_seg": 89.12052, "loss": 0.35608, "time": 1.32762} {"mode": "train", "epoch": 24, "iter": 29300, "lr": 3e-05, "memory": 70498, "data_time": 0.00966, "decode.loss_ce": 0.26533, "decode.acc_seg": 89.13756, "aux.loss_ce": 0.10942, "aux.acc_seg": 88.83231, "loss": 0.37475, "time": 1.32868} {"mode": "train", "epoch": 24, "iter": 29350, "lr": 3e-05, "memory": 70498, "data_time": 0.00976, "decode.loss_ce": 0.25359, "decode.acc_seg": 89.57904, "aux.loss_ce": 0.10432, "aux.acc_seg": 89.31604, "loss": 0.35791, "time": 1.32775} {"mode": "train", "epoch": 24, "iter": 29400, "lr": 3e-05, "memory": 70498, "data_time": 0.00945, "decode.loss_ce": 0.28821, "decode.acc_seg": 88.44095, "aux.loss_ce": 0.11749, "aux.acc_seg": 88.31283, "loss": 0.4057, "time": 1.32865} {"mode": "train", "epoch": 24, "iter": 29450, "lr": 3e-05, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.2542, "decode.acc_seg": 89.63761, "aux.loss_ce": 0.10438, "aux.acc_seg": 89.35621, "loss": 0.35858, "time": 1.32586} {"mode": "train", "epoch": 24, "iter": 29500, "lr": 3e-05, "memory": 70498, "data_time": 0.00961, "decode.loss_ce": 0.25458, "decode.acc_seg": 89.08972, "aux.loss_ce": 0.10485, "aux.acc_seg": 88.75827, "loss": 0.35943, "time": 1.32238} {"mode": "train", "epoch": 24, "iter": 29550, "lr": 3e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.28032, "decode.acc_seg": 87.91788, "aux.loss_ce": 0.11383, "aux.acc_seg": 87.80232, "loss": 0.39415, "time": 1.32647} {"mode": "train", "epoch": 24, "iter": 29600, "lr": 3e-05, "memory": 70498, "data_time": 0.00981, "decode.loss_ce": 0.27271, "decode.acc_seg": 89.04764, "aux.loss_ce": 0.11156, "aux.acc_seg": 88.76284, "loss": 0.38427, "time": 1.328} {"mode": "train", "epoch": 24, "iter": 29650, "lr": 3e-05, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.27241, "decode.acc_seg": 89.03831, "aux.loss_ce": 0.11164, "aux.acc_seg": 88.83223, "loss": 0.38405, "time": 1.33149} {"mode": "train", "epoch": 24, "iter": 29700, "lr": 3e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.26137, "decode.acc_seg": 89.40869, "aux.loss_ce": 0.10786, "aux.acc_seg": 89.12598, "loss": 0.36923, "time": 1.3217} {"mode": "train", "epoch": 24, "iter": 29750, "lr": 3e-05, "memory": 70498, "data_time": 0.00961, "decode.loss_ce": 0.25879, "decode.acc_seg": 89.26952, "aux.loss_ce": 0.10624, "aux.acc_seg": 89.00864, "loss": 0.36503, "time": 1.32579} {"mode": "train", "epoch": 24, "iter": 29800, "lr": 3e-05, "memory": 70498, "data_time": 0.00971, "decode.loss_ce": 0.24092, "decode.acc_seg": 89.97655, "aux.loss_ce": 0.09897, "aux.acc_seg": 89.78723, "loss": 0.33989, "time": 1.32466} {"mode": "train", "epoch": 24, "iter": 29850, "lr": 3e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.24806, "decode.acc_seg": 89.56953, "aux.loss_ce": 0.10162, "aux.acc_seg": 89.26672, "loss": 0.34968, "time": 1.32722} {"mode": "train", "epoch": 24, "iter": 29900, "lr": 3e-05, "memory": 70498, "data_time": 0.00969, "decode.loss_ce": 0.28586, "decode.acc_seg": 88.2547, "aux.loss_ce": 0.11617, "aux.acc_seg": 88.02982, "loss": 0.40203, "time": 1.32354} {"mode": "train", "epoch": 24, "iter": 29950, "lr": 3e-05, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.2691, "decode.acc_seg": 88.96908, "aux.loss_ce": 0.10984, "aux.acc_seg": 88.75091, "loss": 0.37894, "time": 1.32314} {"mode": "train", "epoch": 24, "iter": 30000, "lr": 3e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.27262, "decode.acc_seg": 88.6369, "aux.loss_ce": 0.11143, "aux.acc_seg": 88.32602, "loss": 0.38405, "time": 3.34392} {"mode": "val", "epoch": 24, "iter": 250, "lr": 3e-05, "aAcc": 0.8532, "mIoU": 0.5529, "mAcc": 0.6896, "IoU.wall": 0.8092, "IoU.building": 0.8472, "IoU.sky": 0.947, "IoU.floor": 0.8485, "IoU.tree": 0.7634, "IoU.ceiling": 0.8605, "IoU.road": 0.8635, "IoU.bed ": 0.9243, "IoU.windowpane": 0.6526, "IoU.grass": 0.6529, "IoU.cabinet": 0.6396, "IoU.sidewalk": 0.7039, "IoU.person": 0.8476, "IoU.earth": 0.3375, "IoU.door": 0.5613, "IoU.table": 0.6686, "IoU.mountain": 0.6652, "IoU.plant": 0.5241, "IoU.curtain": 0.7641, "IoU.chair": 0.649, "IoU.car": 0.857, "IoU.water": 0.6326, "IoU.painting": 0.7568, "IoU.sofa": 0.7784, "IoU.shelf": 0.4651, "IoU.house": 0.5501, "IoU.sea": 0.7208, "IoU.mirror": 0.7636, "IoU.rug": 0.7101, "IoU.field": 0.3171, "IoU.armchair": 0.5629, "IoU.seat": 0.6535, "IoU.fence": 0.5078, "IoU.desk": 0.5646, "IoU.rock": 0.599, "IoU.wardrobe": 0.5142, "IoU.lamp": 0.7106, "IoU.bathtub": 0.8348, "IoU.railing": 0.3858, "IoU.cushion": 0.6502, "IoU.base": 0.356, "IoU.box": 0.3603, "IoU.column": 0.565, "IoU.signboard": 0.3828, "IoU.chest of drawers": 0.4743, "IoU.counter": 0.5216, "IoU.sand": 0.4964, "IoU.sink": 0.7218, "IoU.skyscraper": 0.4562, "IoU.fireplace": 0.7269, "IoU.refrigerator": 0.7969, "IoU.grandstand": 0.4848, "IoU.path": 0.2851, "IoU.stairs": 0.3183, "IoU.runway": 0.7416, "IoU.case": 0.533, "IoU.pool table": 0.9449, "IoU.pillow": 0.6873, "IoU.screen door": 0.8427, "IoU.stairway": 0.5005, "IoU.river": 0.187, "IoU.bridge": 0.7518, "IoU.bookcase": 0.4253, "IoU.blind": 0.4638, "IoU.coffee table": 0.6497, "IoU.toilet": 0.8734, "IoU.flower": 0.4283, "IoU.book": 0.5194, "IoU.hill": 0.056, "IoU.bench": 0.4921, "IoU.countertop": 0.6384, "IoU.stove": 0.8305, "IoU.palm": 0.5391, "IoU.kitchen island": 0.462, "IoU.computer": 0.7996, "IoU.swivel chair": 0.4957, "IoU.boat": 0.4999, "IoU.bar": 0.6192, "IoU.arcade machine": 0.7672, "IoU.hovel": 0.092, "IoU.bus": 0.9083, "IoU.towel": 0.6897, "IoU.light": 0.6001, "IoU.truck": 0.4494, "IoU.tower": 0.2126, "IoU.chandelier": 0.709, "IoU.awning": 0.4609, "IoU.streetlight": 0.3188, "IoU.booth": 0.625, "IoU.television receiver": 0.7801, "IoU.airplane": 0.6282, "IoU.dirt track": 0.0593, "IoU.apparel": 0.4331, "IoU.pole": 0.2519, "IoU.land": 0.0, "IoU.bannister": 0.1208, "IoU.escalator": 0.5248, "IoU.ottoman": 0.5224, "IoU.bottle": 0.3704, "IoU.buffet": 0.5454, "IoU.poster": 0.3638, "IoU.stage": 0.1763, "IoU.van": 0.4511, "IoU.ship": 0.9331, "IoU.fountain": 0.3353, "IoU.conveyer belt": 0.7173, "IoU.canopy": 0.4305, "IoU.washer": 0.7268, "IoU.plaything": 0.3426, "IoU.swimming pool": 0.5468, "IoU.stool": 0.528, "IoU.barrel": 0.4485, "IoU.basket": 0.399, "IoU.waterfall": 0.4969, "IoU.tent": 0.9526, "IoU.bag": 0.1713, "IoU.minibike": 0.727, "IoU.cradle": 0.8153, "IoU.oven": 0.5367, "IoU.ball": 0.5427, "IoU.food": 0.5788, "IoU.step": 0.1356, "IoU.tank": 0.6409, "IoU.trade name": 0.2762, "IoU.microwave": 0.8638, "IoU.pot": 0.514, "IoU.animal": 0.6078, "IoU.bicycle": 0.5567, "IoU.lake": 0.5775, "IoU.dishwasher": 0.6147, "IoU.screen": 0.5717, "IoU.blanket": 0.3357, "IoU.sculpture": 0.6819, "IoU.hood": 0.6283, "IoU.sconce": 0.5443, "IoU.vase": 0.4295, "IoU.traffic light": 0.3251, "IoU.tray": 0.1031, "IoU.ashcan": 0.4857, "IoU.fan": 0.6406, "IoU.pier": 0.3241, "IoU.crt screen": 0.2404, "IoU.plate": 0.5523, "IoU.monitor": 0.7037, "IoU.bulletin board": 0.4229, "IoU.shower": 0.0001, "IoU.radiator": 0.6298, "IoU.glass": 0.1932, "IoU.clock": 0.3593, "IoU.flag": 0.7015, "Acc.wall": 0.8867, "Acc.building": 0.9295, "Acc.sky": 0.9763, "Acc.floor": 0.9097, "Acc.tree": 0.9012, "Acc.ceiling": 0.9254, "Acc.road": 0.924, "Acc.bed ": 0.9648, "Acc.windowpane": 0.7915, "Acc.grass": 0.7372, "Acc.cabinet": 0.7445, "Acc.sidewalk": 0.8658, "Acc.person": 0.9298, "Acc.earth": 0.4351, "Acc.door": 0.7111, "Acc.table": 0.8095, "Acc.mountain": 0.8025, "Acc.plant": 0.6145, "Acc.curtain": 0.8927, "Acc.chair": 0.7486, "Acc.car": 0.9287, "Acc.water": 0.7653, "Acc.painting": 0.89, "Acc.sofa": 0.9362, "Acc.shelf": 0.6048, "Acc.house": 0.8231, "Acc.sea": 0.804, "Acc.mirror": 0.854, "Acc.rug": 0.7992, "Acc.field": 0.7372, "Acc.armchair": 0.7352, "Acc.seat": 0.8569, "Acc.fence": 0.6324, "Acc.desk": 0.7829, "Acc.rock": 0.7516, "Acc.wardrobe": 0.7774, "Acc.lamp": 0.83, "Acc.bathtub": 0.862, "Acc.railing": 0.5524, "Acc.cushion": 0.7567, "Acc.base": 0.5048, "Acc.box": 0.4676, "Acc.column": 0.6911, "Acc.signboard": 0.5307, "Acc.chest of drawers": 0.7058, "Acc.counter": 0.6902, "Acc.sand": 0.7434, "Acc.sink": 0.7728, "Acc.skyscraper": 0.6049, "Acc.fireplace": 0.9253, "Acc.refrigerator": 0.9454, "Acc.grandstand": 0.8705, "Acc.path": 0.3707, "Acc.stairs": 0.3622, "Acc.runway": 0.9837, "Acc.case": 0.7575, "Acc.pool table": 0.9783, "Acc.pillow": 0.8079, "Acc.screen door": 0.8844, "Acc.stairway": 0.6166, "Acc.river": 0.4456, "Acc.bridge": 0.8912, "Acc.bookcase": 0.6136, "Acc.blind": 0.5233, "Acc.coffee table": 0.8796, "Acc.toilet": 0.9332, "Acc.flower": 0.5636, "Acc.book": 0.7235, "Acc.hill": 0.1547, "Acc.bench": 0.6455, "Acc.countertop": 0.8359, "Acc.stove": 0.9525, "Acc.palm": 0.8022, "Acc.kitchen island": 0.8497, "Acc.computer": 0.9069, "Acc.swivel chair": 0.7832, "Acc.boat": 0.8741, "Acc.bar": 0.7742, "Acc.arcade machine": 0.8404, "Acc.hovel": 0.0977, "Acc.bus": 0.9633, "Acc.towel": 0.8071, "Acc.light": 0.729, "Acc.truck": 0.6486, "Acc.tower": 0.4031, "Acc.chandelier": 0.9019, "Acc.awning": 0.6066, "Acc.streetlight": 0.4285, "Acc.booth": 0.786, "Acc.television receiver": 0.8878, "Acc.airplane": 0.6763, "Acc.dirt track": 0.0599, "Acc.apparel": 0.567, "Acc.pole": 0.3272, "Acc.land": 0.0, "Acc.bannister": 0.1618, "Acc.escalator": 0.8115, "Acc.ottoman": 0.7353, "Acc.bottle": 0.6423, "Acc.buffet": 0.845, "Acc.poster": 0.5029, "Acc.stage": 0.3302, "Acc.van": 0.6396, "Acc.ship": 0.9739, "Acc.fountain": 0.3474, "Acc.conveyer belt": 0.9068, "Acc.canopy": 0.6822, "Acc.washer": 0.7692, "Acc.plaything": 0.5355, "Acc.swimming pool": 0.8476, "Acc.stool": 0.7173, "Acc.barrel": 0.6487, "Acc.basket": 0.5432, "Acc.waterfall": 0.7053, "Acc.tent": 0.9805, "Acc.bag": 0.2251, "Acc.minibike": 0.868, "Acc.cradle": 0.9793, "Acc.oven": 0.6295, "Acc.ball": 0.6986, "Acc.food": 0.695, "Acc.step": 0.1629, "Acc.tank": 0.8013, "Acc.trade name": 0.3066, "Acc.microwave": 0.9516, "Acc.pot": 0.5724, "Acc.animal": 0.6302, "Acc.bicycle": 0.7442, "Acc.lake": 0.6325, "Acc.dishwasher": 0.7594, "Acc.screen": 0.8964, "Acc.blanket": 0.3984, "Acc.sculpture": 0.858, "Acc.hood": 0.7701, "Acc.sconce": 0.6697, "Acc.vase": 0.5786, "Acc.traffic light": 0.6064, "Acc.tray": 0.1258, "Acc.ashcan": 0.6175, "Acc.fan": 0.755, "Acc.pier": 0.4863, "Acc.crt screen": 0.2941, "Acc.plate": 0.7785, "Acc.monitor": 0.8289, "Acc.bulletin board": 0.4275, "Acc.shower": 0.0001, "Acc.radiator": 0.719, "Acc.glass": 0.2196, "Acc.clock": 0.4018, "Acc.flag": 0.748} {"mode": "train", "epoch": 24, "iter": 30050, "lr": 2e-05, "memory": 70498, "data_time": 1.93234, "decode.loss_ce": 0.25969, "decode.acc_seg": 89.27221, "aux.loss_ce": 0.10611, "aux.acc_seg": 89.1115, "loss": 0.3658, "time": 3.25559} {"mode": "train", "epoch": 24, "iter": 30100, "lr": 2e-05, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.26003, "decode.acc_seg": 89.12288, "aux.loss_ce": 0.10682, "aux.acc_seg": 88.85635, "loss": 0.36686, "time": 1.33055} {"mode": "train", "epoch": 24, "iter": 30150, "lr": 2e-05, "memory": 70498, "data_time": 0.0096, "decode.loss_ce": 0.27264, "decode.acc_seg": 88.75512, "aux.loss_ce": 0.11166, "aux.acc_seg": 88.51282, "loss": 0.3843, "time": 1.32205} {"mode": "train", "epoch": 24, "iter": 30200, "lr": 2e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.25622, "decode.acc_seg": 89.28236, "aux.loss_ce": 0.10443, "aux.acc_seg": 89.19308, "loss": 0.36065, "time": 1.32543} {"mode": "train", "epoch": 24, "iter": 30250, "lr": 2e-05, "memory": 70498, "data_time": 0.0097, "decode.loss_ce": 0.26615, "decode.acc_seg": 89.08, "aux.loss_ce": 0.10842, "aux.acc_seg": 88.97838, "loss": 0.37457, "time": 1.3224} {"mode": "train", "epoch": 24, "iter": 30300, "lr": 2e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.2658, "decode.acc_seg": 89.31997, "aux.loss_ce": 0.10826, "aux.acc_seg": 89.04024, "loss": 0.37407, "time": 1.32588} {"mode": "train", "epoch": 25, "iter": 30350, "lr": 2e-05, "memory": 70498, "data_time": 0.06031, "decode.loss_ce": 0.22605, "decode.acc_seg": 90.54663, "aux.loss_ce": 0.09365, "aux.acc_seg": 90.13704, "loss": 0.3197, "time": 1.37061} {"mode": "train", "epoch": 25, "iter": 30400, "lr": 2e-05, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.26787, "decode.acc_seg": 89.31051, "aux.loss_ce": 0.11024, "aux.acc_seg": 88.97576, "loss": 0.37811, "time": 1.32675} {"mode": "train", "epoch": 25, "iter": 30450, "lr": 2e-05, "memory": 70498, "data_time": 0.00961, "decode.loss_ce": 0.26072, "decode.acc_seg": 89.2666, "aux.loss_ce": 0.10583, "aux.acc_seg": 89.13754, "loss": 0.36656, "time": 1.32749} {"mode": "train", "epoch": 25, "iter": 30500, "lr": 2e-05, "memory": 70498, "data_time": 0.00973, "decode.loss_ce": 0.24516, "decode.acc_seg": 89.80056, "aux.loss_ce": 0.10097, "aux.acc_seg": 89.56986, "loss": 0.34613, "time": 1.32164} {"mode": "train", "epoch": 25, "iter": 30550, "lr": 2e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.25019, "decode.acc_seg": 89.69321, "aux.loss_ce": 0.10222, "aux.acc_seg": 89.48333, "loss": 0.35241, "time": 1.32789} {"mode": "train", "epoch": 25, "iter": 30600, "lr": 2e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.24539, "decode.acc_seg": 90.10711, "aux.loss_ce": 0.10092, "aux.acc_seg": 89.77122, "loss": 0.34631, "time": 1.32461} {"mode": "train", "epoch": 25, "iter": 30650, "lr": 2e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.24925, "decode.acc_seg": 89.62284, "aux.loss_ce": 0.10216, "aux.acc_seg": 89.30452, "loss": 0.35141, "time": 1.33079} {"mode": "train", "epoch": 25, "iter": 30700, "lr": 2e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.25845, "decode.acc_seg": 89.13996, "aux.loss_ce": 0.10707, "aux.acc_seg": 88.87882, "loss": 0.36552, "time": 1.3286} {"mode": "train", "epoch": 25, "iter": 30750, "lr": 2e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.25671, "decode.acc_seg": 89.67707, "aux.loss_ce": 0.1057, "aux.acc_seg": 89.37983, "loss": 0.36241, "time": 1.3294} {"mode": "train", "epoch": 25, "iter": 30800, "lr": 2e-05, "memory": 70498, "data_time": 0.00968, "decode.loss_ce": 0.26569, "decode.acc_seg": 89.08969, "aux.loss_ce": 0.10848, "aux.acc_seg": 88.84408, "loss": 0.37417, "time": 1.32282} {"mode": "train", "epoch": 25, "iter": 30850, "lr": 2e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.25329, "decode.acc_seg": 89.2627, "aux.loss_ce": 0.10305, "aux.acc_seg": 89.14889, "loss": 0.35635, "time": 1.33142} {"mode": "train", "epoch": 25, "iter": 30900, "lr": 2e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.25484, "decode.acc_seg": 89.31177, "aux.loss_ce": 0.1058, "aux.acc_seg": 88.89797, "loss": 0.36064, "time": 1.32792} {"mode": "train", "epoch": 25, "iter": 30950, "lr": 2e-05, "memory": 70498, "data_time": 0.00985, "decode.loss_ce": 0.25156, "decode.acc_seg": 89.1806, "aux.loss_ce": 0.10367, "aux.acc_seg": 88.90022, "loss": 0.35523, "time": 1.32791} {"mode": "train", "epoch": 25, "iter": 31000, "lr": 2e-05, "memory": 70498, "data_time": 0.0096, "decode.loss_ce": 0.2477, "decode.acc_seg": 89.55314, "aux.loss_ce": 0.10163, "aux.acc_seg": 89.26136, "loss": 0.34933, "time": 1.3264} {"mode": "val", "epoch": 25, "iter": 250, "lr": 2e-05, "aAcc": 0.8562, "mIoU": 0.5609, "mAcc": 0.6901, "IoU.wall": 0.8127, "IoU.building": 0.8469, "IoU.sky": 0.948, "IoU.floor": 0.8505, "IoU.tree": 0.7744, "IoU.ceiling": 0.8616, "IoU.road": 0.8667, "IoU.bed ": 0.9217, "IoU.windowpane": 0.6581, "IoU.grass": 0.6659, "IoU.cabinet": 0.6474, "IoU.sidewalk": 0.7215, "IoU.person": 0.8467, "IoU.earth": 0.3329, "IoU.door": 0.6022, "IoU.table": 0.6897, "IoU.mountain": 0.6106, "IoU.plant": 0.571, "IoU.curtain": 0.7898, "IoU.chair": 0.6389, "IoU.car": 0.8618, "IoU.water": 0.6313, "IoU.painting": 0.7623, "IoU.sofa": 0.8155, "IoU.shelf": 0.476, "IoU.house": 0.5122, "IoU.sea": 0.6525, "IoU.mirror": 0.7602, "IoU.rug": 0.713, "IoU.field": 0.3418, "IoU.armchair": 0.5706, "IoU.seat": 0.6637, "IoU.fence": 0.5051, "IoU.desk": 0.5775, "IoU.rock": 0.5324, "IoU.wardrobe": 0.509, "IoU.lamp": 0.7099, "IoU.bathtub": 0.8335, "IoU.railing": 0.4073, "IoU.cushion": 0.6713, "IoU.base": 0.3849, "IoU.box": 0.3852, "IoU.column": 0.561, "IoU.signboard": 0.4092, "IoU.chest of drawers": 0.4489, "IoU.counter": 0.527, "IoU.sand": 0.4857, "IoU.sink": 0.7319, "IoU.skyscraper": 0.4797, "IoU.fireplace": 0.7504, "IoU.refrigerator": 0.8222, "IoU.grandstand": 0.52, "IoU.path": 0.3186, "IoU.stairs": 0.3167, "IoU.runway": 0.7475, "IoU.case": 0.6079, "IoU.pool table": 0.9458, "IoU.pillow": 0.6836, "IoU.screen door": 0.8242, "IoU.stairway": 0.5239, "IoU.river": 0.1532, "IoU.bridge": 0.702, "IoU.bookcase": 0.4379, "IoU.blind": 0.4385, "IoU.coffee table": 0.6613, "IoU.toilet": 0.8905, "IoU.flower": 0.4011, "IoU.book": 0.5269, "IoU.hill": 0.0464, "IoU.bench": 0.509, "IoU.countertop": 0.5949, "IoU.stove": 0.8588, "IoU.palm": 0.567, "IoU.kitchen island": 0.4269, "IoU.computer": 0.8036, "IoU.swivel chair": 0.4923, "IoU.boat": 0.5432, "IoU.bar": 0.5992, "IoU.arcade machine": 0.7094, "IoU.hovel": 0.1409, "IoU.bus": 0.9258, "IoU.towel": 0.7791, "IoU.light": 0.5446, "IoU.truck": 0.4663, "IoU.tower": 0.0624, "IoU.chandelier": 0.7236, "IoU.awning": 0.4838, "IoU.streetlight": 0.2921, "IoU.booth": 0.446, "IoU.television receiver": 0.8021, "IoU.airplane": 0.7722, "IoU.dirt track": 0.1347, "IoU.apparel": 0.423, "IoU.pole": 0.2964, "IoU.land": 0.0425, "IoU.bannister": 0.1682, "IoU.escalator": 0.5481, "IoU.ottoman": 0.4636, "IoU.bottle": 0.4185, "IoU.buffet": 0.4577, "IoU.poster": 0.2952, "IoU.stage": 0.24, "IoU.van": 0.4078, "IoU.ship": 0.9163, "IoU.fountain": 0.329, "IoU.conveyer belt": 0.8253, "IoU.canopy": 0.455, "IoU.washer": 0.7491, "IoU.plaything": 0.4058, "IoU.swimming pool": 0.5896, "IoU.stool": 0.4433, "IoU.barrel": 0.5476, "IoU.basket": 0.3744, "IoU.waterfall": 0.5532, "IoU.tent": 0.8372, "IoU.bag": 0.1845, "IoU.minibike": 0.7452, "IoU.cradle": 0.8341, "IoU.oven": 0.5698, "IoU.ball": 0.5637, "IoU.food": 0.6018, "IoU.step": 0.189, "IoU.tank": 0.7124, "IoU.trade name": 0.291, "IoU.microwave": 0.8785, "IoU.pot": 0.5257, "IoU.animal": 0.6227, "IoU.bicycle": 0.586, "IoU.lake": 0.6048, "IoU.dishwasher": 0.6648, "IoU.screen": 0.6571, "IoU.blanket": 0.3391, "IoU.sculpture": 0.6641, "IoU.hood": 0.6129, "IoU.sconce": 0.5522, "IoU.vase": 0.4714, "IoU.traffic light": 0.379, "IoU.tray": 0.1752, "IoU.ashcan": 0.4304, "IoU.fan": 0.6171, "IoU.pier": 0.3574, "IoU.crt screen": 0.2383, "IoU.plate": 0.5926, "IoU.monitor": 0.7086, "IoU.bulletin board": 0.5258, "IoU.shower": 0.002, "IoU.radiator": 0.5992, "IoU.glass": 0.1787, "IoU.clock": 0.3916, "IoU.flag": 0.7045, "Acc.wall": 0.8861, "Acc.building": 0.9309, "Acc.sky": 0.9782, "Acc.floor": 0.9166, "Acc.tree": 0.8889, "Acc.ceiling": 0.9455, "Acc.road": 0.9136, "Acc.bed ": 0.9645, "Acc.windowpane": 0.8266, "Acc.grass": 0.7911, "Acc.cabinet": 0.7629, "Acc.sidewalk": 0.8667, "Acc.person": 0.9399, "Acc.earth": 0.4521, "Acc.door": 0.7786, "Acc.table": 0.8159, "Acc.mountain": 0.7122, "Acc.plant": 0.6892, "Acc.curtain": 0.8932, "Acc.chair": 0.7424, "Acc.car": 0.9308, "Acc.water": 0.7835, "Acc.painting": 0.892, "Acc.sofa": 0.8952, "Acc.shelf": 0.6175, "Acc.house": 0.6737, "Acc.sea": 0.8491, "Acc.mirror": 0.8727, "Acc.rug": 0.8056, "Acc.field": 0.6264, "Acc.armchair": 0.7823, "Acc.seat": 0.8683, "Acc.fence": 0.6124, "Acc.desk": 0.7354, "Acc.rock": 0.8788, "Acc.wardrobe": 0.6647, "Acc.lamp": 0.8189, "Acc.bathtub": 0.8581, "Acc.railing": 0.5766, "Acc.cushion": 0.7949, "Acc.base": 0.6318, "Acc.box": 0.5515, "Acc.column": 0.6831, "Acc.signboard": 0.5395, "Acc.chest of drawers": 0.688, "Acc.counter": 0.6165, "Acc.sand": 0.7271, "Acc.sink": 0.8098, "Acc.skyscraper": 0.6535, "Acc.fireplace": 0.8717, "Acc.refrigerator": 0.9303, "Acc.grandstand": 0.751, "Acc.path": 0.5046, "Acc.stairs": 0.4092, "Acc.runway": 0.9682, "Acc.case": 0.828, "Acc.pool table": 0.9779, "Acc.pillow": 0.7935, "Acc.screen door": 0.8687, "Acc.stairway": 0.7429, "Acc.river": 0.2384, "Acc.bridge": 0.8351, "Acc.bookcase": 0.6298, "Acc.blind": 0.5132, "Acc.coffee table": 0.8778, "Acc.toilet": 0.9193, "Acc.flower": 0.5628, "Acc.book": 0.7869, "Acc.hill": 0.1049, "Acc.bench": 0.6297, "Acc.countertop": 0.8429, "Acc.stove": 0.9047, "Acc.palm": 0.8061, "Acc.kitchen island": 0.649, "Acc.computer": 0.9393, "Acc.swivel chair": 0.755, "Acc.boat": 0.836, "Acc.bar": 0.7679, "Acc.arcade machine": 0.8443, "Acc.hovel": 0.1582, "Acc.bus": 0.9648, "Acc.towel": 0.8698, "Acc.light": 0.5902, "Acc.truck": 0.6227, "Acc.tower": 0.08, "Acc.chandelier": 0.8692, "Acc.awning": 0.6387, "Acc.streetlight": 0.3742, "Acc.booth": 0.4711, "Acc.television receiver": 0.851, "Acc.airplane": 0.8182, "Acc.dirt track": 0.3067, "Acc.apparel": 0.7615, "Acc.pole": 0.4026, "Acc.land": 0.0728, "Acc.bannister": 0.2572, "Acc.escalator": 0.8491, "Acc.ottoman": 0.6904, "Acc.bottle": 0.7052, "Acc.buffet": 0.4827, "Acc.poster": 0.4902, "Acc.stage": 0.4507, "Acc.van": 0.5465, "Acc.ship": 0.9464, "Acc.fountain": 0.3464, "Acc.conveyer belt": 0.9052, "Acc.canopy": 0.6886, "Acc.washer": 0.7839, "Acc.plaything": 0.4901, "Acc.swimming pool": 0.9075, "Acc.stool": 0.7545, "Acc.barrel": 0.6446, "Acc.basket": 0.5921, "Acc.waterfall": 0.8016, "Acc.tent": 0.9897, "Acc.bag": 0.2203, "Acc.minibike": 0.8481, "Acc.cradle": 0.9795, "Acc.oven": 0.7328, "Acc.ball": 0.6362, "Acc.food": 0.7287, "Acc.step": 0.2598, "Acc.tank": 0.7549, "Acc.trade name": 0.334, "Acc.microwave": 0.9418, "Acc.pot": 0.5933, "Acc.animal": 0.6338, "Acc.bicycle": 0.6996, "Acc.lake": 0.6324, "Acc.dishwasher": 0.7527, "Acc.screen": 0.9301, "Acc.blanket": 0.4033, "Acc.sculpture": 0.8669, "Acc.hood": 0.7405, "Acc.sconce": 0.6636, "Acc.vase": 0.571, "Acc.traffic light": 0.4917, "Acc.tray": 0.2454, "Acc.ashcan": 0.5617, "Acc.fan": 0.7324, "Acc.pier": 0.5015, "Acc.crt screen": 0.2861, "Acc.plate": 0.7099, "Acc.monitor": 0.8346, "Acc.bulletin board": 0.6578, "Acc.shower": 0.0025, "Acc.radiator": 0.7165, "Acc.glass": 0.1926, "Acc.clock": 0.4702, "Acc.flag": 0.7943} {"mode": "train", "epoch": 25, "iter": 31050, "lr": 2e-05, "memory": 70498, "data_time": 1.97033, "decode.loss_ce": 0.25068, "decode.acc_seg": 89.44561, "aux.loss_ce": 0.10373, "aux.acc_seg": 89.12445, "loss": 0.35441, "time": 3.29254} {"mode": "train", "epoch": 25, "iter": 31100, "lr": 2e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.26648, "decode.acc_seg": 89.0452, "aux.loss_ce": 0.10973, "aux.acc_seg": 88.73362, "loss": 0.37621, "time": 1.33219} {"mode": "train", "epoch": 25, "iter": 31150, "lr": 2e-05, "memory": 70498, "data_time": 0.00997, "decode.loss_ce": 0.27544, "decode.acc_seg": 88.95952, "aux.loss_ce": 0.11325, "aux.acc_seg": 88.69114, "loss": 0.38869, "time": 1.33151} {"mode": "train", "epoch": 25, "iter": 31200, "lr": 2e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.2509, "decode.acc_seg": 89.69055, "aux.loss_ce": 0.10302, "aux.acc_seg": 89.49446, "loss": 0.35392, "time": 1.33196} {"mode": "train", "epoch": 25, "iter": 31250, "lr": 2e-05, "memory": 70498, "data_time": 0.00975, "decode.loss_ce": 0.25299, "decode.acc_seg": 89.36939, "aux.loss_ce": 0.10399, "aux.acc_seg": 89.14879, "loss": 0.35699, "time": 1.33051} {"mode": "train", "epoch": 25, "iter": 31300, "lr": 2e-05, "memory": 70498, "data_time": 0.00968, "decode.loss_ce": 0.25558, "decode.acc_seg": 89.22993, "aux.loss_ce": 0.10391, "aux.acc_seg": 89.01341, "loss": 0.35949, "time": 1.32886} {"mode": "train", "epoch": 25, "iter": 31350, "lr": 2e-05, "memory": 70498, "data_time": 0.00944, "decode.loss_ce": 0.26124, "decode.acc_seg": 89.30841, "aux.loss_ce": 0.10724, "aux.acc_seg": 89.09728, "loss": 0.36848, "time": 1.33139} {"mode": "train", "epoch": 25, "iter": 31400, "lr": 2e-05, "memory": 70498, "data_time": 0.00972, "decode.loss_ce": 0.23362, "decode.acc_seg": 90.12418, "aux.loss_ce": 0.09533, "aux.acc_seg": 90.03184, "loss": 0.32895, "time": 1.32927} {"mode": "train", "epoch": 25, "iter": 31450, "lr": 2e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.25283, "decode.acc_seg": 89.57272, "aux.loss_ce": 0.10358, "aux.acc_seg": 89.31605, "loss": 0.35641, "time": 1.32747} {"mode": "train", "epoch": 25, "iter": 31500, "lr": 2e-05, "memory": 70498, "data_time": 0.00972, "decode.loss_ce": 0.25258, "decode.acc_seg": 89.46836, "aux.loss_ce": 0.10357, "aux.acc_seg": 89.22919, "loss": 0.35615, "time": 1.32767} {"mode": "train", "epoch": 25, "iter": 31550, "lr": 2e-05, "memory": 70498, "data_time": 0.00977, "decode.loss_ce": 0.26889, "decode.acc_seg": 89.2692, "aux.loss_ce": 0.10972, "aux.acc_seg": 89.08726, "loss": 0.37862, "time": 1.33099} {"mode": "train", "epoch": 26, "iter": 31600, "lr": 2e-05, "memory": 70498, "data_time": 0.05188, "decode.loss_ce": 0.26426, "decode.acc_seg": 89.78137, "aux.loss_ce": 0.10804, "aux.acc_seg": 89.55969, "loss": 0.3723, "time": 1.36718} {"mode": "train", "epoch": 26, "iter": 31650, "lr": 2e-05, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.24264, "decode.acc_seg": 90.05801, "aux.loss_ce": 0.09938, "aux.acc_seg": 89.74073, "loss": 0.34202, "time": 1.32625} {"mode": "train", "epoch": 26, "iter": 31700, "lr": 2e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.25656, "decode.acc_seg": 89.55846, "aux.loss_ce": 0.10595, "aux.acc_seg": 89.20526, "loss": 0.3625, "time": 1.33081} {"mode": "train", "epoch": 26, "iter": 31750, "lr": 2e-05, "memory": 70498, "data_time": 0.00992, "decode.loss_ce": 0.25486, "decode.acc_seg": 89.62476, "aux.loss_ce": 0.10395, "aux.acc_seg": 89.31486, "loss": 0.35881, "time": 1.33497} {"mode": "train", "epoch": 26, "iter": 31800, "lr": 2e-05, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.2567, "decode.acc_seg": 89.64871, "aux.loss_ce": 0.10523, "aux.acc_seg": 89.27312, "loss": 0.36193, "time": 1.32486} {"mode": "train", "epoch": 26, "iter": 31850, "lr": 2e-05, "memory": 70498, "data_time": 0.00945, "decode.loss_ce": 0.25072, "decode.acc_seg": 89.6312, "aux.loss_ce": 0.10329, "aux.acc_seg": 89.43596, "loss": 0.35402, "time": 1.325} {"mode": "train", "epoch": 26, "iter": 31900, "lr": 2e-05, "memory": 70498, "data_time": 0.00973, "decode.loss_ce": 0.25379, "decode.acc_seg": 89.52869, "aux.loss_ce": 0.10506, "aux.acc_seg": 89.28025, "loss": 0.35885, "time": 1.32584} {"mode": "train", "epoch": 26, "iter": 31950, "lr": 2e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.26566, "decode.acc_seg": 89.07022, "aux.loss_ce": 0.10848, "aux.acc_seg": 88.76392, "loss": 0.37414, "time": 1.33227} {"mode": "train", "epoch": 26, "iter": 32000, "lr": 2e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.25363, "decode.acc_seg": 89.67111, "aux.loss_ce": 0.10335, "aux.acc_seg": 89.44813, "loss": 0.35698, "time": 3.40042} {"mode": "val", "epoch": 26, "iter": 250, "lr": 2e-05, "aAcc": 0.8567, "mIoU": 0.5518, "mAcc": 0.6839, "IoU.wall": 0.8138, "IoU.building": 0.8533, "IoU.sky": 0.9491, "IoU.floor": 0.8429, "IoU.tree": 0.7812, "IoU.ceiling": 0.8631, "IoU.road": 0.8581, "IoU.bed ": 0.9229, "IoU.windowpane": 0.6526, "IoU.grass": 0.6883, "IoU.cabinet": 0.6417, "IoU.sidewalk": 0.7098, "IoU.person": 0.852, "IoU.earth": 0.3498, "IoU.door": 0.5889, "IoU.table": 0.6746, "IoU.mountain": 0.6358, "IoU.plant": 0.5726, "IoU.curtain": 0.7833, "IoU.chair": 0.6639, "IoU.car": 0.8693, "IoU.water": 0.6017, "IoU.painting": 0.7617, "IoU.sofa": 0.7686, "IoU.shelf": 0.4828, "IoU.house": 0.6271, "IoU.sea": 0.6345, "IoU.mirror": 0.7864, "IoU.rug": 0.694, "IoU.field": 0.4243, "IoU.armchair": 0.5416, "IoU.seat": 0.6821, "IoU.fence": 0.5115, "IoU.desk": 0.5308, "IoU.rock": 0.5806, "IoU.wardrobe": 0.5153, "IoU.lamp": 0.7116, "IoU.bathtub": 0.8255, "IoU.railing": 0.394, "IoU.cushion": 0.6594, "IoU.base": 0.3847, "IoU.box": 0.3664, "IoU.column": 0.511, "IoU.signboard": 0.4275, "IoU.chest of drawers": 0.4643, "IoU.counter": 0.5036, "IoU.sand": 0.4708, "IoU.sink": 0.7441, "IoU.skyscraper": 0.4669, "IoU.fireplace": 0.7403, "IoU.refrigerator": 0.8177, "IoU.grandstand": 0.4894, "IoU.path": 0.2621, "IoU.stairs": 0.245, "IoU.runway": 0.6799, "IoU.case": 0.6095, "IoU.pool table": 0.9445, "IoU.pillow": 0.6953, "IoU.screen door": 0.7937, "IoU.stairway": 0.5196, "IoU.river": 0.1855, "IoU.bridge": 0.6509, "IoU.bookcase": 0.3928, "IoU.blind": 0.4249, "IoU.coffee table": 0.6593, "IoU.toilet": 0.8703, "IoU.flower": 0.4619, "IoU.book": 0.5374, "IoU.hill": 0.037, "IoU.bench": 0.5322, "IoU.countertop": 0.6309, "IoU.stove": 0.8253, "IoU.palm": 0.581, "IoU.kitchen island": 0.4339, "IoU.computer": 0.7753, "IoU.swivel chair": 0.4922, "IoU.boat": 0.513, "IoU.bar": 0.5813, "IoU.arcade machine": 0.6982, "IoU.hovel": 0.143, "IoU.bus": 0.9277, "IoU.towel": 0.7591, "IoU.light": 0.585, "IoU.truck": 0.4793, "IoU.tower": 0.0605, "IoU.chandelier": 0.6866, "IoU.awning": 0.477, "IoU.streetlight": 0.2861, "IoU.booth": 0.692, "IoU.television receiver": 0.7927, "IoU.airplane": 0.8169, "IoU.dirt track": 0.0829, "IoU.apparel": 0.4851, "IoU.pole": 0.2635, "IoU.land": 0.0178, "IoU.bannister": 0.1431, "IoU.escalator": 0.5454, "IoU.ottoman": 0.4934, "IoU.bottle": 0.4155, "IoU.buffet": 0.5698, "IoU.poster": 0.3316, "IoU.stage": 0.1797, "IoU.van": 0.4352, "IoU.ship": 0.9382, "IoU.fountain": 0.3119, "IoU.conveyer belt": 0.7577, "IoU.canopy": 0.4995, "IoU.washer": 0.8176, "IoU.plaything": 0.3409, "IoU.swimming pool": 0.5886, "IoU.stool": 0.5094, "IoU.barrel": 0.2525, "IoU.basket": 0.3843, "IoU.waterfall": 0.5647, "IoU.tent": 0.9047, "IoU.bag": 0.1876, "IoU.minibike": 0.7286, "IoU.cradle": 0.7407, "IoU.oven": 0.5677, "IoU.ball": 0.3684, "IoU.food": 0.6293, "IoU.step": 0.1298, "IoU.tank": 0.6184, "IoU.trade name": 0.3395, "IoU.microwave": 0.8883, "IoU.pot": 0.5655, "IoU.animal": 0.6177, "IoU.bicycle": 0.5726, "IoU.lake": 0.5704, "IoU.dishwasher": 0.6693, "IoU.screen": 0.5353, "IoU.blanket": 0.2225, "IoU.sculpture": 0.737, "IoU.hood": 0.6074, "IoU.sconce": 0.5206, "IoU.vase": 0.445, "IoU.traffic light": 0.3902, "IoU.tray": 0.1494, "IoU.ashcan": 0.3931, "IoU.fan": 0.6219, "IoU.pier": 0.3245, "IoU.crt screen": 0.109, "IoU.plate": 0.6023, "IoU.monitor": 0.1672, "IoU.bulletin board": 0.6162, "IoU.shower": 0.0, "IoU.radiator": 0.604, "IoU.glass": 0.1758, "IoU.clock": 0.4074, "IoU.flag": 0.6853, "Acc.wall": 0.8969, "Acc.building": 0.9344, "Acc.sky": 0.9742, "Acc.floor": 0.8988, "Acc.tree": 0.8871, "Acc.ceiling": 0.9323, "Acc.road": 0.8982, "Acc.bed ": 0.9728, "Acc.windowpane": 0.7999, "Acc.grass": 0.8978, "Acc.cabinet": 0.7294, "Acc.sidewalk": 0.8472, "Acc.person": 0.929, "Acc.earth": 0.4623, "Acc.door": 0.7757, "Acc.table": 0.7797, "Acc.mountain": 0.7724, "Acc.plant": 0.6867, "Acc.curtain": 0.9102, "Acc.chair": 0.7908, "Acc.car": 0.9451, "Acc.water": 0.7166, "Acc.painting": 0.9104, "Acc.sofa": 0.8272, "Acc.shelf": 0.6956, "Acc.house": 0.8376, "Acc.sea": 0.831, "Acc.mirror": 0.8869, "Acc.rug": 0.8709, "Acc.field": 0.5581, "Acc.armchair": 0.8115, "Acc.seat": 0.8527, "Acc.fence": 0.645, "Acc.desk": 0.7724, "Acc.rock": 0.8535, "Acc.wardrobe": 0.6838, "Acc.lamp": 0.8215, "Acc.bathtub": 0.8537, "Acc.railing": 0.5404, "Acc.cushion": 0.738, "Acc.base": 0.51, "Acc.box": 0.4898, "Acc.column": 0.5958, "Acc.signboard": 0.5548, "Acc.chest of drawers": 0.6992, "Acc.counter": 0.6234, "Acc.sand": 0.6763, "Acc.sink": 0.831, "Acc.skyscraper": 0.5997, "Acc.fireplace": 0.9187, "Acc.refrigerator": 0.9213, "Acc.grandstand": 0.8723, "Acc.path": 0.4799, "Acc.stairs": 0.3057, "Acc.runway": 0.9011, "Acc.case": 0.802, "Acc.pool table": 0.9772, "Acc.pillow": 0.8128, "Acc.screen door": 0.8511, "Acc.stairway": 0.6486, "Acc.river": 0.3881, "Acc.bridge": 0.7377, "Acc.bookcase": 0.5961, "Acc.blind": 0.472, "Acc.coffee table": 0.8802, "Acc.toilet": 0.9344, "Acc.flower": 0.662, "Acc.book": 0.6913, "Acc.hill": 0.0675, "Acc.bench": 0.6598, "Acc.countertop": 0.8019, "Acc.stove": 0.8857, "Acc.palm": 0.8145, "Acc.kitchen island": 0.7494, "Acc.computer": 0.9245, "Acc.swivel chair": 0.729, "Acc.boat": 0.8544, "Acc.bar": 0.6581, "Acc.arcade machine": 0.8465, "Acc.hovel": 0.163, "Acc.bus": 0.9537, "Acc.towel": 0.8362, "Acc.light": 0.671, "Acc.truck": 0.6202, "Acc.tower": 0.0787, "Acc.chandelier": 0.8407, "Acc.awning": 0.6057, "Acc.streetlight": 0.3821, "Acc.booth": 0.711, "Acc.television receiver": 0.8431, "Acc.airplane": 0.8664, "Acc.dirt track": 0.3678, "Acc.apparel": 0.6756, "Acc.pole": 0.3595, "Acc.land": 0.0594, "Acc.bannister": 0.1907, "Acc.escalator": 0.8486, "Acc.ottoman": 0.6987, "Acc.bottle": 0.6783, "Acc.buffet": 0.6454, "Acc.poster": 0.4848, "Acc.stage": 0.3181, "Acc.van": 0.5014, "Acc.ship": 0.9742, "Acc.fountain": 0.3239, "Acc.conveyer belt": 0.935, "Acc.canopy": 0.7778, "Acc.washer": 0.8664, "Acc.plaything": 0.4688, "Acc.swimming pool": 0.8956, "Acc.stool": 0.6537, "Acc.barrel": 0.6488, "Acc.basket": 0.5571, "Acc.waterfall": 0.821, "Acc.tent": 0.9867, "Acc.bag": 0.2086, "Acc.minibike": 0.8586, "Acc.cradle": 0.987, "Acc.oven": 0.7955, "Acc.ball": 0.3807, "Acc.food": 0.8031, "Acc.step": 0.1805, "Acc.tank": 0.6599, "Acc.trade name": 0.4272, "Acc.microwave": 0.9567, "Acc.pot": 0.6818, "Acc.animal": 0.6287, "Acc.bicycle": 0.7528, "Acc.lake": 0.6343, "Acc.dishwasher": 0.8552, "Acc.screen": 0.8215, "Acc.blanket": 0.2434, "Acc.sculpture": 0.8433, "Acc.hood": 0.6986, "Acc.sconce": 0.6027, "Acc.vase": 0.5819, "Acc.traffic light": 0.5739, "Acc.tray": 0.1989, "Acc.ashcan": 0.6881, "Acc.fan": 0.7553, "Acc.pier": 0.4704, "Acc.crt screen": 0.3409, "Acc.plate": 0.7501, "Acc.monitor": 0.1781, "Acc.bulletin board": 0.6788, "Acc.shower": 0.0, "Acc.radiator": 0.7276, "Acc.glass": 0.1888, "Acc.clock": 0.4675, "Acc.flag": 0.8103} {"mode": "train", "epoch": 26, "iter": 32050, "lr": 2e-05, "memory": 70498, "data_time": 1.98993, "decode.loss_ce": 0.23944, "decode.acc_seg": 90.21189, "aux.loss_ce": 0.09881, "aux.acc_seg": 89.9582, "loss": 0.33826, "time": 3.30664} {"mode": "train", "epoch": 26, "iter": 32100, "lr": 2e-05, "memory": 70498, "data_time": 0.00973, "decode.loss_ce": 0.2559, "decode.acc_seg": 89.34582, "aux.loss_ce": 0.10499, "aux.acc_seg": 89.10343, "loss": 0.36089, "time": 1.32805} {"mode": "train", "epoch": 26, "iter": 32150, "lr": 2e-05, "memory": 70498, "data_time": 0.0096, "decode.loss_ce": 0.25095, "decode.acc_seg": 89.35227, "aux.loss_ce": 0.10301, "aux.acc_seg": 89.10292, "loss": 0.35396, "time": 1.32635} {"mode": "train", "epoch": 26, "iter": 32200, "lr": 2e-05, "memory": 70498, "data_time": 0.00967, "decode.loss_ce": 0.24844, "decode.acc_seg": 89.43791, "aux.loss_ce": 0.10191, "aux.acc_seg": 89.1852, "loss": 0.35034, "time": 1.32778} {"mode": "train", "epoch": 26, "iter": 32250, "lr": 2e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.26006, "decode.acc_seg": 89.12287, "aux.loss_ce": 0.10674, "aux.acc_seg": 88.82786, "loss": 0.36679, "time": 1.32943} {"mode": "train", "epoch": 26, "iter": 32300, "lr": 2e-05, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.25201, "decode.acc_seg": 89.40984, "aux.loss_ce": 0.10388, "aux.acc_seg": 89.12026, "loss": 0.35588, "time": 1.32333} {"mode": "train", "epoch": 26, "iter": 32350, "lr": 2e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.27541, "decode.acc_seg": 88.82482, "aux.loss_ce": 0.11284, "aux.acc_seg": 88.5936, "loss": 0.38825, "time": 1.32702} {"mode": "train", "epoch": 26, "iter": 32400, "lr": 2e-05, "memory": 70498, "data_time": 0.00956, "decode.loss_ce": 0.24259, "decode.acc_seg": 90.34062, "aux.loss_ce": 0.09932, "aux.acc_seg": 90.10129, "loss": 0.34191, "time": 1.32866} {"mode": "train", "epoch": 26, "iter": 32450, "lr": 2e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.25059, "decode.acc_seg": 90.07753, "aux.loss_ce": 0.1029, "aux.acc_seg": 89.80573, "loss": 0.35349, "time": 1.32717} {"mode": "train", "epoch": 26, "iter": 32500, "lr": 2e-05, "memory": 70498, "data_time": 0.00965, "decode.loss_ce": 0.25347, "decode.acc_seg": 89.44674, "aux.loss_ce": 0.10419, "aux.acc_seg": 89.18138, "loss": 0.35765, "time": 1.32595} {"mode": "train", "epoch": 26, "iter": 32550, "lr": 2e-05, "memory": 70498, "data_time": 0.0098, "decode.loss_ce": 0.2659, "decode.acc_seg": 89.19991, "aux.loss_ce": 0.10884, "aux.acc_seg": 88.91714, "loss": 0.37475, "time": 1.32772} {"mode": "train", "epoch": 26, "iter": 32600, "lr": 2e-05, "memory": 70498, "data_time": 0.00961, "decode.loss_ce": 0.25216, "decode.acc_seg": 89.5938, "aux.loss_ce": 0.10403, "aux.acc_seg": 89.25231, "loss": 0.3562, "time": 1.32579} {"mode": "train", "epoch": 26, "iter": 32650, "lr": 2e-05, "memory": 70498, "data_time": 0.00983, "decode.loss_ce": 0.25351, "decode.acc_seg": 89.49747, "aux.loss_ce": 0.10533, "aux.acc_seg": 89.14235, "loss": 0.35884, "time": 1.32162} {"mode": "train", "epoch": 26, "iter": 32700, "lr": 2e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.28069, "decode.acc_seg": 88.6364, "aux.loss_ce": 0.11511, "aux.acc_seg": 88.29513, "loss": 0.3958, "time": 1.33035} {"mode": "train", "epoch": 26, "iter": 32750, "lr": 2e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.27568, "decode.acc_seg": 88.67282, "aux.loss_ce": 0.11126, "aux.acc_seg": 88.39703, "loss": 0.38694, "time": 1.32883} {"mode": "train", "epoch": 26, "iter": 32800, "lr": 2e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.26126, "decode.acc_seg": 88.94639, "aux.loss_ce": 0.10692, "aux.acc_seg": 88.76219, "loss": 0.36818, "time": 1.32314} {"mode": "train", "epoch": 27, "iter": 32850, "lr": 2e-05, "memory": 70498, "data_time": 0.05691, "decode.loss_ce": 0.25824, "decode.acc_seg": 89.37381, "aux.loss_ce": 0.10601, "aux.acc_seg": 89.09728, "loss": 0.36425, "time": 1.37742} {"mode": "train", "epoch": 27, "iter": 32900, "lr": 2e-05, "memory": 70498, "data_time": 0.00973, "decode.loss_ce": 0.25115, "decode.acc_seg": 89.62853, "aux.loss_ce": 0.10413, "aux.acc_seg": 89.21522, "loss": 0.35528, "time": 1.32588} {"mode": "train", "epoch": 27, "iter": 32950, "lr": 2e-05, "memory": 70498, "data_time": 0.00998, "decode.loss_ce": 0.24902, "decode.acc_seg": 89.95075, "aux.loss_ce": 0.10231, "aux.acc_seg": 89.6727, "loss": 0.35133, "time": 1.3271} {"mode": "train", "epoch": 27, "iter": 33000, "lr": 2e-05, "memory": 70498, "data_time": 0.00976, "decode.loss_ce": 0.23954, "decode.acc_seg": 90.10194, "aux.loss_ce": 0.09901, "aux.acc_seg": 89.79101, "loss": 0.33855, "time": 1.32893} {"mode": "val", "epoch": 27, "iter": 250, "lr": 2e-05, "aAcc": 0.8573, "mIoU": 0.563, "mAcc": 0.6906, "IoU.wall": 0.8114, "IoU.building": 0.8431, "IoU.sky": 0.9487, "IoU.floor": 0.8499, "IoU.tree": 0.7806, "IoU.ceiling": 0.8599, "IoU.road": 0.865, "IoU.bed ": 0.9231, "IoU.windowpane": 0.6514, "IoU.grass": 0.6728, "IoU.cabinet": 0.6515, "IoU.sidewalk": 0.7279, "IoU.person": 0.8543, "IoU.earth": 0.3518, "IoU.door": 0.5912, "IoU.table": 0.6749, "IoU.mountain": 0.6399, "IoU.plant": 0.5869, "IoU.curtain": 0.7904, "IoU.chair": 0.6483, "IoU.car": 0.8699, "IoU.water": 0.5847, "IoU.painting": 0.7702, "IoU.sofa": 0.7901, "IoU.shelf": 0.5279, "IoU.house": 0.5106, "IoU.sea": 0.6143, "IoU.mirror": 0.7538, "IoU.rug": 0.7141, "IoU.field": 0.3955, "IoU.armchair": 0.5806, "IoU.seat": 0.6642, "IoU.fence": 0.5144, "IoU.desk": 0.5292, "IoU.rock": 0.5539, "IoU.wardrobe": 0.5667, "IoU.lamp": 0.7222, "IoU.bathtub": 0.8362, "IoU.railing": 0.4071, "IoU.cushion": 0.6513, "IoU.base": 0.3966, "IoU.box": 0.3377, "IoU.column": 0.5281, "IoU.signboard": 0.4172, "IoU.chest of drawers": 0.434, "IoU.counter": 0.4961, "IoU.sand": 0.3935, "IoU.sink": 0.7581, "IoU.skyscraper": 0.4896, "IoU.fireplace": 0.6982, "IoU.refrigerator": 0.8017, "IoU.grandstand": 0.5308, "IoU.path": 0.3425, "IoU.stairs": 0.3471, "IoU.runway": 0.7486, "IoU.case": 0.6185, "IoU.pool table": 0.944, "IoU.pillow": 0.6963, "IoU.screen door": 0.7118, "IoU.stairway": 0.5851, "IoU.river": 0.1763, "IoU.bridge": 0.746, "IoU.bookcase": 0.428, "IoU.blind": 0.4703, "IoU.coffee table": 0.6651, "IoU.toilet": 0.8903, "IoU.flower": 0.4392, "IoU.book": 0.5345, "IoU.hill": 0.0783, "IoU.bench": 0.5346, "IoU.countertop": 0.6435, "IoU.stove": 0.8467, "IoU.palm": 0.5719, "IoU.kitchen island": 0.4485, "IoU.computer": 0.7903, "IoU.swivel chair": 0.4795, "IoU.boat": 0.5634, "IoU.bar": 0.6285, "IoU.arcade machine": 0.7616, "IoU.hovel": 0.4421, "IoU.bus": 0.9297, "IoU.towel": 0.7724, "IoU.light": 0.6019, "IoU.truck": 0.4586, "IoU.tower": 0.061, "IoU.chandelier": 0.7122, "IoU.awning": 0.4619, "IoU.streetlight": 0.3136, "IoU.booth": 0.5376, "IoU.television receiver": 0.7538, "IoU.airplane": 0.7241, "IoU.dirt track": 0.1551, "IoU.apparel": 0.4684, "IoU.pole": 0.2784, "IoU.land": 0.0297, "IoU.bannister": 0.1796, "IoU.escalator": 0.6086, "IoU.ottoman": 0.4571, "IoU.bottle": 0.337, "IoU.buffet": 0.5035, "IoU.poster": 0.3358, "IoU.stage": 0.2078, "IoU.van": 0.4531, "IoU.ship": 0.9106, "IoU.fountain": 0.3144, "IoU.conveyer belt": 0.8063, "IoU.canopy": 0.4896, "IoU.washer": 0.745, "IoU.plaything": 0.3588, "IoU.swimming pool": 0.6091, "IoU.stool": 0.4935, "IoU.barrel": 0.4474, "IoU.basket": 0.4097, "IoU.waterfall": 0.6223, "IoU.tent": 0.9379, "IoU.bag": 0.1763, "IoU.minibike": 0.7372, "IoU.cradle": 0.8338, "IoU.oven": 0.661, "IoU.ball": 0.5509, "IoU.food": 0.5587, "IoU.step": 0.1097, "IoU.tank": 0.6617, "IoU.trade name": 0.2199, "IoU.microwave": 0.8997, "IoU.pot": 0.5661, "IoU.animal": 0.637, "IoU.bicycle": 0.5768, "IoU.lake": 0.475, "IoU.dishwasher": 0.7124, "IoU.screen": 0.618, "IoU.blanket": 0.3304, "IoU.sculpture": 0.6851, "IoU.hood": 0.6208, "IoU.sconce": 0.548, "IoU.vase": 0.4486, "IoU.traffic light": 0.3815, "IoU.tray": 0.0801, "IoU.ashcan": 0.4537, "IoU.fan": 0.6485, "IoU.pier": 0.3373, "IoU.crt screen": 0.2011, "IoU.plate": 0.5732, "IoU.monitor": 0.5829, "IoU.bulletin board": 0.5708, "IoU.shower": 0.0039, "IoU.radiator": 0.5928, "IoU.glass": 0.1789, "IoU.clock": 0.3252, "IoU.flag": 0.7108, "Acc.wall": 0.8942, "Acc.building": 0.9354, "Acc.sky": 0.9737, "Acc.floor": 0.9115, "Acc.tree": 0.8941, "Acc.ceiling": 0.9195, "Acc.road": 0.9128, "Acc.bed ": 0.9703, "Acc.windowpane": 0.8088, "Acc.grass": 0.8137, "Acc.cabinet": 0.7961, "Acc.sidewalk": 0.8734, "Acc.person": 0.9406, "Acc.earth": 0.4814, "Acc.door": 0.731, "Acc.table": 0.8206, "Acc.mountain": 0.7596, "Acc.plant": 0.7187, "Acc.curtain": 0.8966, "Acc.chair": 0.7556, "Acc.car": 0.9331, "Acc.water": 0.7058, "Acc.painting": 0.9023, "Acc.sofa": 0.8992, "Acc.shelf": 0.6959, "Acc.house": 0.6037, "Acc.sea": 0.7848, "Acc.mirror": 0.8462, "Acc.rug": 0.793, "Acc.field": 0.7094, "Acc.armchair": 0.7747, "Acc.seat": 0.8575, "Acc.fence": 0.6534, "Acc.desk": 0.739, "Acc.rock": 0.7152, "Acc.wardrobe": 0.7474, "Acc.lamp": 0.8396, "Acc.bathtub": 0.8598, "Acc.railing": 0.5434, "Acc.cushion": 0.7148, "Acc.base": 0.6115, "Acc.box": 0.4113, "Acc.column": 0.6517, "Acc.signboard": 0.5772, "Acc.chest of drawers": 0.5926, "Acc.counter": 0.639, "Acc.sand": 0.563, "Acc.sink": 0.8288, "Acc.skyscraper": 0.6357, "Acc.fireplace": 0.8921, "Acc.refrigerator": 0.9096, "Acc.grandstand": 0.8611, "Acc.path": 0.4677, "Acc.stairs": 0.4337, "Acc.runway": 0.9784, "Acc.case": 0.8321, "Acc.pool table": 0.9814, "Acc.pillow": 0.8348, "Acc.screen door": 0.7469, "Acc.stairway": 0.6515, "Acc.river": 0.3923, "Acc.bridge": 0.8375, "Acc.bookcase": 0.5994, "Acc.blind": 0.5627, "Acc.coffee table": 0.8494, "Acc.toilet": 0.9394, "Acc.flower": 0.5681, "Acc.book": 0.7371, "Acc.hill": 0.1594, "Acc.bench": 0.6151, "Acc.countertop": 0.8644, "Acc.stove": 0.9069, "Acc.palm": 0.7779, "Acc.kitchen island": 0.7001, "Acc.computer": 0.9111, "Acc.swivel chair": 0.7861, "Acc.boat": 0.8577, "Acc.bar": 0.7222, "Acc.arcade machine": 0.8721, "Acc.hovel": 0.4907, "Acc.bus": 0.9589, "Acc.towel": 0.8689, "Acc.light": 0.7542, "Acc.truck": 0.6256, "Acc.tower": 0.0825, "Acc.chandelier": 0.9073, "Acc.awning": 0.6523, "Acc.streetlight": 0.4253, "Acc.booth": 0.5536, "Acc.television receiver": 0.8323, "Acc.airplane": 0.7672, "Acc.dirt track": 0.4071, "Acc.apparel": 0.6628, "Acc.pole": 0.3763, "Acc.land": 0.0819, "Acc.bannister": 0.2635, "Acc.escalator": 0.7724, "Acc.ottoman": 0.6377, "Acc.bottle": 0.4236, "Acc.buffet": 0.6829, "Acc.poster": 0.4725, "Acc.stage": 0.3612, "Acc.van": 0.5943, "Acc.ship": 0.9503, "Acc.fountain": 0.3201, "Acc.conveyer belt": 0.9233, "Acc.canopy": 0.6851, "Acc.washer": 0.7708, "Acc.plaything": 0.4498, "Acc.swimming pool": 0.9265, "Acc.stool": 0.7471, "Acc.barrel": 0.6476, "Acc.basket": 0.6023, "Acc.waterfall": 0.9174, "Acc.tent": 0.9835, "Acc.bag": 0.2069, "Acc.minibike": 0.8826, "Acc.cradle": 0.9828, "Acc.oven": 0.774, "Acc.ball": 0.7525, "Acc.food": 0.7025, "Acc.step": 0.1393, "Acc.tank": 0.7546, "Acc.trade name": 0.2439, "Acc.microwave": 0.9474, "Acc.pot": 0.6495, "Acc.animal": 0.6555, "Acc.bicycle": 0.7929, "Acc.lake": 0.6377, "Acc.dishwasher": 0.7968, "Acc.screen": 0.9237, "Acc.blanket": 0.3998, "Acc.sculpture": 0.8645, "Acc.hood": 0.7422, "Acc.sconce": 0.6717, "Acc.vase": 0.5809, "Acc.traffic light": 0.5817, "Acc.tray": 0.0912, "Acc.ashcan": 0.5998, "Acc.fan": 0.7865, "Acc.pier": 0.4663, "Acc.crt screen": 0.3097, "Acc.plate": 0.724, "Acc.monitor": 0.6502, "Acc.bulletin board": 0.7304, "Acc.shower": 0.0241, "Acc.radiator": 0.6952, "Acc.glass": 0.1928, "Acc.clock": 0.3684, "Acc.flag": 0.8013} {"mode": "train", "epoch": 27, "iter": 33050, "lr": 2e-05, "memory": 70498, "data_time": 1.96531, "decode.loss_ce": 0.22674, "decode.acc_seg": 90.38154, "aux.loss_ce": 0.09402, "aux.acc_seg": 90.07278, "loss": 0.32076, "time": 3.28906} {"mode": "train", "epoch": 27, "iter": 33100, "lr": 2e-05, "memory": 70498, "data_time": 0.01012, "decode.loss_ce": 0.25413, "decode.acc_seg": 89.89646, "aux.loss_ce": 0.10483, "aux.acc_seg": 89.56571, "loss": 0.35896, "time": 1.32847} {"mode": "train", "epoch": 27, "iter": 33150, "lr": 2e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.24797, "decode.acc_seg": 89.85304, "aux.loss_ce": 0.10154, "aux.acc_seg": 89.54164, "loss": 0.3495, "time": 1.32589} {"mode": "train", "epoch": 27, "iter": 33200, "lr": 2e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.24992, "decode.acc_seg": 89.69787, "aux.loss_ce": 0.10309, "aux.acc_seg": 89.3479, "loss": 0.35301, "time": 1.33074} {"mode": "train", "epoch": 27, "iter": 33250, "lr": 2e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.25582, "decode.acc_seg": 89.44645, "aux.loss_ce": 0.10454, "aux.acc_seg": 89.14772, "loss": 0.36036, "time": 1.32479} {"mode": "train", "epoch": 27, "iter": 33300, "lr": 2e-05, "memory": 70498, "data_time": 0.00966, "decode.loss_ce": 0.26472, "decode.acc_seg": 89.37382, "aux.loss_ce": 0.1079, "aux.acc_seg": 89.12623, "loss": 0.37262, "time": 1.32757} {"mode": "train", "epoch": 27, "iter": 33350, "lr": 2e-05, "memory": 70498, "data_time": 0.00948, "decode.loss_ce": 0.25541, "decode.acc_seg": 89.56886, "aux.loss_ce": 0.10556, "aux.acc_seg": 89.14201, "loss": 0.36096, "time": 1.32654} {"mode": "train", "epoch": 27, "iter": 33400, "lr": 2e-05, "memory": 70498, "data_time": 0.00962, "decode.loss_ce": 0.23003, "decode.acc_seg": 90.53549, "aux.loss_ce": 0.09594, "aux.acc_seg": 90.10146, "loss": 0.32597, "time": 1.32778} {"mode": "train", "epoch": 27, "iter": 33450, "lr": 2e-05, "memory": 70498, "data_time": 0.0096, "decode.loss_ce": 0.23742, "decode.acc_seg": 90.39715, "aux.loss_ce": 0.09803, "aux.acc_seg": 90.06094, "loss": 0.33545, "time": 1.3282} {"mode": "train", "epoch": 27, "iter": 33500, "lr": 2e-05, "memory": 70498, "data_time": 0.00956, "decode.loss_ce": 0.23847, "decode.acc_seg": 89.93887, "aux.loss_ce": 0.09892, "aux.acc_seg": 89.6104, "loss": 0.33739, "time": 1.32531} {"mode": "train", "epoch": 27, "iter": 33550, "lr": 2e-05, "memory": 70498, "data_time": 0.00965, "decode.loss_ce": 0.24801, "decode.acc_seg": 90.08296, "aux.loss_ce": 0.10227, "aux.acc_seg": 89.71748, "loss": 0.35027, "time": 1.32924} {"mode": "train", "epoch": 27, "iter": 33600, "lr": 2e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.24942, "decode.acc_seg": 89.92169, "aux.loss_ce": 0.10249, "aux.acc_seg": 89.64293, "loss": 0.3519, "time": 1.32538} {"mode": "train", "epoch": 27, "iter": 33650, "lr": 2e-05, "memory": 70498, "data_time": 0.00967, "decode.loss_ce": 0.25823, "decode.acc_seg": 89.36876, "aux.loss_ce": 0.10619, "aux.acc_seg": 89.0483, "loss": 0.36442, "time": 1.32357} {"mode": "train", "epoch": 27, "iter": 33700, "lr": 2e-05, "memory": 70498, "data_time": 0.00986, "decode.loss_ce": 0.23962, "decode.acc_seg": 90.17299, "aux.loss_ce": 0.09833, "aux.acc_seg": 89.93512, "loss": 0.33795, "time": 1.32539} {"mode": "train", "epoch": 27, "iter": 33750, "lr": 2e-05, "memory": 70498, "data_time": 0.00962, "decode.loss_ce": 0.24966, "decode.acc_seg": 89.65181, "aux.loss_ce": 0.10181, "aux.acc_seg": 89.45044, "loss": 0.35147, "time": 1.32958} {"mode": "train", "epoch": 27, "iter": 33800, "lr": 2e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.25949, "decode.acc_seg": 89.47601, "aux.loss_ce": 0.10638, "aux.acc_seg": 89.27717, "loss": 0.36587, "time": 1.32283} {"mode": "train", "epoch": 27, "iter": 33850, "lr": 2e-05, "memory": 70498, "data_time": 0.00965, "decode.loss_ce": 0.25951, "decode.acc_seg": 89.8531, "aux.loss_ce": 0.10594, "aux.acc_seg": 89.70567, "loss": 0.36545, "time": 1.32351} {"mode": "train", "epoch": 27, "iter": 33900, "lr": 2e-05, "memory": 70498, "data_time": 0.00962, "decode.loss_ce": 0.23386, "decode.acc_seg": 90.34095, "aux.loss_ce": 0.09586, "aux.acc_seg": 90.12334, "loss": 0.32973, "time": 1.31815} {"mode": "train", "epoch": 27, "iter": 33950, "lr": 2e-05, "memory": 70498, "data_time": 0.00973, "decode.loss_ce": 0.23111, "decode.acc_seg": 90.4386, "aux.loss_ce": 0.09561, "aux.acc_seg": 90.10483, "loss": 0.32671, "time": 1.33016} {"mode": "train", "epoch": 27, "iter": 34000, "lr": 2e-05, "memory": 70498, "data_time": 0.00966, "decode.loss_ce": 0.22586, "decode.acc_seg": 90.07648, "aux.loss_ce": 0.09315, "aux.acc_seg": 89.88322, "loss": 0.31901, "time": 3.31837} {"mode": "val", "epoch": 27, "iter": 250, "lr": 2e-05, "aAcc": 0.8548, "mIoU": 0.5576, "mAcc": 0.6837, "IoU.wall": 0.8117, "IoU.building": 0.8417, "IoU.sky": 0.9492, "IoU.floor": 0.8525, "IoU.tree": 0.77, "IoU.ceiling": 0.8544, "IoU.road": 0.8573, "IoU.bed ": 0.9246, "IoU.windowpane": 0.6625, "IoU.grass": 0.6597, "IoU.cabinet": 0.6524, "IoU.sidewalk": 0.6985, "IoU.person": 0.855, "IoU.earth": 0.3278, "IoU.door": 0.574, "IoU.table": 0.6879, "IoU.mountain": 0.6074, "IoU.plant": 0.5391, "IoU.curtain": 0.7869, "IoU.chair": 0.6625, "IoU.car": 0.8708, "IoU.water": 0.6541, "IoU.painting": 0.7437, "IoU.sofa": 0.7916, "IoU.shelf": 0.4804, "IoU.house": 0.5295, "IoU.sea": 0.6483, "IoU.mirror": 0.7608, "IoU.rug": 0.7279, "IoU.field": 0.332, "IoU.armchair": 0.5646, "IoU.seat": 0.69, "IoU.fence": 0.5158, "IoU.desk": 0.57, "IoU.rock": 0.5065, "IoU.wardrobe": 0.5248, "IoU.lamp": 0.7206, "IoU.bathtub": 0.8394, "IoU.railing": 0.4172, "IoU.cushion": 0.6593, "IoU.base": 0.3253, "IoU.box": 0.372, "IoU.column": 0.5283, "IoU.signboard": 0.4272, "IoU.chest of drawers": 0.4505, "IoU.counter": 0.4648, "IoU.sand": 0.4277, "IoU.sink": 0.7474, "IoU.skyscraper": 0.4767, "IoU.fireplace": 0.7442, "IoU.refrigerator": 0.8136, "IoU.grandstand": 0.5389, "IoU.path": 0.3094, "IoU.stairs": 0.2469, "IoU.runway": 0.7022, "IoU.case": 0.5388, "IoU.pool table": 0.9431, "IoU.pillow": 0.6677, "IoU.screen door": 0.869, "IoU.stairway": 0.4375, "IoU.river": 0.1652, "IoU.bridge": 0.7615, "IoU.bookcase": 0.4899, "IoU.blind": 0.4091, "IoU.coffee table": 0.6593, "IoU.toilet": 0.8905, "IoU.flower": 0.4504, "IoU.book": 0.5345, "IoU.hill": 0.0448, "IoU.bench": 0.5276, "IoU.countertop": 0.652, "IoU.stove": 0.8502, "IoU.palm": 0.5674, "IoU.kitchen island": 0.4934, "IoU.computer": 0.757, "IoU.swivel chair": 0.5286, "IoU.boat": 0.6396, "IoU.bar": 0.6241, "IoU.arcade machine": 0.7529, "IoU.hovel": 0.4081, "IoU.bus": 0.9377, "IoU.towel": 0.7075, "IoU.light": 0.5959, "IoU.truck": 0.4905, "IoU.tower": 0.0934, "IoU.chandelier": 0.7201, "IoU.awning": 0.4491, "IoU.streetlight": 0.298, "IoU.booth": 0.5634, "IoU.television receiver": 0.794, "IoU.airplane": 0.6805, "IoU.dirt track": 0.2308, "IoU.apparel": 0.4397, "IoU.pole": 0.2546, "IoU.land": 0.0208, "IoU.bannister": 0.1478, "IoU.escalator": 0.4913, "IoU.ottoman": 0.441, "IoU.bottle": 0.3834, "IoU.buffet": 0.5768, "IoU.poster": 0.3302, "IoU.stage": 0.2164, "IoU.van": 0.441, "IoU.ship": 0.8525, "IoU.fountain": 0.397, "IoU.conveyer belt": 0.81, "IoU.canopy": 0.5103, "IoU.washer": 0.6807, "IoU.plaything": 0.3377, "IoU.swimming pool": 0.5288, "IoU.stool": 0.4994, "IoU.barrel": 0.5777, "IoU.basket": 0.3916, "IoU.waterfall": 0.4996, "IoU.tent": 0.9093, "IoU.bag": 0.1735, "IoU.minibike": 0.7213, "IoU.cradle": 0.731, "IoU.oven": 0.6688, "IoU.ball": 0.4773, "IoU.food": 0.5815, "IoU.step": 0.1514, "IoU.tank": 0.6403, "IoU.trade name": 0.183, "IoU.microwave": 0.8933, "IoU.pot": 0.5551, "IoU.animal": 0.6548, "IoU.bicycle": 0.5753, "IoU.lake": 0.4885, "IoU.dishwasher": 0.6203, "IoU.screen": 0.609, "IoU.blanket": 0.1663, "IoU.sculpture": 0.7493, "IoU.hood": 0.6309, "IoU.sconce": 0.5234, "IoU.vase": 0.4763, "IoU.traffic light": 0.3762, "IoU.tray": 0.1243, "IoU.ashcan": 0.4345, "IoU.fan": 0.642, "IoU.pier": 0.3276, "IoU.crt screen": 0.1509, "IoU.plate": 0.5603, "IoU.monitor": 0.683, "IoU.bulletin board": 0.5823, "IoU.shower": 0.0146, "IoU.radiator": 0.6162, "IoU.glass": 0.175, "IoU.clock": 0.3183, "IoU.flag": 0.7032, "Acc.wall": 0.8946, "Acc.building": 0.9353, "Acc.sky": 0.9744, "Acc.floor": 0.9097, "Acc.tree": 0.8988, "Acc.ceiling": 0.9033, "Acc.road": 0.9383, "Acc.bed ": 0.9721, "Acc.windowpane": 0.8227, "Acc.grass": 0.8204, "Acc.cabinet": 0.7831, "Acc.sidewalk": 0.8216, "Acc.person": 0.9238, "Acc.earth": 0.4467, "Acc.door": 0.7008, "Acc.table": 0.8181, "Acc.mountain": 0.761, "Acc.plant": 0.6288, "Acc.curtain": 0.9106, "Acc.chair": 0.7935, "Acc.car": 0.9394, "Acc.water": 0.7846, "Acc.painting": 0.9093, "Acc.sofa": 0.9211, "Acc.shelf": 0.728, "Acc.house": 0.659, "Acc.sea": 0.8062, "Acc.mirror": 0.8197, "Acc.rug": 0.8341, "Acc.field": 0.5145, "Acc.armchair": 0.7462, "Acc.seat": 0.8861, "Acc.fence": 0.606, "Acc.desk": 0.7303, "Acc.rock": 0.7159, "Acc.wardrobe": 0.7012, "Acc.lamp": 0.8316, "Acc.bathtub": 0.8683, "Acc.railing": 0.6217, "Acc.cushion": 0.7707, "Acc.base": 0.5257, "Acc.box": 0.4751, "Acc.column": 0.7072, "Acc.signboard": 0.5534, "Acc.chest of drawers": 0.7025, "Acc.counter": 0.5611, "Acc.sand": 0.6003, "Acc.sink": 0.8435, "Acc.skyscraper": 0.6069, "Acc.fireplace": 0.9345, "Acc.refrigerator": 0.9015, "Acc.grandstand": 0.8583, "Acc.path": 0.3852, "Acc.stairs": 0.2825, "Acc.runway": 0.9197, "Acc.case": 0.7043, "Acc.pool table": 0.9789, "Acc.pillow": 0.7434, "Acc.screen door": 0.9051, "Acc.stairway": 0.6547, "Acc.river": 0.293, "Acc.bridge": 0.881, "Acc.bookcase": 0.6435, "Acc.blind": 0.4227, "Acc.coffee table": 0.8894, "Acc.toilet": 0.9437, "Acc.flower": 0.6496, "Acc.book": 0.7082, "Acc.hill": 0.1116, "Acc.bench": 0.5876, "Acc.countertop": 0.8078, "Acc.stove": 0.9332, "Acc.palm": 0.7974, "Acc.kitchen island": 0.7922, "Acc.computer": 0.9582, "Acc.swivel chair": 0.6942, "Acc.boat": 0.8497, "Acc.bar": 0.7378, "Acc.arcade machine": 0.8418, "Acc.hovel": 0.5007, "Acc.bus": 0.9604, "Acc.towel": 0.8676, "Acc.light": 0.6845, "Acc.truck": 0.6033, "Acc.tower": 0.1749, "Acc.chandelier": 0.882, "Acc.awning": 0.586, "Acc.streetlight": 0.3931, "Acc.booth": 0.6994, "Acc.television receiver": 0.8522, "Acc.airplane": 0.7352, "Acc.dirt track": 0.3647, "Acc.apparel": 0.5512, "Acc.pole": 0.3448, "Acc.land": 0.0396, "Acc.bannister": 0.1916, "Acc.escalator": 0.8007, "Acc.ottoman": 0.6435, "Acc.bottle": 0.5389, "Acc.buffet": 0.6381, "Acc.poster": 0.4734, "Acc.stage": 0.3381, "Acc.van": 0.5587, "Acc.ship": 0.9511, "Acc.fountain": 0.4302, "Acc.conveyer belt": 0.9302, "Acc.canopy": 0.8579, "Acc.washer": 0.7023, "Acc.plaything": 0.5902, "Acc.swimming pool": 0.9565, "Acc.stool": 0.7349, "Acc.barrel": 0.6424, "Acc.basket": 0.5808, "Acc.waterfall": 0.7191, "Acc.tent": 0.9874, "Acc.bag": 0.2076, "Acc.minibike": 0.8627, "Acc.cradle": 0.9841, "Acc.oven": 0.775, "Acc.ball": 0.5106, "Acc.food": 0.6732, "Acc.step": 0.201, "Acc.tank": 0.719, "Acc.trade name": 0.1938, "Acc.microwave": 0.9465, "Acc.pot": 0.6832, "Acc.animal": 0.6721, "Acc.bicycle": 0.7011, "Acc.lake": 0.7793, "Acc.dishwasher": 0.7232, "Acc.screen": 0.92, "Acc.blanket": 0.1791, "Acc.sculpture": 0.8387, "Acc.hood": 0.7386, "Acc.sconce": 0.6154, "Acc.vase": 0.6231, "Acc.traffic light": 0.5909, "Acc.tray": 0.1689, "Acc.ashcan": 0.6036, "Acc.fan": 0.7828, "Acc.pier": 0.4739, "Acc.crt screen": 0.1548, "Acc.plate": 0.7092, "Acc.monitor": 0.8063, "Acc.bulletin board": 0.6857, "Acc.shower": 0.0174, "Acc.radiator": 0.7355, "Acc.glass": 0.1881, "Acc.clock": 0.3618, "Acc.flag": 0.78} {"mode": "train", "epoch": 27, "iter": 34050, "lr": 2e-05, "memory": 70498, "data_time": 1.95749, "decode.loss_ce": 0.23303, "decode.acc_seg": 90.42293, "aux.loss_ce": 0.09613, "aux.acc_seg": 90.12644, "loss": 0.32916, "time": 3.27919} {"mode": "train", "epoch": 27, "iter": 34100, "lr": 2e-05, "memory": 70498, "data_time": 0.00978, "decode.loss_ce": 0.22489, "decode.acc_seg": 90.63856, "aux.loss_ce": 0.09284, "aux.acc_seg": 90.40368, "loss": 0.31772, "time": 1.32137} {"mode": "train", "epoch": 28, "iter": 34150, "lr": 2e-05, "memory": 70498, "data_time": 0.05274, "decode.loss_ce": 0.23345, "decode.acc_seg": 90.2619, "aux.loss_ce": 0.09741, "aux.acc_seg": 89.86373, "loss": 0.33086, "time": 1.37065} {"mode": "train", "epoch": 28, "iter": 34200, "lr": 2e-05, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.23241, "decode.acc_seg": 90.57504, "aux.loss_ce": 0.09548, "aux.acc_seg": 90.33892, "loss": 0.32789, "time": 1.32331} {"mode": "train", "epoch": 28, "iter": 34250, "lr": 2e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.23694, "decode.acc_seg": 90.23272, "aux.loss_ce": 0.09799, "aux.acc_seg": 89.89158, "loss": 0.33493, "time": 1.32403} {"mode": "train", "epoch": 28, "iter": 34300, "lr": 2e-05, "memory": 70498, "data_time": 0.00967, "decode.loss_ce": 0.23875, "decode.acc_seg": 90.09848, "aux.loss_ce": 0.09746, "aux.acc_seg": 89.9586, "loss": 0.33621, "time": 1.32624} {"mode": "train", "epoch": 28, "iter": 34350, "lr": 2e-05, "memory": 70498, "data_time": 0.00947, "decode.loss_ce": 0.22879, "decode.acc_seg": 90.46472, "aux.loss_ce": 0.09448, "aux.acc_seg": 90.16611, "loss": 0.32327, "time": 1.32776} {"mode": "train", "epoch": 28, "iter": 34400, "lr": 2e-05, "memory": 70498, "data_time": 0.0099, "decode.loss_ce": 0.24225, "decode.acc_seg": 90.05331, "aux.loss_ce": 0.09954, "aux.acc_seg": 89.76971, "loss": 0.34179, "time": 1.3253} {"mode": "train", "epoch": 28, "iter": 34450, "lr": 2e-05, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.25886, "decode.acc_seg": 89.47093, "aux.loss_ce": 0.10585, "aux.acc_seg": 89.31768, "loss": 0.36471, "time": 1.32081} {"mode": "train", "epoch": 28, "iter": 34500, "lr": 2e-05, "memory": 70498, "data_time": 0.00971, "decode.loss_ce": 0.24894, "decode.acc_seg": 89.66828, "aux.loss_ce": 0.1019, "aux.acc_seg": 89.43895, "loss": 0.35084, "time": 1.32808} {"mode": "train", "epoch": 28, "iter": 34550, "lr": 2e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.24503, "decode.acc_seg": 89.83348, "aux.loss_ce": 0.10037, "aux.acc_seg": 89.62939, "loss": 0.3454, "time": 1.32699} {"mode": "train", "epoch": 28, "iter": 34600, "lr": 2e-05, "memory": 70498, "data_time": 0.00968, "decode.loss_ce": 0.23441, "decode.acc_seg": 89.95789, "aux.loss_ce": 0.09704, "aux.acc_seg": 89.68618, "loss": 0.33145, "time": 1.33048} {"mode": "train", "epoch": 28, "iter": 34650, "lr": 2e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.23322, "decode.acc_seg": 90.12182, "aux.loss_ce": 0.09667, "aux.acc_seg": 89.7729, "loss": 0.32989, "time": 1.32167} {"mode": "train", "epoch": 28, "iter": 34700, "lr": 2e-05, "memory": 70498, "data_time": 0.01, "decode.loss_ce": 0.23288, "decode.acc_seg": 90.23917, "aux.loss_ce": 0.09667, "aux.acc_seg": 89.97361, "loss": 0.32955, "time": 1.32265} {"mode": "train", "epoch": 28, "iter": 34750, "lr": 2e-05, "memory": 70498, "data_time": 0.00965, "decode.loss_ce": 0.23491, "decode.acc_seg": 90.29201, "aux.loss_ce": 0.09724, "aux.acc_seg": 89.97829, "loss": 0.33215, "time": 1.33376} {"mode": "train", "epoch": 28, "iter": 34800, "lr": 2e-05, "memory": 70498, "data_time": 0.00965, "decode.loss_ce": 0.22526, "decode.acc_seg": 90.50482, "aux.loss_ce": 0.09253, "aux.acc_seg": 90.27123, "loss": 0.31779, "time": 1.31982} {"mode": "train", "epoch": 28, "iter": 34850, "lr": 2e-05, "memory": 70498, "data_time": 0.00989, "decode.loss_ce": 0.23281, "decode.acc_seg": 90.34705, "aux.loss_ce": 0.09644, "aux.acc_seg": 89.98051, "loss": 0.32926, "time": 1.32011} {"mode": "train", "epoch": 28, "iter": 34900, "lr": 2e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.23726, "decode.acc_seg": 89.89641, "aux.loss_ce": 0.09843, "aux.acc_seg": 89.56574, "loss": 0.33568, "time": 1.32147} {"mode": "train", "epoch": 28, "iter": 34950, "lr": 2e-05, "memory": 70498, "data_time": 0.00948, "decode.loss_ce": 0.23529, "decode.acc_seg": 90.1964, "aux.loss_ce": 0.0969, "aux.acc_seg": 89.91364, "loss": 0.33219, "time": 1.32487} {"mode": "train", "epoch": 28, "iter": 35000, "lr": 2e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.23198, "decode.acc_seg": 90.09204, "aux.loss_ce": 0.09528, "aux.acc_seg": 89.81271, "loss": 0.32725, "time": 1.31892} {"mode": "val", "epoch": 28, "iter": 250, "lr": 2e-05, "aAcc": 0.8567, "mIoU": 0.5606, "mAcc": 0.6947, "IoU.wall": 0.8196, "IoU.building": 0.8407, "IoU.sky": 0.9476, "IoU.floor": 0.8499, "IoU.tree": 0.7688, "IoU.ceiling": 0.8744, "IoU.road": 0.8622, "IoU.bed ": 0.9202, "IoU.windowpane": 0.6556, "IoU.grass": 0.6547, "IoU.cabinet": 0.6431, "IoU.sidewalk": 0.7255, "IoU.person": 0.8499, "IoU.earth": 0.3671, "IoU.door": 0.6122, "IoU.table": 0.6837, "IoU.mountain": 0.6147, "IoU.plant": 0.5842, "IoU.curtain": 0.7863, "IoU.chair": 0.657, "IoU.car": 0.867, "IoU.water": 0.6324, "IoU.painting": 0.7677, "IoU.sofa": 0.8259, "IoU.shelf": 0.4901, "IoU.house": 0.3973, "IoU.sea": 0.5622, "IoU.mirror": 0.7602, "IoU.rug": 0.6858, "IoU.field": 0.3558, "IoU.armchair": 0.589, "IoU.seat": 0.6799, "IoU.fence": 0.4939, "IoU.desk": 0.5101, "IoU.rock": 0.5531, "IoU.wardrobe": 0.5502, "IoU.lamp": 0.7161, "IoU.bathtub": 0.8372, "IoU.railing": 0.4118, "IoU.cushion": 0.6803, "IoU.base": 0.3893, "IoU.box": 0.3646, "IoU.column": 0.5301, "IoU.signboard": 0.4054, "IoU.chest of drawers": 0.487, "IoU.counter": 0.3912, "IoU.sand": 0.5017, "IoU.sink": 0.7515, "IoU.skyscraper": 0.468, "IoU.fireplace": 0.7326, "IoU.refrigerator": 0.8109, "IoU.grandstand": 0.5296, "IoU.path": 0.2561, "IoU.stairs": 0.3079, "IoU.runway": 0.7218, "IoU.case": 0.6134, "IoU.pool table": 0.9466, "IoU.pillow": 0.6666, "IoU.screen door": 0.7211, "IoU.stairway": 0.4403, "IoU.river": 0.1501, "IoU.bridge": 0.7591, "IoU.bookcase": 0.4081, "IoU.blind": 0.4452, "IoU.coffee table": 0.662, "IoU.toilet": 0.8941, "IoU.flower": 0.4521, "IoU.book": 0.5343, "IoU.hill": 0.0666, "IoU.bench": 0.5444, "IoU.countertop": 0.6241, "IoU.stove": 0.8283, "IoU.palm": 0.5732, "IoU.kitchen island": 0.493, "IoU.computer": 0.7892, "IoU.swivel chair": 0.5129, "IoU.boat": 0.5206, "IoU.bar": 0.5478, "IoU.arcade machine": 0.72, "IoU.hovel": 0.4418, "IoU.bus": 0.9265, "IoU.towel": 0.7444, "IoU.light": 0.6133, "IoU.truck": 0.4306, "IoU.tower": 0.061, "IoU.chandelier": 0.7259, "IoU.awning": 0.5084, "IoU.streetlight": 0.3137, "IoU.booth": 0.5993, "IoU.television receiver": 0.8111, "IoU.airplane": 0.6959, "IoU.dirt track": 0.1083, "IoU.apparel": 0.4749, "IoU.pole": 0.2223, "IoU.land": 0.0255, "IoU.bannister": 0.136, "IoU.escalator": 0.5319, "IoU.ottoman": 0.4554, "IoU.bottle": 0.4195, "IoU.buffet": 0.5082, "IoU.poster": 0.3431, "IoU.stage": 0.2999, "IoU.van": 0.4801, "IoU.ship": 0.8982, "IoU.fountain": 0.338, "IoU.conveyer belt": 0.7887, "IoU.canopy": 0.5439, "IoU.washer": 0.7202, "IoU.plaything": 0.3424, "IoU.swimming pool": 0.6124, "IoU.stool": 0.5144, "IoU.barrel": 0.564, "IoU.basket": 0.388, "IoU.waterfall": 0.4776, "IoU.tent": 0.9263, "IoU.bag": 0.1991, "IoU.minibike": 0.7187, "IoU.cradle": 0.848, "IoU.oven": 0.5669, "IoU.ball": 0.4275, "IoU.food": 0.6077, "IoU.step": 0.1723, "IoU.tank": 0.6974, "IoU.trade name": 0.351, "IoU.microwave": 0.8812, "IoU.pot": 0.5456, "IoU.animal": 0.6742, "IoU.bicycle": 0.6067, "IoU.lake": 0.579, "IoU.dishwasher": 0.6353, "IoU.screen": 0.6164, "IoU.blanket": 0.2856, "IoU.sculpture": 0.7694, "IoU.hood": 0.6225, "IoU.sconce": 0.4919, "IoU.vase": 0.4691, "IoU.traffic light": 0.3124, "IoU.tray": 0.1097, "IoU.ashcan": 0.4154, "IoU.fan": 0.6681, "IoU.pier": 0.3035, "IoU.crt screen": 0.1871, "IoU.plate": 0.5823, "IoU.monitor": 0.619, "IoU.bulletin board": 0.586, "IoU.shower": 0.0173, "IoU.radiator": 0.6443, "IoU.glass": 0.1742, "IoU.clock": 0.3699, "IoU.flag": 0.7022, "Acc.wall": 0.8955, "Acc.building": 0.9272, "Acc.sky": 0.9805, "Acc.floor": 0.9167, "Acc.tree": 0.8952, "Acc.ceiling": 0.9299, "Acc.road": 0.9053, "Acc.bed ": 0.9706, "Acc.windowpane": 0.8088, "Acc.grass": 0.802, "Acc.cabinet": 0.727, "Acc.sidewalk": 0.8756, "Acc.person": 0.9463, "Acc.earth": 0.4733, "Acc.door": 0.7953, "Acc.table": 0.8124, "Acc.mountain": 0.7855, "Acc.plant": 0.7273, "Acc.curtain": 0.8816, "Acc.chair": 0.7583, "Acc.car": 0.9353, "Acc.water": 0.8371, "Acc.painting": 0.9151, "Acc.sofa": 0.9037, "Acc.shelf": 0.6337, "Acc.house": 0.4466, "Acc.sea": 0.6295, "Acc.mirror": 0.838, "Acc.rug": 0.7763, "Acc.field": 0.5947, "Acc.armchair": 0.8239, "Acc.seat": 0.8679, "Acc.fence": 0.6069, "Acc.desk": 0.7658, "Acc.rock": 0.7481, "Acc.wardrobe": 0.7443, "Acc.lamp": 0.8395, "Acc.bathtub": 0.8697, "Acc.railing": 0.557, "Acc.cushion": 0.8133, "Acc.base": 0.5871, "Acc.box": 0.5202, "Acc.column": 0.6952, "Acc.signboard": 0.5628, "Acc.chest of drawers": 0.7856, "Acc.counter": 0.4923, "Acc.sand": 0.6723, "Acc.sink": 0.8162, "Acc.skyscraper": 0.6014, "Acc.fireplace": 0.9485, "Acc.refrigerator": 0.913, "Acc.grandstand": 0.851, "Acc.path": 0.3914, "Acc.stairs": 0.3969, "Acc.runway": 0.9543, "Acc.case": 0.7825, "Acc.pool table": 0.9746, "Acc.pillow": 0.746, "Acc.screen door": 0.7504, "Acc.stairway": 0.6002, "Acc.river": 0.2803, "Acc.bridge": 0.8943, "Acc.bookcase": 0.5942, "Acc.blind": 0.4783, "Acc.coffee table": 0.8766, "Acc.toilet": 0.9394, "Acc.flower": 0.554, "Acc.book": 0.6952, "Acc.hill": 0.1387, "Acc.bench": 0.6703, "Acc.countertop": 0.8398, "Acc.stove": 0.9088, "Acc.palm": 0.8261, "Acc.kitchen island": 0.8628, "Acc.computer": 0.8981, "Acc.swivel chair": 0.7474, "Acc.boat": 0.866, "Acc.bar": 0.7606, "Acc.arcade machine": 0.8046, "Acc.hovel": 0.5157, "Acc.bus": 0.9637, "Acc.towel": 0.8206, "Acc.light": 0.7238, "Acc.truck": 0.6076, "Acc.tower": 0.115, "Acc.chandelier": 0.875, "Acc.awning": 0.6362, "Acc.streetlight": 0.4376, "Acc.booth": 0.7487, "Acc.television receiver": 0.8915, "Acc.airplane": 0.8273, "Acc.dirt track": 0.5145, "Acc.apparel": 0.6603, "Acc.pole": 0.2817, "Acc.land": 0.0577, "Acc.bannister": 0.1884, "Acc.escalator": 0.8421, "Acc.ottoman": 0.6949, "Acc.bottle": 0.6542, "Acc.buffet": 0.5407, "Acc.poster": 0.504, "Acc.stage": 0.5212, "Acc.van": 0.6429, "Acc.ship": 0.9576, "Acc.fountain": 0.3551, "Acc.conveyer belt": 0.9332, "Acc.canopy": 0.6823, "Acc.washer": 0.7393, "Acc.plaything": 0.558, "Acc.swimming pool": 0.7556, "Acc.stool": 0.7302, "Acc.barrel": 0.6454, "Acc.basket": 0.566, "Acc.waterfall": 0.6478, "Acc.tent": 0.9837, "Acc.bag": 0.2524, "Acc.minibike": 0.9069, "Acc.cradle": 0.9822, "Acc.oven": 0.7092, "Acc.ball": 0.4438, "Acc.food": 0.762, "Acc.step": 0.2277, "Acc.tank": 0.7683, "Acc.trade name": 0.4739, "Acc.microwave": 0.9479, "Acc.pot": 0.6439, "Acc.animal": 0.6998, "Acc.bicycle": 0.7949, "Acc.lake": 0.7337, "Acc.dishwasher": 0.7949, "Acc.screen": 0.9236, "Acc.blanket": 0.3222, "Acc.sculpture": 0.863, "Acc.hood": 0.7576, "Acc.sconce": 0.572, "Acc.vase": 0.6214, "Acc.traffic light": 0.6461, "Acc.tray": 0.1531, "Acc.ashcan": 0.6484, "Acc.fan": 0.8203, "Acc.pier": 0.5252, "Acc.crt screen": 0.2185, "Acc.plate": 0.7594, "Acc.monitor": 0.8502, "Acc.bulletin board": 0.6782, "Acc.shower": 0.0226, "Acc.radiator": 0.7176, "Acc.glass": 0.1864, "Acc.clock": 0.5071, "Acc.flag": 0.818} {"mode": "train", "epoch": 28, "iter": 35050, "lr": 2e-05, "memory": 70498, "data_time": 1.94962, "decode.loss_ce": 0.23992, "decode.acc_seg": 90.15648, "aux.loss_ce": 0.0989, "aux.acc_seg": 89.92772, "loss": 0.33882, "time": 3.26859} {"mode": "train", "epoch": 28, "iter": 35100, "lr": 2e-05, "memory": 70498, "data_time": 0.0099, "decode.loss_ce": 0.23926, "decode.acc_seg": 90.30385, "aux.loss_ce": 0.09951, "aux.acc_seg": 89.9587, "loss": 0.33878, "time": 1.32813} {"mode": "train", "epoch": 28, "iter": 35150, "lr": 2e-05, "memory": 70498, "data_time": 0.00965, "decode.loss_ce": 0.23142, "decode.acc_seg": 90.37665, "aux.loss_ce": 0.09586, "aux.acc_seg": 90.09162, "loss": 0.32728, "time": 1.32866} {"mode": "train", "epoch": 28, "iter": 35200, "lr": 2e-05, "memory": 70498, "data_time": 0.00968, "decode.loss_ce": 0.22985, "decode.acc_seg": 90.46775, "aux.loss_ce": 0.0949, "aux.acc_seg": 90.20527, "loss": 0.32475, "time": 1.32141} {"mode": "train", "epoch": 28, "iter": 35250, "lr": 2e-05, "memory": 70498, "data_time": 0.00961, "decode.loss_ce": 0.24648, "decode.acc_seg": 90.0492, "aux.loss_ce": 0.10169, "aux.acc_seg": 89.76631, "loss": 0.34817, "time": 1.32078} {"mode": "train", "epoch": 28, "iter": 35300, "lr": 2e-05, "memory": 70498, "data_time": 0.00979, "decode.loss_ce": 0.24796, "decode.acc_seg": 89.53039, "aux.loss_ce": 0.10273, "aux.acc_seg": 89.20289, "loss": 0.35069, "time": 1.33084} {"mode": "train", "epoch": 28, "iter": 35350, "lr": 2e-05, "memory": 70498, "data_time": 0.00962, "decode.loss_ce": 0.2403, "decode.acc_seg": 90.22643, "aux.loss_ce": 0.09937, "aux.acc_seg": 89.91944, "loss": 0.33967, "time": 1.32607} {"mode": "train", "epoch": 29, "iter": 35400, "lr": 2e-05, "memory": 70498, "data_time": 0.0513, "decode.loss_ce": 0.23397, "decode.acc_seg": 90.07183, "aux.loss_ce": 0.09638, "aux.acc_seg": 89.82505, "loss": 0.33034, "time": 1.36816} {"mode": "train", "epoch": 29, "iter": 35450, "lr": 2e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.23056, "decode.acc_seg": 90.69905, "aux.loss_ce": 0.09534, "aux.acc_seg": 90.36672, "loss": 0.3259, "time": 1.32211} {"mode": "train", "epoch": 29, "iter": 35500, "lr": 2e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.23146, "decode.acc_seg": 90.42755, "aux.loss_ce": 0.09456, "aux.acc_seg": 90.16447, "loss": 0.32602, "time": 1.32086} {"mode": "train", "epoch": 29, "iter": 35550, "lr": 2e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.23678, "decode.acc_seg": 89.88507, "aux.loss_ce": 0.09787, "aux.acc_seg": 89.43107, "loss": 0.33464, "time": 1.32311} {"mode": "train", "epoch": 29, "iter": 35600, "lr": 2e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.24716, "decode.acc_seg": 89.90271, "aux.loss_ce": 0.10156, "aux.acc_seg": 89.62627, "loss": 0.34872, "time": 1.32635} {"mode": "train", "epoch": 29, "iter": 35650, "lr": 2e-05, "memory": 70498, "data_time": 0.00969, "decode.loss_ce": 0.23238, "decode.acc_seg": 89.9789, "aux.loss_ce": 0.09578, "aux.acc_seg": 89.63672, "loss": 0.32815, "time": 1.32417} {"mode": "train", "epoch": 29, "iter": 35700, "lr": 2e-05, "memory": 70498, "data_time": 0.00975, "decode.loss_ce": 0.23167, "decode.acc_seg": 90.36354, "aux.loss_ce": 0.09527, "aux.acc_seg": 90.05243, "loss": 0.32694, "time": 1.32446} {"mode": "train", "epoch": 29, "iter": 35750, "lr": 2e-05, "memory": 70498, "data_time": 0.00976, "decode.loss_ce": 0.2336, "decode.acc_seg": 90.28495, "aux.loss_ce": 0.09717, "aux.acc_seg": 89.89233, "loss": 0.33077, "time": 1.32767} {"mode": "train", "epoch": 29, "iter": 35800, "lr": 2e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.23822, "decode.acc_seg": 90.05377, "aux.loss_ce": 0.0994, "aux.acc_seg": 89.62964, "loss": 0.33762, "time": 1.32324} {"mode": "train", "epoch": 29, "iter": 35850, "lr": 2e-05, "memory": 70498, "data_time": 0.0099, "decode.loss_ce": 0.21877, "decode.acc_seg": 91.01674, "aux.loss_ce": 0.09094, "aux.acc_seg": 90.62851, "loss": 0.30971, "time": 1.32507} {"mode": "train", "epoch": 29, "iter": 35900, "lr": 2e-05, "memory": 70498, "data_time": 0.00965, "decode.loss_ce": 0.22718, "decode.acc_seg": 90.10189, "aux.loss_ce": 0.09308, "aux.acc_seg": 89.91246, "loss": 0.32026, "time": 1.32705} {"mode": "train", "epoch": 29, "iter": 35950, "lr": 2e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.24726, "decode.acc_seg": 89.8024, "aux.loss_ce": 0.1018, "aux.acc_seg": 89.5482, "loss": 0.34906, "time": 1.32879} {"mode": "train", "epoch": 29, "iter": 36000, "lr": 2e-05, "memory": 70498, "data_time": 0.00972, "decode.loss_ce": 0.23651, "decode.acc_seg": 90.38155, "aux.loss_ce": 0.09762, "aux.acc_seg": 90.07, "loss": 0.33413, "time": 3.43872} {"mode": "val", "epoch": 29, "iter": 250, "lr": 2e-05, "aAcc": 0.8562, "mIoU": 0.5529, "mAcc": 0.6801, "IoU.wall": 0.8166, "IoU.building": 0.8439, "IoU.sky": 0.9468, "IoU.floor": 0.8523, "IoU.tree": 0.773, "IoU.ceiling": 0.8655, "IoU.road": 0.8561, "IoU.bed ": 0.922, "IoU.windowpane": 0.6534, "IoU.grass": 0.6678, "IoU.cabinet": 0.6378, "IoU.sidewalk": 0.7126, "IoU.person": 0.856, "IoU.earth": 0.3941, "IoU.door": 0.5744, "IoU.table": 0.678, "IoU.mountain": 0.6215, "IoU.plant": 0.5572, "IoU.curtain": 0.7956, "IoU.chair": 0.6531, "IoU.car": 0.8708, "IoU.water": 0.6035, "IoU.painting": 0.7512, "IoU.sofa": 0.8081, "IoU.shelf": 0.4885, "IoU.house": 0.6135, "IoU.sea": 0.7026, "IoU.mirror": 0.7657, "IoU.rug": 0.71, "IoU.field": 0.3485, "IoU.armchair": 0.5898, "IoU.seat": 0.6924, "IoU.fence": 0.503, "IoU.desk": 0.5662, "IoU.rock": 0.554, "IoU.wardrobe": 0.5525, "IoU.lamp": 0.7152, "IoU.bathtub": 0.835, "IoU.railing": 0.4006, "IoU.cushion": 0.667, "IoU.base": 0.3454, "IoU.box": 0.3511, "IoU.column": 0.5179, "IoU.signboard": 0.3877, "IoU.chest of drawers": 0.4818, "IoU.counter": 0.4823, "IoU.sand": 0.5823, "IoU.sink": 0.7411, "IoU.skyscraper": 0.4543, "IoU.fireplace": 0.7012, "IoU.refrigerator": 0.828, "IoU.grandstand": 0.5389, "IoU.path": 0.2766, "IoU.stairs": 0.2174, "IoU.runway": 0.7301, "IoU.case": 0.598, "IoU.pool table": 0.9457, "IoU.pillow": 0.6737, "IoU.screen door": 0.841, "IoU.stairway": 0.4111, "IoU.river": 0.1075, "IoU.bridge": 0.7655, "IoU.bookcase": 0.3929, "IoU.blind": 0.4269, "IoU.coffee table": 0.6387, "IoU.toilet": 0.891, "IoU.flower": 0.4132, "IoU.book": 0.4998, "IoU.hill": 0.0663, "IoU.bench": 0.5432, "IoU.countertop": 0.64, "IoU.stove": 0.8323, "IoU.palm": 0.5876, "IoU.kitchen island": 0.3748, "IoU.computer": 0.7951, "IoU.swivel chair": 0.4984, "IoU.boat": 0.5586, "IoU.bar": 0.6082, "IoU.arcade machine": 0.7059, "IoU.hovel": 0.3977, "IoU.bus": 0.9025, "IoU.towel": 0.7419, "IoU.light": 0.6123, "IoU.truck": 0.4429, "IoU.tower": 0.2256, "IoU.chandelier": 0.716, "IoU.awning": 0.4972, "IoU.streetlight": 0.3088, "IoU.booth": 0.5097, "IoU.television receiver": 0.7801, "IoU.airplane": 0.7887, "IoU.dirt track": 0.1297, "IoU.apparel": 0.4462, "IoU.pole": 0.2393, "IoU.land": 0.0292, "IoU.bannister": 0.1485, "IoU.escalator": 0.5441, "IoU.ottoman": 0.4673, "IoU.bottle": 0.3395, "IoU.buffet": 0.3975, "IoU.poster": 0.3079, "IoU.stage": 0.2745, "IoU.van": 0.4329, "IoU.ship": 0.7158, "IoU.fountain": 0.4109, "IoU.conveyer belt": 0.7842, "IoU.canopy": 0.4829, "IoU.washer": 0.7001, "IoU.plaything": 0.2813, "IoU.swimming pool": 0.5983, "IoU.stool": 0.4951, "IoU.barrel": 0.575, "IoU.basket": 0.3731, "IoU.waterfall": 0.443, "IoU.tent": 0.9079, "IoU.bag": 0.1646, "IoU.minibike": 0.7412, "IoU.cradle": 0.8288, "IoU.oven": 0.5509, "IoU.ball": 0.5603, "IoU.food": 0.556, "IoU.step": 0.0599, "IoU.tank": 0.6657, "IoU.trade name": 0.2492, "IoU.microwave": 0.8848, "IoU.pot": 0.5589, "IoU.animal": 0.6535, "IoU.bicycle": 0.5594, "IoU.lake": 0.001, "IoU.dishwasher": 0.6904, "IoU.screen": 0.5967, "IoU.blanket": 0.3187, "IoU.sculpture": 0.7542, "IoU.hood": 0.6266, "IoU.sconce": 0.509, "IoU.vase": 0.4517, "IoU.traffic light": 0.314, "IoU.tray": 0.1434, "IoU.ashcan": 0.3994, "IoU.fan": 0.6351, "IoU.pier": 0.3057, "IoU.crt screen": 0.1452, "IoU.plate": 0.5664, "IoU.monitor": 0.6822, "IoU.bulletin board": 0.5995, "IoU.shower": 0.002, "IoU.radiator": 0.6255, "IoU.glass": 0.1465, "IoU.clock": 0.3721, "IoU.flag": 0.7026, "Acc.wall": 0.8995, "Acc.building": 0.9248, "Acc.sky": 0.975, "Acc.floor": 0.9182, "Acc.tree": 0.8899, "Acc.ceiling": 0.9393, "Acc.road": 0.8974, "Acc.bed ": 0.9659, "Acc.windowpane": 0.8011, "Acc.grass": 0.8092, "Acc.cabinet": 0.7722, "Acc.sidewalk": 0.8809, "Acc.person": 0.9217, "Acc.earth": 0.535, "Acc.door": 0.7196, "Acc.table": 0.8007, "Acc.mountain": 0.7696, "Acc.plant": 0.6649, "Acc.curtain": 0.8688, "Acc.chair": 0.7583, "Acc.car": 0.9288, "Acc.water": 0.7478, "Acc.painting": 0.8778, "Acc.sofa": 0.9099, "Acc.shelf": 0.7008, "Acc.house": 0.7812, "Acc.sea": 0.8168, "Acc.mirror": 0.8407, "Acc.rug": 0.8127, "Acc.field": 0.5955, "Acc.armchair": 0.7778, "Acc.seat": 0.8901, "Acc.fence": 0.6827, "Acc.desk": 0.7067, "Acc.rock": 0.6952, "Acc.wardrobe": 0.7908, "Acc.lamp": 0.8452, "Acc.bathtub": 0.8664, "Acc.railing": 0.6003, "Acc.cushion": 0.7793, "Acc.base": 0.4544, "Acc.box": 0.4445, "Acc.column": 0.6803, "Acc.signboard": 0.4893, "Acc.chest of drawers": 0.6626, "Acc.counter": 0.6439, "Acc.sand": 0.8042, "Acc.sink": 0.8433, "Acc.skyscraper": 0.5895, "Acc.fireplace": 0.9505, "Acc.refrigerator": 0.933, "Acc.grandstand": 0.8435, "Acc.path": 0.5074, "Acc.stairs": 0.266, "Acc.runway": 0.9466, "Acc.case": 0.7809, "Acc.pool table": 0.9708, "Acc.pillow": 0.7697, "Acc.screen door": 0.8744, "Acc.stairway": 0.5881, "Acc.river": 0.3172, "Acc.bridge": 0.8504, "Acc.bookcase": 0.5419, "Acc.blind": 0.478, "Acc.coffee table": 0.8806, "Acc.toilet": 0.9225, "Acc.flower": 0.4978, "Acc.book": 0.8099, "Acc.hill": 0.1009, "Acc.bench": 0.6016, "Acc.countertop": 0.7946, "Acc.stove": 0.8738, "Acc.palm": 0.7843, "Acc.kitchen island": 0.5678, "Acc.computer": 0.9375, "Acc.swivel chair": 0.753, "Acc.boat": 0.855, "Acc.bar": 0.6484, "Acc.arcade machine": 0.7445, "Acc.hovel": 0.5025, "Acc.bus": 0.9611, "Acc.towel": 0.856, "Acc.light": 0.7303, "Acc.truck": 0.5764, "Acc.tower": 0.527, "Acc.chandelier": 0.913, "Acc.awning": 0.6547, "Acc.streetlight": 0.4183, "Acc.booth": 0.7049, "Acc.television receiver": 0.8565, "Acc.airplane": 0.8751, "Acc.dirt track": 0.5143, "Acc.apparel": 0.5855, "Acc.pole": 0.3088, "Acc.land": 0.0813, "Acc.bannister": 0.1818, "Acc.escalator": 0.8002, "Acc.ottoman": 0.6454, "Acc.bottle": 0.4024, "Acc.buffet": 0.4255, "Acc.poster": 0.5278, "Acc.stage": 0.4532, "Acc.van": 0.5712, "Acc.ship": 0.7279, "Acc.fountain": 0.4215, "Acc.conveyer belt": 0.9315, "Acc.canopy": 0.7087, "Acc.washer": 0.7208, "Acc.plaything": 0.3482, "Acc.swimming pool": 0.815, "Acc.stool": 0.726, "Acc.barrel": 0.6435, "Acc.basket": 0.5902, "Acc.waterfall": 0.6085, "Acc.tent": 0.9794, "Acc.bag": 0.1835, "Acc.minibike": 0.8288, "Acc.cradle": 0.974, "Acc.oven": 0.7201, "Acc.ball": 0.633, "Acc.food": 0.6659, "Acc.step": 0.0665, "Acc.tank": 0.8135, "Acc.trade name": 0.2702, "Acc.microwave": 0.948, "Acc.pot": 0.645, "Acc.animal": 0.6655, "Acc.bicycle": 0.8165, "Acc.lake": 0.0011, "Acc.dishwasher": 0.811, "Acc.screen": 0.9277, "Acc.blanket": 0.3765, "Acc.sculpture": 0.8561, "Acc.hood": 0.7805, "Acc.sconce": 0.5849, "Acc.vase": 0.6294, "Acc.traffic light": 0.5905, "Acc.tray": 0.1697, "Acc.ashcan": 0.5692, "Acc.fan": 0.8523, "Acc.pier": 0.5441, "Acc.crt screen": 0.1649, "Acc.plate": 0.6406, "Acc.monitor": 0.8467, "Acc.bulletin board": 0.642, "Acc.shower": 0.002, "Acc.radiator": 0.717, "Acc.glass": 0.1521, "Acc.clock": 0.4981, "Acc.flag": 0.7727} {"mode": "train", "epoch": 29, "iter": 36050, "lr": 2e-05, "memory": 70498, "data_time": 1.95678, "decode.loss_ce": 0.24061, "decode.acc_seg": 89.85791, "aux.loss_ce": 0.10011, "aux.acc_seg": 89.49039, "loss": 0.34072, "time": 3.2707} {"mode": "train", "epoch": 29, "iter": 36100, "lr": 2e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.24361, "decode.acc_seg": 89.38502, "aux.loss_ce": 0.10057, "aux.acc_seg": 89.15442, "loss": 0.34418, "time": 1.32629} {"mode": "train", "epoch": 29, "iter": 36150, "lr": 2e-05, "memory": 70498, "data_time": 0.00978, "decode.loss_ce": 0.24498, "decode.acc_seg": 90.17373, "aux.loss_ce": 0.10103, "aux.acc_seg": 89.83342, "loss": 0.34601, "time": 1.32742} {"mode": "train", "epoch": 29, "iter": 36200, "lr": 2e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.22851, "decode.acc_seg": 90.33163, "aux.loss_ce": 0.09481, "aux.acc_seg": 90.03201, "loss": 0.32333, "time": 1.32683} {"mode": "train", "epoch": 29, "iter": 36250, "lr": 2e-05, "memory": 70498, "data_time": 0.00967, "decode.loss_ce": 0.23038, "decode.acc_seg": 90.19729, "aux.loss_ce": 0.09496, "aux.acc_seg": 89.81142, "loss": 0.32535, "time": 1.31927} {"mode": "train", "epoch": 29, "iter": 36300, "lr": 2e-05, "memory": 70498, "data_time": 0.0096, "decode.loss_ce": 0.23211, "decode.acc_seg": 90.16992, "aux.loss_ce": 0.09554, "aux.acc_seg": 89.9478, "loss": 0.32765, "time": 1.32862} {"mode": "train", "epoch": 29, "iter": 36350, "lr": 2e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.22309, "decode.acc_seg": 90.5196, "aux.loss_ce": 0.0919, "aux.acc_seg": 90.25792, "loss": 0.31499, "time": 1.32738} {"mode": "train", "epoch": 29, "iter": 36400, "lr": 2e-05, "memory": 70498, "data_time": 0.00989, "decode.loss_ce": 0.21665, "decode.acc_seg": 90.80502, "aux.loss_ce": 0.0896, "aux.acc_seg": 90.41086, "loss": 0.30625, "time": 1.32221} {"mode": "train", "epoch": 29, "iter": 36450, "lr": 2e-05, "memory": 70498, "data_time": 0.00992, "decode.loss_ce": 0.22018, "decode.acc_seg": 90.86327, "aux.loss_ce": 0.09121, "aux.acc_seg": 90.50078, "loss": 0.31139, "time": 1.32579} {"mode": "train", "epoch": 29, "iter": 36500, "lr": 2e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.23049, "decode.acc_seg": 90.34288, "aux.loss_ce": 0.09495, "aux.acc_seg": 90.0617, "loss": 0.32544, "time": 1.32713} {"mode": "train", "epoch": 29, "iter": 36550, "lr": 2e-05, "memory": 70498, "data_time": 0.00987, "decode.loss_ce": 0.24133, "decode.acc_seg": 89.87093, "aux.loss_ce": 0.09965, "aux.acc_seg": 89.52443, "loss": 0.34098, "time": 1.32456} {"mode": "train", "epoch": 29, "iter": 36600, "lr": 2e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.23903, "decode.acc_seg": 89.89477, "aux.loss_ce": 0.09904, "aux.acc_seg": 89.59267, "loss": 0.33807, "time": 1.32831} {"mode": "train", "epoch": 30, "iter": 36650, "lr": 2e-05, "memory": 70498, "data_time": 0.08492, "decode.loss_ce": 0.21641, "decode.acc_seg": 91.00234, "aux.loss_ce": 0.08987, "aux.acc_seg": 90.67438, "loss": 0.30628, "time": 1.39989} {"mode": "train", "epoch": 30, "iter": 36700, "lr": 2e-05, "memory": 70498, "data_time": 0.00966, "decode.loss_ce": 0.23664, "decode.acc_seg": 90.44116, "aux.loss_ce": 0.09836, "aux.acc_seg": 90.05135, "loss": 0.335, "time": 1.32134} {"mode": "train", "epoch": 30, "iter": 36750, "lr": 2e-05, "memory": 70498, "data_time": 0.00973, "decode.loss_ce": 0.21736, "decode.acc_seg": 91.10848, "aux.loss_ce": 0.09051, "aux.acc_seg": 90.66962, "loss": 0.30787, "time": 1.32653} {"mode": "train", "epoch": 30, "iter": 36800, "lr": 2e-05, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.22797, "decode.acc_seg": 90.45145, "aux.loss_ce": 0.09486, "aux.acc_seg": 90.04952, "loss": 0.32284, "time": 1.32649} {"mode": "train", "epoch": 30, "iter": 36850, "lr": 2e-05, "memory": 70498, "data_time": 0.00966, "decode.loss_ce": 0.22773, "decode.acc_seg": 90.79526, "aux.loss_ce": 0.09497, "aux.acc_seg": 90.43765, "loss": 0.3227, "time": 1.32287} {"mode": "train", "epoch": 30, "iter": 36900, "lr": 2e-05, "memory": 70498, "data_time": 0.00969, "decode.loss_ce": 0.21882, "decode.acc_seg": 90.73207, "aux.loss_ce": 0.09118, "aux.acc_seg": 90.43416, "loss": 0.31001, "time": 1.33052} {"mode": "train", "epoch": 30, "iter": 36950, "lr": 2e-05, "memory": 70498, "data_time": 0.00966, "decode.loss_ce": 0.22347, "decode.acc_seg": 90.60928, "aux.loss_ce": 0.0929, "aux.acc_seg": 90.31824, "loss": 0.31637, "time": 1.32646} {"mode": "train", "epoch": 30, "iter": 37000, "lr": 2e-05, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.21502, "decode.acc_seg": 90.90568, "aux.loss_ce": 0.08938, "aux.acc_seg": 90.57876, "loss": 0.30439, "time": 1.32436} {"mode": "val", "epoch": 30, "iter": 250, "lr": 2e-05, "aAcc": 0.856, "mIoU": 0.5541, "mAcc": 0.6863, "IoU.wall": 0.8131, "IoU.building": 0.8512, "IoU.sky": 0.9483, "IoU.floor": 0.8535, "IoU.tree": 0.7699, "IoU.ceiling": 0.8669, "IoU.road": 0.8586, "IoU.bed ": 0.9213, "IoU.windowpane": 0.6547, "IoU.grass": 0.6543, "IoU.cabinet": 0.6364, "IoU.sidewalk": 0.714, "IoU.person": 0.8495, "IoU.earth": 0.3708, "IoU.door": 0.5931, "IoU.table": 0.6873, "IoU.mountain": 0.5872, "IoU.plant": 0.5505, "IoU.curtain": 0.7877, "IoU.chair": 0.6575, "IoU.car": 0.8732, "IoU.water": 0.6026, "IoU.painting": 0.7676, "IoU.sofa": 0.7992, "IoU.shelf": 0.4934, "IoU.house": 0.6374, "IoU.sea": 0.637, "IoU.mirror": 0.7551, "IoU.rug": 0.701, "IoU.field": 0.3375, "IoU.armchair": 0.5774, "IoU.seat": 0.6792, "IoU.fence": 0.5189, "IoU.desk": 0.5858, "IoU.rock": 0.4974, "IoU.wardrobe": 0.5408, "IoU.lamp": 0.7184, "IoU.bathtub": 0.8413, "IoU.railing": 0.4052, "IoU.cushion": 0.6675, "IoU.base": 0.3611, "IoU.box": 0.3787, "IoU.column": 0.5259, "IoU.signboard": 0.4006, "IoU.chest of drawers": 0.4145, "IoU.counter": 0.4045, "IoU.sand": 0.5392, "IoU.sink": 0.7508, "IoU.skyscraper": 0.479, "IoU.fireplace": 0.7686, "IoU.refrigerator": 0.8071, "IoU.grandstand": 0.5214, "IoU.path": 0.3238, "IoU.stairs": 0.2288, "IoU.runway": 0.6747, "IoU.case": 0.5641, "IoU.pool table": 0.9448, "IoU.pillow": 0.6524, "IoU.screen door": 0.8099, "IoU.stairway": 0.3915, "IoU.river": 0.1804, "IoU.bridge": 0.7746, "IoU.bookcase": 0.4295, "IoU.blind": 0.4485, "IoU.coffee table": 0.6907, "IoU.toilet": 0.8842, "IoU.flower": 0.4669, "IoU.book": 0.5188, "IoU.hill": 0.0596, "IoU.bench": 0.5391, "IoU.countertop": 0.6437, "IoU.stove": 0.8402, "IoU.palm": 0.5669, "IoU.kitchen island": 0.4194, "IoU.computer": 0.768, "IoU.swivel chair": 0.5172, "IoU.boat": 0.5168, "IoU.bar": 0.6149, "IoU.arcade machine": 0.7261, "IoU.hovel": 0.4418, "IoU.bus": 0.9118, "IoU.towel": 0.7691, "IoU.light": 0.5974, "IoU.truck": 0.4462, "IoU.tower": 0.0981, "IoU.chandelier": 0.703, "IoU.awning": 0.4356, "IoU.streetlight": 0.3437, "IoU.booth": 0.4725, "IoU.television receiver": 0.7257, "IoU.airplane": 0.61, "IoU.dirt track": 0.0843, "IoU.apparel": 0.4458, "IoU.pole": 0.2493, "IoU.land": 0.0218, "IoU.bannister": 0.1706, "IoU.escalator": 0.5474, "IoU.ottoman": 0.3978, "IoU.bottle": 0.4174, "IoU.buffet": 0.4258, "IoU.poster": 0.3725, "IoU.stage": 0.2239, "IoU.van": 0.4339, "IoU.ship": 0.8569, "IoU.fountain": 0.3339, "IoU.conveyer belt": 0.7333, "IoU.canopy": 0.4719, "IoU.washer": 0.7622, "IoU.plaything": 0.3331, "IoU.swimming pool": 0.5664, "IoU.stool": 0.4924, "IoU.barrel": 0.5578, "IoU.basket": 0.3725, "IoU.waterfall": 0.5332, "IoU.tent": 0.901, "IoU.bag": 0.1941, "IoU.minibike": 0.7216, "IoU.cradle": 0.8456, "IoU.oven": 0.5108, "IoU.ball": 0.4782, "IoU.food": 0.6143, "IoU.step": 0.1848, "IoU.tank": 0.676, "IoU.trade name": 0.1992, "IoU.microwave": 0.8569, "IoU.pot": 0.5782, "IoU.animal": 0.6546, "IoU.bicycle": 0.5993, "IoU.lake": 0.4011, "IoU.dishwasher": 0.6789, "IoU.screen": 0.5908, "IoU.blanket": 0.2995, "IoU.sculpture": 0.7197, "IoU.hood": 0.6434, "IoU.sconce": 0.541, "IoU.vase": 0.4783, "IoU.traffic light": 0.3695, "IoU.tray": 0.1425, "IoU.ashcan": 0.4432, "IoU.fan": 0.6332, "IoU.pier": 0.3167, "IoU.crt screen": 0.0359, "IoU.plate": 0.5626, "IoU.monitor": 0.6742, "IoU.bulletin board": 0.4558, "IoU.shower": 0.0, "IoU.radiator": 0.6303, "IoU.glass": 0.1813, "IoU.clock": 0.4233, "IoU.flag": 0.7127, "Acc.wall": 0.8864, "Acc.building": 0.934, "Acc.sky": 0.9792, "Acc.floor": 0.9191, "Acc.tree": 0.8962, "Acc.ceiling": 0.9367, "Acc.road": 0.9181, "Acc.bed ": 0.9705, "Acc.windowpane": 0.7997, "Acc.grass": 0.8335, "Acc.cabinet": 0.766, "Acc.sidewalk": 0.8285, "Acc.person": 0.9457, "Acc.earth": 0.4777, "Acc.door": 0.8022, "Acc.table": 0.8073, "Acc.mountain": 0.7209, "Acc.plant": 0.6534, "Acc.curtain": 0.8684, "Acc.chair": 0.7892, "Acc.car": 0.9382, "Acc.water": 0.7437, "Acc.painting": 0.8983, "Acc.sofa": 0.897, "Acc.shelf": 0.6204, "Acc.house": 0.7495, "Acc.sea": 0.7597, "Acc.mirror": 0.8393, "Acc.rug": 0.7543, "Acc.field": 0.5291, "Acc.armchair": 0.7664, "Acc.seat": 0.8675, "Acc.fence": 0.6761, "Acc.desk": 0.7516, "Acc.rock": 0.7609, "Acc.wardrobe": 0.6962, "Acc.lamp": 0.8165, "Acc.bathtub": 0.867, "Acc.railing": 0.6556, "Acc.cushion": 0.7998, "Acc.base": 0.5629, "Acc.box": 0.521, "Acc.column": 0.6755, "Acc.signboard": 0.5843, "Acc.chest of drawers": 0.6987, "Acc.counter": 0.4947, "Acc.sand": 0.7575, "Acc.sink": 0.8511, "Acc.skyscraper": 0.5713, "Acc.fireplace": 0.908, "Acc.refrigerator": 0.9168, "Acc.grandstand": 0.824, "Acc.path": 0.5038, "Acc.stairs": 0.3066, "Acc.runway": 0.8934, "Acc.case": 0.7537, "Acc.pool table": 0.9762, "Acc.pillow": 0.7325, "Acc.screen door": 0.8386, "Acc.stairway": 0.5635, "Acc.river": 0.4649, "Acc.bridge": 0.8885, "Acc.bookcase": 0.5789, "Acc.blind": 0.5116, "Acc.coffee table": 0.8495, "Acc.toilet": 0.933, "Acc.flower": 0.6241, "Acc.book": 0.6996, "Acc.hill": 0.0959, "Acc.bench": 0.6386, "Acc.countertop": 0.8185, "Acc.stove": 0.9084, "Acc.palm": 0.7766, "Acc.kitchen island": 0.9009, "Acc.computer": 0.9532, "Acc.swivel chair": 0.7594, "Acc.boat": 0.8816, "Acc.bar": 0.8363, "Acc.arcade machine": 0.7834, "Acc.hovel": 0.4905, "Acc.bus": 0.9634, "Acc.towel": 0.8634, "Acc.light": 0.6764, "Acc.truck": 0.5874, "Acc.tower": 0.1751, "Acc.chandelier": 0.9002, "Acc.awning": 0.5549, "Acc.streetlight": 0.4681, "Acc.booth": 0.4963, "Acc.television receiver": 0.8788, "Acc.airplane": 0.6774, "Acc.dirt track": 0.4163, "Acc.apparel": 0.6552, "Acc.pole": 0.3306, "Acc.land": 0.0549, "Acc.bannister": 0.2264, "Acc.escalator": 0.8103, "Acc.ottoman": 0.5184, "Acc.bottle": 0.6647, "Acc.buffet": 0.4826, "Acc.poster": 0.4075, "Acc.stage": 0.3947, "Acc.van": 0.5976, "Acc.ship": 0.8643, "Acc.fountain": 0.3451, "Acc.conveyer belt": 0.9349, "Acc.canopy": 0.7428, "Acc.washer": 0.7918, "Acc.plaything": 0.6524, "Acc.swimming pool": 0.9034, "Acc.stool": 0.6438, "Acc.barrel": 0.6463, "Acc.basket": 0.5551, "Acc.waterfall": 0.7462, "Acc.tent": 0.9856, "Acc.bag": 0.2246, "Acc.minibike": 0.9037, "Acc.cradle": 0.9844, "Acc.oven": 0.6531, "Acc.ball": 0.5013, "Acc.food": 0.7966, "Acc.step": 0.2616, "Acc.tank": 0.8106, "Acc.trade name": 0.2167, "Acc.microwave": 0.9544, "Acc.pot": 0.6726, "Acc.animal": 0.6711, "Acc.bicycle": 0.7666, "Acc.lake": 0.4255, "Acc.dishwasher": 0.8185, "Acc.screen": 0.9266, "Acc.blanket": 0.331, "Acc.sculpture": 0.8596, "Acc.hood": 0.7914, "Acc.sconce": 0.6258, "Acc.vase": 0.6052, "Acc.traffic light": 0.5919, "Acc.tray": 0.2159, "Acc.ashcan": 0.6476, "Acc.fan": 0.7419, "Acc.pier": 0.603, "Acc.crt screen": 0.0365, "Acc.plate": 0.7619, "Acc.monitor": 0.772, "Acc.bulletin board": 0.4982, "Acc.shower": 0.0, "Acc.radiator": 0.7674, "Acc.glass": 0.1982, "Acc.clock": 0.4901, "Acc.flag": 0.764} {"mode": "train", "epoch": 30, "iter": 37050, "lr": 2e-05, "memory": 70498, "data_time": 2.01145, "decode.loss_ce": 0.23419, "decode.acc_seg": 90.269, "aux.loss_ce": 0.09722, "aux.acc_seg": 89.85212, "loss": 0.33141, "time": 3.33271} {"mode": "train", "epoch": 30, "iter": 37100, "lr": 2e-05, "memory": 70498, "data_time": 0.00956, "decode.loss_ce": 0.22577, "decode.acc_seg": 90.77449, "aux.loss_ce": 0.0935, "aux.acc_seg": 90.43404, "loss": 0.31927, "time": 1.32164} {"mode": "train", "epoch": 30, "iter": 37150, "lr": 2e-05, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.22581, "decode.acc_seg": 90.65377, "aux.loss_ce": 0.09399, "aux.acc_seg": 90.25382, "loss": 0.3198, "time": 1.32431} {"mode": "train", "epoch": 30, "iter": 37200, "lr": 2e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.2287, "decode.acc_seg": 90.70933, "aux.loss_ce": 0.0948, "aux.acc_seg": 90.42132, "loss": 0.3235, "time": 1.32461} {"mode": "train", "epoch": 30, "iter": 37250, "lr": 2e-05, "memory": 70498, "data_time": 0.00942, "decode.loss_ce": 0.21084, "decode.acc_seg": 91.19727, "aux.loss_ce": 0.08648, "aux.acc_seg": 90.95757, "loss": 0.29731, "time": 1.32749} {"mode": "train", "epoch": 30, "iter": 37300, "lr": 2e-05, "memory": 70498, "data_time": 0.00976, "decode.loss_ce": 0.2299, "decode.acc_seg": 90.46199, "aux.loss_ce": 0.09567, "aux.acc_seg": 90.12118, "loss": 0.32557, "time": 1.32957} {"mode": "train", "epoch": 30, "iter": 37350, "lr": 2e-05, "memory": 70498, "data_time": 0.0097, "decode.loss_ce": 0.24612, "decode.acc_seg": 89.8768, "aux.loss_ce": 0.10087, "aux.acc_seg": 89.61919, "loss": 0.34699, "time": 1.3221} {"mode": "train", "epoch": 30, "iter": 37400, "lr": 2e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.2491, "decode.acc_seg": 89.92898, "aux.loss_ce": 0.10187, "aux.acc_seg": 89.64169, "loss": 0.35097, "time": 1.33037} {"mode": "train", "epoch": 30, "iter": 37450, "lr": 2e-05, "memory": 70498, "data_time": 0.00966, "decode.loss_ce": 0.22049, "decode.acc_seg": 90.57042, "aux.loss_ce": 0.09172, "aux.acc_seg": 90.23991, "loss": 0.31221, "time": 1.32714} {"mode": "train", "epoch": 30, "iter": 37500, "lr": 2e-05, "memory": 70498, "data_time": 0.00969, "decode.loss_ce": 0.23361, "decode.acc_seg": 90.37341, "aux.loss_ce": 0.09582, "aux.acc_seg": 90.14831, "loss": 0.32943, "time": 1.33451} {"mode": "train", "epoch": 30, "iter": 37550, "lr": 2e-05, "memory": 70498, "data_time": 0.00961, "decode.loss_ce": 0.21412, "decode.acc_seg": 91.00066, "aux.loss_ce": 0.08982, "aux.acc_seg": 90.55841, "loss": 0.30394, "time": 1.32445} {"mode": "train", "epoch": 30, "iter": 37600, "lr": 2e-05, "memory": 70498, "data_time": 0.00997, "decode.loss_ce": 0.24402, "decode.acc_seg": 89.76973, "aux.loss_ce": 0.09961, "aux.acc_seg": 89.52281, "loss": 0.34362, "time": 1.32845} {"mode": "train", "epoch": 30, "iter": 37650, "lr": 2e-05, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.21645, "decode.acc_seg": 90.78272, "aux.loss_ce": 0.08935, "aux.acc_seg": 90.57392, "loss": 0.30581, "time": 1.32738} {"mode": "train", "epoch": 30, "iter": 37700, "lr": 2e-05, "memory": 70498, "data_time": 0.00946, "decode.loss_ce": 0.21939, "decode.acc_seg": 90.73935, "aux.loss_ce": 0.09101, "aux.acc_seg": 90.41629, "loss": 0.31041, "time": 1.32339} {"mode": "train", "epoch": 30, "iter": 37750, "lr": 2e-05, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.22708, "decode.acc_seg": 90.44886, "aux.loss_ce": 0.09371, "aux.acc_seg": 90.13595, "loss": 0.32079, "time": 1.32427} {"mode": "train", "epoch": 30, "iter": 37800, "lr": 2e-05, "memory": 70498, "data_time": 0.00948, "decode.loss_ce": 0.22853, "decode.acc_seg": 90.1312, "aux.loss_ce": 0.09494, "aux.acc_seg": 89.72775, "loss": 0.32346, "time": 1.32835} {"mode": "train", "epoch": 30, "iter": 37850, "lr": 2e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.24142, "decode.acc_seg": 89.89874, "aux.loss_ce": 0.09909, "aux.acc_seg": 89.57681, "loss": 0.3405, "time": 1.3256} {"mode": "train", "epoch": 31, "iter": 37900, "lr": 2e-05, "memory": 70498, "data_time": 0.06474, "decode.loss_ce": 0.21574, "decode.acc_seg": 90.85273, "aux.loss_ce": 0.08885, "aux.acc_seg": 90.57893, "loss": 0.30459, "time": 1.38486} {"mode": "train", "epoch": 31, "iter": 37950, "lr": 2e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.20572, "decode.acc_seg": 91.22907, "aux.loss_ce": 0.08549, "aux.acc_seg": 90.92309, "loss": 0.29121, "time": 1.33292} {"mode": "train", "epoch": 31, "iter": 38000, "lr": 2e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.2162, "decode.acc_seg": 91.05963, "aux.loss_ce": 0.09031, "aux.acc_seg": 90.70134, "loss": 0.30651, "time": 3.42236} {"mode": "val", "epoch": 31, "iter": 250, "lr": 2e-05, "aAcc": 0.8572, "mIoU": 0.5592, "mAcc": 0.6885, "IoU.wall": 0.8113, "IoU.building": 0.8446, "IoU.sky": 0.9454, "IoU.floor": 0.8477, "IoU.tree": 0.7571, "IoU.ceiling": 0.8578, "IoU.road": 0.8759, "IoU.bed ": 0.924, "IoU.windowpane": 0.672, "IoU.grass": 0.6622, "IoU.cabinet": 0.6586, "IoU.sidewalk": 0.7229, "IoU.person": 0.8502, "IoU.earth": 0.3729, "IoU.door": 0.6109, "IoU.table": 0.6758, "IoU.mountain": 0.6284, "IoU.plant": 0.5542, "IoU.curtain": 0.7898, "IoU.chair": 0.6415, "IoU.car": 0.8651, "IoU.water": 0.6541, "IoU.painting": 0.7722, "IoU.sofa": 0.7854, "IoU.shelf": 0.4885, "IoU.house": 0.5625, "IoU.sea": 0.7065, "IoU.mirror": 0.7687, "IoU.rug": 0.6963, "IoU.field": 0.3981, "IoU.armchair": 0.5725, "IoU.seat": 0.6631, "IoU.fence": 0.5275, "IoU.desk": 0.5538, "IoU.rock": 0.5365, "IoU.wardrobe": 0.578, "IoU.lamp": 0.7185, "IoU.bathtub": 0.8415, "IoU.railing": 0.4004, "IoU.cushion": 0.6878, "IoU.base": 0.4059, "IoU.box": 0.3506, "IoU.column": 0.5532, "IoU.signboard": 0.409, "IoU.chest of drawers": 0.4891, "IoU.counter": 0.4555, "IoU.sand": 0.541, "IoU.sink": 0.757, "IoU.skyscraper": 0.4633, "IoU.fireplace": 0.6867, "IoU.refrigerator": 0.7947, "IoU.grandstand": 0.4624, "IoU.path": 0.3132, "IoU.stairs": 0.3175, "IoU.runway": 0.7463, "IoU.case": 0.5329, "IoU.pool table": 0.9461, "IoU.pillow": 0.7014, "IoU.screen door": 0.8396, "IoU.stairway": 0.453, "IoU.river": 0.1572, "IoU.bridge": 0.7663, "IoU.bookcase": 0.4393, "IoU.blind": 0.4215, "IoU.coffee table": 0.6388, "IoU.toilet": 0.8908, "IoU.flower": 0.4652, "IoU.book": 0.5272, "IoU.hill": 0.0656, "IoU.bench": 0.5224, "IoU.countertop": 0.6495, "IoU.stove": 0.8461, "IoU.palm": 0.5607, "IoU.kitchen island": 0.4504, "IoU.computer": 0.7683, "IoU.swivel chair": 0.528, "IoU.boat": 0.5028, "IoU.bar": 0.6097, "IoU.arcade machine": 0.7284, "IoU.hovel": 0.4462, "IoU.bus": 0.9293, "IoU.towel": 0.7355, "IoU.light": 0.5815, "IoU.truck": 0.4649, "IoU.tower": 0.1939, "IoU.chandelier": 0.7158, "IoU.awning": 0.3487, "IoU.streetlight": 0.3056, "IoU.booth": 0.3959, "IoU.television receiver": 0.7811, "IoU.airplane": 0.6928, "IoU.dirt track": 0.2353, "IoU.apparel": 0.4105, "IoU.pole": 0.233, "IoU.land": 0.0286, "IoU.bannister": 0.1626, "IoU.escalator": 0.5666, "IoU.ottoman": 0.5126, "IoU.bottle": 0.3265, "IoU.buffet": 0.5431, "IoU.poster": 0.3514, "IoU.stage": 0.2409, "IoU.van": 0.4256, "IoU.ship": 0.9226, "IoU.fountain": 0.3219, "IoU.conveyer belt": 0.7371, "IoU.canopy": 0.4751, "IoU.washer": 0.7864, "IoU.plaything": 0.3541, "IoU.swimming pool": 0.5688, "IoU.stool": 0.4808, "IoU.barrel": 0.5583, "IoU.basket": 0.3825, "IoU.waterfall": 0.4873, "IoU.tent": 0.8433, "IoU.bag": 0.2041, "IoU.minibike": 0.7295, "IoU.cradle": 0.7982, "IoU.oven": 0.4619, "IoU.ball": 0.5475, "IoU.food": 0.5059, "IoU.step": 0.1305, "IoU.tank": 0.514, "IoU.trade name": 0.2653, "IoU.microwave": 0.8688, "IoU.pot": 0.5406, "IoU.animal": 0.6547, "IoU.bicycle": 0.5719, "IoU.lake": 0.5177, "IoU.dishwasher": 0.6671, "IoU.screen": 0.5853, "IoU.blanket": 0.2891, "IoU.sculpture": 0.7713, "IoU.hood": 0.6067, "IoU.sconce": 0.5516, "IoU.vase": 0.4676, "IoU.traffic light": 0.348, "IoU.tray": 0.0826, "IoU.ashcan": 0.425, "IoU.fan": 0.6314, "IoU.pier": 0.4769, "IoU.crt screen": 0.1454, "IoU.plate": 0.5704, "IoU.monitor": 0.7088, "IoU.bulletin board": 0.5654, "IoU.shower": 0.0013, "IoU.radiator": 0.6433, "IoU.glass": 0.1853, "IoU.clock": 0.3693, "IoU.flag": 0.6985, "Acc.wall": 0.8917, "Acc.building": 0.9386, "Acc.sky": 0.982, "Acc.floor": 0.9145, "Acc.tree": 0.8449, "Acc.ceiling": 0.9286, "Acc.road": 0.9302, "Acc.bed ": 0.9671, "Acc.windowpane": 0.8076, "Acc.grass": 0.7889, "Acc.cabinet": 0.7719, "Acc.sidewalk": 0.8341, "Acc.person": 0.9312, "Acc.earth": 0.4693, "Acc.door": 0.7642, "Acc.table": 0.7886, "Acc.mountain": 0.7667, "Acc.plant": 0.7348, "Acc.curtain": 0.8859, "Acc.chair": 0.7214, "Acc.car": 0.9489, "Acc.water": 0.8193, "Acc.painting": 0.8925, "Acc.sofa": 0.8644, "Acc.shelf": 0.7421, "Acc.house": 0.7496, "Acc.sea": 0.7867, "Acc.mirror": 0.8393, "Acc.rug": 0.8603, "Acc.field": 0.6924, "Acc.armchair": 0.8293, "Acc.seat": 0.8796, "Acc.fence": 0.6278, "Acc.desk": 0.7008, "Acc.rock": 0.7738, "Acc.wardrobe": 0.7667, "Acc.lamp": 0.7918, "Acc.bathtub": 0.8708, "Acc.railing": 0.5582, "Acc.cushion": 0.8078, "Acc.base": 0.5345, "Acc.box": 0.4642, "Acc.column": 0.6651, "Acc.signboard": 0.5115, "Acc.chest of drawers": 0.6372, "Acc.counter": 0.6809, "Acc.sand": 0.8244, "Acc.sink": 0.8231, "Acc.skyscraper": 0.5597, "Acc.fireplace": 0.9636, "Acc.refrigerator": 0.9246, "Acc.grandstand": 0.8103, "Acc.path": 0.4726, "Acc.stairs": 0.4467, "Acc.runway": 0.98, "Acc.case": 0.7569, "Acc.pool table": 0.971, "Acc.pillow": 0.8312, "Acc.screen door": 0.8747, "Acc.stairway": 0.4817, "Acc.river": 0.3019, "Acc.bridge": 0.8873, "Acc.bookcase": 0.5904, "Acc.blind": 0.4708, "Acc.coffee table": 0.8802, "Acc.toilet": 0.9265, "Acc.flower": 0.6016, "Acc.book": 0.79, "Acc.hill": 0.1168, "Acc.bench": 0.6113, "Acc.countertop": 0.8106, "Acc.stove": 0.9206, "Acc.palm": 0.7934, "Acc.kitchen island": 0.8959, "Acc.computer": 0.953, "Acc.swivel chair": 0.7811, "Acc.boat": 0.861, "Acc.bar": 0.6711, "Acc.arcade machine": 0.7838, "Acc.hovel": 0.4936, "Acc.bus": 0.9619, "Acc.towel": 0.8265, "Acc.light": 0.6579, "Acc.truck": 0.6145, "Acc.tower": 0.402, "Acc.chandelier": 0.8748, "Acc.awning": 0.3728, "Acc.streetlight": 0.3963, "Acc.booth": 0.7375, "Acc.television receiver": 0.8724, "Acc.airplane": 0.7342, "Acc.dirt track": 0.4305, "Acc.apparel": 0.5241, "Acc.pole": 0.3068, "Acc.land": 0.0936, "Acc.bannister": 0.2108, "Acc.escalator": 0.817, "Acc.ottoman": 0.7195, "Acc.bottle": 0.3805, "Acc.buffet": 0.6421, "Acc.poster": 0.4244, "Acc.stage": 0.4436, "Acc.van": 0.5017, "Acc.ship": 0.9725, "Acc.fountain": 0.3309, "Acc.conveyer belt": 0.9337, "Acc.canopy": 0.765, "Acc.washer": 0.8135, "Acc.plaything": 0.5135, "Acc.swimming pool": 0.817, "Acc.stool": 0.6588, "Acc.barrel": 0.6466, "Acc.basket": 0.5678, "Acc.waterfall": 0.6924, "Acc.tent": 0.9873, "Acc.bag": 0.2494, "Acc.minibike": 0.8684, "Acc.cradle": 0.9762, "Acc.oven": 0.6097, "Acc.ball": 0.772, "Acc.food": 0.6048, "Acc.step": 0.1875, "Acc.tank": 0.5775, "Acc.trade name": 0.2868, "Acc.microwave": 0.9572, "Acc.pot": 0.6026, "Acc.animal": 0.6748, "Acc.bicycle": 0.7637, "Acc.lake": 0.6377, "Acc.dishwasher": 0.7372, "Acc.screen": 0.8535, "Acc.blanket": 0.3226, "Acc.sculpture": 0.8745, "Acc.hood": 0.7121, "Acc.sconce": 0.6309, "Acc.vase": 0.6208, "Acc.traffic light": 0.5415, "Acc.tray": 0.1033, "Acc.ashcan": 0.6225, "Acc.fan": 0.7565, "Acc.pier": 0.8302, "Acc.crt screen": 0.1733, "Acc.plate": 0.7296, "Acc.monitor": 0.8208, "Acc.bulletin board": 0.6189, "Acc.shower": 0.0013, "Acc.radiator": 0.7228, "Acc.glass": 0.1999, "Acc.clock": 0.4059, "Acc.flag": 0.7654} {"mode": "train", "epoch": 31, "iter": 38050, "lr": 2e-05, "memory": 70498, "data_time": 1.979, "decode.loss_ce": 0.20268, "decode.acc_seg": 91.43972, "aux.loss_ce": 0.08415, "aux.acc_seg": 91.09356, "loss": 0.28683, "time": 3.30019} {"mode": "train", "epoch": 31, "iter": 38100, "lr": 2e-05, "memory": 70498, "data_time": 0.00956, "decode.loss_ce": 0.22351, "decode.acc_seg": 90.60302, "aux.loss_ce": 0.09267, "aux.acc_seg": 90.26643, "loss": 0.31618, "time": 1.32363} {"mode": "train", "epoch": 31, "iter": 38150, "lr": 2e-05, "memory": 70498, "data_time": 0.00978, "decode.loss_ce": 0.22396, "decode.acc_seg": 90.72846, "aux.loss_ce": 0.09301, "aux.acc_seg": 90.32516, "loss": 0.31697, "time": 1.32664} {"mode": "train", "epoch": 31, "iter": 38200, "lr": 2e-05, "memory": 70498, "data_time": 0.00986, "decode.loss_ce": 0.23004, "decode.acc_seg": 90.60362, "aux.loss_ce": 0.09609, "aux.acc_seg": 90.20923, "loss": 0.32614, "time": 1.32151} {"mode": "train", "epoch": 31, "iter": 38250, "lr": 2e-05, "memory": 70498, "data_time": 0.00977, "decode.loss_ce": 0.21987, "decode.acc_seg": 90.70501, "aux.loss_ce": 0.09212, "aux.acc_seg": 90.27447, "loss": 0.312, "time": 1.3308} {"mode": "train", "epoch": 31, "iter": 38300, "lr": 2e-05, "memory": 70498, "data_time": 0.0096, "decode.loss_ce": 0.22151, "decode.acc_seg": 90.56827, "aux.loss_ce": 0.09203, "aux.acc_seg": 90.2542, "loss": 0.31354, "time": 1.32225} {"mode": "train", "epoch": 31, "iter": 38350, "lr": 2e-05, "memory": 70498, "data_time": 0.00961, "decode.loss_ce": 0.21179, "decode.acc_seg": 91.11991, "aux.loss_ce": 0.08875, "aux.acc_seg": 90.75323, "loss": 0.30054, "time": 1.32929} {"mode": "train", "epoch": 31, "iter": 38400, "lr": 2e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.23691, "decode.acc_seg": 90.14706, "aux.loss_ce": 0.09725, "aux.acc_seg": 89.93396, "loss": 0.33416, "time": 1.3282} {"mode": "train", "epoch": 31, "iter": 38450, "lr": 2e-05, "memory": 70498, "data_time": 0.0096, "decode.loss_ce": 0.21317, "decode.acc_seg": 91.06286, "aux.loss_ce": 0.08809, "aux.acc_seg": 90.7867, "loss": 0.30126, "time": 1.32323} {"mode": "train", "epoch": 31, "iter": 38500, "lr": 2e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.23775, "decode.acc_seg": 90.42864, "aux.loss_ce": 0.09851, "aux.acc_seg": 90.05918, "loss": 0.33625, "time": 1.3245} {"mode": "train", "epoch": 31, "iter": 38550, "lr": 2e-05, "memory": 70498, "data_time": 0.00991, "decode.loss_ce": 0.22408, "decode.acc_seg": 90.52577, "aux.loss_ce": 0.09317, "aux.acc_seg": 90.19702, "loss": 0.31725, "time": 1.32782} {"mode": "train", "epoch": 31, "iter": 38600, "lr": 2e-05, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.22342, "decode.acc_seg": 90.42252, "aux.loss_ce": 0.09247, "aux.acc_seg": 90.07867, "loss": 0.31589, "time": 1.32665} {"mode": "train", "epoch": 31, "iter": 38650, "lr": 2e-05, "memory": 70498, "data_time": 0.00956, "decode.loss_ce": 0.21492, "decode.acc_seg": 91.02969, "aux.loss_ce": 0.08929, "aux.acc_seg": 90.74025, "loss": 0.30421, "time": 1.32439} {"mode": "train", "epoch": 31, "iter": 38700, "lr": 2e-05, "memory": 70498, "data_time": 0.00962, "decode.loss_ce": 0.2246, "decode.acc_seg": 90.69158, "aux.loss_ce": 0.09348, "aux.acc_seg": 90.39452, "loss": 0.31808, "time": 1.32735} {"mode": "train", "epoch": 31, "iter": 38750, "lr": 2e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.22124, "decode.acc_seg": 90.66197, "aux.loss_ce": 0.09086, "aux.acc_seg": 90.39867, "loss": 0.3121, "time": 1.33054} {"mode": "train", "epoch": 31, "iter": 38800, "lr": 2e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.22957, "decode.acc_seg": 90.25372, "aux.loss_ce": 0.09508, "aux.acc_seg": 89.88606, "loss": 0.32465, "time": 1.32756} {"mode": "train", "epoch": 31, "iter": 38850, "lr": 2e-05, "memory": 70498, "data_time": 0.00971, "decode.loss_ce": 0.23208, "decode.acc_seg": 90.58693, "aux.loss_ce": 0.09641, "aux.acc_seg": 90.22883, "loss": 0.32849, "time": 1.32842} {"mode": "train", "epoch": 31, "iter": 38900, "lr": 2e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.22092, "decode.acc_seg": 90.84313, "aux.loss_ce": 0.09133, "aux.acc_seg": 90.56231, "loss": 0.31225, "time": 1.32396} {"mode": "train", "epoch": 31, "iter": 38950, "lr": 2e-05, "memory": 70498, "data_time": 0.00965, "decode.loss_ce": 0.23741, "decode.acc_seg": 90.09316, "aux.loss_ce": 0.09815, "aux.acc_seg": 89.91231, "loss": 0.33555, "time": 1.32586} {"mode": "train", "epoch": 31, "iter": 39000, "lr": 2e-05, "memory": 70498, "data_time": 0.00962, "decode.loss_ce": 0.22659, "decode.acc_seg": 90.73288, "aux.loss_ce": 0.0925, "aux.acc_seg": 90.50728, "loss": 0.31909, "time": 1.32329} {"mode": "val", "epoch": 31, "iter": 250, "lr": 2e-05, "aAcc": 0.8568, "mIoU": 0.5566, "mAcc": 0.6877, "IoU.wall": 0.8133, "IoU.building": 0.8526, "IoU.sky": 0.9478, "IoU.floor": 0.8526, "IoU.tree": 0.7704, "IoU.ceiling": 0.8662, "IoU.road": 0.8728, "IoU.bed ": 0.9201, "IoU.windowpane": 0.6574, "IoU.grass": 0.6623, "IoU.cabinet": 0.6391, "IoU.sidewalk": 0.7111, "IoU.person": 0.8533, "IoU.earth": 0.3639, "IoU.door": 0.5917, "IoU.table": 0.6757, "IoU.mountain": 0.61, "IoU.plant": 0.553, "IoU.curtain": 0.7838, "IoU.chair": 0.665, "IoU.car": 0.8533, "IoU.water": 0.6261, "IoU.painting": 0.7515, "IoU.sofa": 0.7828, "IoU.shelf": 0.4934, "IoU.house": 0.5548, "IoU.sea": 0.7129, "IoU.mirror": 0.7573, "IoU.rug": 0.691, "IoU.field": 0.3352, "IoU.armchair": 0.595, "IoU.seat": 0.6624, "IoU.fence": 0.5087, "IoU.desk": 0.5321, "IoU.rock": 0.5473, "IoU.wardrobe": 0.5459, "IoU.lamp": 0.7205, "IoU.bathtub": 0.8361, "IoU.railing": 0.3951, "IoU.cushion": 0.6879, "IoU.base": 0.3854, "IoU.box": 0.3604, "IoU.column": 0.5489, "IoU.signboard": 0.4197, "IoU.chest of drawers": 0.4828, "IoU.counter": 0.3878, "IoU.sand": 0.5827, "IoU.sink": 0.7467, "IoU.skyscraper": 0.4768, "IoU.fireplace": 0.7099, "IoU.refrigerator": 0.7643, "IoU.grandstand": 0.4953, "IoU.path": 0.3105, "IoU.stairs": 0.209, "IoU.runway": 0.7264, "IoU.case": 0.5768, "IoU.pool table": 0.943, "IoU.pillow": 0.7053, "IoU.screen door": 0.8709, "IoU.stairway": 0.3896, "IoU.river": 0.1977, "IoU.bridge": 0.7612, "IoU.bookcase": 0.4203, "IoU.blind": 0.4571, "IoU.coffee table": 0.6205, "IoU.toilet": 0.875, "IoU.flower": 0.3935, "IoU.book": 0.5326, "IoU.hill": 0.083, "IoU.bench": 0.5212, "IoU.countertop": 0.6431, "IoU.stove": 0.8342, "IoU.palm": 0.5926, "IoU.kitchen island": 0.4856, "IoU.computer": 0.7769, "IoU.swivel chair": 0.534, "IoU.boat": 0.5661, "IoU.bar": 0.5533, "IoU.arcade machine": 0.6942, "IoU.hovel": 0.4422, "IoU.bus": 0.9307, "IoU.towel": 0.7366, "IoU.light": 0.6158, "IoU.truck": 0.4263, "IoU.tower": 0.255, "IoU.chandelier": 0.7241, "IoU.awning": 0.471, "IoU.streetlight": 0.3315, "IoU.booth": 0.3681, "IoU.television receiver": 0.761, "IoU.airplane": 0.667, "IoU.dirt track": 0.2468, "IoU.apparel": 0.501, "IoU.pole": 0.278, "IoU.land": 0.0303, "IoU.bannister": 0.1856, "IoU.escalator": 0.5792, "IoU.ottoman": 0.4634, "IoU.bottle": 0.4531, "IoU.buffet": 0.5132, "IoU.poster": 0.3006, "IoU.stage": 0.2268, "IoU.van": 0.1991, "IoU.ship": 0.8993, "IoU.fountain": 0.3044, "IoU.conveyer belt": 0.8379, "IoU.canopy": 0.4922, "IoU.washer": 0.731, "IoU.plaything": 0.2342, "IoU.swimming pool": 0.5773, "IoU.stool": 0.5183, "IoU.barrel": 0.3808, "IoU.basket": 0.3869, "IoU.waterfall": 0.5461, "IoU.tent": 0.9213, "IoU.bag": 0.2125, "IoU.minibike": 0.7437, "IoU.cradle": 0.8474, "IoU.oven": 0.5336, "IoU.ball": 0.5273, "IoU.food": 0.6255, "IoU.step": 0.0839, "IoU.tank": 0.6595, "IoU.trade name": 0.3606, "IoU.microwave": 0.8608, "IoU.pot": 0.531, "IoU.animal": 0.6451, "IoU.bicycle": 0.5818, "IoU.lake": 0.5097, "IoU.dishwasher": 0.6095, "IoU.screen": 0.4965, "IoU.blanket": 0.3177, "IoU.sculpture": 0.7466, "IoU.hood": 0.6256, "IoU.sconce": 0.5268, "IoU.vase": 0.4567, "IoU.traffic light": 0.3551, "IoU.tray": 0.0708, "IoU.ashcan": 0.4008, "IoU.fan": 0.6411, "IoU.pier": 0.3388, "IoU.crt screen": 0.066, "IoU.plate": 0.5624, "IoU.monitor": 0.6923, "IoU.bulletin board": 0.5738, "IoU.shower": 0.0014, "IoU.radiator": 0.6273, "IoU.glass": 0.1874, "IoU.clock": 0.3438, "IoU.flag": 0.707, "Acc.wall": 0.8945, "Acc.building": 0.9325, "Acc.sky": 0.9705, "Acc.floor": 0.9065, "Acc.tree": 0.9054, "Acc.ceiling": 0.9312, "Acc.road": 0.9224, "Acc.bed ": 0.9684, "Acc.windowpane": 0.7855, "Acc.grass": 0.7866, "Acc.cabinet": 0.7435, "Acc.sidewalk": 0.8426, "Acc.person": 0.9296, "Acc.earth": 0.5043, "Acc.door": 0.7432, "Acc.table": 0.8048, "Acc.mountain": 0.7395, "Acc.plant": 0.6502, "Acc.curtain": 0.9009, "Acc.chair": 0.7782, "Acc.car": 0.9266, "Acc.water": 0.7634, "Acc.painting": 0.9246, "Acc.sofa": 0.9188, "Acc.shelf": 0.7255, "Acc.house": 0.7197, "Acc.sea": 0.8826, "Acc.mirror": 0.8162, "Acc.rug": 0.8563, "Acc.field": 0.6021, "Acc.armchair": 0.7723, "Acc.seat": 0.8668, "Acc.fence": 0.723, "Acc.desk": 0.7537, "Acc.rock": 0.767, "Acc.wardrobe": 0.7553, "Acc.lamp": 0.8441, "Acc.bathtub": 0.8545, "Acc.railing": 0.6013, "Acc.cushion": 0.7927, "Acc.base": 0.4907, "Acc.box": 0.4874, "Acc.column": 0.718, "Acc.signboard": 0.5464, "Acc.chest of drawers": 0.6777, "Acc.counter": 0.4738, "Acc.sand": 0.8696, "Acc.sink": 0.8106, "Acc.skyscraper": 0.5831, "Acc.fireplace": 0.9591, "Acc.refrigerator": 0.8435, "Acc.grandstand": 0.7972, "Acc.path": 0.4385, "Acc.stairs": 0.266, "Acc.runway": 0.9461, "Acc.case": 0.7854, "Acc.pool table": 0.9786, "Acc.pillow": 0.8311, "Acc.screen door": 0.9226, "Acc.stairway": 0.5783, "Acc.river": 0.3248, "Acc.bridge": 0.8685, "Acc.bookcase": 0.5531, "Acc.blind": 0.507, "Acc.coffee table": 0.8956, "Acc.toilet": 0.9339, "Acc.flower": 0.5038, "Acc.book": 0.7303, "Acc.hill": 0.1378, "Acc.bench": 0.5856, "Acc.countertop": 0.8411, "Acc.stove": 0.897, "Acc.palm": 0.7877, "Acc.kitchen island": 0.9009, "Acc.computer": 0.9451, "Acc.swivel chair": 0.7187, "Acc.boat": 0.829, "Acc.bar": 0.7775, "Acc.arcade machine": 0.7277, "Acc.hovel": 0.4976, "Acc.bus": 0.9591, "Acc.towel": 0.8171, "Acc.light": 0.6999, "Acc.truck": 0.6361, "Acc.tower": 0.5741, "Acc.chandelier": 0.8935, "Acc.awning": 0.5496, "Acc.streetlight": 0.4699, "Acc.booth": 0.5823, "Acc.television receiver": 0.884, "Acc.airplane": 0.7202, "Acc.dirt track": 0.3473, "Acc.apparel": 0.7322, "Acc.pole": 0.4086, "Acc.land": 0.0661, "Acc.bannister": 0.2719, "Acc.escalator": 0.8439, "Acc.ottoman": 0.598, "Acc.bottle": 0.599, "Acc.buffet": 0.5736, "Acc.poster": 0.4309, "Acc.stage": 0.4251, "Acc.van": 0.2247, "Acc.ship": 0.943, "Acc.fountain": 0.3117, "Acc.conveyer belt": 0.9232, "Acc.canopy": 0.6363, "Acc.washer": 0.8337, "Acc.plaything": 0.3398, "Acc.swimming pool": 0.9156, "Acc.stool": 0.6457, "Acc.barrel": 0.6493, "Acc.basket": 0.5738, "Acc.waterfall": 0.7799, "Acc.tent": 0.9824, "Acc.bag": 0.249, "Acc.minibike": 0.8316, "Acc.cradle": 0.9702, "Acc.oven": 0.6573, "Acc.ball": 0.5712, "Acc.food": 0.8263, "Acc.step": 0.0928, "Acc.tank": 0.8144, "Acc.trade name": 0.4365, "Acc.microwave": 0.9579, "Acc.pot": 0.5993, "Acc.animal": 0.6626, "Acc.bicycle": 0.7729, "Acc.lake": 0.6368, "Acc.dishwasher": 0.7568, "Acc.screen": 0.7664, "Acc.blanket": 0.3596, "Acc.sculpture": 0.8498, "Acc.hood": 0.7399, "Acc.sconce": 0.6037, "Acc.vase": 0.6198, "Acc.traffic light": 0.5818, "Acc.tray": 0.09, "Acc.ashcan": 0.6235, "Acc.fan": 0.777, "Acc.pier": 0.468, "Acc.crt screen": 0.0955, "Acc.plate": 0.7318, "Acc.monitor": 0.8357, "Acc.bulletin board": 0.706, "Acc.shower": 0.0014, "Acc.radiator": 0.7333, "Acc.glass": 0.205, "Acc.clock": 0.4486, "Acc.flag": 0.769} {"mode": "train", "epoch": 31, "iter": 39050, "lr": 2e-05, "memory": 70498, "data_time": 1.97949, "decode.loss_ce": 0.2248, "decode.acc_seg": 90.46857, "aux.loss_ce": 0.09259, "aux.acc_seg": 90.1914, "loss": 0.31739, "time": 3.29856} {"mode": "train", "epoch": 31, "iter": 39100, "lr": 2e-05, "memory": 70498, "data_time": 0.00989, "decode.loss_ce": 0.23503, "decode.acc_seg": 89.97269, "aux.loss_ce": 0.09711, "aux.acc_seg": 89.69094, "loss": 0.33213, "time": 1.3262} {"mode": "train", "epoch": 31, "iter": 39150, "lr": 2e-05, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.22917, "decode.acc_seg": 90.20884, "aux.loss_ce": 0.09563, "aux.acc_seg": 89.85387, "loss": 0.32481, "time": 1.32996} {"mode": "train", "epoch": 32, "iter": 39200, "lr": 2e-05, "memory": 70498, "data_time": 0.07791, "decode.loss_ce": 0.21507, "decode.acc_seg": 91.10477, "aux.loss_ce": 0.08938, "aux.acc_seg": 90.78981, "loss": 0.30445, "time": 1.39584} {"mode": "train", "epoch": 32, "iter": 39250, "lr": 2e-05, "memory": 70498, "data_time": 0.00962, "decode.loss_ce": 0.23926, "decode.acc_seg": 90.17175, "aux.loss_ce": 0.09963, "aux.acc_seg": 89.74608, "loss": 0.33889, "time": 1.32438} {"mode": "train", "epoch": 32, "iter": 39300, "lr": 2e-05, "memory": 70498, "data_time": 0.00966, "decode.loss_ce": 0.22496, "decode.acc_seg": 90.76191, "aux.loss_ce": 0.09317, "aux.acc_seg": 90.43505, "loss": 0.31813, "time": 1.32996} {"mode": "train", "epoch": 32, "iter": 39350, "lr": 2e-05, "memory": 70498, "data_time": 0.00946, "decode.loss_ce": 0.21263, "decode.acc_seg": 90.92034, "aux.loss_ce": 0.08846, "aux.acc_seg": 90.6523, "loss": 0.3011, "time": 1.33026} {"mode": "train", "epoch": 32, "iter": 39400, "lr": 2e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.22215, "decode.acc_seg": 90.83923, "aux.loss_ce": 0.092, "aux.acc_seg": 90.58078, "loss": 0.31415, "time": 1.3311} {"mode": "train", "epoch": 32, "iter": 39450, "lr": 2e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.22766, "decode.acc_seg": 90.55853, "aux.loss_ce": 0.09474, "aux.acc_seg": 90.0897, "loss": 0.32241, "time": 1.32631} {"mode": "train", "epoch": 32, "iter": 39500, "lr": 2e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.20975, "decode.acc_seg": 91.07334, "aux.loss_ce": 0.08774, "aux.acc_seg": 90.68307, "loss": 0.29749, "time": 1.32971} {"mode": "train", "epoch": 32, "iter": 39550, "lr": 2e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.22216, "decode.acc_seg": 90.74072, "aux.loss_ce": 0.09186, "aux.acc_seg": 90.45438, "loss": 0.31402, "time": 1.32757} {"mode": "train", "epoch": 32, "iter": 39600, "lr": 2e-05, "memory": 70498, "data_time": 0.00945, "decode.loss_ce": 0.23004, "decode.acc_seg": 90.39347, "aux.loss_ce": 0.09479, "aux.acc_seg": 90.13682, "loss": 0.32483, "time": 1.33035} {"mode": "train", "epoch": 32, "iter": 39650, "lr": 2e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.21856, "decode.acc_seg": 90.86864, "aux.loss_ce": 0.09044, "aux.acc_seg": 90.57177, "loss": 0.309, "time": 1.32791} {"mode": "train", "epoch": 32, "iter": 39700, "lr": 2e-05, "memory": 70498, "data_time": 0.00988, "decode.loss_ce": 0.21152, "decode.acc_seg": 91.21719, "aux.loss_ce": 0.08833, "aux.acc_seg": 90.89608, "loss": 0.29986, "time": 1.32656} {"mode": "train", "epoch": 32, "iter": 39750, "lr": 2e-05, "memory": 70498, "data_time": 0.00962, "decode.loss_ce": 0.21359, "decode.acc_seg": 90.75564, "aux.loss_ce": 0.08906, "aux.acc_seg": 90.46709, "loss": 0.30265, "time": 1.32664} {"mode": "train", "epoch": 32, "iter": 39800, "lr": 2e-05, "memory": 70498, "data_time": 0.00983, "decode.loss_ce": 0.22622, "decode.acc_seg": 90.59263, "aux.loss_ce": 0.09403, "aux.acc_seg": 90.24715, "loss": 0.32026, "time": 1.3204} {"mode": "train", "epoch": 32, "iter": 39850, "lr": 2e-05, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.21135, "decode.acc_seg": 90.92181, "aux.loss_ce": 0.08762, "aux.acc_seg": 90.60207, "loss": 0.29897, "time": 1.33066} {"mode": "train", "epoch": 32, "iter": 39900, "lr": 2e-05, "memory": 70498, "data_time": 0.00961, "decode.loss_ce": 0.21214, "decode.acc_seg": 91.02228, "aux.loss_ce": 0.08866, "aux.acc_seg": 90.64378, "loss": 0.30081, "time": 1.32828} {"mode": "train", "epoch": 32, "iter": 39950, "lr": 2e-05, "memory": 70498, "data_time": 0.0096, "decode.loss_ce": 0.21488, "decode.acc_seg": 90.95963, "aux.loss_ce": 0.08934, "aux.acc_seg": 90.63551, "loss": 0.30422, "time": 1.33419} {"mode": "train", "epoch": 32, "iter": 40000, "lr": 2e-05, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.22503, "decode.acc_seg": 90.13047, "aux.loss_ce": 0.09307, "aux.acc_seg": 89.9312, "loss": 0.31811, "time": 4.39516} {"mode": "val", "epoch": 32, "iter": 250, "lr": 2e-05, "aAcc": 0.8577, "mIoU": 0.558, "mAcc": 0.6867, "IoU.wall": 0.8136, "IoU.building": 0.8404, "IoU.sky": 0.9485, "IoU.floor": 0.8517, "IoU.tree": 0.7766, "IoU.ceiling": 0.8708, "IoU.road": 0.8656, "IoU.bed ": 0.9242, "IoU.windowpane": 0.6563, "IoU.grass": 0.6786, "IoU.cabinet": 0.6776, "IoU.sidewalk": 0.7194, "IoU.person": 0.8577, "IoU.earth": 0.3508, "IoU.door": 0.5989, "IoU.table": 0.677, "IoU.mountain": 0.6011, "IoU.plant": 0.5649, "IoU.curtain": 0.7907, "IoU.chair": 0.6516, "IoU.car": 0.8571, "IoU.water": 0.5999, "IoU.painting": 0.774, "IoU.sofa": 0.8133, "IoU.shelf": 0.5035, "IoU.house": 0.5533, "IoU.sea": 0.6567, "IoU.mirror": 0.762, "IoU.rug": 0.687, "IoU.field": 0.3902, "IoU.armchair": 0.583, "IoU.seat": 0.6547, "IoU.fence": 0.4949, "IoU.desk": 0.587, "IoU.rock": 0.5217, "IoU.wardrobe": 0.5993, "IoU.lamp": 0.6945, "IoU.bathtub": 0.8424, "IoU.railing": 0.4028, "IoU.cushion": 0.698, "IoU.base": 0.4106, "IoU.box": 0.3709, "IoU.column": 0.5186, "IoU.signboard": 0.3901, "IoU.chest of drawers": 0.4953, "IoU.counter": 0.4069, "IoU.sand": 0.5432, "IoU.sink": 0.7673, "IoU.skyscraper": 0.4874, "IoU.fireplace": 0.7323, "IoU.refrigerator": 0.8324, "IoU.grandstand": 0.5061, "IoU.path": 0.3061, "IoU.stairs": 0.2829, "IoU.runway": 0.698, "IoU.case": 0.5876, "IoU.pool table": 0.9436, "IoU.pillow": 0.702, "IoU.screen door": 0.7288, "IoU.stairway": 0.4376, "IoU.river": 0.1748, "IoU.bridge": 0.6564, "IoU.bookcase": 0.4116, "IoU.blind": 0.4696, "IoU.coffee table": 0.6309, "IoU.toilet": 0.8898, "IoU.flower": 0.414, "IoU.book": 0.5047, "IoU.hill": 0.0743, "IoU.bench": 0.5289, "IoU.countertop": 0.6034, "IoU.stove": 0.8353, "IoU.palm": 0.5726, "IoU.kitchen island": 0.4816, "IoU.computer": 0.8068, "IoU.swivel chair": 0.5117, "IoU.boat": 0.5629, "IoU.bar": 0.5841, "IoU.arcade machine": 0.7908, "IoU.hovel": 0.4566, "IoU.bus": 0.9231, "IoU.towel": 0.7053, "IoU.light": 0.6055, "IoU.truck": 0.4269, "IoU.tower": 0.1992, "IoU.chandelier": 0.7018, "IoU.awning": 0.4397, "IoU.streetlight": 0.3127, "IoU.booth": 0.3256, "IoU.television receiver": 0.7378, "IoU.airplane": 0.6265, "IoU.dirt track": 0.0897, "IoU.apparel": 0.4572, "IoU.pole": 0.2449, "IoU.land": 0.0879, "IoU.bannister": 0.1695, "IoU.escalator": 0.6089, "IoU.ottoman": 0.4935, "IoU.bottle": 0.4176, "IoU.buffet": 0.5559, "IoU.poster": 0.3474, "IoU.stage": 0.2646, "IoU.van": 0.4079, "IoU.ship": 0.9367, "IoU.fountain": 0.3153, "IoU.conveyer belt": 0.837, "IoU.canopy": 0.569, "IoU.washer": 0.7198, "IoU.plaything": 0.367, "IoU.swimming pool": 0.6416, "IoU.stool": 0.479, "IoU.barrel": 0.4751, "IoU.basket": 0.3932, "IoU.waterfall": 0.5031, "IoU.tent": 0.8941, "IoU.bag": 0.2171, "IoU.minibike": 0.7122, "IoU.cradle": 0.796, "IoU.oven": 0.5431, "IoU.ball": 0.5568, "IoU.food": 0.6038, "IoU.step": 0.1139, "IoU.tank": 0.5224, "IoU.trade name": 0.2033, "IoU.microwave": 0.8681, "IoU.pot": 0.5739, "IoU.animal": 0.6589, "IoU.bicycle": 0.5879, "IoU.lake": 0.5363, "IoU.dishwasher": 0.6623, "IoU.screen": 0.5955, "IoU.blanket": 0.3375, "IoU.sculpture": 0.721, "IoU.hood": 0.6076, "IoU.sconce": 0.4773, "IoU.vase": 0.4669, "IoU.traffic light": 0.3185, "IoU.tray": 0.1213, "IoU.ashcan": 0.4151, "IoU.fan": 0.6153, "IoU.pier": 0.3207, "IoU.crt screen": 0.0452, "IoU.plate": 0.5775, "IoU.monitor": 0.6935, "IoU.bulletin board": 0.6211, "IoU.shower": 0.0053, "IoU.radiator": 0.6357, "IoU.glass": 0.1693, "IoU.clock": 0.3126, "IoU.flag": 0.7119, "Acc.wall": 0.8912, "Acc.building": 0.9331, "Acc.sky": 0.9748, "Acc.floor": 0.9138, "Acc.tree": 0.8996, "Acc.ceiling": 0.9458, "Acc.road": 0.9114, "Acc.bed ": 0.9636, "Acc.windowpane": 0.824, "Acc.grass": 0.8168, "Acc.cabinet": 0.7989, "Acc.sidewalk": 0.8585, "Acc.person": 0.9304, "Acc.earth": 0.4694, "Acc.door": 0.7419, "Acc.table": 0.8002, "Acc.mountain": 0.7899, "Acc.plant": 0.6764, "Acc.curtain": 0.8914, "Acc.chair": 0.7381, "Acc.car": 0.9301, "Acc.water": 0.734, "Acc.painting": 0.8918, "Acc.sofa": 0.8985, "Acc.shelf": 0.7054, "Acc.house": 0.7121, "Acc.sea": 0.8849, "Acc.mirror": 0.8448, "Acc.rug": 0.8247, "Acc.field": 0.661, "Acc.armchair": 0.7815, "Acc.seat": 0.8781, "Acc.fence": 0.6063, "Acc.desk": 0.7174, "Acc.rock": 0.6429, "Acc.wardrobe": 0.7303, "Acc.lamp": 0.8077, "Acc.bathtub": 0.8633, "Acc.railing": 0.5933, "Acc.cushion": 0.7953, "Acc.base": 0.5616, "Acc.box": 0.5279, "Acc.column": 0.6677, "Acc.signboard": 0.4854, "Acc.chest of drawers": 0.6743, "Acc.counter": 0.5364, "Acc.sand": 0.7708, "Acc.sink": 0.8423, "Acc.skyscraper": 0.6244, "Acc.fireplace": 0.9446, "Acc.refrigerator": 0.9262, "Acc.grandstand": 0.792, "Acc.path": 0.42, "Acc.stairs": 0.4008, "Acc.runway": 0.9, "Acc.case": 0.732, "Acc.pool table": 0.9754, "Acc.pillow": 0.8299, "Acc.screen door": 0.7605, "Acc.stairway": 0.5521, "Acc.river": 0.2981, "Acc.bridge": 0.7413, "Acc.bookcase": 0.5036, "Acc.blind": 0.5594, "Acc.coffee table": 0.8853, "Acc.toilet": 0.9302, "Acc.flower": 0.5142, "Acc.book": 0.7931, "Acc.hill": 0.1169, "Acc.bench": 0.6071, "Acc.countertop": 0.8658, "Acc.stove": 0.9298, "Acc.palm": 0.7834, "Acc.kitchen island": 0.7697, "Acc.computer": 0.9232, "Acc.swivel chair": 0.8281, "Acc.boat": 0.8653, "Acc.bar": 0.7313, "Acc.arcade machine": 0.8403, "Acc.hovel": 0.5098, "Acc.bus": 0.9559, "Acc.towel": 0.7908, "Acc.light": 0.6962, "Acc.truck": 0.6228, "Acc.tower": 0.3816, "Acc.chandelier": 0.805, "Acc.awning": 0.6375, "Acc.streetlight": 0.4252, "Acc.booth": 0.5015, "Acc.television receiver": 0.9176, "Acc.airplane": 0.684, "Acc.dirt track": 0.337, "Acc.apparel": 0.6138, "Acc.pole": 0.3113, "Acc.land": 0.1994, "Acc.bannister": 0.2644, "Acc.escalator": 0.8445, "Acc.ottoman": 0.7255, "Acc.bottle": 0.5137, "Acc.buffet": 0.6321, "Acc.poster": 0.5068, "Acc.stage": 0.4752, "Acc.van": 0.5881, "Acc.ship": 0.9854, "Acc.fountain": 0.3211, "Acc.conveyer belt": 0.9045, "Acc.canopy": 0.7447, "Acc.washer": 0.7866, "Acc.plaything": 0.5224, "Acc.swimming pool": 0.9626, "Acc.stool": 0.7446, "Acc.barrel": 0.6487, "Acc.basket": 0.5794, "Acc.waterfall": 0.6834, "Acc.tent": 0.9863, "Acc.bag": 0.2588, "Acc.minibike": 0.8881, "Acc.cradle": 0.9821, "Acc.oven": 0.6731, "Acc.ball": 0.7575, "Acc.food": 0.7451, "Acc.step": 0.1409, "Acc.tank": 0.559, "Acc.trade name": 0.216, "Acc.microwave": 0.9631, "Acc.pot": 0.6733, "Acc.animal": 0.6775, "Acc.bicycle": 0.7592, "Acc.lake": 0.6092, "Acc.dishwasher": 0.7446, "Acc.screen": 0.9554, "Acc.blanket": 0.3957, "Acc.sculpture": 0.8471, "Acc.hood": 0.712, "Acc.sconce": 0.5221, "Acc.vase": 0.5902, "Acc.traffic light": 0.633, "Acc.tray": 0.1445, "Acc.ashcan": 0.5843, "Acc.fan": 0.7043, "Acc.pier": 0.5173, "Acc.crt screen": 0.051, "Acc.plate": 0.6859, "Acc.monitor": 0.8019, "Acc.bulletin board": 0.6576, "Acc.shower": 0.0308, "Acc.radiator": 0.7069, "Acc.glass": 0.178, "Acc.clock": 0.3637, "Acc.flag": 0.7836} {"mode": "train", "epoch": 32, "iter": 40050, "lr": 2e-05, "memory": 70498, "data_time": 1.95067, "decode.loss_ce": 0.22714, "decode.acc_seg": 90.55634, "aux.loss_ce": 0.09384, "aux.acc_seg": 90.19923, "loss": 0.32099, "time": 3.27015} {"mode": "train", "epoch": 32, "iter": 40100, "lr": 2e-05, "memory": 70498, "data_time": 0.0097, "decode.loss_ce": 0.22831, "decode.acc_seg": 90.49078, "aux.loss_ce": 0.09475, "aux.acc_seg": 90.14119, "loss": 0.32306, "time": 1.33052} {"mode": "train", "epoch": 32, "iter": 40150, "lr": 2e-05, "memory": 70498, "data_time": 0.00976, "decode.loss_ce": 0.21874, "decode.acc_seg": 90.66504, "aux.loss_ce": 0.09113, "aux.acc_seg": 90.32591, "loss": 0.30986, "time": 1.32612} {"mode": "train", "epoch": 32, "iter": 40200, "lr": 2e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.22618, "decode.acc_seg": 90.52467, "aux.loss_ce": 0.09398, "aux.acc_seg": 90.11439, "loss": 0.32017, "time": 1.32791} {"mode": "train", "epoch": 32, "iter": 40250, "lr": 2e-05, "memory": 70498, "data_time": 0.00985, "decode.loss_ce": 0.21095, "decode.acc_seg": 91.03435, "aux.loss_ce": 0.08805, "aux.acc_seg": 90.74527, "loss": 0.299, "time": 1.32486} {"mode": "train", "epoch": 32, "iter": 40300, "lr": 2e-05, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.2317, "decode.acc_seg": 90.22239, "aux.loss_ce": 0.09551, "aux.acc_seg": 89.94736, "loss": 0.32721, "time": 1.32533} {"mode": "train", "epoch": 32, "iter": 40350, "lr": 2e-05, "memory": 70498, "data_time": 0.0097, "decode.loss_ce": 0.2237, "decode.acc_seg": 90.64212, "aux.loss_ce": 0.09146, "aux.acc_seg": 90.46761, "loss": 0.31516, "time": 1.32491} {"mode": "train", "epoch": 32, "iter": 40400, "lr": 2e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.21939, "decode.acc_seg": 90.78796, "aux.loss_ce": 0.09102, "aux.acc_seg": 90.4891, "loss": 0.3104, "time": 1.328} {"mode": "train", "epoch": 33, "iter": 40450, "lr": 2e-05, "memory": 70498, "data_time": 0.06419, "decode.loss_ce": 0.21595, "decode.acc_seg": 90.98136, "aux.loss_ce": 0.09022, "aux.acc_seg": 90.60504, "loss": 0.30617, "time": 1.37426} {"mode": "train", "epoch": 33, "iter": 40500, "lr": 2e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.20886, "decode.acc_seg": 91.19393, "aux.loss_ce": 0.08682, "aux.acc_seg": 90.84211, "loss": 0.29568, "time": 1.32171} {"mode": "train", "epoch": 33, "iter": 40550, "lr": 2e-05, "memory": 70498, "data_time": 0.00971, "decode.loss_ce": 0.19538, "decode.acc_seg": 91.83086, "aux.loss_ce": 0.08186, "aux.acc_seg": 91.41772, "loss": 0.27724, "time": 1.32533} {"mode": "train", "epoch": 33, "iter": 40600, "lr": 2e-05, "memory": 70498, "data_time": 0.00965, "decode.loss_ce": 0.21363, "decode.acc_seg": 91.0107, "aux.loss_ce": 0.08902, "aux.acc_seg": 90.58882, "loss": 0.30265, "time": 1.32994} {"mode": "train", "epoch": 33, "iter": 40650, "lr": 2e-05, "memory": 70498, "data_time": 0.00979, "decode.loss_ce": 0.21199, "decode.acc_seg": 91.20864, "aux.loss_ce": 0.08913, "aux.acc_seg": 90.77845, "loss": 0.30112, "time": 1.32987} {"mode": "train", "epoch": 33, "iter": 40700, "lr": 2e-05, "memory": 70498, "data_time": 0.00969, "decode.loss_ce": 0.20685, "decode.acc_seg": 91.12564, "aux.loss_ce": 0.08623, "aux.acc_seg": 90.85885, "loss": 0.29308, "time": 1.32558} {"mode": "train", "epoch": 33, "iter": 40750, "lr": 2e-05, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.22189, "decode.acc_seg": 90.74354, "aux.loss_ce": 0.09198, "aux.acc_seg": 90.51471, "loss": 0.31386, "time": 1.32439} {"mode": "train", "epoch": 33, "iter": 40800, "lr": 2e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.20772, "decode.acc_seg": 91.33175, "aux.loss_ce": 0.08614, "aux.acc_seg": 91.04865, "loss": 0.29386, "time": 1.32291} {"mode": "train", "epoch": 33, "iter": 40850, "lr": 2e-05, "memory": 70498, "data_time": 0.00965, "decode.loss_ce": 0.20753, "decode.acc_seg": 91.20943, "aux.loss_ce": 0.08717, "aux.acc_seg": 90.74105, "loss": 0.2947, "time": 1.32533} {"mode": "train", "epoch": 33, "iter": 40900, "lr": 2e-05, "memory": 70498, "data_time": 0.0096, "decode.loss_ce": 0.22081, "decode.acc_seg": 90.49178, "aux.loss_ce": 0.09178, "aux.acc_seg": 90.12509, "loss": 0.31259, "time": 1.32071} {"mode": "train", "epoch": 33, "iter": 40950, "lr": 2e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.21914, "decode.acc_seg": 90.79975, "aux.loss_ce": 0.09097, "aux.acc_seg": 90.47056, "loss": 0.3101, "time": 1.32815} {"mode": "train", "epoch": 33, "iter": 41000, "lr": 2e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.22118, "decode.acc_seg": 90.62647, "aux.loss_ce": 0.09122, "aux.acc_seg": 90.35254, "loss": 0.3124, "time": 1.32724} {"mode": "val", "epoch": 33, "iter": 250, "lr": 2e-05, "aAcc": 0.8559, "mIoU": 0.5513, "mAcc": 0.6756, "IoU.wall": 0.8147, "IoU.building": 0.8492, "IoU.sky": 0.9471, "IoU.floor": 0.8463, "IoU.tree": 0.7669, "IoU.ceiling": 0.8698, "IoU.road": 0.867, "IoU.bed ": 0.9216, "IoU.windowpane": 0.6412, "IoU.grass": 0.6676, "IoU.cabinet": 0.6485, "IoU.sidewalk": 0.7106, "IoU.person": 0.8571, "IoU.earth": 0.3768, "IoU.door": 0.5798, "IoU.table": 0.6918, "IoU.mountain": 0.5959, "IoU.plant": 0.5473, "IoU.curtain": 0.7565, "IoU.chair": 0.673, "IoU.car": 0.8709, "IoU.water": 0.5818, "IoU.painting": 0.7554, "IoU.sofa": 0.8037, "IoU.shelf": 0.4846, "IoU.house": 0.5736, "IoU.sea": 0.4731, "IoU.mirror": 0.7699, "IoU.rug": 0.6922, "IoU.field": 0.3591, "IoU.armchair": 0.58, "IoU.seat": 0.6751, "IoU.fence": 0.5172, "IoU.desk": 0.5666, "IoU.rock": 0.5095, "IoU.wardrobe": 0.5353, "IoU.lamp": 0.7051, "IoU.bathtub": 0.8457, "IoU.railing": 0.4342, "IoU.cushion": 0.7019, "IoU.base": 0.4051, "IoU.box": 0.3673, "IoU.column": 0.554, "IoU.signboard": 0.4043, "IoU.chest of drawers": 0.4995, "IoU.counter": 0.4543, "IoU.sand": 0.5363, "IoU.sink": 0.7659, "IoU.skyscraper": 0.4762, "IoU.fireplace": 0.7424, "IoU.refrigerator": 0.8041, "IoU.grandstand": 0.5341, "IoU.path": 0.3005, "IoU.stairs": 0.2406, "IoU.runway": 0.6855, "IoU.case": 0.5839, "IoU.pool table": 0.9496, "IoU.pillow": 0.6938, "IoU.screen door": 0.5677, "IoU.stairway": 0.4762, "IoU.river": 0.1012, "IoU.bridge": 0.7314, "IoU.bookcase": 0.3953, "IoU.blind": 0.4436, "IoU.coffee table": 0.6437, "IoU.toilet": 0.8952, "IoU.flower": 0.3804, "IoU.book": 0.5367, "IoU.hill": 0.0709, "IoU.bench": 0.5221, "IoU.countertop": 0.6362, "IoU.stove": 0.8414, "IoU.palm": 0.5492, "IoU.kitchen island": 0.5181, "IoU.computer": 0.7934, "IoU.swivel chair": 0.5329, "IoU.boat": 0.6188, "IoU.bar": 0.6207, "IoU.arcade machine": 0.7347, "IoU.hovel": 0.4496, "IoU.bus": 0.9189, "IoU.towel": 0.7271, "IoU.light": 0.5902, "IoU.truck": 0.4545, "IoU.tower": 0.0643, "IoU.chandelier": 0.7095, "IoU.awning": 0.4692, "IoU.streetlight": 0.3133, "IoU.booth": 0.3227, "IoU.television receiver": 0.7777, "IoU.airplane": 0.7505, "IoU.dirt track": 0.1612, "IoU.apparel": 0.4511, "IoU.pole": 0.2517, "IoU.land": 0.0882, "IoU.bannister": 0.189, "IoU.escalator": 0.5708, "IoU.ottoman": 0.4649, "IoU.bottle": 0.421, "IoU.buffet": 0.498, "IoU.poster": 0.3237, "IoU.stage": 0.2227, "IoU.van": 0.4408, "IoU.ship": 0.3322, "IoU.fountain": 0.3079, "IoU.conveyer belt": 0.7731, "IoU.canopy": 0.5152, "IoU.washer": 0.822, "IoU.plaything": 0.2798, "IoU.swimming pool": 0.5868, "IoU.stool": 0.5579, "IoU.barrel": 0.5501, "IoU.basket": 0.3828, "IoU.waterfall": 0.7094, "IoU.tent": 0.8979, "IoU.bag": 0.2305, "IoU.minibike": 0.7292, "IoU.cradle": 0.8041, "IoU.oven": 0.5471, "IoU.ball": 0.3711, "IoU.food": 0.5647, "IoU.step": 0.1641, "IoU.tank": 0.6832, "IoU.trade name": 0.3213, "IoU.microwave": 0.8757, "IoU.pot": 0.5738, "IoU.animal": 0.653, "IoU.bicycle": 0.5844, "IoU.lake": 0.2042, "IoU.dishwasher": 0.6251, "IoU.screen": 0.5264, "IoU.blanket": 0.288, "IoU.sculpture": 0.7244, "IoU.hood": 0.6087, "IoU.sconce": 0.5421, "IoU.vase": 0.4696, "IoU.traffic light": 0.3683, "IoU.tray": 0.0768, "IoU.ashcan": 0.4204, "IoU.fan": 0.6407, "IoU.pier": 0.3411, "IoU.crt screen": 0.0677, "IoU.plate": 0.5826, "IoU.monitor": 0.6264, "IoU.bulletin board": 0.4942, "IoU.shower": 0.0039, "IoU.radiator": 0.6402, "IoU.glass": 0.1797, "IoU.clock": 0.4354, "IoU.flag": 0.7145, "Acc.wall": 0.8924, "Acc.building": 0.932, "Acc.sky": 0.9746, "Acc.floor": 0.9152, "Acc.tree": 0.9142, "Acc.ceiling": 0.9444, "Acc.road": 0.9172, "Acc.bed ": 0.9666, "Acc.windowpane": 0.8124, "Acc.grass": 0.8238, "Acc.cabinet": 0.7533, "Acc.sidewalk": 0.8657, "Acc.person": 0.9366, "Acc.earth": 0.4845, "Acc.door": 0.725, "Acc.table": 0.814, "Acc.mountain": 0.7383, "Acc.plant": 0.6474, "Acc.curtain": 0.834, "Acc.chair": 0.8028, "Acc.car": 0.9402, "Acc.water": 0.8107, "Acc.painting": 0.9102, "Acc.sofa": 0.8972, "Acc.shelf": 0.6684, "Acc.house": 0.7108, "Acc.sea": 0.5126, "Acc.mirror": 0.8475, "Acc.rug": 0.8387, "Acc.field": 0.6517, "Acc.armchair": 0.7723, "Acc.seat": 0.8766, "Acc.fence": 0.656, "Acc.desk": 0.7278, "Acc.rock": 0.7409, "Acc.wardrobe": 0.69, "Acc.lamp": 0.8109, "Acc.bathtub": 0.8715, "Acc.railing": 0.6215, "Acc.cushion": 0.8006, "Acc.base": 0.5428, "Acc.box": 0.5008, "Acc.column": 0.6993, "Acc.signboard": 0.5141, "Acc.chest of drawers": 0.7371, "Acc.counter": 0.5617, "Acc.sand": 0.7922, "Acc.sink": 0.834, "Acc.skyscraper": 0.5506, "Acc.fireplace": 0.8725, "Acc.refrigerator": 0.8703, "Acc.grandstand": 0.7726, "Acc.path": 0.3808, "Acc.stairs": 0.3096, "Acc.runway": 0.9194, "Acc.case": 0.8481, "Acc.pool table": 0.9758, "Acc.pillow": 0.806, "Acc.screen door": 0.5767, "Acc.stairway": 0.6761, "Acc.river": 0.2322, "Acc.bridge": 0.8711, "Acc.bookcase": 0.6084, "Acc.blind": 0.5542, "Acc.coffee table": 0.8779, "Acc.toilet": 0.945, "Acc.flower": 0.4378, "Acc.book": 0.7187, "Acc.hill": 0.1125, "Acc.bench": 0.6201, "Acc.countertop": 0.8322, "Acc.stove": 0.9135, "Acc.palm": 0.7254, "Acc.kitchen island": 0.8404, "Acc.computer": 0.9193, "Acc.swivel chair": 0.7299, "Acc.boat": 0.8553, "Acc.bar": 0.7932, "Acc.arcade machine": 0.7693, "Acc.hovel": 0.4943, "Acc.bus": 0.9588, "Acc.towel": 0.812, "Acc.light": 0.669, "Acc.truck": 0.5889, "Acc.tower": 0.103, "Acc.chandelier": 0.8893, "Acc.awning": 0.6254, "Acc.streetlight": 0.4536, "Acc.booth": 0.4981, "Acc.television receiver": 0.8198, "Acc.airplane": 0.8001, "Acc.dirt track": 0.3142, "Acc.apparel": 0.621, "Acc.pole": 0.3473, "Acc.land": 0.1142, "Acc.bannister": 0.2599, "Acc.escalator": 0.8716, "Acc.ottoman": 0.6225, "Acc.bottle": 0.5424, "Acc.buffet": 0.6227, "Acc.poster": 0.504, "Acc.stage": 0.4133, "Acc.van": 0.5738, "Acc.ship": 0.3399, "Acc.fountain": 0.3181, "Acc.conveyer belt": 0.9266, "Acc.canopy": 0.6836, "Acc.washer": 0.8629, "Acc.plaything": 0.4412, "Acc.swimming pool": 0.8421, "Acc.stool": 0.6515, "Acc.barrel": 0.6479, "Acc.basket": 0.5599, "Acc.waterfall": 0.8732, "Acc.tent": 0.9772, "Acc.bag": 0.2741, "Acc.minibike": 0.871, "Acc.cradle": 0.9773, "Acc.oven": 0.6785, "Acc.ball": 0.3809, "Acc.food": 0.6981, "Acc.step": 0.2122, "Acc.tank": 0.8063, "Acc.trade name": 0.3761, "Acc.microwave": 0.9515, "Acc.pot": 0.6954, "Acc.animal": 0.6748, "Acc.bicycle": 0.7918, "Acc.lake": 0.2285, "Acc.dishwasher": 0.768, "Acc.screen": 0.8942, "Acc.blanket": 0.3287, "Acc.sculpture": 0.8875, "Acc.hood": 0.7271, "Acc.sconce": 0.6528, "Acc.vase": 0.6121, "Acc.traffic light": 0.4946, "Acc.tray": 0.0884, "Acc.ashcan": 0.6564, "Acc.fan": 0.7577, "Acc.pier": 0.4552, "Acc.crt screen": 0.1037, "Acc.plate": 0.7902, "Acc.monitor": 0.7759, "Acc.bulletin board": 0.7084, "Acc.shower": 0.016, "Acc.radiator": 0.7566, "Acc.glass": 0.1931, "Acc.clock": 0.516, "Acc.flag": 0.7541} {"mode": "train", "epoch": 33, "iter": 41050, "lr": 2e-05, "memory": 70498, "data_time": 1.95207, "decode.loss_ce": 0.21561, "decode.acc_seg": 91.11453, "aux.loss_ce": 0.08865, "aux.acc_seg": 90.87968, "loss": 0.30427, "time": 3.26281} {"mode": "train", "epoch": 33, "iter": 41100, "lr": 2e-05, "memory": 70498, "data_time": 0.00985, "decode.loss_ce": 0.21594, "decode.acc_seg": 90.95788, "aux.loss_ce": 0.0892, "aux.acc_seg": 90.6371, "loss": 0.30515, "time": 1.32595} {"mode": "train", "epoch": 33, "iter": 41150, "lr": 2e-05, "memory": 70498, "data_time": 0.00979, "decode.loss_ce": 0.20951, "decode.acc_seg": 91.15952, "aux.loss_ce": 0.08777, "aux.acc_seg": 90.74342, "loss": 0.29728, "time": 1.3225} {"mode": "train", "epoch": 33, "iter": 41200, "lr": 2e-05, "memory": 70498, "data_time": 0.00969, "decode.loss_ce": 0.22189, "decode.acc_seg": 90.82251, "aux.loss_ce": 0.09225, "aux.acc_seg": 90.47433, "loss": 0.31414, "time": 1.32875} {"mode": "train", "epoch": 33, "iter": 41250, "lr": 2e-05, "memory": 70498, "data_time": 0.00947, "decode.loss_ce": 0.22295, "decode.acc_seg": 90.4882, "aux.loss_ce": 0.09304, "aux.acc_seg": 90.05092, "loss": 0.31599, "time": 1.32601} {"mode": "train", "epoch": 33, "iter": 41300, "lr": 2e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.21552, "decode.acc_seg": 90.66618, "aux.loss_ce": 0.0895, "aux.acc_seg": 90.29566, "loss": 0.30502, "time": 1.32635} {"mode": "train", "epoch": 33, "iter": 41350, "lr": 2e-05, "memory": 70498, "data_time": 0.00976, "decode.loss_ce": 0.21154, "decode.acc_seg": 90.91039, "aux.loss_ce": 0.08854, "aux.acc_seg": 90.54309, "loss": 0.30008, "time": 1.32625} {"mode": "train", "epoch": 33, "iter": 41400, "lr": 2e-05, "memory": 70498, "data_time": 0.00942, "decode.loss_ce": 0.21506, "decode.acc_seg": 90.49882, "aux.loss_ce": 0.08877, "aux.acc_seg": 90.19624, "loss": 0.30383, "time": 1.32608} {"mode": "train", "epoch": 33, "iter": 41450, "lr": 2e-05, "memory": 70498, "data_time": 0.00989, "decode.loss_ce": 0.20789, "decode.acc_seg": 91.17958, "aux.loss_ce": 0.08694, "aux.acc_seg": 90.71508, "loss": 0.29483, "time": 1.3268} {"mode": "train", "epoch": 33, "iter": 41500, "lr": 2e-05, "memory": 70498, "data_time": 0.00978, "decode.loss_ce": 0.21634, "decode.acc_seg": 90.93818, "aux.loss_ce": 0.09028, "aux.acc_seg": 90.59552, "loss": 0.30662, "time": 1.32583} {"mode": "train", "epoch": 33, "iter": 41550, "lr": 2e-05, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.21426, "decode.acc_seg": 90.86592, "aux.loss_ce": 0.08872, "aux.acc_seg": 90.60304, "loss": 0.30297, "time": 1.32782} {"mode": "train", "epoch": 33, "iter": 41600, "lr": 2e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.22156, "decode.acc_seg": 90.74089, "aux.loss_ce": 0.09218, "aux.acc_seg": 90.39444, "loss": 0.31375, "time": 1.32648} {"mode": "train", "epoch": 33, "iter": 41650, "lr": 2e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.21164, "decode.acc_seg": 91.06058, "aux.loss_ce": 0.08791, "aux.acc_seg": 90.73539, "loss": 0.29955, "time": 1.32969} {"mode": "train", "epoch": 34, "iter": 41700, "lr": 2e-05, "memory": 70498, "data_time": 0.06059, "decode.loss_ce": 0.21716, "decode.acc_seg": 90.74794, "aux.loss_ce": 0.09022, "aux.acc_seg": 90.38866, "loss": 0.30738, "time": 1.3753} {"mode": "train", "epoch": 34, "iter": 41750, "lr": 2e-05, "memory": 70498, "data_time": 0.00962, "decode.loss_ce": 0.21114, "decode.acc_seg": 90.7749, "aux.loss_ce": 0.08756, "aux.acc_seg": 90.40861, "loss": 0.29871, "time": 1.32207} {"mode": "train", "epoch": 34, "iter": 41800, "lr": 2e-05, "memory": 70498, "data_time": 0.01004, "decode.loss_ce": 0.22324, "decode.acc_seg": 90.80941, "aux.loss_ce": 0.09359, "aux.acc_seg": 90.42009, "loss": 0.31683, "time": 1.3221} {"mode": "train", "epoch": 34, "iter": 41850, "lr": 2e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.20426, "decode.acc_seg": 91.12473, "aux.loss_ce": 0.0849, "aux.acc_seg": 90.70743, "loss": 0.28916, "time": 1.3281} {"mode": "train", "epoch": 34, "iter": 41900, "lr": 2e-05, "memory": 70498, "data_time": 0.01004, "decode.loss_ce": 0.20179, "decode.acc_seg": 91.33305, "aux.loss_ce": 0.08373, "aux.acc_seg": 91.044, "loss": 0.28552, "time": 1.32969} {"mode": "train", "epoch": 34, "iter": 41950, "lr": 2e-05, "memory": 70498, "data_time": 0.00981, "decode.loss_ce": 0.20579, "decode.acc_seg": 91.31166, "aux.loss_ce": 0.08527, "aux.acc_seg": 91.03782, "loss": 0.29106, "time": 1.32992} {"mode": "train", "epoch": 34, "iter": 42000, "lr": 2e-05, "memory": 70498, "data_time": 0.00962, "decode.loss_ce": 0.20481, "decode.acc_seg": 91.17761, "aux.loss_ce": 0.08537, "aux.acc_seg": 90.81271, "loss": 0.29018, "time": 3.42355} {"mode": "val", "epoch": 34, "iter": 250, "lr": 2e-05, "aAcc": 0.8584, "mIoU": 0.5675, "mAcc": 0.7052, "IoU.wall": 0.816, "IoU.building": 0.8484, "IoU.sky": 0.9489, "IoU.floor": 0.8535, "IoU.tree": 0.7683, "IoU.ceiling": 0.8673, "IoU.road": 0.8748, "IoU.bed ": 0.9242, "IoU.windowpane": 0.6497, "IoU.grass": 0.6675, "IoU.cabinet": 0.6528, "IoU.sidewalk": 0.7136, "IoU.person": 0.8595, "IoU.earth": 0.3739, "IoU.door": 0.5873, "IoU.table": 0.6957, "IoU.mountain": 0.6185, "IoU.plant": 0.5637, "IoU.curtain": 0.7664, "IoU.chair": 0.6664, "IoU.car": 0.862, "IoU.water": 0.6141, "IoU.painting": 0.7839, "IoU.sofa": 0.8133, "IoU.shelf": 0.4884, "IoU.house": 0.5908, "IoU.sea": 0.6918, "IoU.mirror": 0.7773, "IoU.rug": 0.7077, "IoU.field": 0.3256, "IoU.armchair": 0.6024, "IoU.seat": 0.6558, "IoU.fence": 0.5035, "IoU.desk": 0.5754, "IoU.rock": 0.5648, "IoU.wardrobe": 0.5376, "IoU.lamp": 0.6965, "IoU.bathtub": 0.8425, "IoU.railing": 0.4141, "IoU.cushion": 0.6923, "IoU.base": 0.3282, "IoU.box": 0.3768, "IoU.column": 0.5478, "IoU.signboard": 0.4179, "IoU.chest of drawers": 0.4532, "IoU.counter": 0.414, "IoU.sand": 0.5282, "IoU.sink": 0.7188, "IoU.skyscraper": 0.4879, "IoU.fireplace": 0.7277, "IoU.refrigerator": 0.8025, "IoU.grandstand": 0.5208, "IoU.path": 0.2744, "IoU.stairs": 0.2904, "IoU.runway": 0.7246, "IoU.case": 0.5283, "IoU.pool table": 0.9428, "IoU.pillow": 0.7081, "IoU.screen door": 0.8344, "IoU.stairway": 0.5069, "IoU.river": 0.1948, "IoU.bridge": 0.7561, "IoU.bookcase": 0.4232, "IoU.blind": 0.4658, "IoU.coffee table": 0.6503, "IoU.toilet": 0.8866, "IoU.flower": 0.4143, "IoU.book": 0.5552, "IoU.hill": 0.0849, "IoU.bench": 0.533, "IoU.countertop": 0.6203, "IoU.stove": 0.8198, "IoU.palm": 0.566, "IoU.kitchen island": 0.506, "IoU.computer": 0.811, "IoU.swivel chair": 0.5128, "IoU.boat": 0.5591, "IoU.bar": 0.6106, "IoU.arcade machine": 0.7794, "IoU.hovel": 0.4385, "IoU.bus": 0.9144, "IoU.towel": 0.7163, "IoU.light": 0.6079, "IoU.truck": 0.4162, "IoU.tower": 0.1027, "IoU.chandelier": 0.7155, "IoU.awning": 0.4258, "IoU.streetlight": 0.3241, "IoU.booth": 0.4581, "IoU.television receiver": 0.7579, "IoU.airplane": 0.8199, "IoU.dirt track": 0.1112, "IoU.apparel": 0.5234, "IoU.pole": 0.2553, "IoU.land": 0.0304, "IoU.bannister": 0.1737, "IoU.escalator": 0.5857, "IoU.ottoman": 0.5204, "IoU.bottle": 0.4438, "IoU.buffet": 0.5449, "IoU.poster": 0.3671, "IoU.stage": 0.2071, "IoU.van": 0.4302, "IoU.ship": 0.9065, "IoU.fountain": 0.3108, "IoU.conveyer belt": 0.7759, "IoU.canopy": 0.4872, "IoU.washer": 0.7485, "IoU.plaything": 0.3797, "IoU.swimming pool": 0.6773, "IoU.stool": 0.563, "IoU.barrel": 0.3704, "IoU.basket": 0.3954, "IoU.waterfall": 0.6873, "IoU.tent": 0.8876, "IoU.bag": 0.2057, "IoU.minibike": 0.7282, "IoU.cradle": 0.7836, "IoU.oven": 0.6109, "IoU.ball": 0.5423, "IoU.food": 0.6295, "IoU.step": 0.1612, "IoU.tank": 0.7125, "IoU.trade name": 0.2975, "IoU.microwave": 0.8796, "IoU.pot": 0.5733, "IoU.animal": 0.6875, "IoU.bicycle": 0.5918, "IoU.lake": 0.4706, "IoU.dishwasher": 0.601, "IoU.screen": 0.5832, "IoU.blanket": 0.4162, "IoU.sculpture": 0.7195, "IoU.hood": 0.5952, "IoU.sconce": 0.5651, "IoU.vase": 0.4965, "IoU.traffic light": 0.3882, "IoU.tray": 0.1561, "IoU.ashcan": 0.4327, "IoU.fan": 0.6495, "IoU.pier": 0.3597, "IoU.crt screen": 0.1095, "IoU.plate": 0.5741, "IoU.monitor": 0.6544, "IoU.bulletin board": 0.5863, "IoU.shower": 0.0105, "IoU.radiator": 0.6383, "IoU.glass": 0.1981, "IoU.clock": 0.3963, "IoU.flag": 0.6979, "Acc.wall": 0.89, "Acc.building": 0.9274, "Acc.sky": 0.9708, "Acc.floor": 0.909, "Acc.tree": 0.9129, "Acc.ceiling": 0.9376, "Acc.road": 0.9315, "Acc.bed ": 0.9677, "Acc.windowpane": 0.8138, "Acc.grass": 0.809, "Acc.cabinet": 0.7451, "Acc.sidewalk": 0.8152, "Acc.person": 0.9422, "Acc.earth": 0.5095, "Acc.door": 0.7171, "Acc.table": 0.8257, "Acc.mountain": 0.7635, "Acc.plant": 0.6901, "Acc.curtain": 0.8757, "Acc.chair": 0.8105, "Acc.car": 0.9308, "Acc.water": 0.7024, "Acc.painting": 0.9146, "Acc.sofa": 0.8822, "Acc.shelf": 0.6679, "Acc.house": 0.7125, "Acc.sea": 0.824, "Acc.mirror": 0.8372, "Acc.rug": 0.8344, "Acc.field": 0.5552, "Acc.armchair": 0.8159, "Acc.seat": 0.8918, "Acc.fence": 0.6214, "Acc.desk": 0.7536, "Acc.rock": 0.774, "Acc.wardrobe": 0.674, "Acc.lamp": 0.8296, "Acc.bathtub": 0.8651, "Acc.railing": 0.6562, "Acc.cushion": 0.8035, "Acc.base": 0.5554, "Acc.box": 0.4994, "Acc.column": 0.7066, "Acc.signboard": 0.5675, "Acc.chest of drawers": 0.714, "Acc.counter": 0.5218, "Acc.sand": 0.7256, "Acc.sink": 0.8494, "Acc.skyscraper": 0.6392, "Acc.fireplace": 0.9091, "Acc.refrigerator": 0.9222, "Acc.grandstand": 0.7724, "Acc.path": 0.4866, "Acc.stairs": 0.3812, "Acc.runway": 0.9413, "Acc.case": 0.6652, "Acc.pool table": 0.98, "Acc.pillow": 0.8568, "Acc.screen door": 0.8665, "Acc.stairway": 0.6985, "Acc.river": 0.5243, "Acc.bridge": 0.8754, "Acc.bookcase": 0.5867, "Acc.blind": 0.546, "Acc.coffee table": 0.8559, "Acc.toilet": 0.9348, "Acc.flower": 0.4978, "Acc.book": 0.7478, "Acc.hill": 0.13, "Acc.bench": 0.6249, "Acc.countertop": 0.8554, "Acc.stove": 0.9051, "Acc.palm": 0.7908, "Acc.kitchen island": 0.8457, "Acc.computer": 0.9345, "Acc.swivel chair": 0.6921, "Acc.boat": 0.8654, "Acc.bar": 0.7476, "Acc.arcade machine": 0.8406, "Acc.hovel": 0.4943, "Acc.bus": 0.9631, "Acc.towel": 0.8116, "Acc.light": 0.7511, "Acc.truck": 0.5901, "Acc.tower": 0.1723, "Acc.chandelier": 0.9021, "Acc.awning": 0.604, "Acc.streetlight": 0.4539, "Acc.booth": 0.6332, "Acc.television receiver": 0.8872, "Acc.airplane": 0.943, "Acc.dirt track": 0.5514, "Acc.apparel": 0.6968, "Acc.pole": 0.3487, "Acc.land": 0.0417, "Acc.bannister": 0.2563, "Acc.escalator": 0.786, "Acc.ottoman": 0.7267, "Acc.bottle": 0.6256, "Acc.buffet": 0.67, "Acc.poster": 0.4845, "Acc.stage": 0.3447, "Acc.van": 0.6851, "Acc.ship": 0.9391, "Acc.fountain": 0.319, "Acc.conveyer belt": 0.9239, "Acc.canopy": 0.7611, "Acc.washer": 0.7699, "Acc.plaything": 0.5264, "Acc.swimming pool": 0.9039, "Acc.stool": 0.7087, "Acc.barrel": 0.6499, "Acc.basket": 0.5418, "Acc.waterfall": 0.9428, "Acc.tent": 0.9876, "Acc.bag": 0.2615, "Acc.minibike": 0.8989, "Acc.cradle": 0.9867, "Acc.oven": 0.7117, "Acc.ball": 0.5759, "Acc.food": 0.8263, "Acc.step": 0.2114, "Acc.tank": 0.9675, "Acc.trade name": 0.3452, "Acc.microwave": 0.9526, "Acc.pot": 0.6508, "Acc.animal": 0.7182, "Acc.bicycle": 0.7393, "Acc.lake": 0.6363, "Acc.dishwasher": 0.7897, "Acc.screen": 0.9293, "Acc.blanket": 0.478, "Acc.sculpture": 0.8397, "Acc.hood": 0.6822, "Acc.sconce": 0.7161, "Acc.vase": 0.6537, "Acc.traffic light": 0.5706, "Acc.tray": 0.2762, "Acc.ashcan": 0.678, "Acc.fan": 0.7874, "Acc.pier": 0.4901, "Acc.crt screen": 0.1213, "Acc.plate": 0.785, "Acc.monitor": 0.8037, "Acc.bulletin board": 0.67, "Acc.shower": 0.014, "Acc.radiator": 0.7493, "Acc.glass": 0.2274, "Acc.clock": 0.4744, "Acc.flag": 0.7864} {"mode": "train", "epoch": 34, "iter": 42050, "lr": 2e-05, "memory": 70498, "data_time": 1.95676, "decode.loss_ce": 0.20173, "decode.acc_seg": 91.22233, "aux.loss_ce": 0.08442, "aux.acc_seg": 90.88971, "loss": 0.28614, "time": 3.27342} {"mode": "train", "epoch": 34, "iter": 42100, "lr": 2e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.19611, "decode.acc_seg": 91.74407, "aux.loss_ce": 0.08191, "aux.acc_seg": 91.40003, "loss": 0.27803, "time": 1.32972} {"mode": "train", "epoch": 34, "iter": 42150, "lr": 2e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.20347, "decode.acc_seg": 91.44558, "aux.loss_ce": 0.08464, "aux.acc_seg": 91.04767, "loss": 0.28811, "time": 1.32607} {"mode": "train", "epoch": 34, "iter": 42200, "lr": 2e-05, "memory": 70498, "data_time": 0.00945, "decode.loss_ce": 0.22586, "decode.acc_seg": 90.64087, "aux.loss_ce": 0.09399, "aux.acc_seg": 90.24984, "loss": 0.31985, "time": 1.32927} {"mode": "train", "epoch": 34, "iter": 42250, "lr": 2e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.2235, "decode.acc_seg": 91.00976, "aux.loss_ce": 0.09234, "aux.acc_seg": 90.75741, "loss": 0.31584, "time": 1.33062} {"mode": "train", "epoch": 34, "iter": 42300, "lr": 2e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.22454, "decode.acc_seg": 90.96751, "aux.loss_ce": 0.09342, "aux.acc_seg": 90.50791, "loss": 0.31795, "time": 1.32865} {"mode": "train", "epoch": 34, "iter": 42350, "lr": 2e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.22587, "decode.acc_seg": 90.70244, "aux.loss_ce": 0.09379, "aux.acc_seg": 90.31479, "loss": 0.31966, "time": 1.32594} {"mode": "train", "epoch": 34, "iter": 42400, "lr": 2e-05, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.21596, "decode.acc_seg": 90.83652, "aux.loss_ce": 0.08996, "aux.acc_seg": 90.4338, "loss": 0.30591, "time": 1.33069} {"mode": "train", "epoch": 34, "iter": 42450, "lr": 2e-05, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.22313, "decode.acc_seg": 90.85689, "aux.loss_ce": 0.09269, "aux.acc_seg": 90.45004, "loss": 0.31583, "time": 1.33155} {"mode": "train", "epoch": 34, "iter": 42500, "lr": 2e-05, "memory": 70498, "data_time": 0.00966, "decode.loss_ce": 0.20816, "decode.acc_seg": 91.09242, "aux.loss_ce": 0.0871, "aux.acc_seg": 90.66629, "loss": 0.29526, "time": 1.32668} {"mode": "train", "epoch": 34, "iter": 42550, "lr": 2e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.20861, "decode.acc_seg": 91.44367, "aux.loss_ce": 0.0863, "aux.acc_seg": 91.15859, "loss": 0.29491, "time": 1.3204} {"mode": "train", "epoch": 34, "iter": 42600, "lr": 2e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.20026, "decode.acc_seg": 91.57064, "aux.loss_ce": 0.08402, "aux.acc_seg": 91.17924, "loss": 0.28429, "time": 1.31837} {"mode": "train", "epoch": 34, "iter": 42650, "lr": 2e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.22467, "decode.acc_seg": 90.4031, "aux.loss_ce": 0.09342, "aux.acc_seg": 90.16493, "loss": 0.3181, "time": 1.31785} {"mode": "train", "epoch": 34, "iter": 42700, "lr": 2e-05, "memory": 70498, "data_time": 0.00967, "decode.loss_ce": 0.21514, "decode.acc_seg": 91.01648, "aux.loss_ce": 0.08986, "aux.acc_seg": 90.64346, "loss": 0.30499, "time": 1.31994} {"mode": "train", "epoch": 34, "iter": 42750, "lr": 2e-05, "memory": 70498, "data_time": 0.00973, "decode.loss_ce": 0.21899, "decode.acc_seg": 90.72741, "aux.loss_ce": 0.09109, "aux.acc_seg": 90.38766, "loss": 0.31008, "time": 1.32377} {"mode": "train", "epoch": 34, "iter": 42800, "lr": 2e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.21623, "decode.acc_seg": 90.95646, "aux.loss_ce": 0.08983, "aux.acc_seg": 90.68759, "loss": 0.30607, "time": 1.32817} {"mode": "train", "epoch": 34, "iter": 42850, "lr": 2e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.22638, "decode.acc_seg": 90.30501, "aux.loss_ce": 0.09407, "aux.acc_seg": 89.95052, "loss": 0.32044, "time": 1.32603} {"mode": "train", "epoch": 34, "iter": 42900, "lr": 2e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.20095, "decode.acc_seg": 91.39826, "aux.loss_ce": 0.08443, "aux.acc_seg": 91.06881, "loss": 0.28537, "time": 1.32506} {"mode": "train", "epoch": 35, "iter": 42950, "lr": 2e-05, "memory": 70498, "data_time": 0.05401, "decode.loss_ce": 0.20547, "decode.acc_seg": 91.31368, "aux.loss_ce": 0.08546, "aux.acc_seg": 90.99946, "loss": 0.29093, "time": 1.3681} {"mode": "train", "epoch": 35, "iter": 43000, "lr": 2e-05, "memory": 70498, "data_time": 0.00972, "decode.loss_ce": 0.20178, "decode.acc_seg": 91.48375, "aux.loss_ce": 0.08489, "aux.acc_seg": 91.12517, "loss": 0.28666, "time": 1.331} {"mode": "val", "epoch": 35, "iter": 250, "lr": 2e-05, "aAcc": 0.8564, "mIoU": 0.5598, "mAcc": 0.6947, "IoU.wall": 0.8172, "IoU.building": 0.8549, "IoU.sky": 0.9489, "IoU.floor": 0.8504, "IoU.tree": 0.7775, "IoU.ceiling": 0.8696, "IoU.road": 0.8638, "IoU.bed ": 0.9233, "IoU.windowpane": 0.6594, "IoU.grass": 0.6584, "IoU.cabinet": 0.6513, "IoU.sidewalk": 0.731, "IoU.person": 0.857, "IoU.earth": 0.339, "IoU.door": 0.5874, "IoU.table": 0.6703, "IoU.mountain": 0.5992, "IoU.plant": 0.5613, "IoU.curtain": 0.774, "IoU.chair": 0.6616, "IoU.car": 0.8684, "IoU.water": 0.5704, "IoU.painting": 0.7928, "IoU.sofa": 0.807, "IoU.shelf": 0.47, "IoU.house": 0.5965, "IoU.sea": 0.6498, "IoU.mirror": 0.777, "IoU.rug": 0.6848, "IoU.field": 0.3079, "IoU.armchair": 0.582, "IoU.seat": 0.6647, "IoU.fence": 0.5012, "IoU.desk": 0.5639, "IoU.rock": 0.522, "IoU.wardrobe": 0.554, "IoU.lamp": 0.713, "IoU.bathtub": 0.8427, "IoU.railing": 0.4137, "IoU.cushion": 0.7006, "IoU.base": 0.4018, "IoU.box": 0.3726, "IoU.column": 0.5804, "IoU.signboard": 0.4207, "IoU.chest of drawers": 0.4919, "IoU.counter": 0.402, "IoU.sand": 0.5125, "IoU.sink": 0.7497, "IoU.skyscraper": 0.4888, "IoU.fireplace": 0.7534, "IoU.refrigerator": 0.8225, "IoU.grandstand": 0.4943, "IoU.path": 0.2685, "IoU.stairs": 0.2302, "IoU.runway": 0.7525, "IoU.case": 0.5409, "IoU.pool table": 0.9455, "IoU.pillow": 0.6989, "IoU.screen door": 0.6902, "IoU.stairway": 0.4275, "IoU.river": 0.1288, "IoU.bridge": 0.7641, "IoU.bookcase": 0.4075, "IoU.blind": 0.4419, "IoU.coffee table": 0.6438, "IoU.toilet": 0.8889, "IoU.flower": 0.4378, "IoU.book": 0.5188, "IoU.hill": 0.0826, "IoU.bench": 0.4931, "IoU.countertop": 0.6376, "IoU.stove": 0.8591, "IoU.palm": 0.5621, "IoU.kitchen island": 0.4636, "IoU.computer": 0.7853, "IoU.swivel chair": 0.5465, "IoU.boat": 0.6227, "IoU.bar": 0.596, "IoU.arcade machine": 0.7482, "IoU.hovel": 0.4469, "IoU.bus": 0.919, "IoU.towel": 0.6995, "IoU.light": 0.6063, "IoU.truck": 0.4473, "IoU.tower": 0.1783, "IoU.chandelier": 0.7091, "IoU.awning": 0.3982, "IoU.streetlight": 0.3406, "IoU.booth": 0.5081, "IoU.television receiver": 0.7759, "IoU.airplane": 0.7184, "IoU.dirt track": 0.1189, "IoU.apparel": 0.4616, "IoU.pole": 0.2701, "IoU.land": 0.0361, "IoU.bannister": 0.1921, "IoU.escalator": 0.5718, "IoU.ottoman": 0.533, "IoU.bottle": 0.4456, "IoU.buffet": 0.5636, "IoU.poster": 0.3575, "IoU.stage": 0.2225, "IoU.van": 0.451, "IoU.ship": 0.8068, "IoU.fountain": 0.2556, "IoU.conveyer belt": 0.7744, "IoU.canopy": 0.5093, "IoU.washer": 0.747, "IoU.plaything": 0.415, "IoU.swimming pool": 0.5781, "IoU.stool": 0.5341, "IoU.barrel": 0.5657, "IoU.basket": 0.3941, "IoU.waterfall": 0.7761, "IoU.tent": 0.9477, "IoU.bag": 0.1674, "IoU.minibike": 0.7472, "IoU.cradle": 0.8306, "IoU.oven": 0.5272, "IoU.ball": 0.5704, "IoU.food": 0.5819, "IoU.step": 0.0763, "IoU.tank": 0.6026, "IoU.trade name": 0.2509, "IoU.microwave": 0.878, "IoU.pot": 0.5993, "IoU.animal": 0.6618, "IoU.bicycle": 0.5866, "IoU.lake": 0.0203, "IoU.dishwasher": 0.6921, "IoU.screen": 0.6052, "IoU.blanket": 0.2605, "IoU.sculpture": 0.7057, "IoU.hood": 0.6257, "IoU.sconce": 0.5385, "IoU.vase": 0.4695, "IoU.traffic light": 0.3306, "IoU.tray": 0.1313, "IoU.ashcan": 0.4254, "IoU.fan": 0.6595, "IoU.pier": 0.3212, "IoU.crt screen": 0.1456, "IoU.plate": 0.5867, "IoU.monitor": 0.6979, "IoU.bulletin board": 0.5418, "IoU.shower": 0.0278, "IoU.radiator": 0.6511, "IoU.glass": 0.1783, "IoU.clock": 0.3743, "IoU.flag": 0.7135, "Acc.wall": 0.8894, "Acc.building": 0.9362, "Acc.sky": 0.9744, "Acc.floor": 0.9086, "Acc.tree": 0.9027, "Acc.ceiling": 0.9365, "Acc.road": 0.9147, "Acc.bed ": 0.9704, "Acc.windowpane": 0.8165, "Acc.grass": 0.8057, "Acc.cabinet": 0.7584, "Acc.sidewalk": 0.8683, "Acc.person": 0.9245, "Acc.earth": 0.4337, "Acc.door": 0.776, "Acc.table": 0.7996, "Acc.mountain": 0.7583, "Acc.plant": 0.6651, "Acc.curtain": 0.8834, "Acc.chair": 0.759, "Acc.car": 0.9393, "Acc.water": 0.6512, "Acc.painting": 0.9142, "Acc.sofa": 0.9294, "Acc.shelf": 0.6558, "Acc.house": 0.7093, "Acc.sea": 0.8414, "Acc.mirror": 0.8271, "Acc.rug": 0.838, "Acc.field": 0.5945, "Acc.armchair": 0.7612, "Acc.seat": 0.8751, "Acc.fence": 0.6463, "Acc.desk": 0.7804, "Acc.rock": 0.7739, "Acc.wardrobe": 0.7738, "Acc.lamp": 0.8377, "Acc.bathtub": 0.8705, "Acc.railing": 0.5819, "Acc.cushion": 0.8081, "Acc.base": 0.6537, "Acc.box": 0.4802, "Acc.column": 0.7415, "Acc.signboard": 0.5777, "Acc.chest of drawers": 0.6911, "Acc.counter": 0.5572, "Acc.sand": 0.781, "Acc.sink": 0.8532, "Acc.skyscraper": 0.6292, "Acc.fireplace": 0.9223, "Acc.refrigerator": 0.927, "Acc.grandstand": 0.8846, "Acc.path": 0.4168, "Acc.stairs": 0.2792, "Acc.runway": 0.9714, "Acc.case": 0.7494, "Acc.pool table": 0.9851, "Acc.pillow": 0.8098, "Acc.screen door": 0.721, "Acc.stairway": 0.6754, "Acc.river": 0.399, "Acc.bridge": 0.9104, "Acc.bookcase": 0.5663, "Acc.blind": 0.5042, "Acc.coffee table": 0.883, "Acc.toilet": 0.9318, "Acc.flower": 0.5412, "Acc.book": 0.8127, "Acc.hill": 0.1828, "Acc.bench": 0.5623, "Acc.countertop": 0.825, "Acc.stove": 0.9266, "Acc.palm": 0.8022, "Acc.kitchen island": 0.8819, "Acc.computer": 0.9312, "Acc.swivel chair": 0.7933, "Acc.boat": 0.8726, "Acc.bar": 0.7644, "Acc.arcade machine": 0.7968, "Acc.hovel": 0.4921, "Acc.bus": 0.9732, "Acc.towel": 0.8434, "Acc.light": 0.7159, "Acc.truck": 0.5859, "Acc.tower": 0.2593, "Acc.chandelier": 0.8347, "Acc.awning": 0.5213, "Acc.streetlight": 0.4571, "Acc.booth": 0.7491, "Acc.television receiver": 0.8714, "Acc.airplane": 0.7612, "Acc.dirt track": 0.5929, "Acc.apparel": 0.5641, "Acc.pole": 0.3899, "Acc.land": 0.0623, "Acc.bannister": 0.2591, "Acc.escalator": 0.7678, "Acc.ottoman": 0.7503, "Acc.bottle": 0.6603, "Acc.buffet": 0.6458, "Acc.poster": 0.4934, "Acc.stage": 0.4759, "Acc.van": 0.6272, "Acc.ship": 0.8468, "Acc.fountain": 0.2602, "Acc.conveyer belt": 0.9252, "Acc.canopy": 0.7303, "Acc.washer": 0.7763, "Acc.plaything": 0.5147, "Acc.swimming pool": 0.9228, "Acc.stool": 0.6552, "Acc.barrel": 0.6455, "Acc.basket": 0.5522, "Acc.waterfall": 0.925, "Acc.tent": 0.9705, "Acc.bag": 0.1915, "Acc.minibike": 0.8433, "Acc.cradle": 0.9744, "Acc.oven": 0.706, "Acc.ball": 0.7254, "Acc.food": 0.6865, "Acc.step": 0.0894, "Acc.tank": 0.672, "Acc.trade name": 0.2787, "Acc.microwave": 0.9544, "Acc.pot": 0.727, "Acc.animal": 0.6707, "Acc.bicycle": 0.75, "Acc.lake": 0.0367, "Acc.dishwasher": 0.826, "Acc.screen": 0.9169, "Acc.blanket": 0.29, "Acc.sculpture": 0.8652, "Acc.hood": 0.7313, "Acc.sconce": 0.6107, "Acc.vase": 0.6397, "Acc.traffic light": 0.6557, "Acc.tray": 0.1759, "Acc.ashcan": 0.6697, "Acc.fan": 0.7905, "Acc.pier": 0.5425, "Acc.crt screen": 0.1701, "Acc.plate": 0.7537, "Acc.monitor": 0.8115, "Acc.bulletin board": 0.697, "Acc.shower": 0.0281, "Acc.radiator": 0.7358, "Acc.glass": 0.1918, "Acc.clock": 0.4527, "Acc.flag": 0.7782} {"mode": "train", "epoch": 35, "iter": 43050, "lr": 2e-05, "memory": 70498, "data_time": 1.97468, "decode.loss_ce": 0.20218, "decode.acc_seg": 91.5003, "aux.loss_ce": 0.08407, "aux.acc_seg": 91.21211, "loss": 0.28625, "time": 3.29572} {"mode": "train", "epoch": 35, "iter": 43100, "lr": 2e-05, "memory": 70498, "data_time": 0.00956, "decode.loss_ce": 0.20814, "decode.acc_seg": 91.34469, "aux.loss_ce": 0.08685, "aux.acc_seg": 90.96209, "loss": 0.29499, "time": 1.32387} {"mode": "train", "epoch": 35, "iter": 43150, "lr": 2e-05, "memory": 70498, "data_time": 0.00972, "decode.loss_ce": 0.21276, "decode.acc_seg": 91.60823, "aux.loss_ce": 0.08754, "aux.acc_seg": 91.40648, "loss": 0.3003, "time": 1.31993} {"mode": "train", "epoch": 35, "iter": 43200, "lr": 2e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.19981, "decode.acc_seg": 91.23887, "aux.loss_ce": 0.084, "aux.acc_seg": 91.00259, "loss": 0.28381, "time": 1.32692} {"mode": "train", "epoch": 35, "iter": 43250, "lr": 2e-05, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.19959, "decode.acc_seg": 91.61978, "aux.loss_ce": 0.08339, "aux.acc_seg": 91.28021, "loss": 0.28298, "time": 1.32414} {"mode": "train", "epoch": 35, "iter": 43300, "lr": 2e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.20791, "decode.acc_seg": 91.16016, "aux.loss_ce": 0.0864, "aux.acc_seg": 90.82486, "loss": 0.29431, "time": 1.32373} {"mode": "train", "epoch": 35, "iter": 43350, "lr": 2e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.21369, "decode.acc_seg": 91.06915, "aux.loss_ce": 0.08942, "aux.acc_seg": 90.7163, "loss": 0.30311, "time": 1.32742} {"mode": "train", "epoch": 35, "iter": 43400, "lr": 2e-05, "memory": 70498, "data_time": 0.00972, "decode.loss_ce": 0.21421, "decode.acc_seg": 91.1775, "aux.loss_ce": 0.08896, "aux.acc_seg": 90.90943, "loss": 0.30317, "time": 1.3278} {"mode": "train", "epoch": 35, "iter": 43450, "lr": 2e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.2018, "decode.acc_seg": 91.21099, "aux.loss_ce": 0.08408, "aux.acc_seg": 90.89048, "loss": 0.28588, "time": 1.32688} {"mode": "train", "epoch": 35, "iter": 43500, "lr": 2e-05, "memory": 70498, "data_time": 0.00989, "decode.loss_ce": 0.20978, "decode.acc_seg": 91.13642, "aux.loss_ce": 0.08773, "aux.acc_seg": 90.82424, "loss": 0.2975, "time": 1.32679} {"mode": "train", "epoch": 35, "iter": 43550, "lr": 2e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.19264, "decode.acc_seg": 92.07282, "aux.loss_ce": 0.08038, "aux.acc_seg": 91.72959, "loss": 0.27302, "time": 1.32567} {"mode": "train", "epoch": 35, "iter": 43600, "lr": 2e-05, "memory": 70498, "data_time": 0.00968, "decode.loss_ce": 0.19608, "decode.acc_seg": 91.6597, "aux.loss_ce": 0.08233, "aux.acc_seg": 91.33512, "loss": 0.27841, "time": 1.32303} {"mode": "train", "epoch": 35, "iter": 43650, "lr": 2e-05, "memory": 70498, "data_time": 0.0097, "decode.loss_ce": 0.20859, "decode.acc_seg": 91.40616, "aux.loss_ce": 0.08678, "aux.acc_seg": 91.05349, "loss": 0.29537, "time": 1.32607} {"mode": "train", "epoch": 35, "iter": 43700, "lr": 2e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.21718, "decode.acc_seg": 91.06922, "aux.loss_ce": 0.08971, "aux.acc_seg": 90.75328, "loss": 0.30689, "time": 1.32813} {"mode": "train", "epoch": 35, "iter": 43750, "lr": 2e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.21015, "decode.acc_seg": 91.06661, "aux.loss_ce": 0.08795, "aux.acc_seg": 90.71869, "loss": 0.2981, "time": 1.32596} {"mode": "train", "epoch": 35, "iter": 43800, "lr": 2e-05, "memory": 70498, "data_time": 0.00961, "decode.loss_ce": 0.20694, "decode.acc_seg": 91.29323, "aux.loss_ce": 0.0865, "aux.acc_seg": 90.88387, "loss": 0.29344, "time": 1.32458} {"mode": "train", "epoch": 35, "iter": 43850, "lr": 2e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.2033, "decode.acc_seg": 91.62568, "aux.loss_ce": 0.08493, "aux.acc_seg": 91.21957, "loss": 0.28823, "time": 1.32472} {"mode": "train", "epoch": 35, "iter": 43900, "lr": 2e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.20609, "decode.acc_seg": 91.00478, "aux.loss_ce": 0.08627, "aux.acc_seg": 90.68676, "loss": 0.29236, "time": 1.32651} {"mode": "train", "epoch": 35, "iter": 43950, "lr": 2e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.20727, "decode.acc_seg": 91.2058, "aux.loss_ce": 0.08593, "aux.acc_seg": 90.84377, "loss": 0.2932, "time": 1.32432} {"mode": "train", "epoch": 35, "iter": 44000, "lr": 2e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.1976, "decode.acc_seg": 91.50172, "aux.loss_ce": 0.08319, "aux.acc_seg": 91.11995, "loss": 0.28078, "time": 3.43818} {"mode": "val", "epoch": 35, "iter": 250, "lr": 2e-05, "aAcc": 0.8572, "mIoU": 0.5607, "mAcc": 0.6926, "IoU.wall": 0.8171, "IoU.building": 0.8502, "IoU.sky": 0.9486, "IoU.floor": 0.8447, "IoU.tree": 0.7738, "IoU.ceiling": 0.8672, "IoU.road": 0.8657, "IoU.bed ": 0.9222, "IoU.windowpane": 0.6596, "IoU.grass": 0.6482, "IoU.cabinet": 0.6582, "IoU.sidewalk": 0.7165, "IoU.person": 0.8486, "IoU.earth": 0.3601, "IoU.door": 0.5754, "IoU.table": 0.6984, "IoU.mountain": 0.6079, "IoU.plant": 0.5761, "IoU.curtain": 0.7877, "IoU.chair": 0.6694, "IoU.car": 0.8671, "IoU.water": 0.6033, "IoU.painting": 0.7914, "IoU.sofa": 0.8179, "IoU.shelf": 0.4877, "IoU.house": 0.6226, "IoU.sea": 0.6572, "IoU.mirror": 0.7766, "IoU.rug": 0.6786, "IoU.field": 0.3303, "IoU.armchair": 0.6062, "IoU.seat": 0.6666, "IoU.fence": 0.5123, "IoU.desk": 0.5883, "IoU.rock": 0.5325, "IoU.wardrobe": 0.5115, "IoU.lamp": 0.7293, "IoU.bathtub": 0.8394, "IoU.railing": 0.3969, "IoU.cushion": 0.704, "IoU.base": 0.454, "IoU.box": 0.3817, "IoU.column": 0.55, "IoU.signboard": 0.4018, "IoU.chest of drawers": 0.4502, "IoU.counter": 0.364, "IoU.sand": 0.5371, "IoU.sink": 0.7764, "IoU.skyscraper": 0.4957, "IoU.fireplace": 0.7445, "IoU.refrigerator": 0.8219, "IoU.grandstand": 0.4636, "IoU.path": 0.3156, "IoU.stairs": 0.2314, "IoU.runway": 0.7227, "IoU.case": 0.582, "IoU.pool table": 0.9474, "IoU.pillow": 0.6626, "IoU.screen door": 0.7686, "IoU.stairway": 0.4423, "IoU.river": 0.1344, "IoU.bridge": 0.7543, "IoU.bookcase": 0.406, "IoU.blind": 0.4259, "IoU.coffee table": 0.682, "IoU.toilet": 0.8882, "IoU.flower": 0.4547, "IoU.book": 0.5263, "IoU.hill": 0.1268, "IoU.bench": 0.4948, "IoU.countertop": 0.6263, "IoU.stove": 0.8699, "IoU.palm": 0.5665, "IoU.kitchen island": 0.4799, "IoU.computer": 0.8084, "IoU.swivel chair": 0.5227, "IoU.boat": 0.5315, "IoU.bar": 0.5615, "IoU.arcade machine": 0.7079, "IoU.hovel": 0.3105, "IoU.bus": 0.9132, "IoU.towel": 0.715, "IoU.light": 0.6055, "IoU.truck": 0.4307, "IoU.tower": 0.075, "IoU.chandelier": 0.719, "IoU.awning": 0.4644, "IoU.streetlight": 0.3372, "IoU.booth": 0.3663, "IoU.television receiver": 0.7692, "IoU.airplane": 0.7273, "IoU.dirt track": 0.1937, "IoU.apparel": 0.5362, "IoU.pole": 0.2568, "IoU.land": 0.0367, "IoU.bannister": 0.1558, "IoU.escalator": 0.5866, "IoU.ottoman": 0.5068, "IoU.bottle": 0.4312, "IoU.buffet": 0.5075, "IoU.poster": 0.376, "IoU.stage": 0.2361, "IoU.van": 0.4213, "IoU.ship": 0.7206, "IoU.fountain": 0.2172, "IoU.conveyer belt": 0.7511, "IoU.canopy": 0.5345, "IoU.washer": 0.8612, "IoU.plaything": 0.3837, "IoU.swimming pool": 0.5805, "IoU.stool": 0.5285, "IoU.barrel": 0.3922, "IoU.basket": 0.356, "IoU.waterfall": 0.733, "IoU.tent": 0.9034, "IoU.bag": 0.1977, "IoU.minibike": 0.7411, "IoU.cradle": 0.8164, "IoU.oven": 0.6064, "IoU.ball": 0.5602, "IoU.food": 0.6422, "IoU.step": 0.1368, "IoU.tank": 0.6658, "IoU.trade name": 0.3396, "IoU.microwave": 0.8886, "IoU.pot": 0.5482, "IoU.animal": 0.5449, "IoU.bicycle": 0.582, "IoU.lake": 0.5074, "IoU.dishwasher": 0.6972, "IoU.screen": 0.5903, "IoU.blanket": 0.2924, "IoU.sculpture": 0.7254, "IoU.hood": 0.5964, "IoU.sconce": 0.5589, "IoU.vase": 0.4864, "IoU.traffic light": 0.3388, "IoU.tray": 0.1343, "IoU.ashcan": 0.4578, "IoU.fan": 0.6631, "IoU.pier": 0.3347, "IoU.crt screen": 0.1413, "IoU.plate": 0.5767, "IoU.monitor": 0.6526, "IoU.bulletin board": 0.4814, "IoU.shower": 0.011, "IoU.radiator": 0.6313, "IoU.glass": 0.1668, "IoU.clock": 0.3479, "IoU.flag": 0.7131, "Acc.wall": 0.8947, "Acc.building": 0.9292, "Acc.sky": 0.9697, "Acc.floor": 0.9162, "Acc.tree": 0.9065, "Acc.ceiling": 0.9278, "Acc.road": 0.9087, "Acc.bed ": 0.9717, "Acc.windowpane": 0.8314, "Acc.grass": 0.7606, "Acc.cabinet": 0.7851, "Acc.sidewalk": 0.86, "Acc.person": 0.915, "Acc.earth": 0.5105, "Acc.door": 0.7149, "Acc.table": 0.8165, "Acc.mountain": 0.7442, "Acc.plant": 0.6998, "Acc.curtain": 0.8746, "Acc.chair": 0.7803, "Acc.car": 0.9327, "Acc.water": 0.7191, "Acc.painting": 0.9157, "Acc.sofa": 0.9088, "Acc.shelf": 0.6506, "Acc.house": 0.7899, "Acc.sea": 0.8255, "Acc.mirror": 0.8403, "Acc.rug": 0.7955, "Acc.field": 0.5705, "Acc.armchair": 0.7666, "Acc.seat": 0.8694, "Acc.fence": 0.7346, "Acc.desk": 0.7766, "Acc.rock": 0.8275, "Acc.wardrobe": 0.6634, "Acc.lamp": 0.8317, "Acc.bathtub": 0.8658, "Acc.railing": 0.5829, "Acc.cushion": 0.8171, "Acc.base": 0.6339, "Acc.box": 0.5127, "Acc.column": 0.6602, "Acc.signboard": 0.5618, "Acc.chest of drawers": 0.6661, "Acc.counter": 0.4604, "Acc.sand": 0.7812, "Acc.sink": 0.8408, "Acc.skyscraper": 0.6224, "Acc.fireplace": 0.9351, "Acc.refrigerator": 0.9272, "Acc.grandstand": 0.8404, "Acc.path": 0.5015, "Acc.stairs": 0.2949, "Acc.runway": 0.9481, "Acc.case": 0.7701, "Acc.pool table": 0.9813, "Acc.pillow": 0.7497, "Acc.screen door": 0.7955, "Acc.stairway": 0.6364, "Acc.river": 0.3209, "Acc.bridge": 0.8889, "Acc.bookcase": 0.62, "Acc.blind": 0.4874, "Acc.coffee table": 0.8784, "Acc.toilet": 0.9215, "Acc.flower": 0.5862, "Acc.book": 0.711, "Acc.hill": 0.1696, "Acc.bench": 0.607, "Acc.countertop": 0.8323, "Acc.stove": 0.9277, "Acc.palm": 0.7719, "Acc.kitchen island": 0.8556, "Acc.computer": 0.915, "Acc.swivel chair": 0.7534, "Acc.boat": 0.8627, "Acc.bar": 0.7581, "Acc.arcade machine": 0.7482, "Acc.hovel": 0.4998, "Acc.bus": 0.9711, "Acc.towel": 0.7787, "Acc.light": 0.7032, "Acc.truck": 0.5994, "Acc.tower": 0.121, "Acc.chandelier": 0.8737, "Acc.awning": 0.7357, "Acc.streetlight": 0.4416, "Acc.booth": 0.7435, "Acc.television receiver": 0.8662, "Acc.airplane": 0.78, "Acc.dirt track": 0.4153, "Acc.apparel": 0.6917, "Acc.pole": 0.3583, "Acc.land": 0.0649, "Acc.bannister": 0.2222, "Acc.escalator": 0.7828, "Acc.ottoman": 0.7115, "Acc.bottle": 0.5405, "Acc.buffet": 0.5665, "Acc.poster": 0.5347, "Acc.stage": 0.4572, "Acc.van": 0.5944, "Acc.ship": 0.7305, "Acc.fountain": 0.2205, "Acc.conveyer belt": 0.9257, "Acc.canopy": 0.8015, "Acc.washer": 0.895, "Acc.plaything": 0.5056, "Acc.swimming pool": 0.8547, "Acc.stool": 0.6662, "Acc.barrel": 0.6474, "Acc.basket": 0.485, "Acc.waterfall": 0.8745, "Acc.tent": 0.9881, "Acc.bag": 0.2492, "Acc.minibike": 0.8715, "Acc.cradle": 0.976, "Acc.oven": 0.7208, "Acc.ball": 0.7174, "Acc.food": 0.8699, "Acc.step": 0.1721, "Acc.tank": 0.7789, "Acc.trade name": 0.4026, "Acc.microwave": 0.9498, "Acc.pot": 0.6603, "Acc.animal": 0.5671, "Acc.bicycle": 0.741, "Acc.lake": 0.6375, "Acc.dishwasher": 0.7981, "Acc.screen": 0.949, "Acc.blanket": 0.3216, "Acc.sculpture": 0.8042, "Acc.hood": 0.704, "Acc.sconce": 0.6581, "Acc.vase": 0.5805, "Acc.traffic light": 0.6194, "Acc.tray": 0.1874, "Acc.ashcan": 0.5918, "Acc.fan": 0.7921, "Acc.pier": 0.5262, "Acc.crt screen": 0.1672, "Acc.plate": 0.6462, "Acc.monitor": 0.81, "Acc.bulletin board": 0.493, "Acc.shower": 0.0112, "Acc.radiator": 0.7589, "Acc.glass": 0.1736, "Acc.clock": 0.4262, "Acc.flag": 0.7749} {"mode": "train", "epoch": 35, "iter": 44050, "lr": 2e-05, "memory": 70498, "data_time": 2.01052, "decode.loss_ce": 0.21729, "decode.acc_seg": 91.13959, "aux.loss_ce": 0.0897, "aux.acc_seg": 90.84805, "loss": 0.30699, "time": 3.32533} {"mode": "train", "epoch": 35, "iter": 44100, "lr": 2e-05, "memory": 70498, "data_time": 0.00983, "decode.loss_ce": 0.21517, "decode.acc_seg": 91.40236, "aux.loss_ce": 0.08951, "aux.acc_seg": 91.06603, "loss": 0.30468, "time": 1.32136} {"mode": "train", "epoch": 35, "iter": 44150, "lr": 2e-05, "memory": 70498, "data_time": 0.00984, "decode.loss_ce": 0.21356, "decode.acc_seg": 91.07053, "aux.loss_ce": 0.08899, "aux.acc_seg": 90.7774, "loss": 0.30255, "time": 1.32707} {"mode": "train", "epoch": 35, "iter": 44200, "lr": 2e-05, "memory": 70498, "data_time": 0.0096, "decode.loss_ce": 0.22522, "decode.acc_seg": 90.95205, "aux.loss_ce": 0.09411, "aux.acc_seg": 90.50818, "loss": 0.31934, "time": 1.32218} {"mode": "train", "epoch": 36, "iter": 44250, "lr": 2e-05, "memory": 70498, "data_time": 0.05158, "decode.loss_ce": 0.19975, "decode.acc_seg": 91.57915, "aux.loss_ce": 0.08293, "aux.acc_seg": 91.17422, "loss": 0.28268, "time": 1.37483} {"mode": "train", "epoch": 36, "iter": 44300, "lr": 2e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.20262, "decode.acc_seg": 91.23836, "aux.loss_ce": 0.08498, "aux.acc_seg": 90.79321, "loss": 0.28759, "time": 1.3258} {"mode": "train", "epoch": 36, "iter": 44350, "lr": 2e-05, "memory": 70498, "data_time": 0.01013, "decode.loss_ce": 0.20643, "decode.acc_seg": 91.3431, "aux.loss_ce": 0.08655, "aux.acc_seg": 91.00121, "loss": 0.29298, "time": 1.3216} {"mode": "train", "epoch": 36, "iter": 44400, "lr": 2e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.19891, "decode.acc_seg": 91.69817, "aux.loss_ce": 0.08356, "aux.acc_seg": 91.28327, "loss": 0.28247, "time": 1.33122} {"mode": "train", "epoch": 36, "iter": 44450, "lr": 2e-05, "memory": 70498, "data_time": 0.00956, "decode.loss_ce": 0.19666, "decode.acc_seg": 91.76752, "aux.loss_ce": 0.08184, "aux.acc_seg": 91.50597, "loss": 0.2785, "time": 1.32431} {"mode": "train", "epoch": 36, "iter": 44500, "lr": 2e-05, "memory": 70498, "data_time": 0.00966, "decode.loss_ce": 0.20275, "decode.acc_seg": 91.41474, "aux.loss_ce": 0.08524, "aux.acc_seg": 90.97984, "loss": 0.28799, "time": 1.32877} {"mode": "train", "epoch": 36, "iter": 44550, "lr": 2e-05, "memory": 70498, "data_time": 0.00966, "decode.loss_ce": 0.20363, "decode.acc_seg": 91.41546, "aux.loss_ce": 0.08485, "aux.acc_seg": 90.98897, "loss": 0.28849, "time": 1.32381} {"mode": "train", "epoch": 36, "iter": 44600, "lr": 2e-05, "memory": 70498, "data_time": 0.00968, "decode.loss_ce": 0.20341, "decode.acc_seg": 91.37583, "aux.loss_ce": 0.0851, "aux.acc_seg": 90.97504, "loss": 0.28851, "time": 1.32988} {"mode": "train", "epoch": 36, "iter": 44650, "lr": 2e-05, "memory": 70498, "data_time": 0.00998, "decode.loss_ce": 0.1982, "decode.acc_seg": 91.39791, "aux.loss_ce": 0.08287, "aux.acc_seg": 91.0365, "loss": 0.28107, "time": 1.32747} {"mode": "train", "epoch": 36, "iter": 44700, "lr": 2e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.19921, "decode.acc_seg": 91.46333, "aux.loss_ce": 0.08333, "aux.acc_seg": 91.07592, "loss": 0.28255, "time": 1.32301} {"mode": "train", "epoch": 36, "iter": 44750, "lr": 2e-05, "memory": 70498, "data_time": 0.00999, "decode.loss_ce": 0.19836, "decode.acc_seg": 91.60596, "aux.loss_ce": 0.0824, "aux.acc_seg": 91.28351, "loss": 0.28077, "time": 1.32713} {"mode": "train", "epoch": 36, "iter": 44800, "lr": 2e-05, "memory": 70498, "data_time": 0.00965, "decode.loss_ce": 0.20008, "decode.acc_seg": 91.35803, "aux.loss_ce": 0.08356, "aux.acc_seg": 90.97497, "loss": 0.28364, "time": 1.32857} {"mode": "train", "epoch": 36, "iter": 44850, "lr": 2e-05, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.20581, "decode.acc_seg": 91.28538, "aux.loss_ce": 0.08538, "aux.acc_seg": 90.92362, "loss": 0.29119, "time": 1.32517} {"mode": "train", "epoch": 36, "iter": 44900, "lr": 2e-05, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.20701, "decode.acc_seg": 91.21151, "aux.loss_ce": 0.08615, "aux.acc_seg": 90.8794, "loss": 0.29316, "time": 1.32791} {"mode": "train", "epoch": 36, "iter": 44950, "lr": 2e-05, "memory": 70498, "data_time": 0.00977, "decode.loss_ce": 0.20497, "decode.acc_seg": 91.33125, "aux.loss_ce": 0.08579, "aux.acc_seg": 90.8975, "loss": 0.29076, "time": 1.33025} {"mode": "train", "epoch": 36, "iter": 45000, "lr": 2e-05, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.19102, "decode.acc_seg": 92.04037, "aux.loss_ce": 0.08014, "aux.acc_seg": 91.65634, "loss": 0.27116, "time": 1.32984} {"mode": "val", "epoch": 36, "iter": 250, "lr": 2e-05, "aAcc": 0.8583, "mIoU": 0.5658, "mAcc": 0.6993, "IoU.wall": 0.8163, "IoU.building": 0.8432, "IoU.sky": 0.9495, "IoU.floor": 0.8414, "IoU.tree": 0.7695, "IoU.ceiling": 0.8675, "IoU.road": 0.873, "IoU.bed ": 0.925, "IoU.windowpane": 0.6539, "IoU.grass": 0.6663, "IoU.cabinet": 0.6634, "IoU.sidewalk": 0.7222, "IoU.person": 0.8568, "IoU.earth": 0.3735, "IoU.door": 0.5924, "IoU.table": 0.6888, "IoU.mountain": 0.6257, "IoU.plant": 0.5508, "IoU.curtain": 0.7917, "IoU.chair": 0.6691, "IoU.car": 0.8714, "IoU.water": 0.62, "IoU.painting": 0.7784, "IoU.sofa": 0.7861, "IoU.shelf": 0.5208, "IoU.house": 0.5934, "IoU.sea": 0.6362, "IoU.mirror": 0.7835, "IoU.rug": 0.6832, "IoU.field": 0.3309, "IoU.armchair": 0.5832, "IoU.seat": 0.6632, "IoU.fence": 0.5375, "IoU.desk": 0.5506, "IoU.rock": 0.5437, "IoU.wardrobe": 0.5511, "IoU.lamp": 0.725, "IoU.bathtub": 0.8422, "IoU.railing": 0.4134, "IoU.cushion": 0.7097, "IoU.base": 0.4457, "IoU.box": 0.3444, "IoU.column": 0.5401, "IoU.signboard": 0.4114, "IoU.chest of drawers": 0.4684, "IoU.counter": 0.4192, "IoU.sand": 0.4968, "IoU.sink": 0.7625, "IoU.skyscraper": 0.482, "IoU.fireplace": 0.7482, "IoU.refrigerator": 0.8047, "IoU.grandstand": 0.5072, "IoU.path": 0.316, "IoU.stairs": 0.2391, "IoU.runway": 0.7211, "IoU.case": 0.5364, "IoU.pool table": 0.9468, "IoU.pillow": 0.7032, "IoU.screen door": 0.8446, "IoU.stairway": 0.4636, "IoU.river": 0.1333, "IoU.bridge": 0.7578, "IoU.bookcase": 0.4801, "IoU.blind": 0.4322, "IoU.coffee table": 0.6362, "IoU.toilet": 0.8881, "IoU.flower": 0.4135, "IoU.book": 0.5587, "IoU.hill": 0.0755, "IoU.bench": 0.4983, "IoU.countertop": 0.6305, "IoU.stove": 0.8704, "IoU.palm": 0.5594, "IoU.kitchen island": 0.4887, "IoU.computer": 0.7716, "IoU.swivel chair": 0.5075, "IoU.boat": 0.5693, "IoU.bar": 0.6036, "IoU.arcade machine": 0.7783, "IoU.hovel": 0.4509, "IoU.bus": 0.9359, "IoU.towel": 0.7515, "IoU.light": 0.593, "IoU.truck": 0.4518, "IoU.tower": 0.1706, "IoU.chandelier": 0.7257, "IoU.awning": 0.4469, "IoU.streetlight": 0.3273, "IoU.booth": 0.5973, "IoU.television receiver": 0.766, "IoU.airplane": 0.6574, "IoU.dirt track": 0.2302, "IoU.apparel": 0.4874, "IoU.pole": 0.2453, "IoU.land": 0.0274, "IoU.bannister": 0.1796, "IoU.escalator": 0.5766, "IoU.ottoman": 0.4846, "IoU.bottle": 0.4228, "IoU.buffet": 0.5638, "IoU.poster": 0.3396, "IoU.stage": 0.2297, "IoU.van": 0.4418, "IoU.ship": 0.731, "IoU.fountain": 0.2161, "IoU.conveyer belt": 0.826, "IoU.canopy": 0.6053, "IoU.washer": 0.7959, "IoU.plaything": 0.3875, "IoU.swimming pool": 0.5755, "IoU.stool": 0.5207, "IoU.barrel": 0.4702, "IoU.basket": 0.3858, "IoU.waterfall": 0.6892, "IoU.tent": 0.891, "IoU.bag": 0.1981, "IoU.minibike": 0.704, "IoU.cradle": 0.7975, "IoU.oven": 0.5166, "IoU.ball": 0.5366, "IoU.food": 0.5194, "IoU.step": 0.1416, "IoU.tank": 0.6677, "IoU.trade name": 0.2982, "IoU.microwave": 0.8642, "IoU.pot": 0.5792, "IoU.animal": 0.6188, "IoU.bicycle": 0.5777, "IoU.lake": 0.4121, "IoU.dishwasher": 0.7026, "IoU.screen": 0.5957, "IoU.blanket": 0.3568, "IoU.sculpture": 0.7261, "IoU.hood": 0.6289, "IoU.sconce": 0.5372, "IoU.vase": 0.4591, "IoU.traffic light": 0.3877, "IoU.tray": 0.0674, "IoU.ashcan": 0.4554, "IoU.fan": 0.6522, "IoU.pier": 0.3889, "IoU.crt screen": 0.1784, "IoU.plate": 0.5832, "IoU.monitor": 0.6698, "IoU.bulletin board": 0.6239, "IoU.shower": 0.0192, "IoU.radiator": 0.6447, "IoU.glass": 0.1736, "IoU.clock": 0.3715, "IoU.flag": 0.6938, "Acc.wall": 0.8902, "Acc.building": 0.9244, "Acc.sky": 0.9783, "Acc.floor": 0.9024, "Acc.tree": 0.9104, "Acc.ceiling": 0.9256, "Acc.road": 0.9242, "Acc.bed ": 0.9703, "Acc.windowpane": 0.8299, "Acc.grass": 0.8146, "Acc.cabinet": 0.7857, "Acc.sidewalk": 0.8405, "Acc.person": 0.9363, "Acc.earth": 0.4931, "Acc.door": 0.7355, "Acc.table": 0.8154, "Acc.mountain": 0.7375, "Acc.plant": 0.6667, "Acc.curtain": 0.8914, "Acc.chair": 0.7865, "Acc.car": 0.9409, "Acc.water": 0.7309, "Acc.painting": 0.9034, "Acc.sofa": 0.8493, "Acc.shelf": 0.7278, "Acc.house": 0.7821, "Acc.sea": 0.8481, "Acc.mirror": 0.8517, "Acc.rug": 0.8363, "Acc.field": 0.6029, "Acc.armchair": 0.7837, "Acc.seat": 0.8804, "Acc.fence": 0.6781, "Acc.desk": 0.7731, "Acc.rock": 0.7964, "Acc.wardrobe": 0.7207, "Acc.lamp": 0.8341, "Acc.bathtub": 0.858, "Acc.railing": 0.623, "Acc.cushion": 0.8254, "Acc.base": 0.6443, "Acc.box": 0.4218, "Acc.column": 0.672, "Acc.signboard": 0.5457, "Acc.chest of drawers": 0.6367, "Acc.counter": 0.5129, "Acc.sand": 0.7548, "Acc.sink": 0.8494, "Acc.skyscraper": 0.612, "Acc.fireplace": 0.9477, "Acc.refrigerator": 0.9168, "Acc.grandstand": 0.8098, "Acc.path": 0.3932, "Acc.stairs": 0.2949, "Acc.runway": 0.944, "Acc.case": 0.8361, "Acc.pool table": 0.9783, "Acc.pillow": 0.8374, "Acc.screen door": 0.9184, "Acc.stairway": 0.6563, "Acc.river": 0.2557, "Acc.bridge": 0.9154, "Acc.bookcase": 0.6416, "Acc.blind": 0.4889, "Acc.coffee table": 0.898, "Acc.toilet": 0.9304, "Acc.flower": 0.5354, "Acc.book": 0.6923, "Acc.hill": 0.1351, "Acc.bench": 0.5586, "Acc.countertop": 0.7963, "Acc.stove": 0.9242, "Acc.palm": 0.821, "Acc.kitchen island": 0.8427, "Acc.computer": 0.9226, "Acc.swivel chair": 0.8039, "Acc.boat": 0.8689, "Acc.bar": 0.7662, "Acc.arcade machine": 0.8342, "Acc.hovel": 0.4986, "Acc.bus": 0.9662, "Acc.towel": 0.8423, "Acc.light": 0.6586, "Acc.truck": 0.57, "Acc.tower": 0.3336, "Acc.chandelier": 0.8735, "Acc.awning": 0.675, "Acc.streetlight": 0.434, "Acc.booth": 0.6729, "Acc.television receiver": 0.853, "Acc.airplane": 0.7082, "Acc.dirt track": 0.4486, "Acc.apparel": 0.612, "Acc.pole": 0.3198, "Acc.land": 0.0418, "Acc.bannister": 0.273, "Acc.escalator": 0.7846, "Acc.ottoman": 0.6481, "Acc.bottle": 0.5696, "Acc.buffet": 0.6546, "Acc.poster": 0.5389, "Acc.stage": 0.4342, "Acc.van": 0.5968, "Acc.ship": 0.986, "Acc.fountain": 0.2201, "Acc.conveyer belt": 0.9251, "Acc.canopy": 0.759, "Acc.washer": 0.8253, "Acc.plaything": 0.5636, "Acc.swimming pool": 0.8875, "Acc.stool": 0.7331, "Acc.barrel": 0.6443, "Acc.basket": 0.5912, "Acc.waterfall": 0.9499, "Acc.tent": 0.9853, "Acc.bag": 0.2265, "Acc.minibike": 0.8856, "Acc.cradle": 0.9809, "Acc.oven": 0.6053, "Acc.ball": 0.6648, "Acc.food": 0.6597, "Acc.step": 0.185, "Acc.tank": 0.7651, "Acc.trade name": 0.3395, "Acc.microwave": 0.9544, "Acc.pot": 0.6779, "Acc.animal": 0.634, "Acc.bicycle": 0.7535, "Acc.lake": 0.6373, "Acc.dishwasher": 0.8224, "Acc.screen": 0.9439, "Acc.blanket": 0.4348, "Acc.sculpture": 0.8778, "Acc.hood": 0.7543, "Acc.sconce": 0.628, "Acc.vase": 0.559, "Acc.traffic light": 0.5566, "Acc.tray": 0.0875, "Acc.ashcan": 0.662, "Acc.fan": 0.8304, "Acc.pier": 0.6118, "Acc.crt screen": 0.204, "Acc.plate": 0.7936, "Acc.monitor": 0.7743, "Acc.bulletin board": 0.6891, "Acc.shower": 0.0194, "Acc.radiator": 0.7511, "Acc.glass": 0.1848, "Acc.clock": 0.4496, "Acc.flag": 0.7947} {"mode": "train", "epoch": 36, "iter": 45050, "lr": 2e-05, "memory": 70498, "data_time": 1.94449, "decode.loss_ce": 0.19489, "decode.acc_seg": 91.66565, "aux.loss_ce": 0.08215, "aux.acc_seg": 91.26633, "loss": 0.27704, "time": 3.25977} {"mode": "train", "epoch": 36, "iter": 45100, "lr": 2e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.20434, "decode.acc_seg": 91.48529, "aux.loss_ce": 0.08476, "aux.acc_seg": 91.13178, "loss": 0.28909, "time": 1.32792} {"mode": "train", "epoch": 36, "iter": 45150, "lr": 2e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.20018, "decode.acc_seg": 91.72799, "aux.loss_ce": 0.08432, "aux.acc_seg": 91.31718, "loss": 0.2845, "time": 1.33031} {"mode": "train", "epoch": 36, "iter": 45200, "lr": 2e-05, "memory": 70498, "data_time": 0.0096, "decode.loss_ce": 0.19789, "decode.acc_seg": 91.7468, "aux.loss_ce": 0.08282, "aux.acc_seg": 91.39191, "loss": 0.28072, "time": 1.32824} {"mode": "train", "epoch": 36, "iter": 45250, "lr": 2e-05, "memory": 70498, "data_time": 0.0097, "decode.loss_ce": 0.21508, "decode.acc_seg": 90.6918, "aux.loss_ce": 0.08996, "aux.acc_seg": 90.3737, "loss": 0.30504, "time": 1.33468} {"mode": "train", "epoch": 36, "iter": 45300, "lr": 2e-05, "memory": 70498, "data_time": 0.00971, "decode.loss_ce": 0.20596, "decode.acc_seg": 91.00943, "aux.loss_ce": 0.08631, "aux.acc_seg": 90.66734, "loss": 0.29227, "time": 1.32694} {"mode": "train", "epoch": 36, "iter": 45350, "lr": 2e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.19481, "decode.acc_seg": 92.02915, "aux.loss_ce": 0.08172, "aux.acc_seg": 91.65152, "loss": 0.27653, "time": 1.32796} {"mode": "train", "epoch": 36, "iter": 45400, "lr": 2e-05, "memory": 70498, "data_time": 0.00972, "decode.loss_ce": 0.20118, "decode.acc_seg": 91.17264, "aux.loss_ce": 0.08376, "aux.acc_seg": 90.80772, "loss": 0.28494, "time": 1.32736} {"mode": "train", "epoch": 36, "iter": 45450, "lr": 2e-05, "memory": 70498, "data_time": 0.00962, "decode.loss_ce": 0.20184, "decode.acc_seg": 91.51639, "aux.loss_ce": 0.08467, "aux.acc_seg": 91.07878, "loss": 0.28651, "time": 1.32578} {"mode": "train", "epoch": 37, "iter": 45500, "lr": 2e-05, "memory": 70498, "data_time": 0.06816, "decode.loss_ce": 0.19991, "decode.acc_seg": 91.75868, "aux.loss_ce": 0.08309, "aux.acc_seg": 91.41441, "loss": 0.283, "time": 1.38779} {"mode": "train", "epoch": 37, "iter": 45550, "lr": 2e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.20074, "decode.acc_seg": 91.4185, "aux.loss_ce": 0.08468, "aux.acc_seg": 90.93995, "loss": 0.28543, "time": 1.32769} {"mode": "train", "epoch": 37, "iter": 45600, "lr": 2e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.19485, "decode.acc_seg": 91.94361, "aux.loss_ce": 0.08168, "aux.acc_seg": 91.58326, "loss": 0.27653, "time": 1.32611} {"mode": "train", "epoch": 37, "iter": 45650, "lr": 2e-05, "memory": 70498, "data_time": 0.00968, "decode.loss_ce": 0.18307, "decode.acc_seg": 92.2093, "aux.loss_ce": 0.07695, "aux.acc_seg": 91.84546, "loss": 0.26001, "time": 1.32795} {"mode": "train", "epoch": 37, "iter": 45700, "lr": 2e-05, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.19275, "decode.acc_seg": 91.58401, "aux.loss_ce": 0.08058, "aux.acc_seg": 91.3014, "loss": 0.27333, "time": 1.32956} {"mode": "train", "epoch": 37, "iter": 45750, "lr": 2e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.19635, "decode.acc_seg": 91.83988, "aux.loss_ce": 0.08222, "aux.acc_seg": 91.43473, "loss": 0.27856, "time": 1.32582} {"mode": "train", "epoch": 37, "iter": 45800, "lr": 2e-05, "memory": 70498, "data_time": 0.00987, "decode.loss_ce": 0.19138, "decode.acc_seg": 91.8436, "aux.loss_ce": 0.07988, "aux.acc_seg": 91.49009, "loss": 0.27126, "time": 1.32964} {"mode": "train", "epoch": 37, "iter": 45850, "lr": 2e-05, "memory": 70498, "data_time": 0.00979, "decode.loss_ce": 0.19766, "decode.acc_seg": 91.63162, "aux.loss_ce": 0.08229, "aux.acc_seg": 91.33861, "loss": 0.27995, "time": 1.32532} {"mode": "train", "epoch": 37, "iter": 45900, "lr": 2e-05, "memory": 70498, "data_time": 0.00969, "decode.loss_ce": 0.19819, "decode.acc_seg": 91.61487, "aux.loss_ce": 0.08295, "aux.acc_seg": 91.28121, "loss": 0.28114, "time": 1.3319} {"mode": "train", "epoch": 37, "iter": 45950, "lr": 2e-05, "memory": 70498, "data_time": 0.00962, "decode.loss_ce": 0.19385, "decode.acc_seg": 91.4964, "aux.loss_ce": 0.08203, "aux.acc_seg": 91.00407, "loss": 0.27589, "time": 1.32715} {"mode": "train", "epoch": 37, "iter": 46000, "lr": 2e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.18899, "decode.acc_seg": 91.95807, "aux.loss_ce": 0.07932, "aux.acc_seg": 91.58681, "loss": 0.26831, "time": 3.32577} {"mode": "val", "epoch": 37, "iter": 250, "lr": 2e-05, "aAcc": 0.8591, "mIoU": 0.5619, "mAcc": 0.6904, "IoU.wall": 0.8204, "IoU.building": 0.8423, "IoU.sky": 0.9495, "IoU.floor": 0.8515, "IoU.tree": 0.7756, "IoU.ceiling": 0.8757, "IoU.road": 0.8724, "IoU.bed ": 0.9232, "IoU.windowpane": 0.6624, "IoU.grass": 0.6648, "IoU.cabinet": 0.6483, "IoU.sidewalk": 0.7259, "IoU.person": 0.8555, "IoU.earth": 0.3718, "IoU.door": 0.5896, "IoU.table": 0.6899, "IoU.mountain": 0.6209, "IoU.plant": 0.5607, "IoU.curtain": 0.7919, "IoU.chair": 0.6643, "IoU.car": 0.8709, "IoU.water": 0.6109, "IoU.painting": 0.7566, "IoU.sofa": 0.7957, "IoU.shelf": 0.5308, "IoU.house": 0.533, "IoU.sea": 0.6799, "IoU.mirror": 0.763, "IoU.rug": 0.7078, "IoU.field": 0.2792, "IoU.armchair": 0.5746, "IoU.seat": 0.6506, "IoU.fence": 0.516, "IoU.desk": 0.5966, "IoU.rock": 0.5538, "IoU.wardrobe": 0.5542, "IoU.lamp": 0.7227, "IoU.bathtub": 0.8475, "IoU.railing": 0.4204, "IoU.cushion": 0.7061, "IoU.base": 0.4566, "IoU.box": 0.3624, "IoU.column": 0.531, "IoU.signboard": 0.4019, "IoU.chest of drawers": 0.4473, "IoU.counter": 0.4063, "IoU.sand": 0.5323, "IoU.sink": 0.7795, "IoU.skyscraper": 0.4794, "IoU.fireplace": 0.7557, "IoU.refrigerator": 0.8002, "IoU.grandstand": 0.5331, "IoU.path": 0.341, "IoU.stairs": 0.2675, "IoU.runway": 0.7369, "IoU.case": 0.5756, "IoU.pool table": 0.9499, "IoU.pillow": 0.7101, "IoU.screen door": 0.7052, "IoU.stairway": 0.3937, "IoU.river": 0.2695, "IoU.bridge": 0.6793, "IoU.bookcase": 0.4319, "IoU.blind": 0.4253, "IoU.coffee table": 0.669, "IoU.toilet": 0.8904, "IoU.flower": 0.4459, "IoU.book": 0.5167, "IoU.hill": 0.1165, "IoU.bench": 0.5275, "IoU.countertop": 0.6384, "IoU.stove": 0.8761, "IoU.palm": 0.5579, "IoU.kitchen island": 0.459, "IoU.computer": 0.791, "IoU.swivel chair": 0.5373, "IoU.boat": 0.6049, "IoU.bar": 0.593, "IoU.arcade machine": 0.6961, "IoU.hovel": 0.4957, "IoU.bus": 0.9319, "IoU.towel": 0.7557, "IoU.light": 0.6068, "IoU.truck": 0.4448, "IoU.tower": 0.2955, "IoU.chandelier": 0.7185, "IoU.awning": 0.3433, "IoU.streetlight": 0.3375, "IoU.booth": 0.5056, "IoU.television receiver": 0.7531, "IoU.airplane": 0.6411, "IoU.dirt track": 0.1163, "IoU.apparel": 0.5023, "IoU.pole": 0.2272, "IoU.land": 0.0364, "IoU.bannister": 0.1883, "IoU.escalator": 0.6007, "IoU.ottoman": 0.4862, "IoU.bottle": 0.4267, "IoU.buffet": 0.3913, "IoU.poster": 0.384, "IoU.stage": 0.2389, "IoU.van": 0.4422, "IoU.ship": 0.9096, "IoU.fountain": 0.2745, "IoU.conveyer belt": 0.746, "IoU.canopy": 0.5336, "IoU.washer": 0.8473, "IoU.plaything": 0.2689, "IoU.swimming pool": 0.5647, "IoU.stool": 0.5546, "IoU.barrel": 0.4222, "IoU.basket": 0.383, "IoU.waterfall": 0.6207, "IoU.tent": 0.8981, "IoU.bag": 0.2198, "IoU.minibike": 0.7345, "IoU.cradle": 0.8692, "IoU.oven": 0.479, "IoU.ball": 0.3867, "IoU.food": 0.5711, "IoU.step": 0.1362, "IoU.tank": 0.566, "IoU.trade name": 0.1989, "IoU.microwave": 0.8497, "IoU.pot": 0.5685, "IoU.animal": 0.6371, "IoU.bicycle": 0.5697, "IoU.lake": 0.5658, "IoU.dishwasher": 0.6988, "IoU.screen": 0.4815, "IoU.blanket": 0.2846, "IoU.sculpture": 0.7569, "IoU.hood": 0.6085, "IoU.sconce": 0.5407, "IoU.vase": 0.4845, "IoU.traffic light": 0.3887, "IoU.tray": 0.0934, "IoU.ashcan": 0.4558, "IoU.fan": 0.6562, "IoU.pier": 0.367, "IoU.crt screen": 0.1785, "IoU.plate": 0.5948, "IoU.monitor": 0.6533, "IoU.bulletin board": 0.5647, "IoU.shower": 0.014, "IoU.radiator": 0.6359, "IoU.glass": 0.1883, "IoU.clock": 0.3567, "IoU.flag": 0.713, "Acc.wall": 0.8974, "Acc.building": 0.918, "Acc.sky": 0.9785, "Acc.floor": 0.9275, "Acc.tree": 0.8969, "Acc.ceiling": 0.9395, "Acc.road": 0.9183, "Acc.bed ": 0.9666, "Acc.windowpane": 0.829, "Acc.grass": 0.7944, "Acc.cabinet": 0.7778, "Acc.sidewalk": 0.8538, "Acc.person": 0.943, "Acc.earth": 0.4974, "Acc.door": 0.7762, "Acc.table": 0.7995, "Acc.mountain": 0.7189, "Acc.plant": 0.7161, "Acc.curtain": 0.8785, "Acc.chair": 0.7572, "Acc.car": 0.9362, "Acc.water": 0.7329, "Acc.painting": 0.8991, "Acc.sofa": 0.8974, "Acc.shelf": 0.6844, "Acc.house": 0.7412, "Acc.sea": 0.8961, "Acc.mirror": 0.8238, "Acc.rug": 0.7834, "Acc.field": 0.5044, "Acc.armchair": 0.7748, "Acc.seat": 0.8785, "Acc.fence": 0.6582, "Acc.desk": 0.7296, "Acc.rock": 0.8311, "Acc.wardrobe": 0.7561, "Acc.lamp": 0.8299, "Acc.bathtub": 0.8625, "Acc.railing": 0.5527, "Acc.cushion": 0.8427, "Acc.base": 0.6286, "Acc.box": 0.5281, "Acc.column": 0.6964, "Acc.signboard": 0.593, "Acc.chest of drawers": 0.7143, "Acc.counter": 0.4877, "Acc.sand": 0.8033, "Acc.sink": 0.8362, "Acc.skyscraper": 0.5994, "Acc.fireplace": 0.9324, "Acc.refrigerator": 0.8992, "Acc.grandstand": 0.8406, "Acc.path": 0.4851, "Acc.stairs": 0.3385, "Acc.runway": 0.972, "Acc.case": 0.8079, "Acc.pool table": 0.9746, "Acc.pillow": 0.8339, "Acc.screen door": 0.7194, "Acc.stairway": 0.4992, "Acc.river": 0.4235, "Acc.bridge": 0.7703, "Acc.bookcase": 0.4895, "Acc.blind": 0.4398, "Acc.coffee table": 0.8623, "Acc.toilet": 0.9306, "Acc.flower": 0.5552, "Acc.book": 0.826, "Acc.hill": 0.1959, "Acc.bench": 0.6059, "Acc.countertop": 0.841, "Acc.stove": 0.9426, "Acc.palm": 0.7979, "Acc.kitchen island": 0.7252, "Acc.computer": 0.9282, "Acc.swivel chair": 0.7138, "Acc.boat": 0.8332, "Acc.bar": 0.7307, "Acc.arcade machine": 0.8454, "Acc.hovel": 0.6148, "Acc.bus": 0.9619, "Acc.towel": 0.8303, "Acc.light": 0.7277, "Acc.truck": 0.5669, "Acc.tower": 0.555, "Acc.chandelier": 0.878, "Acc.awning": 0.411, "Acc.streetlight": 0.4877, "Acc.booth": 0.5312, "Acc.television receiver": 0.8978, "Acc.airplane": 0.6938, "Acc.dirt track": 0.4531, "Acc.apparel": 0.7602, "Acc.pole": 0.3041, "Acc.land": 0.0754, "Acc.bannister": 0.2318, "Acc.escalator": 0.8232, "Acc.ottoman": 0.7121, "Acc.bottle": 0.6103, "Acc.buffet": 0.4289, "Acc.poster": 0.5126, "Acc.stage": 0.4739, "Acc.van": 0.6198, "Acc.ship": 0.9903, "Acc.fountain": 0.2814, "Acc.conveyer belt": 0.9307, "Acc.canopy": 0.7532, "Acc.washer": 0.8862, "Acc.plaything": 0.3991, "Acc.swimming pool": 0.8622, "Acc.stool": 0.6642, "Acc.barrel": 0.6463, "Acc.basket": 0.5113, "Acc.waterfall": 0.803, "Acc.tent": 0.9854, "Acc.bag": 0.2713, "Acc.minibike": 0.8857, "Acc.cradle": 0.9803, "Acc.oven": 0.5773, "Acc.ball": 0.3953, "Acc.food": 0.7467, "Acc.step": 0.1585, "Acc.tank": 0.6488, "Acc.trade name": 0.2099, "Acc.microwave": 0.9579, "Acc.pot": 0.6777, "Acc.animal": 0.6474, "Acc.bicycle": 0.7574, "Acc.lake": 0.6374, "Acc.dishwasher": 0.8337, "Acc.screen": 0.7446, "Acc.blanket": 0.3286, "Acc.sculpture": 0.8656, "Acc.hood": 0.7294, "Acc.sconce": 0.6491, "Acc.vase": 0.6104, "Acc.traffic light": 0.6216, "Acc.tray": 0.1167, "Acc.ashcan": 0.6003, "Acc.fan": 0.8022, "Acc.pier": 0.5337, "Acc.crt screen": 0.3026, "Acc.plate": 0.7393, "Acc.monitor": 0.8599, "Acc.bulletin board": 0.6156, "Acc.shower": 0.0195, "Acc.radiator": 0.7337, "Acc.glass": 0.2029, "Acc.clock": 0.4173, "Acc.flag": 0.7635} {"mode": "train", "epoch": 37, "iter": 46050, "lr": 2e-05, "memory": 70498, "data_time": 1.94049, "decode.loss_ce": 0.197, "decode.acc_seg": 91.6568, "aux.loss_ce": 0.08189, "aux.acc_seg": 91.24982, "loss": 0.27889, "time": 3.2595} {"mode": "train", "epoch": 37, "iter": 46100, "lr": 2e-05, "memory": 70498, "data_time": 0.00965, "decode.loss_ce": 0.19695, "decode.acc_seg": 91.90615, "aux.loss_ce": 0.08254, "aux.acc_seg": 91.55177, "loss": 0.27949, "time": 1.32803} {"mode": "train", "epoch": 37, "iter": 46150, "lr": 2e-05, "memory": 70498, "data_time": 0.01016, "decode.loss_ce": 0.19233, "decode.acc_seg": 92.1251, "aux.loss_ce": 0.08012, "aux.acc_seg": 91.81562, "loss": 0.27245, "time": 1.32761} {"mode": "train", "epoch": 37, "iter": 46200, "lr": 2e-05, "memory": 70498, "data_time": 0.00987, "decode.loss_ce": 0.19238, "decode.acc_seg": 91.7233, "aux.loss_ce": 0.08038, "aux.acc_seg": 91.41781, "loss": 0.27276, "time": 1.33332} {"mode": "train", "epoch": 37, "iter": 46250, "lr": 2e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.20201, "decode.acc_seg": 91.49667, "aux.loss_ce": 0.0841, "aux.acc_seg": 91.12725, "loss": 0.28611, "time": 1.32663} {"mode": "train", "epoch": 37, "iter": 46300, "lr": 2e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.19401, "decode.acc_seg": 91.62847, "aux.loss_ce": 0.08121, "aux.acc_seg": 91.21671, "loss": 0.27522, "time": 1.32496} {"mode": "train", "epoch": 37, "iter": 46350, "lr": 2e-05, "memory": 70498, "data_time": 0.00962, "decode.loss_ce": 0.20059, "decode.acc_seg": 91.53068, "aux.loss_ce": 0.08445, "aux.acc_seg": 91.13485, "loss": 0.28503, "time": 1.3299} {"mode": "train", "epoch": 37, "iter": 46400, "lr": 2e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.20925, "decode.acc_seg": 91.26406, "aux.loss_ce": 0.08698, "aux.acc_seg": 90.89784, "loss": 0.29622, "time": 1.3233} {"mode": "train", "epoch": 37, "iter": 46450, "lr": 2e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.20344, "decode.acc_seg": 91.37638, "aux.loss_ce": 0.08523, "aux.acc_seg": 91.03202, "loss": 0.28867, "time": 1.32906} {"mode": "train", "epoch": 37, "iter": 46500, "lr": 2e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.20456, "decode.acc_seg": 91.23648, "aux.loss_ce": 0.08495, "aux.acc_seg": 90.9043, "loss": 0.28951, "time": 1.32707} {"mode": "train", "epoch": 37, "iter": 46550, "lr": 2e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.2047, "decode.acc_seg": 91.34345, "aux.loss_ce": 0.08575, "aux.acc_seg": 90.96875, "loss": 0.29045, "time": 1.3315} {"mode": "train", "epoch": 37, "iter": 46600, "lr": 2e-05, "memory": 70498, "data_time": 0.00944, "decode.loss_ce": 0.19865, "decode.acc_seg": 91.82891, "aux.loss_ce": 0.08337, "aux.acc_seg": 91.48004, "loss": 0.28202, "time": 1.33193} {"mode": "train", "epoch": 37, "iter": 46650, "lr": 2e-05, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.1996, "decode.acc_seg": 91.52406, "aux.loss_ce": 0.08303, "aux.acc_seg": 91.13493, "loss": 0.28264, "time": 1.32808} {"mode": "train", "epoch": 37, "iter": 46700, "lr": 2e-05, "memory": 70498, "data_time": 0.00971, "decode.loss_ce": 0.20016, "decode.acc_seg": 91.19859, "aux.loss_ce": 0.08382, "aux.acc_seg": 90.87029, "loss": 0.28398, "time": 1.32914} {"mode": "train", "epoch": 38, "iter": 46750, "lr": 2e-05, "memory": 70498, "data_time": 0.05199, "decode.loss_ce": 0.19237, "decode.acc_seg": 91.85239, "aux.loss_ce": 0.08142, "aux.acc_seg": 91.41522, "loss": 0.27379, "time": 1.37064} {"mode": "train", "epoch": 38, "iter": 46800, "lr": 2e-05, "memory": 70498, "data_time": 0.00956, "decode.loss_ce": 0.18549, "decode.acc_seg": 92.08588, "aux.loss_ce": 0.07818, "aux.acc_seg": 91.68975, "loss": 0.26367, "time": 1.32957} {"mode": "train", "epoch": 38, "iter": 46850, "lr": 2e-05, "memory": 70498, "data_time": 0.00942, "decode.loss_ce": 0.19447, "decode.acc_seg": 91.60739, "aux.loss_ce": 0.08127, "aux.acc_seg": 91.35189, "loss": 0.27574, "time": 1.32835} {"mode": "train", "epoch": 38, "iter": 46900, "lr": 2e-05, "memory": 70498, "data_time": 0.00945, "decode.loss_ce": 0.194, "decode.acc_seg": 91.77087, "aux.loss_ce": 0.08123, "aux.acc_seg": 91.33206, "loss": 0.27522, "time": 1.33222} {"mode": "train", "epoch": 38, "iter": 46950, "lr": 2e-05, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.19345, "decode.acc_seg": 91.94294, "aux.loss_ce": 0.08117, "aux.acc_seg": 91.62021, "loss": 0.27462, "time": 1.32971} {"mode": "train", "epoch": 38, "iter": 47000, "lr": 2e-05, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.19667, "decode.acc_seg": 91.58518, "aux.loss_ce": 0.08234, "aux.acc_seg": 91.1799, "loss": 0.27901, "time": 1.32513} {"mode": "val", "epoch": 38, "iter": 250, "lr": 2e-05, "aAcc": 0.8582, "mIoU": 0.5555, "mAcc": 0.6815, "IoU.wall": 0.8197, "IoU.building": 0.8508, "IoU.sky": 0.9491, "IoU.floor": 0.8513, "IoU.tree": 0.7784, "IoU.ceiling": 0.8743, "IoU.road": 0.8626, "IoU.bed ": 0.9259, "IoU.windowpane": 0.6644, "IoU.grass": 0.6433, "IoU.cabinet": 0.638, "IoU.sidewalk": 0.7125, "IoU.person": 0.855, "IoU.earth": 0.3865, "IoU.door": 0.575, "IoU.table": 0.6891, "IoU.mountain": 0.6202, "IoU.plant": 0.5591, "IoU.curtain": 0.7817, "IoU.chair": 0.6654, "IoU.car": 0.8602, "IoU.water": 0.6339, "IoU.painting": 0.77, "IoU.sofa": 0.8274, "IoU.shelf": 0.5047, "IoU.house": 0.5594, "IoU.sea": 0.6965, "IoU.mirror": 0.7703, "IoU.rug": 0.7086, "IoU.field": 0.3379, "IoU.armchair": 0.6076, "IoU.seat": 0.6641, "IoU.fence": 0.5222, "IoU.desk": 0.5885, "IoU.rock": 0.5424, "IoU.wardrobe": 0.5244, "IoU.lamp": 0.7174, "IoU.bathtub": 0.845, "IoU.railing": 0.4167, "IoU.cushion": 0.7086, "IoU.base": 0.4569, "IoU.box": 0.3427, "IoU.column": 0.5305, "IoU.signboard": 0.4114, "IoU.chest of drawers": 0.4348, "IoU.counter": 0.3855, "IoU.sand": 0.5544, "IoU.sink": 0.7639, "IoU.skyscraper": 0.5794, "IoU.fireplace": 0.7426, "IoU.refrigerator": 0.793, "IoU.grandstand": 0.4983, "IoU.path": 0.2913, "IoU.stairs": 0.2816, "IoU.runway": 0.7122, "IoU.case": 0.5704, "IoU.pool table": 0.9465, "IoU.pillow": 0.7065, "IoU.screen door": 0.6053, "IoU.stairway": 0.5155, "IoU.river": 0.1451, "IoU.bridge": 0.7423, "IoU.bookcase": 0.4199, "IoU.blind": 0.4411, "IoU.coffee table": 0.6713, "IoU.toilet": 0.8932, "IoU.flower": 0.4726, "IoU.book": 0.5378, "IoU.hill": 0.0806, "IoU.bench": 0.5042, "IoU.countertop": 0.6369, "IoU.stove": 0.8449, "IoU.palm": 0.5132, "IoU.kitchen island": 0.4672, "IoU.computer": 0.8114, "IoU.swivel chair": 0.4721, "IoU.boat": 0.5458, "IoU.bar": 0.3372, "IoU.arcade machine": 0.7815, "IoU.hovel": 0.4416, "IoU.bus": 0.9304, "IoU.towel": 0.7644, "IoU.light": 0.6125, "IoU.truck": 0.4383, "IoU.tower": 0.1179, "IoU.chandelier": 0.7182, "IoU.awning": 0.4618, "IoU.streetlight": 0.2857, "IoU.booth": 0.5539, "IoU.television receiver": 0.7158, "IoU.airplane": 0.6866, "IoU.dirt track": 0.0779, "IoU.apparel": 0.4813, "IoU.pole": 0.2474, "IoU.land": 0.0308, "IoU.bannister": 0.1778, "IoU.escalator": 0.6269, "IoU.ottoman": 0.4953, "IoU.bottle": 0.4383, "IoU.buffet": 0.3049, "IoU.poster": 0.3471, "IoU.stage": 0.2415, "IoU.van": 0.4053, "IoU.ship": 0.9232, "IoU.fountain": 0.2583, "IoU.conveyer belt": 0.7517, "IoU.canopy": 0.5638, "IoU.washer": 0.8499, "IoU.plaything": 0.351, "IoU.swimming pool": 0.6106, "IoU.stool": 0.564, "IoU.barrel": 0.5172, "IoU.basket": 0.3906, "IoU.waterfall": 0.6561, "IoU.tent": 0.9022, "IoU.bag": 0.1533, "IoU.minibike": 0.747, "IoU.cradle": 0.7909, "IoU.oven": 0.5214, "IoU.ball": 0.4176, "IoU.food": 0.5686, "IoU.step": 0.1086, "IoU.tank": 0.6575, "IoU.trade name": 0.2899, "IoU.microwave": 0.8586, "IoU.pot": 0.5569, "IoU.animal": 0.6974, "IoU.bicycle": 0.5748, "IoU.lake": 0.004, "IoU.dishwasher": 0.691, "IoU.screen": 0.4911, "IoU.blanket": 0.3024, "IoU.sculpture": 0.736, "IoU.hood": 0.5926, "IoU.sconce": 0.5182, "IoU.vase": 0.4804, "IoU.traffic light": 0.3905, "IoU.tray": 0.1319, "IoU.ashcan": 0.4585, "IoU.fan": 0.6532, "IoU.pier": 0.3102, "IoU.crt screen": 0.1449, "IoU.plate": 0.563, "IoU.monitor": 0.5442, "IoU.bulletin board": 0.5944, "IoU.shower": 0.0, "IoU.radiator": 0.6195, "IoU.glass": 0.1874, "IoU.clock": 0.3597, "IoU.flag": 0.7166, "Acc.wall": 0.8963, "Acc.building": 0.935, "Acc.sky": 0.9786, "Acc.floor": 0.9153, "Acc.tree": 0.8903, "Acc.ceiling": 0.9433, "Acc.road": 0.9063, "Acc.bed ": 0.9676, "Acc.windowpane": 0.8123, "Acc.grass": 0.7695, "Acc.cabinet": 0.7727, "Acc.sidewalk": 0.8675, "Acc.person": 0.9296, "Acc.earth": 0.5158, "Acc.door": 0.7395, "Acc.table": 0.8396, "Acc.mountain": 0.7489, "Acc.plant": 0.6667, "Acc.curtain": 0.8754, "Acc.chair": 0.7912, "Acc.car": 0.914, "Acc.water": 0.7709, "Acc.painting": 0.902, "Acc.sofa": 0.9074, "Acc.shelf": 0.686, "Acc.house": 0.7031, "Acc.sea": 0.8268, "Acc.mirror": 0.833, "Acc.rug": 0.8401, "Acc.field": 0.6689, "Acc.armchair": 0.7611, "Acc.seat": 0.8789, "Acc.fence": 0.7193, "Acc.desk": 0.7458, "Acc.rock": 0.8018, "Acc.wardrobe": 0.705, "Acc.lamp": 0.8022, "Acc.bathtub": 0.8705, "Acc.railing": 0.5844, "Acc.cushion": 0.8255, "Acc.base": 0.6105, "Acc.box": 0.4531, "Acc.column": 0.678, "Acc.signboard": 0.5542, "Acc.chest of drawers": 0.6391, "Acc.counter": 0.5926, "Acc.sand": 0.8613, "Acc.sink": 0.8264, "Acc.skyscraper": 0.7721, "Acc.fireplace": 0.9412, "Acc.refrigerator": 0.8668, "Acc.grandstand": 0.8585, "Acc.path": 0.431, "Acc.stairs": 0.3434, "Acc.runway": 0.9224, "Acc.case": 0.7676, "Acc.pool table": 0.9804, "Acc.pillow": 0.8291, "Acc.screen door": 0.6181, "Acc.stairway": 0.6623, "Acc.river": 0.3839, "Acc.bridge": 0.8893, "Acc.bookcase": 0.5629, "Acc.blind": 0.5245, "Acc.coffee table": 0.8485, "Acc.toilet": 0.9252, "Acc.flower": 0.658, "Acc.book": 0.7157, "Acc.hill": 0.1175, "Acc.bench": 0.5982, "Acc.countertop": 0.8061, "Acc.stove": 0.9238, "Acc.palm": 0.8374, "Acc.kitchen island": 0.817, "Acc.computer": 0.926, "Acc.swivel chair": 0.5991, "Acc.boat": 0.8777, "Acc.bar": 0.3464, "Acc.arcade machine": 0.8458, "Acc.hovel": 0.4942, "Acc.bus": 0.963, "Acc.towel": 0.8751, "Acc.light": 0.7217, "Acc.truck": 0.603, "Acc.tower": 0.1586, "Acc.chandelier": 0.8513, "Acc.awning": 0.6142, "Acc.streetlight": 0.3654, "Acc.booth": 0.6411, "Acc.television receiver": 0.7923, "Acc.airplane": 0.7419, "Acc.dirt track": 0.3541, "Acc.apparel": 0.6485, "Acc.pole": 0.3341, "Acc.land": 0.0824, "Acc.bannister": 0.2254, "Acc.escalator": 0.8302, "Acc.ottoman": 0.6931, "Acc.bottle": 0.6074, "Acc.buffet": 0.3224, "Acc.poster": 0.4366, "Acc.stage": 0.4745, "Acc.van": 0.703, "Acc.ship": 0.9528, "Acc.fountain": 0.2662, "Acc.conveyer belt": 0.9373, "Acc.canopy": 0.7004, "Acc.washer": 0.8786, "Acc.plaything": 0.4992, "Acc.swimming pool": 0.9371, "Acc.stool": 0.6325, "Acc.barrel": 0.6477, "Acc.basket": 0.5863, "Acc.waterfall": 0.8605, "Acc.tent": 0.9848, "Acc.bag": 0.1685, "Acc.minibike": 0.8598, "Acc.cradle": 0.9814, "Acc.oven": 0.6535, "Acc.ball": 0.435, "Acc.food": 0.6954, "Acc.step": 0.1304, "Acc.tank": 0.7511, "Acc.trade name": 0.3288, "Acc.microwave": 0.963, "Acc.pot": 0.6404, "Acc.animal": 0.7181, "Acc.bicycle": 0.7991, "Acc.lake": 0.0042, "Acc.dishwasher": 0.8597, "Acc.screen": 0.7714, "Acc.blanket": 0.3557, "Acc.sculpture": 0.8816, "Acc.hood": 0.6907, "Acc.sconce": 0.5763, "Acc.vase": 0.6252, "Acc.traffic light": 0.5644, "Acc.tray": 0.2057, "Acc.ashcan": 0.6053, "Acc.fan": 0.7473, "Acc.pier": 0.4815, "Acc.crt screen": 0.2846, "Acc.plate": 0.6858, "Acc.monitor": 0.6199, "Acc.bulletin board": 0.6611, "Acc.shower": 0.0, "Acc.radiator": 0.7495, "Acc.glass": 0.199, "Acc.clock": 0.4125, "Acc.flag": 0.7771} {"mode": "train", "epoch": 38, "iter": 47050, "lr": 2e-05, "memory": 70498, "data_time": 1.99151, "decode.loss_ce": 0.19575, "decode.acc_seg": 91.70958, "aux.loss_ce": 0.08217, "aux.acc_seg": 91.35099, "loss": 0.27791, "time": 3.31398} {"mode": "train", "epoch": 38, "iter": 47100, "lr": 2e-05, "memory": 70498, "data_time": 0.00974, "decode.loss_ce": 0.21065, "decode.acc_seg": 91.425, "aux.loss_ce": 0.08728, "aux.acc_seg": 91.08585, "loss": 0.29793, "time": 1.33104} {"mode": "train", "epoch": 38, "iter": 47150, "lr": 2e-05, "memory": 70498, "data_time": 0.00962, "decode.loss_ce": 0.19136, "decode.acc_seg": 91.59648, "aux.loss_ce": 0.07931, "aux.acc_seg": 91.40535, "loss": 0.27067, "time": 1.3301} {"mode": "train", "epoch": 38, "iter": 47200, "lr": 2e-05, "memory": 70498, "data_time": 0.00965, "decode.loss_ce": 0.1953, "decode.acc_seg": 91.67117, "aux.loss_ce": 0.08212, "aux.acc_seg": 91.24391, "loss": 0.27742, "time": 1.32792} {"mode": "train", "epoch": 38, "iter": 47250, "lr": 2e-05, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.18489, "decode.acc_seg": 91.87258, "aux.loss_ce": 0.07771, "aux.acc_seg": 91.47389, "loss": 0.2626, "time": 1.33097} {"mode": "train", "epoch": 38, "iter": 47300, "lr": 2e-05, "memory": 70498, "data_time": 0.00944, "decode.loss_ce": 0.19023, "decode.acc_seg": 91.95827, "aux.loss_ce": 0.08014, "aux.acc_seg": 91.58072, "loss": 0.27037, "time": 1.32941} {"mode": "train", "epoch": 38, "iter": 47350, "lr": 2e-05, "memory": 70498, "data_time": 0.00937, "decode.loss_ce": 0.18793, "decode.acc_seg": 91.9097, "aux.loss_ce": 0.07839, "aux.acc_seg": 91.61336, "loss": 0.26633, "time": 1.32829} {"mode": "train", "epoch": 38, "iter": 47400, "lr": 2e-05, "memory": 70498, "data_time": 0.00968, "decode.loss_ce": 0.19323, "decode.acc_seg": 91.76001, "aux.loss_ce": 0.08172, "aux.acc_seg": 91.34338, "loss": 0.27495, "time": 1.3312} {"mode": "train", "epoch": 38, "iter": 47450, "lr": 2e-05, "memory": 70498, "data_time": 0.00967, "decode.loss_ce": 0.20056, "decode.acc_seg": 91.54189, "aux.loss_ce": 0.08412, "aux.acc_seg": 91.18267, "loss": 0.28468, "time": 1.33131} {"mode": "train", "epoch": 38, "iter": 47500, "lr": 2e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.20142, "decode.acc_seg": 91.5957, "aux.loss_ce": 0.08474, "aux.acc_seg": 91.18282, "loss": 0.28616, "time": 1.332} {"mode": "train", "epoch": 38, "iter": 47550, "lr": 2e-05, "memory": 70498, "data_time": 0.00975, "decode.loss_ce": 0.19388, "decode.acc_seg": 91.87354, "aux.loss_ce": 0.081, "aux.acc_seg": 91.50059, "loss": 0.27488, "time": 1.33075} {"mode": "train", "epoch": 38, "iter": 47600, "lr": 2e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.20232, "decode.acc_seg": 91.43303, "aux.loss_ce": 0.08465, "aux.acc_seg": 91.10765, "loss": 0.28697, "time": 1.32927} {"mode": "train", "epoch": 38, "iter": 47650, "lr": 2e-05, "memory": 70498, "data_time": 0.00967, "decode.loss_ce": 0.18536, "decode.acc_seg": 91.94446, "aux.loss_ce": 0.07748, "aux.acc_seg": 91.53068, "loss": 0.26284, "time": 1.32816} {"mode": "train", "epoch": 38, "iter": 47700, "lr": 2e-05, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.19238, "decode.acc_seg": 91.56491, "aux.loss_ce": 0.08053, "aux.acc_seg": 91.19345, "loss": 0.27291, "time": 1.33543} {"mode": "train", "epoch": 38, "iter": 47750, "lr": 2e-05, "memory": 70498, "data_time": 0.00975, "decode.loss_ce": 0.21801, "decode.acc_seg": 91.09346, "aux.loss_ce": 0.08951, "aux.acc_seg": 90.78394, "loss": 0.30752, "time": 1.32931} {"mode": "train", "epoch": 38, "iter": 47800, "lr": 2e-05, "memory": 70498, "data_time": 0.00971, "decode.loss_ce": 0.19576, "decode.acc_seg": 91.55311, "aux.loss_ce": 0.0816, "aux.acc_seg": 91.27732, "loss": 0.27736, "time": 1.32968} {"mode": "train", "epoch": 38, "iter": 47850, "lr": 2e-05, "memory": 70498, "data_time": 0.00968, "decode.loss_ce": 0.20825, "decode.acc_seg": 91.10017, "aux.loss_ce": 0.0871, "aux.acc_seg": 90.7152, "loss": 0.29535, "time": 1.32885} {"mode": "train", "epoch": 38, "iter": 47900, "lr": 2e-05, "memory": 70498, "data_time": 0.00956, "decode.loss_ce": 0.19635, "decode.acc_seg": 91.57063, "aux.loss_ce": 0.08189, "aux.acc_seg": 91.23359, "loss": 0.27825, "time": 1.33375} {"mode": "train", "epoch": 38, "iter": 47950, "lr": 2e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.19491, "decode.acc_seg": 91.46299, "aux.loss_ce": 0.08133, "aux.acc_seg": 91.1095, "loss": 0.27624, "time": 1.33105} {"mode": "train", "epoch": 39, "iter": 48000, "lr": 2e-05, "memory": 70498, "data_time": 0.05184, "decode.loss_ce": 0.20213, "decode.acc_seg": 91.47758, "aux.loss_ce": 0.08447, "aux.acc_seg": 91.09071, "loss": 0.28661, "time": 3.43507} {"mode": "val", "epoch": 39, "iter": 250, "lr": 2e-05, "aAcc": 0.8569, "mIoU": 0.5601, "mAcc": 0.6978, "IoU.wall": 0.8162, "IoU.building": 0.8502, "IoU.sky": 0.949, "IoU.floor": 0.8486, "IoU.tree": 0.7779, "IoU.ceiling": 0.8723, "IoU.road": 0.8595, "IoU.bed ": 0.925, "IoU.windowpane": 0.656, "IoU.grass": 0.6612, "IoU.cabinet": 0.6437, "IoU.sidewalk": 0.7026, "IoU.person": 0.851, "IoU.earth": 0.375, "IoU.door": 0.5982, "IoU.table": 0.6926, "IoU.mountain": 0.6228, "IoU.plant": 0.5723, "IoU.curtain": 0.7645, "IoU.chair": 0.6598, "IoU.car": 0.8743, "IoU.water": 0.5831, "IoU.painting": 0.7497, "IoU.sofa": 0.8041, "IoU.shelf": 0.4774, "IoU.house": 0.5792, "IoU.sea": 0.6001, "IoU.mirror": 0.7779, "IoU.rug": 0.6964, "IoU.field": 0.3487, "IoU.armchair": 0.6029, "IoU.seat": 0.6339, "IoU.fence": 0.5299, "IoU.desk": 0.5425, "IoU.rock": 0.5389, "IoU.wardrobe": 0.5558, "IoU.lamp": 0.7335, "IoU.bathtub": 0.8404, "IoU.railing": 0.4106, "IoU.cushion": 0.6834, "IoU.base": 0.4471, "IoU.box": 0.372, "IoU.column": 0.5309, "IoU.signboard": 0.3913, "IoU.chest of drawers": 0.4587, "IoU.counter": 0.395, "IoU.sand": 0.5354, "IoU.sink": 0.7613, "IoU.skyscraper": 0.48, "IoU.fireplace": 0.7485, "IoU.refrigerator": 0.78, "IoU.grandstand": 0.5222, "IoU.path": 0.2866, "IoU.stairs": 0.2062, "IoU.runway": 0.7159, "IoU.case": 0.5691, "IoU.pool table": 0.9516, "IoU.pillow": 0.7041, "IoU.screen door": 0.788, "IoU.stairway": 0.376, "IoU.river": 0.1565, "IoU.bridge": 0.7393, "IoU.bookcase": 0.4126, "IoU.blind": 0.4329, "IoU.coffee table": 0.661, "IoU.toilet": 0.8901, "IoU.flower": 0.4689, "IoU.book": 0.541, "IoU.hill": 0.0553, "IoU.bench": 0.4684, "IoU.countertop": 0.6445, "IoU.stove": 0.8493, "IoU.palm": 0.5739, "IoU.kitchen island": 0.4743, "IoU.computer": 0.7952, "IoU.swivel chair": 0.4896, "IoU.boat": 0.5841, "IoU.bar": 0.5737, "IoU.arcade machine": 0.7719, "IoU.hovel": 0.4221, "IoU.bus": 0.9317, "IoU.towel": 0.7854, "IoU.light": 0.6109, "IoU.truck": 0.4451, "IoU.tower": 0.0633, "IoU.chandelier": 0.7247, "IoU.awning": 0.4355, "IoU.streetlight": 0.3243, "IoU.booth": 0.4192, "IoU.television receiver": 0.7378, "IoU.airplane": 0.8109, "IoU.dirt track": 0.0786, "IoU.apparel": 0.4829, "IoU.pole": 0.2407, "IoU.land": 0.0496, "IoU.bannister": 0.1701, "IoU.escalator": 0.6116, "IoU.ottoman": 0.4982, "IoU.bottle": 0.4266, "IoU.buffet": 0.5056, "IoU.poster": 0.3533, "IoU.stage": 0.2434, "IoU.van": 0.4605, "IoU.ship": 0.8723, "IoU.fountain": 0.2849, "IoU.conveyer belt": 0.7837, "IoU.canopy": 0.5492, "IoU.washer": 0.8439, "IoU.plaything": 0.3434, "IoU.swimming pool": 0.6197, "IoU.stool": 0.4974, "IoU.barrel": 0.5571, "IoU.basket": 0.3964, "IoU.waterfall": 0.55, "IoU.tent": 0.8949, "IoU.bag": 0.1966, "IoU.minibike": 0.7557, "IoU.cradle": 0.7706, "IoU.oven": 0.5018, "IoU.ball": 0.5588, "IoU.food": 0.5713, "IoU.step": 0.0835, "IoU.tank": 0.6659, "IoU.trade name": 0.3143, "IoU.microwave": 0.8581, "IoU.pot": 0.5649, "IoU.animal": 0.666, "IoU.bicycle": 0.5816, "IoU.lake": 0.1981, "IoU.dishwasher": 0.6858, "IoU.screen": 0.6172, "IoU.blanket": 0.2773, "IoU.sculpture": 0.7412, "IoU.hood": 0.6002, "IoU.sconce": 0.5505, "IoU.vase": 0.4813, "IoU.traffic light": 0.3648, "IoU.tray": 0.0999, "IoU.ashcan": 0.4486, "IoU.fan": 0.6618, "IoU.pier": 0.3607, "IoU.crt screen": 0.2428, "IoU.plate": 0.5862, "IoU.monitor": 0.6516, "IoU.bulletin board": 0.481, "IoU.shower": 0.0574, "IoU.radiator": 0.6093, "IoU.glass": 0.1984, "IoU.clock": 0.4127, "IoU.flag": 0.7116, "Acc.wall": 0.8913, "Acc.building": 0.933, "Acc.sky": 0.9756, "Acc.floor": 0.9093, "Acc.tree": 0.8998, "Acc.ceiling": 0.9337, "Acc.road": 0.9259, "Acc.bed ": 0.9675, "Acc.windowpane": 0.8363, "Acc.grass": 0.7876, "Acc.cabinet": 0.7274, "Acc.sidewalk": 0.8197, "Acc.person": 0.9477, "Acc.earth": 0.5, "Acc.door": 0.7418, "Acc.table": 0.8101, "Acc.mountain": 0.7481, "Acc.plant": 0.6841, "Acc.curtain": 0.8329, "Acc.chair": 0.7641, "Acc.car": 0.9404, "Acc.water": 0.717, "Acc.painting": 0.9081, "Acc.sofa": 0.8975, "Acc.shelf": 0.6563, "Acc.house": 0.8202, "Acc.sea": 0.7666, "Acc.mirror": 0.8251, "Acc.rug": 0.8172, "Acc.field": 0.6593, "Acc.armchair": 0.7962, "Acc.seat": 0.8864, "Acc.fence": 0.6979, "Acc.desk": 0.7626, "Acc.rock": 0.8305, "Acc.wardrobe": 0.7324, "Acc.lamp": 0.8278, "Acc.bathtub": 0.8579, "Acc.railing": 0.5948, "Acc.cushion": 0.7528, "Acc.base": 0.6623, "Acc.box": 0.4942, "Acc.column": 0.6517, "Acc.signboard": 0.4972, "Acc.chest of drawers": 0.7017, "Acc.counter": 0.4893, "Acc.sand": 0.7774, "Acc.sink": 0.8454, "Acc.skyscraper": 0.5821, "Acc.fireplace": 0.9152, "Acc.refrigerator": 0.8921, "Acc.grandstand": 0.8214, "Acc.path": 0.3889, "Acc.stairs": 0.2622, "Acc.runway": 0.9365, "Acc.case": 0.8297, "Acc.pool table": 0.9766, "Acc.pillow": 0.8474, "Acc.screen door": 0.8375, "Acc.stairway": 0.6096, "Acc.river": 0.4204, "Acc.bridge": 0.8588, "Acc.bookcase": 0.5687, "Acc.blind": 0.4562, "Acc.coffee table": 0.8521, "Acc.toilet": 0.9298, "Acc.flower": 0.6011, "Acc.book": 0.7417, "Acc.hill": 0.1029, "Acc.bench": 0.5745, "Acc.countertop": 0.8225, "Acc.stove": 0.9402, "Acc.palm": 0.7579, "Acc.kitchen island": 0.8839, "Acc.computer": 0.9433, "Acc.swivel chair": 0.8044, "Acc.boat": 0.8813, "Acc.bar": 0.7549, "Acc.arcade machine": 0.8141, "Acc.hovel": 0.4917, "Acc.bus": 0.9572, "Acc.towel": 0.8885, "Acc.light": 0.7157, "Acc.truck": 0.5714, "Acc.tower": 0.0834, "Acc.chandelier": 0.8753, "Acc.awning": 0.6522, "Acc.streetlight": 0.4339, "Acc.booth": 0.7733, "Acc.television receiver": 0.8565, "Acc.airplane": 0.9273, "Acc.dirt track": 0.4585, "Acc.apparel": 0.6644, "Acc.pole": 0.3066, "Acc.land": 0.0853, "Acc.bannister": 0.212, "Acc.escalator": 0.7994, "Acc.ottoman": 0.7006, "Acc.bottle": 0.6968, "Acc.buffet": 0.6947, "Acc.poster": 0.4418, "Acc.stage": 0.4703, "Acc.van": 0.6062, "Acc.ship": 0.8937, "Acc.fountain": 0.2904, "Acc.conveyer belt": 0.9342, "Acc.canopy": 0.792, "Acc.washer": 0.8769, "Acc.plaything": 0.4972, "Acc.swimming pool": 0.9127, "Acc.stool": 0.7006, "Acc.barrel": 0.6452, "Acc.basket": 0.6046, "Acc.waterfall": 0.7134, "Acc.tent": 0.986, "Acc.bag": 0.221, "Acc.minibike": 0.8795, "Acc.cradle": 0.9806, "Acc.oven": 0.7117, "Acc.ball": 0.7009, "Acc.food": 0.7101, "Acc.step": 0.1029, "Acc.tank": 0.8065, "Acc.trade name": 0.3608, "Acc.microwave": 0.9571, "Acc.pot": 0.664, "Acc.animal": 0.6843, "Acc.bicycle": 0.7789, "Acc.lake": 0.2097, "Acc.dishwasher": 0.8721, "Acc.screen": 0.9368, "Acc.blanket": 0.3115, "Acc.sculpture": 0.8698, "Acc.hood": 0.7228, "Acc.sconce": 0.6382, "Acc.vase": 0.6343, "Acc.traffic light": 0.6235, "Acc.tray": 0.1604, "Acc.ashcan": 0.6266, "Acc.fan": 0.8134, "Acc.pier": 0.4523, "Acc.crt screen": 0.2912, "Acc.plate": 0.7515, "Acc.monitor": 0.7895, "Acc.bulletin board": 0.7016, "Acc.shower": 0.0847, "Acc.radiator": 0.7885, "Acc.glass": 0.225, "Acc.clock": 0.5032, "Acc.flag": 0.7829} {"mode": "train", "epoch": 39, "iter": 48050, "lr": 2e-05, "memory": 70498, "data_time": 1.94401, "decode.loss_ce": 0.19824, "decode.acc_seg": 91.63501, "aux.loss_ce": 0.08332, "aux.acc_seg": 91.26053, "loss": 0.28156, "time": 3.27074} {"mode": "train", "epoch": 39, "iter": 48100, "lr": 2e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.18768, "decode.acc_seg": 91.9782, "aux.loss_ce": 0.07877, "aux.acc_seg": 91.5955, "loss": 0.26644, "time": 1.33225} {"mode": "train", "epoch": 39, "iter": 48150, "lr": 2e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.18582, "decode.acc_seg": 92.18736, "aux.loss_ce": 0.07797, "aux.acc_seg": 91.82961, "loss": 0.26379, "time": 1.32796} {"mode": "train", "epoch": 39, "iter": 48200, "lr": 2e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.17989, "decode.acc_seg": 92.27329, "aux.loss_ce": 0.07583, "aux.acc_seg": 91.8042, "loss": 0.25572, "time": 1.33338} {"mode": "train", "epoch": 39, "iter": 48250, "lr": 2e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.18796, "decode.acc_seg": 91.93035, "aux.loss_ce": 0.0792, "aux.acc_seg": 91.52662, "loss": 0.26716, "time": 1.33065} {"mode": "train", "epoch": 39, "iter": 48300, "lr": 2e-05, "memory": 70498, "data_time": 0.00946, "decode.loss_ce": 0.20847, "decode.acc_seg": 91.33703, "aux.loss_ce": 0.08744, "aux.acc_seg": 90.94413, "loss": 0.29591, "time": 1.32574} {"mode": "train", "epoch": 39, "iter": 48350, "lr": 2e-05, "memory": 70498, "data_time": 0.0096, "decode.loss_ce": 0.19939, "decode.acc_seg": 91.38587, "aux.loss_ce": 0.08418, "aux.acc_seg": 91.00434, "loss": 0.28357, "time": 1.32972} {"mode": "train", "epoch": 39, "iter": 48400, "lr": 2e-05, "memory": 70498, "data_time": 0.00966, "decode.loss_ce": 0.19951, "decode.acc_seg": 91.55334, "aux.loss_ce": 0.08286, "aux.acc_seg": 91.26926, "loss": 0.28237, "time": 1.32794} {"mode": "train", "epoch": 39, "iter": 48450, "lr": 2e-05, "memory": 70498, "data_time": 0.00944, "decode.loss_ce": 0.20048, "decode.acc_seg": 91.95908, "aux.loss_ce": 0.08472, "aux.acc_seg": 91.52308, "loss": 0.2852, "time": 1.33368} {"mode": "train", "epoch": 39, "iter": 48500, "lr": 2e-05, "memory": 70498, "data_time": 0.00946, "decode.loss_ce": 0.18424, "decode.acc_seg": 92.17491, "aux.loss_ce": 0.07743, "aux.acc_seg": 91.76058, "loss": 0.26167, "time": 1.32691} {"mode": "train", "epoch": 39, "iter": 48550, "lr": 2e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.19991, "decode.acc_seg": 91.52622, "aux.loss_ce": 0.0844, "aux.acc_seg": 91.09469, "loss": 0.28432, "time": 1.33151} {"mode": "train", "epoch": 39, "iter": 48600, "lr": 2e-05, "memory": 70498, "data_time": 0.00966, "decode.loss_ce": 0.19823, "decode.acc_seg": 91.31237, "aux.loss_ce": 0.08313, "aux.acc_seg": 90.94457, "loss": 0.28136, "time": 1.33039} {"mode": "train", "epoch": 39, "iter": 48650, "lr": 2e-05, "memory": 70498, "data_time": 0.00945, "decode.loss_ce": 0.19935, "decode.acc_seg": 91.75021, "aux.loss_ce": 0.08279, "aux.acc_seg": 91.41912, "loss": 0.28214, "time": 1.32783} {"mode": "train", "epoch": 39, "iter": 48700, "lr": 2e-05, "memory": 70498, "data_time": 0.00976, "decode.loss_ce": 0.18656, "decode.acc_seg": 92.09961, "aux.loss_ce": 0.07906, "aux.acc_seg": 91.68564, "loss": 0.26562, "time": 1.33074} {"mode": "train", "epoch": 39, "iter": 48750, "lr": 2e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.19982, "decode.acc_seg": 91.53698, "aux.loss_ce": 0.08397, "aux.acc_seg": 91.09157, "loss": 0.28379, "time": 1.32811} {"mode": "train", "epoch": 39, "iter": 48800, "lr": 2e-05, "memory": 70498, "data_time": 0.00948, "decode.loss_ce": 0.19424, "decode.acc_seg": 91.79035, "aux.loss_ce": 0.08153, "aux.acc_seg": 91.374, "loss": 0.27577, "time": 1.32794} {"mode": "train", "epoch": 39, "iter": 48850, "lr": 2e-05, "memory": 70498, "data_time": 0.00967, "decode.loss_ce": 0.20574, "decode.acc_seg": 91.71107, "aux.loss_ce": 0.08589, "aux.acc_seg": 91.34557, "loss": 0.29163, "time": 1.32531} {"mode": "train", "epoch": 39, "iter": 48900, "lr": 2e-05, "memory": 70498, "data_time": 0.00985, "decode.loss_ce": 0.20508, "decode.acc_seg": 91.46693, "aux.loss_ce": 0.0859, "aux.acc_seg": 91.07735, "loss": 0.29098, "time": 1.33324} {"mode": "train", "epoch": 39, "iter": 48950, "lr": 2e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.19649, "decode.acc_seg": 91.55005, "aux.loss_ce": 0.08266, "aux.acc_seg": 91.20286, "loss": 0.27915, "time": 1.32899} {"mode": "train", "epoch": 39, "iter": 49000, "lr": 2e-05, "memory": 70498, "data_time": 0.00976, "decode.loss_ce": 0.1932, "decode.acc_seg": 91.83323, "aux.loss_ce": 0.08018, "aux.acc_seg": 91.54909, "loss": 0.27337, "time": 1.32584} {"mode": "val", "epoch": 39, "iter": 250, "lr": 2e-05, "aAcc": 0.8568, "mIoU": 0.5647, "mAcc": 0.6965, "IoU.wall": 0.8154, "IoU.building": 0.8428, "IoU.sky": 0.9498, "IoU.floor": 0.8443, "IoU.tree": 0.7685, "IoU.ceiling": 0.8712, "IoU.road": 0.8646, "IoU.bed ": 0.9231, "IoU.windowpane": 0.6601, "IoU.grass": 0.6583, "IoU.cabinet": 0.6585, "IoU.sidewalk": 0.7183, "IoU.person": 0.8561, "IoU.earth": 0.3866, "IoU.door": 0.5991, "IoU.table": 0.6949, "IoU.mountain": 0.615, "IoU.plant": 0.5491, "IoU.curtain": 0.7926, "IoU.chair": 0.6596, "IoU.car": 0.8735, "IoU.water": 0.6353, "IoU.painting": 0.7636, "IoU.sofa": 0.8257, "IoU.shelf": 0.4852, "IoU.house": 0.4519, "IoU.sea": 0.6676, "IoU.mirror": 0.7614, "IoU.rug": 0.6982, "IoU.field": 0.3387, "IoU.armchair": 0.6131, "IoU.seat": 0.6421, "IoU.fence": 0.5276, "IoU.desk": 0.593, "IoU.rock": 0.4593, "IoU.wardrobe": 0.5371, "IoU.lamp": 0.7442, "IoU.bathtub": 0.839, "IoU.railing": 0.3585, "IoU.cushion": 0.6946, "IoU.base": 0.3877, "IoU.box": 0.3842, "IoU.column": 0.5386, "IoU.signboard": 0.413, "IoU.chest of drawers": 0.4729, "IoU.counter": 0.4113, "IoU.sand": 0.5099, "IoU.sink": 0.7783, "IoU.skyscraper": 0.4499, "IoU.fireplace": 0.7171, "IoU.refrigerator": 0.8138, "IoU.grandstand": 0.5116, "IoU.path": 0.2717, "IoU.stairs": 0.232, "IoU.runway": 0.6784, "IoU.case": 0.5907, "IoU.pool table": 0.9423, "IoU.pillow": 0.6591, "IoU.screen door": 0.821, "IoU.stairway": 0.3942, "IoU.river": 0.206, "IoU.bridge": 0.7576, "IoU.bookcase": 0.4572, "IoU.blind": 0.4401, "IoU.coffee table": 0.6631, "IoU.toilet": 0.8964, "IoU.flower": 0.4012, "IoU.book": 0.5576, "IoU.hill": 0.0642, "IoU.bench": 0.5032, "IoU.countertop": 0.6345, "IoU.stove": 0.8513, "IoU.palm": 0.5796, "IoU.kitchen island": 0.4765, "IoU.computer": 0.7931, "IoU.swivel chair": 0.4875, "IoU.boat": 0.5449, "IoU.bar": 0.5903, "IoU.arcade machine": 0.7919, "IoU.hovel": 0.4376, "IoU.bus": 0.929, "IoU.towel": 0.7543, "IoU.light": 0.576, "IoU.truck": 0.454, "IoU.tower": 0.0742, "IoU.chandelier": 0.7254, "IoU.awning": 0.4556, "IoU.streetlight": 0.3278, "IoU.booth": 0.5302, "IoU.television receiver": 0.7385, "IoU.airplane": 0.741, "IoU.dirt track": 0.1406, "IoU.apparel": 0.4198, "IoU.pole": 0.2344, "IoU.land": 0.0244, "IoU.bannister": 0.1707, "IoU.escalator": 0.5858, "IoU.ottoman": 0.5005, "IoU.bottle": 0.4435, "IoU.buffet": 0.5371, "IoU.poster": 0.3502, "IoU.stage": 0.2139, "IoU.van": 0.4579, "IoU.ship": 0.7884, "IoU.fountain": 0.2303, "IoU.conveyer belt": 0.804, "IoU.canopy": 0.5457, "IoU.washer": 0.9032, "IoU.plaything": 0.3713, "IoU.swimming pool": 0.6259, "IoU.stool": 0.4647, "IoU.barrel": 0.5698, "IoU.basket": 0.4081, "IoU.waterfall": 0.6553, "IoU.tent": 0.9055, "IoU.bag": 0.198, "IoU.minibike": 0.7591, "IoU.cradle": 0.7963, "IoU.oven": 0.5666, "IoU.ball": 0.4412, "IoU.food": 0.615, "IoU.step": 0.1292, "IoU.tank": 0.683, "IoU.trade name": 0.3189, "IoU.microwave": 0.873, "IoU.pot": 0.5659, "IoU.animal": 0.6773, "IoU.bicycle": 0.5739, "IoU.lake": 0.4505, "IoU.dishwasher": 0.7377, "IoU.screen": 0.5497, "IoU.blanket": 0.3144, "IoU.sculpture": 0.7612, "IoU.hood": 0.6272, "IoU.sconce": 0.5267, "IoU.vase": 0.4855, "IoU.traffic light": 0.4088, "IoU.tray": 0.1056, "IoU.ashcan": 0.4512, "IoU.fan": 0.6629, "IoU.pier": 0.5645, "IoU.crt screen": 0.2006, "IoU.plate": 0.5909, "IoU.monitor": 0.7076, "IoU.bulletin board": 0.4957, "IoU.shower": 0.0226, "IoU.radiator": 0.6233, "IoU.glass": 0.1893, "IoU.clock": 0.3214, "IoU.flag": 0.7047, "Acc.wall": 0.8847, "Acc.building": 0.945, "Acc.sky": 0.9761, "Acc.floor": 0.9006, "Acc.tree": 0.8954, "Acc.ceiling": 0.9401, "Acc.road": 0.9156, "Acc.bed ": 0.9689, "Acc.windowpane": 0.8398, "Acc.grass": 0.7804, "Acc.cabinet": 0.7624, "Acc.sidewalk": 0.8497, "Acc.person": 0.9379, "Acc.earth": 0.5232, "Acc.door": 0.7284, "Acc.table": 0.8216, "Acc.mountain": 0.7674, "Acc.plant": 0.64, "Acc.curtain": 0.864, "Acc.chair": 0.7892, "Acc.car": 0.941, "Acc.water": 0.7743, "Acc.painting": 0.922, "Acc.sofa": 0.924, "Acc.shelf": 0.664, "Acc.house": 0.5627, "Acc.sea": 0.8189, "Acc.mirror": 0.8123, "Acc.rug": 0.8346, "Acc.field": 0.6744, "Acc.armchair": 0.7476, "Acc.seat": 0.8833, "Acc.fence": 0.6612, "Acc.desk": 0.7589, "Acc.rock": 0.6861, "Acc.wardrobe": 0.7739, "Acc.lamp": 0.8604, "Acc.bathtub": 0.8594, "Acc.railing": 0.4999, "Acc.cushion": 0.8478, "Acc.base": 0.5372, "Acc.box": 0.5111, "Acc.column": 0.6798, "Acc.signboard": 0.5673, "Acc.chest of drawers": 0.6966, "Acc.counter": 0.5248, "Acc.sand": 0.7079, "Acc.sink": 0.8337, "Acc.skyscraper": 0.5387, "Acc.fireplace": 0.9404, "Acc.refrigerator": 0.8908, "Acc.grandstand": 0.7652, "Acc.path": 0.397, "Acc.stairs": 0.3149, "Acc.runway": 0.8854, "Acc.case": 0.7873, "Acc.pool table": 0.9796, "Acc.pillow": 0.7305, "Acc.screen door": 0.9104, "Acc.stairway": 0.5909, "Acc.river": 0.4052, "Acc.bridge": 0.8632, "Acc.bookcase": 0.6534, "Acc.blind": 0.5214, "Acc.coffee table": 0.8914, "Acc.toilet": 0.94, "Acc.flower": 0.5707, "Acc.book": 0.7453, "Acc.hill": 0.0942, "Acc.bench": 0.6231, "Acc.countertop": 0.8367, "Acc.stove": 0.9586, "Acc.palm": 0.7466, "Acc.kitchen island": 0.8085, "Acc.computer": 0.9353, "Acc.swivel chair": 0.7991, "Acc.boat": 0.8646, "Acc.bar": 0.7557, "Acc.arcade machine": 0.8397, "Acc.hovel": 0.5026, "Acc.bus": 0.9642, "Acc.towel": 0.8352, "Acc.light": 0.6329, "Acc.truck": 0.6311, "Acc.tower": 0.1438, "Acc.chandelier": 0.8567, "Acc.awning": 0.6531, "Acc.streetlight": 0.4651, "Acc.booth": 0.7799, "Acc.television receiver": 0.8901, "Acc.airplane": 0.7966, "Acc.dirt track": 0.6006, "Acc.apparel": 0.5425, "Acc.pole": 0.3119, "Acc.land": 0.0397, "Acc.bannister": 0.252, "Acc.escalator": 0.7997, "Acc.ottoman": 0.6916, "Acc.bottle": 0.5804, "Acc.buffet": 0.6848, "Acc.poster": 0.4572, "Acc.stage": 0.451, "Acc.van": 0.5583, "Acc.ship": 0.9923, "Acc.fountain": 0.2407, "Acc.conveyer belt": 0.9332, "Acc.canopy": 0.7467, "Acc.washer": 0.9389, "Acc.plaything": 0.5094, "Acc.swimming pool": 0.9242, "Acc.stool": 0.7012, "Acc.barrel": 0.6765, "Acc.basket": 0.572, "Acc.waterfall": 0.861, "Acc.tent": 0.9852, "Acc.bag": 0.2333, "Acc.minibike": 0.863, "Acc.cradle": 0.9864, "Acc.oven": 0.6971, "Acc.ball": 0.4912, "Acc.food": 0.8243, "Acc.step": 0.1902, "Acc.tank": 0.7471, "Acc.trade name": 0.3716, "Acc.microwave": 0.9587, "Acc.pot": 0.6689, "Acc.animal": 0.707, "Acc.bicycle": 0.7785, "Acc.lake": 0.6364, "Acc.dishwasher": 0.7897, "Acc.screen": 0.7609, "Acc.blanket": 0.3701, "Acc.sculpture": 0.8818, "Acc.hood": 0.7643, "Acc.sconce": 0.5978, "Acc.vase": 0.5955, "Acc.traffic light": 0.5843, "Acc.tray": 0.1619, "Acc.ashcan": 0.5428, "Acc.fan": 0.7932, "Acc.pier": 0.8636, "Acc.crt screen": 0.3058, "Acc.plate": 0.7114, "Acc.monitor": 0.832, "Acc.bulletin board": 0.5046, "Acc.shower": 0.0247, "Acc.radiator": 0.7759, "Acc.glass": 0.2047, "Acc.clock": 0.3848, "Acc.flag": 0.7846} {"mode": "train", "epoch": 39, "iter": 49050, "lr": 2e-05, "memory": 70498, "data_time": 1.9493, "decode.loss_ce": 0.18999, "decode.acc_seg": 91.86828, "aux.loss_ce": 0.08002, "aux.acc_seg": 91.48012, "loss": 0.27, "time": 3.26492} {"mode": "train", "epoch": 39, "iter": 49100, "lr": 2e-05, "memory": 70498, "data_time": 0.00971, "decode.loss_ce": 0.19468, "decode.acc_seg": 91.49468, "aux.loss_ce": 0.08157, "aux.acc_seg": 91.11691, "loss": 0.27625, "time": 1.32643} {"mode": "train", "epoch": 39, "iter": 49150, "lr": 2e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.18016, "decode.acc_seg": 92.14182, "aux.loss_ce": 0.07544, "aux.acc_seg": 91.80032, "loss": 0.2556, "time": 1.3272} {"mode": "train", "epoch": 39, "iter": 49200, "lr": 2e-05, "memory": 70498, "data_time": 0.00961, "decode.loss_ce": 0.19702, "decode.acc_seg": 91.63754, "aux.loss_ce": 0.08279, "aux.acc_seg": 91.25081, "loss": 0.27981, "time": 1.33231} {"mode": "train", "epoch": 39, "iter": 49250, "lr": 2e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.1959, "decode.acc_seg": 91.52556, "aux.loss_ce": 0.08216, "aux.acc_seg": 91.15725, "loss": 0.27806, "time": 1.32568} {"mode": "train", "epoch": 40, "iter": 49300, "lr": 2e-05, "memory": 70498, "data_time": 0.05153, "decode.loss_ce": 0.18712, "decode.acc_seg": 92.07769, "aux.loss_ce": 0.07785, "aux.acc_seg": 91.74864, "loss": 0.26497, "time": 1.36946} {"mode": "train", "epoch": 40, "iter": 49350, "lr": 2e-05, "memory": 70498, "data_time": 0.00946, "decode.loss_ce": 0.18844, "decode.acc_seg": 91.84236, "aux.loss_ce": 0.0791, "aux.acc_seg": 91.46658, "loss": 0.26754, "time": 1.32662} {"mode": "train", "epoch": 40, "iter": 49400, "lr": 2e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.17929, "decode.acc_seg": 92.38271, "aux.loss_ce": 0.07563, "aux.acc_seg": 91.93542, "loss": 0.25491, "time": 1.33347} {"mode": "train", "epoch": 40, "iter": 49450, "lr": 2e-05, "memory": 70498, "data_time": 0.00944, "decode.loss_ce": 0.18612, "decode.acc_seg": 92.04933, "aux.loss_ce": 0.07839, "aux.acc_seg": 91.64128, "loss": 0.26451, "time": 1.32786} {"mode": "train", "epoch": 40, "iter": 49500, "lr": 2e-05, "memory": 70498, "data_time": 0.00945, "decode.loss_ce": 0.19344, "decode.acc_seg": 91.84937, "aux.loss_ce": 0.08171, "aux.acc_seg": 91.45225, "loss": 0.27515, "time": 1.32462} {"mode": "train", "epoch": 40, "iter": 49550, "lr": 2e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.18689, "decode.acc_seg": 92.09748, "aux.loss_ce": 0.07899, "aux.acc_seg": 91.7074, "loss": 0.26588, "time": 1.32571} {"mode": "train", "epoch": 40, "iter": 49600, "lr": 2e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.19216, "decode.acc_seg": 91.7153, "aux.loss_ce": 0.08071, "aux.acc_seg": 91.41227, "loss": 0.27286, "time": 1.32703} {"mode": "train", "epoch": 40, "iter": 49650, "lr": 2e-05, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.18498, "decode.acc_seg": 92.02233, "aux.loss_ce": 0.0781, "aux.acc_seg": 91.60285, "loss": 0.26308, "time": 1.33274} {"mode": "train", "epoch": 40, "iter": 49700, "lr": 2e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.194, "decode.acc_seg": 91.85832, "aux.loss_ce": 0.0813, "aux.acc_seg": 91.40255, "loss": 0.2753, "time": 1.32836} {"mode": "train", "epoch": 40, "iter": 49750, "lr": 2e-05, "memory": 70498, "data_time": 0.00942, "decode.loss_ce": 0.18625, "decode.acc_seg": 92.07457, "aux.loss_ce": 0.07815, "aux.acc_seg": 91.6834, "loss": 0.2644, "time": 1.3292} {"mode": "train", "epoch": 40, "iter": 49800, "lr": 2e-05, "memory": 70498, "data_time": 0.00947, "decode.loss_ce": 0.19278, "decode.acc_seg": 91.74887, "aux.loss_ce": 0.08118, "aux.acc_seg": 91.30995, "loss": 0.27395, "time": 1.33087} {"mode": "train", "epoch": 40, "iter": 49850, "lr": 2e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.18328, "decode.acc_seg": 92.08923, "aux.loss_ce": 0.07679, "aux.acc_seg": 91.71963, "loss": 0.26007, "time": 1.32152} {"mode": "train", "epoch": 40, "iter": 49900, "lr": 2e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.19729, "decode.acc_seg": 91.71472, "aux.loss_ce": 0.08184, "aux.acc_seg": 91.38435, "loss": 0.27913, "time": 1.31977} {"mode": "train", "epoch": 40, "iter": 49950, "lr": 2e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.18913, "decode.acc_seg": 91.87878, "aux.loss_ce": 0.07969, "aux.acc_seg": 91.47989, "loss": 0.26882, "time": 1.32316} {"mode": "train", "epoch": 40, "iter": 50000, "lr": 2e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.19847, "decode.acc_seg": 91.526, "aux.loss_ce": 0.08352, "aux.acc_seg": 91.07827, "loss": 0.282, "time": 3.33163} {"mode": "val", "epoch": 40, "iter": 250, "lr": 2e-05, "aAcc": 0.8582, "mIoU": 0.5643, "mAcc": 0.6902, "IoU.wall": 0.8191, "IoU.building": 0.8519, "IoU.sky": 0.9494, "IoU.floor": 0.8523, "IoU.tree": 0.776, "IoU.ceiling": 0.8721, "IoU.road": 0.8629, "IoU.bed ": 0.9262, "IoU.windowpane": 0.6704, "IoU.grass": 0.6601, "IoU.cabinet": 0.6358, "IoU.sidewalk": 0.7176, "IoU.person": 0.8577, "IoU.earth": 0.3537, "IoU.door": 0.5928, "IoU.table": 0.695, "IoU.mountain": 0.5707, "IoU.plant": 0.5543, "IoU.curtain": 0.7805, "IoU.chair": 0.6612, "IoU.car": 0.8757, "IoU.water": 0.633, "IoU.painting": 0.7697, "IoU.sofa": 0.821, "IoU.shelf": 0.5145, "IoU.house": 0.5366, "IoU.sea": 0.6818, "IoU.mirror": 0.7485, "IoU.rug": 0.7255, "IoU.field": 0.3089, "IoU.armchair": 0.6003, "IoU.seat": 0.6847, "IoU.fence": 0.508, "IoU.desk": 0.5572, "IoU.rock": 0.565, "IoU.wardrobe": 0.5444, "IoU.lamp": 0.7271, "IoU.bathtub": 0.8412, "IoU.railing": 0.3925, "IoU.cushion": 0.6998, "IoU.base": 0.3981, "IoU.box": 0.3497, "IoU.column": 0.5366, "IoU.signboard": 0.4142, "IoU.chest of drawers": 0.4317, "IoU.counter": 0.374, "IoU.sand": 0.514, "IoU.sink": 0.7757, "IoU.skyscraper": 0.4625, "IoU.fireplace": 0.7318, "IoU.refrigerator": 0.7706, "IoU.grandstand": 0.4948, "IoU.path": 0.2223, "IoU.stairs": 0.2523, "IoU.runway": 0.7211, "IoU.case": 0.5705, "IoU.pool table": 0.9464, "IoU.pillow": 0.7042, "IoU.screen door": 0.795, "IoU.stairway": 0.3973, "IoU.river": 0.1124, "IoU.bridge": 0.7494, "IoU.bookcase": 0.4877, "IoU.blind": 0.4487, "IoU.coffee table": 0.6377, "IoU.toilet": 0.8943, "IoU.flower": 0.4359, "IoU.book": 0.5647, "IoU.hill": 0.069, "IoU.bench": 0.5378, "IoU.countertop": 0.6353, "IoU.stove": 0.8673, "IoU.palm": 0.5669, "IoU.kitchen island": 0.4396, "IoU.computer": 0.7947, "IoU.swivel chair": 0.4732, "IoU.boat": 0.6148, "IoU.bar": 0.5768, "IoU.arcade machine": 0.7926, "IoU.hovel": 0.4252, "IoU.bus": 0.9358, "IoU.towel": 0.7586, "IoU.light": 0.6062, "IoU.truck": 0.446, "IoU.tower": 0.1143, "IoU.chandelier": 0.7198, "IoU.awning": 0.4548, "IoU.streetlight": 0.3302, "IoU.booth": 0.5141, "IoU.television receiver": 0.7739, "IoU.airplane": 0.7889, "IoU.dirt track": 0.118, "IoU.apparel": 0.4332, "IoU.pole": 0.2538, "IoU.land": 0.0311, "IoU.bannister": 0.1886, "IoU.escalator": 0.5542, "IoU.ottoman": 0.4941, "IoU.bottle": 0.4112, "IoU.buffet": 0.5191, "IoU.poster": 0.3682, "IoU.stage": 0.2547, "IoU.van": 0.4779, "IoU.ship": 0.4369, "IoU.fountain": 0.5059, "IoU.conveyer belt": 0.8275, "IoU.canopy": 0.4546, "IoU.washer": 0.8188, "IoU.plaything": 0.3945, "IoU.swimming pool": 0.6826, "IoU.stool": 0.5231, "IoU.barrel": 0.5548, "IoU.basket": 0.3932, "IoU.waterfall": 0.6276, "IoU.tent": 0.9167, "IoU.bag": 0.14, "IoU.minibike": 0.7531, "IoU.cradle": 0.8571, "IoU.oven": 0.5066, "IoU.ball": 0.5338, "IoU.food": 0.6346, "IoU.step": 0.0792, "IoU.tank": 0.6527, "IoU.trade name": 0.2531, "IoU.microwave": 0.8638, "IoU.pot": 0.5891, "IoU.animal": 0.6338, "IoU.bicycle": 0.5909, "IoU.lake": 0.5008, "IoU.dishwasher": 0.7175, "IoU.screen": 0.5678, "IoU.blanket": 0.3195, "IoU.sculpture": 0.7242, "IoU.hood": 0.6282, "IoU.sconce": 0.4918, "IoU.vase": 0.4888, "IoU.traffic light": 0.4008, "IoU.tray": 0.1515, "IoU.ashcan": 0.4513, "IoU.fan": 0.6748, "IoU.pier": 0.37, "IoU.crt screen": 0.2057, "IoU.plate": 0.6084, "IoU.monitor": 0.6589, "IoU.bulletin board": 0.5562, "IoU.shower": 0.0009, "IoU.radiator": 0.645, "IoU.glass": 0.1941, "IoU.clock": 0.43, "IoU.flag": 0.7122, "Acc.wall": 0.903, "Acc.building": 0.9358, "Acc.sky": 0.9775, "Acc.floor": 0.9251, "Acc.tree": 0.8991, "Acc.ceiling": 0.9243, "Acc.road": 0.9189, "Acc.bed ": 0.9685, "Acc.windowpane": 0.8127, "Acc.grass": 0.8123, "Acc.cabinet": 0.7203, "Acc.sidewalk": 0.8617, "Acc.person": 0.9354, "Acc.earth": 0.451, "Acc.door": 0.7622, "Acc.table": 0.8223, "Acc.mountain": 0.6427, "Acc.plant": 0.6614, "Acc.curtain": 0.8938, "Acc.chair": 0.7657, "Acc.car": 0.9448, "Acc.water": 0.7832, "Acc.painting": 0.8708, "Acc.sofa": 0.9036, "Acc.shelf": 0.7029, "Acc.house": 0.7435, "Acc.sea": 0.8197, "Acc.mirror": 0.7951, "Acc.rug": 0.7854, "Acc.field": 0.6068, "Acc.armchair": 0.7781, "Acc.seat": 0.8786, "Acc.fence": 0.6835, "Acc.desk": 0.793, "Acc.rock": 0.8398, "Acc.wardrobe": 0.7293, "Acc.lamp": 0.828, "Acc.bathtub": 0.8576, "Acc.railing": 0.6036, "Acc.cushion": 0.8313, "Acc.base": 0.6079, "Acc.box": 0.4481, "Acc.column": 0.6476, "Acc.signboard": 0.5528, "Acc.chest of drawers": 0.7476, "Acc.counter": 0.4813, "Acc.sand": 0.8109, "Acc.sink": 0.8364, "Acc.skyscraper": 0.5581, "Acc.fireplace": 0.9332, "Acc.refrigerator": 0.8348, "Acc.grandstand": 0.8103, "Acc.path": 0.3021, "Acc.stairs": 0.3282, "Acc.runway": 0.9503, "Acc.case": 0.8261, "Acc.pool table": 0.9742, "Acc.pillow": 0.8151, "Acc.screen door": 0.8243, "Acc.stairway": 0.4993, "Acc.river": 0.1977, "Acc.bridge": 0.8502, "Acc.bookcase": 0.6243, "Acc.blind": 0.5511, "Acc.coffee table": 0.885, "Acc.toilet": 0.9294, "Acc.flower": 0.6073, "Acc.book": 0.7512, "Acc.hill": 0.1881, "Acc.bench": 0.6137, "Acc.countertop": 0.8198, "Acc.stove": 0.9162, "Acc.palm": 0.7803, "Acc.kitchen island": 0.7851, "Acc.computer": 0.893, "Acc.swivel chair": 0.8075, "Acc.boat": 0.8655, "Acc.bar": 0.7519, "Acc.arcade machine": 0.8415, "Acc.hovel": 0.497, "Acc.bus": 0.9644, "Acc.towel": 0.8406, "Acc.light": 0.6925, "Acc.truck": 0.5723, "Acc.tower": 0.1565, "Acc.chandelier": 0.8743, "Acc.awning": 0.6719, "Acc.streetlight": 0.443, "Acc.booth": 0.5418, "Acc.television receiver": 0.8465, "Acc.airplane": 0.8515, "Acc.dirt track": 0.5711, "Acc.apparel": 0.5919, "Acc.pole": 0.3381, "Acc.land": 0.0497, "Acc.bannister": 0.2585, "Acc.escalator": 0.7623, "Acc.ottoman": 0.6284, "Acc.bottle": 0.4865, "Acc.buffet": 0.6821, "Acc.poster": 0.4758, "Acc.stage": 0.4861, "Acc.van": 0.6156, "Acc.ship": 0.4518, "Acc.fountain": 0.5243, "Acc.conveyer belt": 0.927, "Acc.canopy": 0.6188, "Acc.washer": 0.8429, "Acc.plaything": 0.4901, "Acc.swimming pool": 0.915, "Acc.stool": 0.7895, "Acc.barrel": 0.6479, "Acc.basket": 0.5853, "Acc.waterfall": 0.8886, "Acc.tent": 0.9814, "Acc.bag": 0.1547, "Acc.minibike": 0.8812, "Acc.cradle": 0.9674, "Acc.oven": 0.5911, "Acc.ball": 0.6407, "Acc.food": 0.7954, "Acc.step": 0.0955, "Acc.tank": 0.7528, "Acc.trade name": 0.2744, "Acc.microwave": 0.9542, "Acc.pot": 0.7056, "Acc.animal": 0.6509, "Acc.bicycle": 0.8142, "Acc.lake": 0.6948, "Acc.dishwasher": 0.8378, "Acc.screen": 0.7973, "Acc.blanket": 0.364, "Acc.sculpture": 0.867, "Acc.hood": 0.6899, "Acc.sconce": 0.5345, "Acc.vase": 0.5727, "Acc.traffic light": 0.6318, "Acc.tray": 0.1899, "Acc.ashcan": 0.611, "Acc.fan": 0.8278, "Acc.pier": 0.5079, "Acc.crt screen": 0.2951, "Acc.plate": 0.7162, "Acc.monitor": 0.8554, "Acc.bulletin board": 0.6756, "Acc.shower": 0.0009, "Acc.radiator": 0.7511, "Acc.glass": 0.2106, "Acc.clock": 0.4804, "Acc.flag": 0.7662} {"mode": "train", "epoch": 40, "iter": 50050, "lr": 1e-05, "memory": 70498, "data_time": 1.95386, "decode.loss_ce": 0.1916, "decode.acc_seg": 91.95764, "aux.loss_ce": 0.07979, "aux.acc_seg": 91.62094, "loss": 0.27139, "time": 3.27313} {"mode": "train", "epoch": 40, "iter": 50100, "lr": 1e-05, "memory": 70498, "data_time": 0.00978, "decode.loss_ce": 0.1962, "decode.acc_seg": 91.41401, "aux.loss_ce": 0.08227, "aux.acc_seg": 90.97648, "loss": 0.27847, "time": 1.32343} {"mode": "train", "epoch": 40, "iter": 50150, "lr": 1e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.18311, "decode.acc_seg": 92.32582, "aux.loss_ce": 0.07695, "aux.acc_seg": 91.92421, "loss": 0.26006, "time": 1.32726} {"mode": "train", "epoch": 40, "iter": 50200, "lr": 1e-05, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.19684, "decode.acc_seg": 91.64298, "aux.loss_ce": 0.0823, "aux.acc_seg": 91.35923, "loss": 0.27913, "time": 1.32424} {"mode": "train", "epoch": 40, "iter": 50250, "lr": 1e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.19819, "decode.acc_seg": 91.73602, "aux.loss_ce": 0.08251, "aux.acc_seg": 91.36038, "loss": 0.2807, "time": 1.32691} {"mode": "train", "epoch": 40, "iter": 50300, "lr": 1e-05, "memory": 70498, "data_time": 0.00968, "decode.loss_ce": 0.19131, "decode.acc_seg": 91.93487, "aux.loss_ce": 0.08062, "aux.acc_seg": 91.52152, "loss": 0.27193, "time": 1.32832} {"mode": "train", "epoch": 40, "iter": 50350, "lr": 1e-05, "memory": 70498, "data_time": 0.00979, "decode.loss_ce": 0.19532, "decode.acc_seg": 91.77114, "aux.loss_ce": 0.08193, "aux.acc_seg": 91.41513, "loss": 0.27725, "time": 1.32893} {"mode": "train", "epoch": 40, "iter": 50400, "lr": 1e-05, "memory": 70498, "data_time": 0.00965, "decode.loss_ce": 0.19468, "decode.acc_seg": 91.87628, "aux.loss_ce": 0.08197, "aux.acc_seg": 91.52021, "loss": 0.27664, "time": 1.32823} {"mode": "train", "epoch": 40, "iter": 50450, "lr": 1e-05, "memory": 70498, "data_time": 0.00973, "decode.loss_ce": 0.19086, "decode.acc_seg": 91.72351, "aux.loss_ce": 0.08035, "aux.acc_seg": 91.37002, "loss": 0.27121, "time": 1.32766} {"mode": "train", "epoch": 40, "iter": 50500, "lr": 1e-05, "memory": 70498, "data_time": 0.00969, "decode.loss_ce": 0.18676, "decode.acc_seg": 92.08266, "aux.loss_ce": 0.07841, "aux.acc_seg": 91.70526, "loss": 0.26517, "time": 1.32723} {"mode": "train", "epoch": 41, "iter": 50550, "lr": 1e-05, "memory": 70498, "data_time": 0.06571, "decode.loss_ce": 0.17843, "decode.acc_seg": 92.50998, "aux.loss_ce": 0.0747, "aux.acc_seg": 92.10156, "loss": 0.25313, "time": 1.38055} {"mode": "train", "epoch": 41, "iter": 50600, "lr": 1e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.18753, "decode.acc_seg": 92.23045, "aux.loss_ce": 0.07948, "aux.acc_seg": 91.75953, "loss": 0.26701, "time": 1.32999} {"mode": "train", "epoch": 41, "iter": 50650, "lr": 1e-05, "memory": 70498, "data_time": 0.00968, "decode.loss_ce": 0.18818, "decode.acc_seg": 91.78123, "aux.loss_ce": 0.0795, "aux.acc_seg": 91.42167, "loss": 0.26768, "time": 1.3244} {"mode": "train", "epoch": 41, "iter": 50700, "lr": 1e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.17727, "decode.acc_seg": 92.16547, "aux.loss_ce": 0.07494, "aux.acc_seg": 91.73519, "loss": 0.25222, "time": 1.32648} {"mode": "train", "epoch": 41, "iter": 50750, "lr": 1e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.19072, "decode.acc_seg": 91.75254, "aux.loss_ce": 0.07963, "aux.acc_seg": 91.42985, "loss": 0.27035, "time": 1.33112} {"mode": "train", "epoch": 41, "iter": 50800, "lr": 1e-05, "memory": 70498, "data_time": 0.00975, "decode.loss_ce": 0.18057, "decode.acc_seg": 92.3447, "aux.loss_ce": 0.07604, "aux.acc_seg": 91.92565, "loss": 0.25661, "time": 1.32444} {"mode": "train", "epoch": 41, "iter": 50850, "lr": 1e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.18849, "decode.acc_seg": 92.06974, "aux.loss_ce": 0.07981, "aux.acc_seg": 91.6132, "loss": 0.2683, "time": 1.3261} {"mode": "train", "epoch": 41, "iter": 50900, "lr": 1e-05, "memory": 70498, "data_time": 0.00947, "decode.loss_ce": 0.18469, "decode.acc_seg": 92.21665, "aux.loss_ce": 0.07713, "aux.acc_seg": 91.83799, "loss": 0.26182, "time": 1.32575} {"mode": "train", "epoch": 41, "iter": 50950, "lr": 1e-05, "memory": 70498, "data_time": 0.0096, "decode.loss_ce": 0.19249, "decode.acc_seg": 91.95832, "aux.loss_ce": 0.08041, "aux.acc_seg": 91.56864, "loss": 0.2729, "time": 1.3264} {"mode": "train", "epoch": 41, "iter": 51000, "lr": 1e-05, "memory": 70498, "data_time": 0.00973, "decode.loss_ce": 0.20103, "decode.acc_seg": 91.78068, "aux.loss_ce": 0.08484, "aux.acc_seg": 91.40953, "loss": 0.28588, "time": 1.32693} {"mode": "val", "epoch": 41, "iter": 250, "lr": 1e-05, "aAcc": 0.8572, "mIoU": 0.5651, "mAcc": 0.6948, "IoU.wall": 0.8116, "IoU.building": 0.835, "IoU.sky": 0.9497, "IoU.floor": 0.8532, "IoU.tree": 0.7759, "IoU.ceiling": 0.8692, "IoU.road": 0.8579, "IoU.bed ": 0.9253, "IoU.windowpane": 0.6702, "IoU.grass": 0.6734, "IoU.cabinet": 0.6504, "IoU.sidewalk": 0.7179, "IoU.person": 0.8566, "IoU.earth": 0.3737, "IoU.door": 0.6002, "IoU.table": 0.6983, "IoU.mountain": 0.5956, "IoU.plant": 0.5573, "IoU.curtain": 0.7823, "IoU.chair": 0.6702, "IoU.car": 0.871, "IoU.water": 0.6346, "IoU.painting": 0.7708, "IoU.sofa": 0.8201, "IoU.shelf": 0.5058, "IoU.house": 0.4835, "IoU.sea": 0.6677, "IoU.mirror": 0.8006, "IoU.rug": 0.7028, "IoU.field": 0.3234, "IoU.armchair": 0.5912, "IoU.seat": 0.6553, "IoU.fence": 0.5129, "IoU.desk": 0.5844, "IoU.rock": 0.539, "IoU.wardrobe": 0.5426, "IoU.lamp": 0.7289, "IoU.bathtub": 0.846, "IoU.railing": 0.3971, "IoU.cushion": 0.7132, "IoU.base": 0.4169, "IoU.box": 0.3678, "IoU.column": 0.5417, "IoU.signboard": 0.4209, "IoU.chest of drawers": 0.4227, "IoU.counter": 0.4036, "IoU.sand": 0.5277, "IoU.sink": 0.7757, "IoU.skyscraper": 0.4872, "IoU.fireplace": 0.7561, "IoU.refrigerator": 0.8059, "IoU.grandstand": 0.4953, "IoU.path": 0.2754, "IoU.stairs": 0.2681, "IoU.runway": 0.6464, "IoU.case": 0.6234, "IoU.pool table": 0.9459, "IoU.pillow": 0.7134, "IoU.screen door": 0.6596, "IoU.stairway": 0.442, "IoU.river": 0.1831, "IoU.bridge": 0.7567, "IoU.bookcase": 0.4209, "IoU.blind": 0.4953, "IoU.coffee table": 0.6749, "IoU.toilet": 0.894, "IoU.flower": 0.4358, "IoU.book": 0.5514, "IoU.hill": 0.0528, "IoU.bench": 0.5154, "IoU.countertop": 0.6297, "IoU.stove": 0.8711, "IoU.palm": 0.571, "IoU.kitchen island": 0.4311, "IoU.computer": 0.8033, "IoU.swivel chair": 0.5234, "IoU.boat": 0.646, "IoU.bar": 0.5407, "IoU.arcade machine": 0.7937, "IoU.hovel": 0.4538, "IoU.bus": 0.93, "IoU.towel": 0.7467, "IoU.light": 0.5715, "IoU.truck": 0.4383, "IoU.tower": 0.1006, "IoU.chandelier": 0.7259, "IoU.awning": 0.4412, "IoU.streetlight": 0.3453, "IoU.booth": 0.4888, "IoU.television receiver": 0.8143, "IoU.airplane": 0.809, "IoU.dirt track": 0.1143, "IoU.apparel": 0.3881, "IoU.pole": 0.2342, "IoU.land": 0.0349, "IoU.bannister": 0.1591, "IoU.escalator": 0.5935, "IoU.ottoman": 0.4912, "IoU.bottle": 0.4329, "IoU.buffet": 0.5486, "IoU.poster": 0.4028, "IoU.stage": 0.2421, "IoU.van": 0.4363, "IoU.ship": 0.9147, "IoU.fountain": 0.2613, "IoU.conveyer belt": 0.8243, "IoU.canopy": 0.4532, "IoU.washer": 0.8834, "IoU.plaything": 0.3474, "IoU.swimming pool": 0.6793, "IoU.stool": 0.5771, "IoU.barrel": 0.5442, "IoU.basket": 0.3916, "IoU.waterfall": 0.6387, "IoU.tent": 0.9091, "IoU.bag": 0.1791, "IoU.minibike": 0.7451, "IoU.cradle": 0.8721, "IoU.oven": 0.6292, "IoU.ball": 0.555, "IoU.food": 0.6266, "IoU.step": 0.0401, "IoU.tank": 0.6575, "IoU.trade name": 0.2535, "IoU.microwave": 0.8828, "IoU.pot": 0.5847, "IoU.animal": 0.6581, "IoU.bicycle": 0.589, "IoU.lake": 0.1911, "IoU.dishwasher": 0.7411, "IoU.screen": 0.5045, "IoU.blanket": 0.3203, "IoU.sculpture": 0.7175, "IoU.hood": 0.6236, "IoU.sconce": 0.5087, "IoU.vase": 0.4801, "IoU.traffic light": 0.3801, "IoU.tray": 0.1121, "IoU.ashcan": 0.4769, "IoU.fan": 0.6246, "IoU.pier": 0.4608, "IoU.crt screen": 0.1382, "IoU.plate": 0.5823, "IoU.monitor": 0.649, "IoU.bulletin board": 0.4462, "IoU.shower": 0.0054, "IoU.radiator": 0.6318, "IoU.glass": 0.1899, "IoU.clock": 0.4319, "IoU.flag": 0.7007, "Acc.wall": 0.8779, "Acc.building": 0.9389, "Acc.sky": 0.9785, "Acc.floor": 0.9111, "Acc.tree": 0.8957, "Acc.ceiling": 0.9429, "Acc.road": 0.9179, "Acc.bed ": 0.9653, "Acc.windowpane": 0.7956, "Acc.grass": 0.8096, "Acc.cabinet": 0.7599, "Acc.sidewalk": 0.8568, "Acc.person": 0.9465, "Acc.earth": 0.4971, "Acc.door": 0.7545, "Acc.table": 0.8137, "Acc.mountain": 0.7353, "Acc.plant": 0.6829, "Acc.curtain": 0.9012, "Acc.chair": 0.7968, "Acc.car": 0.9368, "Acc.water": 0.7544, "Acc.painting": 0.9192, "Acc.sofa": 0.9323, "Acc.shelf": 0.6838, "Acc.house": 0.58, "Acc.sea": 0.8298, "Acc.mirror": 0.8655, "Acc.rug": 0.845, "Acc.field": 0.5628, "Acc.armchair": 0.743, "Acc.seat": 0.8858, "Acc.fence": 0.645, "Acc.desk": 0.7994, "Acc.rock": 0.7741, "Acc.wardrobe": 0.7473, "Acc.lamp": 0.8274, "Acc.bathtub": 0.8662, "Acc.railing": 0.5881, "Acc.cushion": 0.8368, "Acc.base": 0.5669, "Acc.box": 0.5391, "Acc.column": 0.6771, "Acc.signboard": 0.5708, "Acc.chest of drawers": 0.7242, "Acc.counter": 0.5262, "Acc.sand": 0.7689, "Acc.sink": 0.8295, "Acc.skyscraper": 0.6113, "Acc.fireplace": 0.9159, "Acc.refrigerator": 0.9259, "Acc.grandstand": 0.7814, "Acc.path": 0.408, "Acc.stairs": 0.3739, "Acc.runway": 0.844, "Acc.case": 0.8255, "Acc.pool table": 0.9744, "Acc.pillow": 0.8359, "Acc.screen door": 0.6726, "Acc.stairway": 0.5926, "Acc.river": 0.4807, "Acc.bridge": 0.8888, "Acc.bookcase": 0.5413, "Acc.blind": 0.7046, "Acc.coffee table": 0.8652, "Acc.toilet": 0.9318, "Acc.flower": 0.6186, "Acc.book": 0.7973, "Acc.hill": 0.0763, "Acc.bench": 0.6154, "Acc.countertop": 0.8682, "Acc.stove": 0.9423, "Acc.palm": 0.805, "Acc.kitchen island": 0.7598, "Acc.computer": 0.9436, "Acc.swivel chair": 0.7495, "Acc.boat": 0.8747, "Acc.bar": 0.7597, "Acc.arcade machine": 0.8448, "Acc.hovel": 0.5543, "Acc.bus": 0.9622, "Acc.towel": 0.8481, "Acc.light": 0.6215, "Acc.truck": 0.5616, "Acc.tower": 0.1396, "Acc.chandelier": 0.8431, "Acc.awning": 0.5794, "Acc.streetlight": 0.4779, "Acc.booth": 0.7001, "Acc.television receiver": 0.8824, "Acc.airplane": 0.8867, "Acc.dirt track": 0.525, "Acc.apparel": 0.506, "Acc.pole": 0.3099, "Acc.land": 0.0504, "Acc.bannister": 0.2646, "Acc.escalator": 0.7855, "Acc.ottoman": 0.6316, "Acc.bottle": 0.6572, "Acc.buffet": 0.6586, "Acc.poster": 0.495, "Acc.stage": 0.4623, "Acc.van": 0.6649, "Acc.ship": 0.9861, "Acc.fountain": 0.2668, "Acc.conveyer belt": 0.9292, "Acc.canopy": 0.6515, "Acc.washer": 0.9169, "Acc.plaything": 0.4758, "Acc.swimming pool": 0.9096, "Acc.stool": 0.6881, "Acc.barrel": 0.6476, "Acc.basket": 0.5099, "Acc.waterfall": 0.9545, "Acc.tent": 0.9866, "Acc.bag": 0.2031, "Acc.minibike": 0.8927, "Acc.cradle": 0.9792, "Acc.oven": 0.7325, "Acc.ball": 0.7616, "Acc.food": 0.7746, "Acc.step": 0.0451, "Acc.tank": 0.7259, "Acc.trade name": 0.2792, "Acc.microwave": 0.9616, "Acc.pot": 0.6826, "Acc.animal": 0.6823, "Acc.bicycle": 0.7343, "Acc.lake": 0.1962, "Acc.dishwasher": 0.8187, "Acc.screen": 0.7853, "Acc.blanket": 0.3753, "Acc.sculpture": 0.8973, "Acc.hood": 0.7388, "Acc.sconce": 0.583, "Acc.vase": 0.5963, "Acc.traffic light": 0.6524, "Acc.tray": 0.1358, "Acc.ashcan": 0.6197, "Acc.fan": 0.7179, "Acc.pier": 0.6497, "Acc.crt screen": 0.2099, "Acc.plate": 0.7705, "Acc.monitor": 0.7972, "Acc.bulletin board": 0.5586, "Acc.shower": 0.0241, "Acc.radiator": 0.7387, "Acc.glass": 0.207, "Acc.clock": 0.4782, "Acc.flag": 0.7927} {"mode": "train", "epoch": 41, "iter": 51050, "lr": 1e-05, "memory": 70498, "data_time": 1.97174, "decode.loss_ce": 0.19077, "decode.acc_seg": 91.67918, "aux.loss_ce": 0.07978, "aux.acc_seg": 91.40274, "loss": 0.27055, "time": 3.29383} {"mode": "train", "epoch": 41, "iter": 51100, "lr": 1e-05, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.18092, "decode.acc_seg": 92.35083, "aux.loss_ce": 0.0757, "aux.acc_seg": 92.039, "loss": 0.25661, "time": 1.32803} {"mode": "train", "epoch": 41, "iter": 51150, "lr": 1e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.1855, "decode.acc_seg": 92.15117, "aux.loss_ce": 0.07761, "aux.acc_seg": 91.82378, "loss": 0.26311, "time": 1.32842} {"mode": "train", "epoch": 41, "iter": 51200, "lr": 1e-05, "memory": 70498, "data_time": 0.00946, "decode.loss_ce": 0.18346, "decode.acc_seg": 92.10599, "aux.loss_ce": 0.0775, "aux.acc_seg": 91.63868, "loss": 0.26096, "time": 1.32557} {"mode": "train", "epoch": 41, "iter": 51250, "lr": 1e-05, "memory": 70498, "data_time": 0.00956, "decode.loss_ce": 0.181, "decode.acc_seg": 92.18151, "aux.loss_ce": 0.07661, "aux.acc_seg": 91.70961, "loss": 0.25761, "time": 1.33219} {"mode": "train", "epoch": 41, "iter": 51300, "lr": 1e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.18683, "decode.acc_seg": 92.06992, "aux.loss_ce": 0.07846, "aux.acc_seg": 91.72376, "loss": 0.26529, "time": 1.32652} {"mode": "train", "epoch": 41, "iter": 51350, "lr": 1e-05, "memory": 70498, "data_time": 0.00982, "decode.loss_ce": 0.18847, "decode.acc_seg": 91.90158, "aux.loss_ce": 0.0794, "aux.acc_seg": 91.44437, "loss": 0.26787, "time": 1.32448} {"mode": "train", "epoch": 41, "iter": 51400, "lr": 1e-05, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.18992, "decode.acc_seg": 91.97721, "aux.loss_ce": 0.08014, "aux.acc_seg": 91.55135, "loss": 0.27006, "time": 1.32924} {"mode": "train", "epoch": 41, "iter": 51450, "lr": 1e-05, "memory": 70498, "data_time": 0.00942, "decode.loss_ce": 0.19338, "decode.acc_seg": 91.79354, "aux.loss_ce": 0.08142, "aux.acc_seg": 91.35582, "loss": 0.27481, "time": 1.33245} {"mode": "train", "epoch": 41, "iter": 51500, "lr": 1e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.18333, "decode.acc_seg": 92.37219, "aux.loss_ce": 0.07752, "aux.acc_seg": 91.958, "loss": 0.26084, "time": 1.33253} {"mode": "train", "epoch": 41, "iter": 51550, "lr": 1e-05, "memory": 70498, "data_time": 0.00946, "decode.loss_ce": 0.17439, "decode.acc_seg": 92.50807, "aux.loss_ce": 0.07357, "aux.acc_seg": 92.10303, "loss": 0.24796, "time": 1.32782} {"mode": "train", "epoch": 41, "iter": 51600, "lr": 1e-05, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.18124, "decode.acc_seg": 92.31181, "aux.loss_ce": 0.07731, "aux.acc_seg": 91.82815, "loss": 0.25855, "time": 1.33193} {"mode": "train", "epoch": 41, "iter": 51650, "lr": 1e-05, "memory": 70498, "data_time": 0.00946, "decode.loss_ce": 0.18514, "decode.acc_seg": 92.26942, "aux.loss_ce": 0.07813, "aux.acc_seg": 91.83844, "loss": 0.26328, "time": 1.32996} {"mode": "train", "epoch": 41, "iter": 51700, "lr": 1e-05, "memory": 70498, "data_time": 0.00943, "decode.loss_ce": 0.1942, "decode.acc_seg": 91.7163, "aux.loss_ce": 0.08145, "aux.acc_seg": 91.28066, "loss": 0.27566, "time": 1.33503} {"mode": "train", "epoch": 41, "iter": 51750, "lr": 1e-05, "memory": 70498, "data_time": 0.00943, "decode.loss_ce": 0.18464, "decode.acc_seg": 92.14991, "aux.loss_ce": 0.07837, "aux.acc_seg": 91.6737, "loss": 0.26301, "time": 1.33199} {"mode": "train", "epoch": 42, "iter": 51800, "lr": 1e-05, "memory": 70498, "data_time": 0.06026, "decode.loss_ce": 0.19915, "decode.acc_seg": 91.48227, "aux.loss_ce": 0.08377, "aux.acc_seg": 91.14671, "loss": 0.28292, "time": 1.38067} {"mode": "train", "epoch": 42, "iter": 51850, "lr": 1e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.18732, "decode.acc_seg": 92.10868, "aux.loss_ce": 0.07801, "aux.acc_seg": 91.78377, "loss": 0.26533, "time": 1.32724} {"mode": "train", "epoch": 42, "iter": 51900, "lr": 1e-05, "memory": 70498, "data_time": 0.00939, "decode.loss_ce": 0.17648, "decode.acc_seg": 92.51283, "aux.loss_ce": 0.07399, "aux.acc_seg": 92.13219, "loss": 0.25047, "time": 1.32558} {"mode": "train", "epoch": 42, "iter": 51950, "lr": 1e-05, "memory": 70498, "data_time": 0.00961, "decode.loss_ce": 0.18061, "decode.acc_seg": 92.09617, "aux.loss_ce": 0.07554, "aux.acc_seg": 91.76862, "loss": 0.25616, "time": 1.331} {"mode": "train", "epoch": 42, "iter": 52000, "lr": 1e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.18006, "decode.acc_seg": 92.28972, "aux.loss_ce": 0.07601, "aux.acc_seg": 91.88595, "loss": 0.25607, "time": 3.37082} {"mode": "val", "epoch": 42, "iter": 250, "lr": 1e-05, "aAcc": 0.8588, "mIoU": 0.5661, "mAcc": 0.6942, "IoU.wall": 0.821, "IoU.building": 0.8435, "IoU.sky": 0.9478, "IoU.floor": 0.8481, "IoU.tree": 0.7709, "IoU.ceiling": 0.8714, "IoU.road": 0.8656, "IoU.bed ": 0.9225, "IoU.windowpane": 0.6718, "IoU.grass": 0.6682, "IoU.cabinet": 0.653, "IoU.sidewalk": 0.7175, "IoU.person": 0.8528, "IoU.earth": 0.3676, "IoU.door": 0.6109, "IoU.table": 0.6808, "IoU.mountain": 0.6039, "IoU.plant": 0.5603, "IoU.curtain": 0.7698, "IoU.chair": 0.6771, "IoU.car": 0.8768, "IoU.water": 0.6553, "IoU.painting": 0.7864, "IoU.sofa": 0.7902, "IoU.shelf": 0.4933, "IoU.house": 0.4748, "IoU.sea": 0.7911, "IoU.mirror": 0.7724, "IoU.rug": 0.7081, "IoU.field": 0.2752, "IoU.armchair": 0.5512, "IoU.seat": 0.6458, "IoU.fence": 0.5257, "IoU.desk": 0.5729, "IoU.rock": 0.5087, "IoU.wardrobe": 0.5719, "IoU.lamp": 0.7293, "IoU.bathtub": 0.8425, "IoU.railing": 0.4014, "IoU.cushion": 0.7065, "IoU.base": 0.3804, "IoU.box": 0.3771, "IoU.column": 0.5423, "IoU.signboard": 0.4116, "IoU.chest of drawers": 0.4667, "IoU.counter": 0.3629, "IoU.sand": 0.5265, "IoU.sink": 0.7556, "IoU.skyscraper": 0.5048, "IoU.fireplace": 0.7161, "IoU.refrigerator": 0.7625, "IoU.grandstand": 0.4912, "IoU.path": 0.2503, "IoU.stairs": 0.2021, "IoU.runway": 0.7389, "IoU.case": 0.6029, "IoU.pool table": 0.9481, "IoU.pillow": 0.6996, "IoU.screen door": 0.6538, "IoU.stairway": 0.4037, "IoU.river": 0.228, "IoU.bridge": 0.7465, "IoU.bookcase": 0.4271, "IoU.blind": 0.4415, "IoU.coffee table": 0.6603, "IoU.toilet": 0.893, "IoU.flower": 0.4212, "IoU.book": 0.5201, "IoU.hill": 0.0871, "IoU.bench": 0.4947, "IoU.countertop": 0.6274, "IoU.stove": 0.86, "IoU.palm": 0.5333, "IoU.kitchen island": 0.3869, "IoU.computer": 0.8098, "IoU.swivel chair": 0.5229, "IoU.boat": 0.6575, "IoU.bar": 0.5489, "IoU.arcade machine": 0.7864, "IoU.hovel": 0.4657, "IoU.bus": 0.9305, "IoU.towel": 0.7467, "IoU.light": 0.6184, "IoU.truck": 0.4712, "IoU.tower": 0.1638, "IoU.chandelier": 0.7273, "IoU.awning": 0.3841, "IoU.streetlight": 0.3487, "IoU.booth": 0.5555, "IoU.television receiver": 0.7875, "IoU.airplane": 0.809, "IoU.dirt track": 0.0974, "IoU.apparel": 0.4635, "IoU.pole": 0.2508, "IoU.land": 0.019, "IoU.bannister": 0.1822, "IoU.escalator": 0.581, "IoU.ottoman": 0.5177, "IoU.bottle": 0.4186, "IoU.buffet": 0.5161, "IoU.poster": 0.3847, "IoU.stage": 0.1605, "IoU.van": 0.4725, "IoU.ship": 0.8088, "IoU.fountain": 0.2654, "IoU.conveyer belt": 0.8406, "IoU.canopy": 0.5415, "IoU.washer": 0.899, "IoU.plaything": 0.4035, "IoU.swimming pool": 0.7602, "IoU.stool": 0.5636, "IoU.barrel": 0.5423, "IoU.basket": 0.4277, "IoU.waterfall": 0.5373, "IoU.tent": 0.8934, "IoU.bag": 0.2045, "IoU.minibike": 0.7385, "IoU.cradle": 0.8545, "IoU.oven": 0.4958, "IoU.ball": 0.3443, "IoU.food": 0.6406, "IoU.step": 0.0554, "IoU.tank": 0.6878, "IoU.trade name": 0.3212, "IoU.microwave": 0.8659, "IoU.pot": 0.5857, "IoU.animal": 0.5774, "IoU.bicycle": 0.5886, "IoU.lake": 0.614, "IoU.dishwasher": 0.7222, "IoU.screen": 0.4934, "IoU.blanket": 0.294, "IoU.sculpture": 0.6784, "IoU.hood": 0.643, "IoU.sconce": 0.5168, "IoU.vase": 0.4843, "IoU.traffic light": 0.3967, "IoU.tray": 0.1568, "IoU.ashcan": 0.4745, "IoU.fan": 0.6629, "IoU.pier": 0.5378, "IoU.crt screen": 0.1684, "IoU.plate": 0.5902, "IoU.monitor": 0.6243, "IoU.bulletin board": 0.5445, "IoU.shower": 0.0053, "IoU.radiator": 0.6567, "IoU.glass": 0.18, "IoU.clock": 0.3989, "IoU.flag": 0.6971, "Acc.wall": 0.8939, "Acc.building": 0.9387, "Acc.sky": 0.9718, "Acc.floor": 0.9211, "Acc.tree": 0.8937, "Acc.ceiling": 0.9433, "Acc.road": 0.9135, "Acc.bed ": 0.9679, "Acc.windowpane": 0.8189, "Acc.grass": 0.8194, "Acc.cabinet": 0.7515, "Acc.sidewalk": 0.8621, "Acc.person": 0.9436, "Acc.earth": 0.5169, "Acc.door": 0.7841, "Acc.table": 0.8351, "Acc.mountain": 0.7289, "Acc.plant": 0.6706, "Acc.curtain": 0.8812, "Acc.chair": 0.8024, "Acc.car": 0.9404, "Acc.water": 0.8111, "Acc.painting": 0.9093, "Acc.sofa": 0.9212, "Acc.shelf": 0.6559, "Acc.house": 0.588, "Acc.sea": 0.8809, "Acc.mirror": 0.8242, "Acc.rug": 0.8074, "Acc.field": 0.3552, "Acc.armchair": 0.679, "Acc.seat": 0.8815, "Acc.fence": 0.6569, "Acc.desk": 0.761, "Acc.rock": 0.7036, "Acc.wardrobe": 0.7323, "Acc.lamp": 0.844, "Acc.bathtub": 0.857, "Acc.railing": 0.5673, "Acc.cushion": 0.8433, "Acc.base": 0.5171, "Acc.box": 0.4742, "Acc.column": 0.6786, "Acc.signboard": 0.5691, "Acc.chest of drawers": 0.698, "Acc.counter": 0.4786, "Acc.sand": 0.7894, "Acc.sink": 0.8494, "Acc.skyscraper": 0.5978, "Acc.fireplace": 0.9393, "Acc.refrigerator": 0.913, "Acc.grandstand": 0.7936, "Acc.path": 0.4047, "Acc.stairs": 0.2665, "Acc.runway": 0.9778, "Acc.case": 0.7746, "Acc.pool table": 0.9741, "Acc.pillow": 0.7901, "Acc.screen door": 0.6766, "Acc.stairway": 0.5844, "Acc.river": 0.4042, "Acc.bridge": 0.8665, "Acc.bookcase": 0.569, "Acc.blind": 0.4965, "Acc.coffee table": 0.8799, "Acc.toilet": 0.9336, "Acc.flower": 0.5562, "Acc.book": 0.7645, "Acc.hill": 0.1355, "Acc.bench": 0.6142, "Acc.countertop": 0.7991, "Acc.stove": 0.9155, "Acc.palm": 0.8746, "Acc.kitchen island": 0.6499, "Acc.computer": 0.9114, "Acc.swivel chair": 0.7028, "Acc.boat": 0.8884, "Acc.bar": 0.7523, "Acc.arcade machine": 0.8431, "Acc.hovel": 0.5441, "Acc.bus": 0.9663, "Acc.towel": 0.8253, "Acc.light": 0.7279, "Acc.truck": 0.6594, "Acc.tower": 0.2797, "Acc.chandelier": 0.856, "Acc.awning": 0.46, "Acc.streetlight": 0.5023, "Acc.booth": 0.6501, "Acc.television receiver": 0.8931, "Acc.airplane": 0.8874, "Acc.dirt track": 0.526, "Acc.apparel": 0.6627, "Acc.pole": 0.3301, "Acc.land": 0.0405, "Acc.bannister": 0.2442, "Acc.escalator": 0.8206, "Acc.ottoman": 0.7013, "Acc.bottle": 0.6488, "Acc.buffet": 0.6957, "Acc.poster": 0.4994, "Acc.stage": 0.2996, "Acc.van": 0.604, "Acc.ship": 0.8539, "Acc.fountain": 0.2704, "Acc.conveyer belt": 0.923, "Acc.canopy": 0.7532, "Acc.washer": 0.9285, "Acc.plaything": 0.6485, "Acc.swimming pool": 0.9196, "Acc.stool": 0.7403, "Acc.barrel": 0.6476, "Acc.basket": 0.6102, "Acc.waterfall": 0.7505, "Acc.tent": 0.9899, "Acc.bag": 0.2508, "Acc.minibike": 0.9106, "Acc.cradle": 0.9785, "Acc.oven": 0.6092, "Acc.ball": 0.3579, "Acc.food": 0.761, "Acc.step": 0.0671, "Acc.tank": 0.8021, "Acc.trade name": 0.3621, "Acc.microwave": 0.9587, "Acc.pot": 0.7107, "Acc.animal": 0.5885, "Acc.bicycle": 0.7634, "Acc.lake": 0.6296, "Acc.dishwasher": 0.8361, "Acc.screen": 0.782, "Acc.blanket": 0.3572, "Acc.sculpture": 0.8933, "Acc.hood": 0.7829, "Acc.sconce": 0.5903, "Acc.vase": 0.601, "Acc.traffic light": 0.6199, "Acc.tray": 0.2233, "Acc.ashcan": 0.6216, "Acc.fan": 0.7934, "Acc.pier": 0.7723, "Acc.crt screen": 0.2642, "Acc.plate": 0.795, "Acc.monitor": 0.8708, "Acc.bulletin board": 0.588, "Acc.shower": 0.0144, "Acc.radiator": 0.7678, "Acc.glass": 0.1901, "Acc.clock": 0.5004, "Acc.flag": 0.7763} {"mode": "train", "epoch": 42, "iter": 52050, "lr": 1e-05, "memory": 70498, "data_time": 1.95572, "decode.loss_ce": 0.185, "decode.acc_seg": 92.23316, "aux.loss_ce": 0.0775, "aux.acc_seg": 91.86541, "loss": 0.2625, "time": 3.27519} {"mode": "train", "epoch": 42, "iter": 52100, "lr": 1e-05, "memory": 70498, "data_time": 0.00947, "decode.loss_ce": 0.17734, "decode.acc_seg": 92.5049, "aux.loss_ce": 0.07449, "aux.acc_seg": 92.0829, "loss": 0.25183, "time": 1.33166} {"mode": "train", "epoch": 42, "iter": 52150, "lr": 1e-05, "memory": 70498, "data_time": 0.00992, "decode.loss_ce": 0.19819, "decode.acc_seg": 91.64622, "aux.loss_ce": 0.08312, "aux.acc_seg": 91.25436, "loss": 0.28131, "time": 1.32539} {"mode": "train", "epoch": 42, "iter": 52200, "lr": 1e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.19242, "decode.acc_seg": 91.76049, "aux.loss_ce": 0.08111, "aux.acc_seg": 91.37702, "loss": 0.27353, "time": 1.32993} {"mode": "train", "epoch": 42, "iter": 52250, "lr": 1e-05, "memory": 70498, "data_time": 0.00965, "decode.loss_ce": 0.17876, "decode.acc_seg": 92.20816, "aux.loss_ce": 0.07487, "aux.acc_seg": 91.78721, "loss": 0.25363, "time": 1.3243} {"mode": "train", "epoch": 42, "iter": 52300, "lr": 1e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.18188, "decode.acc_seg": 92.2772, "aux.loss_ce": 0.07696, "aux.acc_seg": 91.87767, "loss": 0.25884, "time": 1.32444} {"mode": "train", "epoch": 42, "iter": 52350, "lr": 1e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.18985, "decode.acc_seg": 91.76995, "aux.loss_ce": 0.08052, "aux.acc_seg": 91.32792, "loss": 0.27037, "time": 1.32318} {"mode": "train", "epoch": 42, "iter": 52400, "lr": 1e-05, "memory": 70498, "data_time": 0.00945, "decode.loss_ce": 0.18359, "decode.acc_seg": 92.32249, "aux.loss_ce": 0.07662, "aux.acc_seg": 92.03491, "loss": 0.26021, "time": 1.32509} {"mode": "train", "epoch": 42, "iter": 52450, "lr": 1e-05, "memory": 70498, "data_time": 0.00962, "decode.loss_ce": 0.19979, "decode.acc_seg": 91.42352, "aux.loss_ce": 0.08337, "aux.acc_seg": 91.08839, "loss": 0.28316, "time": 1.32954} {"mode": "train", "epoch": 42, "iter": 52500, "lr": 1e-05, "memory": 70498, "data_time": 0.00994, "decode.loss_ce": 0.18623, "decode.acc_seg": 92.13884, "aux.loss_ce": 0.07832, "aux.acc_seg": 91.80984, "loss": 0.26455, "time": 1.32318} {"mode": "train", "epoch": 42, "iter": 52550, "lr": 1e-05, "memory": 70498, "data_time": 0.00947, "decode.loss_ce": 0.18542, "decode.acc_seg": 91.98738, "aux.loss_ce": 0.07791, "aux.acc_seg": 91.62351, "loss": 0.26333, "time": 1.32475} {"mode": "train", "epoch": 42, "iter": 52600, "lr": 1e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.19171, "decode.acc_seg": 91.71687, "aux.loss_ce": 0.08145, "aux.acc_seg": 91.25233, "loss": 0.27316, "time": 1.32875} {"mode": "train", "epoch": 42, "iter": 52650, "lr": 1e-05, "memory": 70498, "data_time": 0.0097, "decode.loss_ce": 0.18366, "decode.acc_seg": 92.16976, "aux.loss_ce": 0.07807, "aux.acc_seg": 91.72015, "loss": 0.26173, "time": 1.33428} {"mode": "train", "epoch": 42, "iter": 52700, "lr": 1e-05, "memory": 70498, "data_time": 0.00956, "decode.loss_ce": 0.17421, "decode.acc_seg": 92.35537, "aux.loss_ce": 0.07318, "aux.acc_seg": 92.0451, "loss": 0.24739, "time": 1.32749} {"mode": "train", "epoch": 42, "iter": 52750, "lr": 1e-05, "memory": 70498, "data_time": 0.00971, "decode.loss_ce": 0.1815, "decode.acc_seg": 92.37381, "aux.loss_ce": 0.07648, "aux.acc_seg": 92.04723, "loss": 0.25798, "time": 1.32789} {"mode": "train", "epoch": 42, "iter": 52800, "lr": 1e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.17804, "decode.acc_seg": 92.32011, "aux.loss_ce": 0.07493, "aux.acc_seg": 91.98714, "loss": 0.25297, "time": 1.32713} {"mode": "train", "epoch": 42, "iter": 52850, "lr": 1e-05, "memory": 70498, "data_time": 0.00943, "decode.loss_ce": 0.17396, "decode.acc_seg": 92.58063, "aux.loss_ce": 0.07366, "aux.acc_seg": 92.17045, "loss": 0.24762, "time": 1.33589} {"mode": "train", "epoch": 42, "iter": 52900, "lr": 1e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.18691, "decode.acc_seg": 91.99732, "aux.loss_ce": 0.07919, "aux.acc_seg": 91.54431, "loss": 0.2661, "time": 1.32533} {"mode": "train", "epoch": 42, "iter": 52950, "lr": 1e-05, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.1877, "decode.acc_seg": 91.73765, "aux.loss_ce": 0.07891, "aux.acc_seg": 91.38916, "loss": 0.26662, "time": 1.32245} {"mode": "train", "epoch": 42, "iter": 53000, "lr": 1e-05, "memory": 70498, "data_time": 0.0096, "decode.loss_ce": 0.18773, "decode.acc_seg": 91.989, "aux.loss_ce": 0.07891, "aux.acc_seg": 91.58418, "loss": 0.26664, "time": 1.33026} {"mode": "val", "epoch": 42, "iter": 250, "lr": 1e-05, "aAcc": 0.8604, "mIoU": 0.5655, "mAcc": 0.6919, "IoU.wall": 0.8253, "IoU.building": 0.8526, "IoU.sky": 0.9489, "IoU.floor": 0.8453, "IoU.tree": 0.7776, "IoU.ceiling": 0.8697, "IoU.road": 0.869, "IoU.bed ": 0.9203, "IoU.windowpane": 0.6633, "IoU.grass": 0.6428, "IoU.cabinet": 0.6639, "IoU.sidewalk": 0.7252, "IoU.person": 0.8548, "IoU.earth": 0.383, "IoU.door": 0.6068, "IoU.table": 0.6805, "IoU.mountain": 0.6102, "IoU.plant": 0.5628, "IoU.curtain": 0.7646, "IoU.chair": 0.674, "IoU.car": 0.8641, "IoU.water": 0.6633, "IoU.painting": 0.7814, "IoU.sofa": 0.8135, "IoU.shelf": 0.4948, "IoU.house": 0.5301, "IoU.sea": 0.747, "IoU.mirror": 0.7878, "IoU.rug": 0.6961, "IoU.field": 0.3494, "IoU.armchair": 0.6042, "IoU.seat": 0.6348, "IoU.fence": 0.5149, "IoU.desk": 0.5721, "IoU.rock": 0.5289, "IoU.wardrobe": 0.5887, "IoU.lamp": 0.7306, "IoU.bathtub": 0.8422, "IoU.railing": 0.4119, "IoU.cushion": 0.7035, "IoU.base": 0.394, "IoU.box": 0.3751, "IoU.column": 0.5442, "IoU.signboard": 0.4102, "IoU.chest of drawers": 0.4625, "IoU.counter": 0.3777, "IoU.sand": 0.5356, "IoU.sink": 0.7693, "IoU.skyscraper": 0.5967, "IoU.fireplace": 0.7228, "IoU.refrigerator": 0.7927, "IoU.grandstand": 0.4872, "IoU.path": 0.2935, "IoU.stairs": 0.2148, "IoU.runway": 0.7126, "IoU.case": 0.5944, "IoU.pool table": 0.9485, "IoU.pillow": 0.7115, "IoU.screen door": 0.7811, "IoU.stairway": 0.379, "IoU.river": 0.197, "IoU.bridge": 0.6565, "IoU.bookcase": 0.4112, "IoU.blind": 0.4594, "IoU.coffee table": 0.5949, "IoU.toilet": 0.8941, "IoU.flower": 0.4351, "IoU.book": 0.5661, "IoU.hill": 0.0845, "IoU.bench": 0.4911, "IoU.countertop": 0.6388, "IoU.stove": 0.877, "IoU.palm": 0.5662, "IoU.kitchen island": 0.4472, "IoU.computer": 0.8161, "IoU.swivel chair": 0.5193, "IoU.boat": 0.669, "IoU.bar": 0.5549, "IoU.arcade machine": 0.7802, "IoU.hovel": 0.4437, "IoU.bus": 0.9324, "IoU.towel": 0.7653, "IoU.light": 0.5941, "IoU.truck": 0.4499, "IoU.tower": 0.1067, "IoU.chandelier": 0.7267, "IoU.awning": 0.3846, "IoU.streetlight": 0.3115, "IoU.booth": 0.5555, "IoU.television receiver": 0.7723, "IoU.airplane": 0.8302, "IoU.dirt track": 0.0175, "IoU.apparel": 0.4498, "IoU.pole": 0.2749, "IoU.land": 0.0359, "IoU.bannister": 0.1577, "IoU.escalator": 0.57, "IoU.ottoman": 0.5, "IoU.bottle": 0.4039, "IoU.buffet": 0.517, "IoU.poster": 0.3367, "IoU.stage": 0.221, "IoU.van": 0.4329, "IoU.ship": 0.7215, "IoU.fountain": 0.2065, "IoU.conveyer belt": 0.7889, "IoU.canopy": 0.5031, "IoU.washer": 0.8337, "IoU.plaything": 0.4501, "IoU.swimming pool": 0.6361, "IoU.stool": 0.5447, "IoU.barrel": 0.5454, "IoU.basket": 0.4035, "IoU.waterfall": 0.4512, "IoU.tent": 0.9247, "IoU.bag": 0.2093, "IoU.minibike": 0.7583, "IoU.cradle": 0.8172, "IoU.oven": 0.5888, "IoU.ball": 0.5862, "IoU.food": 0.6045, "IoU.step": 0.1105, "IoU.tank": 0.6366, "IoU.trade name": 0.2468, "IoU.microwave": 0.8755, "IoU.pot": 0.5855, "IoU.animal": 0.6006, "IoU.bicycle": 0.5813, "IoU.lake": 0.5364, "IoU.dishwasher": 0.7314, "IoU.screen": 0.4176, "IoU.blanket": 0.2713, "IoU.sculpture": 0.7446, "IoU.hood": 0.6039, "IoU.sconce": 0.5576, "IoU.vase": 0.4869, "IoU.traffic light": 0.4108, "IoU.tray": 0.1403, "IoU.ashcan": 0.4841, "IoU.fan": 0.6352, "IoU.pier": 0.4921, "IoU.crt screen": 0.2076, "IoU.plate": 0.5664, "IoU.monitor": 0.6757, "IoU.bulletin board": 0.4976, "IoU.shower": 0.0352, "IoU.radiator": 0.6573, "IoU.glass": 0.2016, "IoU.clock": 0.4014, "IoU.flag": 0.7131, "Acc.wall": 0.9009, "Acc.building": 0.9334, "Acc.sky": 0.9754, "Acc.floor": 0.9136, "Acc.tree": 0.91, "Acc.ceiling": 0.9405, "Acc.road": 0.9247, "Acc.bed ": 0.9663, "Acc.windowpane": 0.8078, "Acc.grass": 0.7798, "Acc.cabinet": 0.7565, "Acc.sidewalk": 0.8453, "Acc.person": 0.9311, "Acc.earth": 0.5079, "Acc.door": 0.7561, "Acc.table": 0.7967, "Acc.mountain": 0.7112, "Acc.plant": 0.6875, "Acc.curtain": 0.8488, "Acc.chair": 0.7807, "Acc.car": 0.918, "Acc.water": 0.8137, "Acc.painting": 0.9171, "Acc.sofa": 0.91, "Acc.shelf": 0.6918, "Acc.house": 0.6548, "Acc.sea": 0.8995, "Acc.mirror": 0.8534, "Acc.rug": 0.84, "Acc.field": 0.6442, "Acc.armchair": 0.7523, "Acc.seat": 0.8861, "Acc.fence": 0.6302, "Acc.desk": 0.7936, "Acc.rock": 0.8043, "Acc.wardrobe": 0.7458, "Acc.lamp": 0.8387, "Acc.bathtub": 0.8655, "Acc.railing": 0.6292, "Acc.cushion": 0.852, "Acc.base": 0.5663, "Acc.box": 0.4667, "Acc.column": 0.7222, "Acc.signboard": 0.5543, "Acc.chest of drawers": 0.6951, "Acc.counter": 0.4721, "Acc.sand": 0.7846, "Acc.sink": 0.8435, "Acc.skyscraper": 0.8129, "Acc.fireplace": 0.9617, "Acc.refrigerator": 0.9122, "Acc.grandstand": 0.831, "Acc.path": 0.4324, "Acc.stairs": 0.2729, "Acc.runway": 0.9289, "Acc.case": 0.7893, "Acc.pool table": 0.9825, "Acc.pillow": 0.8226, "Acc.screen door": 0.8145, "Acc.stairway": 0.5747, "Acc.river": 0.3177, "Acc.bridge": 0.7845, "Acc.bookcase": 0.5509, "Acc.blind": 0.5188, "Acc.coffee table": 0.8801, "Acc.toilet": 0.9275, "Acc.flower": 0.6553, "Acc.book": 0.7691, "Acc.hill": 0.1772, "Acc.bench": 0.5596, "Acc.countertop": 0.848, "Acc.stove": 0.937, "Acc.palm": 0.8084, "Acc.kitchen island": 0.7528, "Acc.computer": 0.926, "Acc.swivel chair": 0.768, "Acc.boat": 0.8519, "Acc.bar": 0.7494, "Acc.arcade machine": 0.8309, "Acc.hovel": 0.4929, "Acc.bus": 0.958, "Acc.towel": 0.8655, "Acc.light": 0.6644, "Acc.truck": 0.6454, "Acc.tower": 0.1454, "Acc.chandelier": 0.8513, "Acc.awning": 0.4632, "Acc.streetlight": 0.3986, "Acc.booth": 0.6968, "Acc.television receiver": 0.8453, "Acc.airplane": 0.8747, "Acc.dirt track": 0.0622, "Acc.apparel": 0.6547, "Acc.pole": 0.3757, "Acc.land": 0.0536, "Acc.bannister": 0.2305, "Acc.escalator": 0.7861, "Acc.ottoman": 0.7108, "Acc.bottle": 0.6224, "Acc.buffet": 0.6597, "Acc.poster": 0.4512, "Acc.stage": 0.4408, "Acc.van": 0.6274, "Acc.ship": 0.7468, "Acc.fountain": 0.2177, "Acc.conveyer belt": 0.9364, "Acc.canopy": 0.6819, "Acc.washer": 0.8976, "Acc.plaything": 0.6096, "Acc.swimming pool": 0.9139, "Acc.stool": 0.6258, "Acc.barrel": 0.6469, "Acc.basket": 0.5819, "Acc.waterfall": 0.5463, "Acc.tent": 0.9862, "Acc.bag": 0.2508, "Acc.minibike": 0.8829, "Acc.cradle": 0.9803, "Acc.oven": 0.6846, "Acc.ball": 0.7213, "Acc.food": 0.7385, "Acc.step": 0.1322, "Acc.tank": 0.7199, "Acc.trade name": 0.2662, "Acc.microwave": 0.9532, "Acc.pot": 0.6761, "Acc.animal": 0.6177, "Acc.bicycle": 0.7174, "Acc.lake": 0.6374, "Acc.dishwasher": 0.8292, "Acc.screen": 0.5939, "Acc.blanket": 0.31, "Acc.sculpture": 0.8793, "Acc.hood": 0.7106, "Acc.sconce": 0.6654, "Acc.vase": 0.6489, "Acc.traffic light": 0.6034, "Acc.tray": 0.1749, "Acc.ashcan": 0.6159, "Acc.fan": 0.7369, "Acc.pier": 0.8199, "Acc.crt screen": 0.4197, "Acc.plate": 0.7664, "Acc.monitor": 0.8275, "Acc.bulletin board": 0.5282, "Acc.shower": 0.0366, "Acc.radiator": 0.7521, "Acc.glass": 0.2242, "Acc.clock": 0.4659, "Acc.flag": 0.7627} {"mode": "train", "epoch": 43, "iter": 53050, "lr": 1e-05, "memory": 70498, "data_time": 2.01325, "decode.loss_ce": 0.1768, "decode.acc_seg": 92.62679, "aux.loss_ce": 0.07497, "aux.acc_seg": 92.20294, "loss": 0.25177, "time": 3.3294} {"mode": "train", "epoch": 43, "iter": 53100, "lr": 1e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.18317, "decode.acc_seg": 92.27643, "aux.loss_ce": 0.07777, "aux.acc_seg": 91.85066, "loss": 0.26094, "time": 1.32613} {"mode": "train", "epoch": 43, "iter": 53150, "lr": 1e-05, "memory": 70498, "data_time": 0.0098, "decode.loss_ce": 0.18467, "decode.acc_seg": 92.08989, "aux.loss_ce": 0.07783, "aux.acc_seg": 91.59021, "loss": 0.2625, "time": 1.32463} {"mode": "train", "epoch": 43, "iter": 53200, "lr": 1e-05, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.1785, "decode.acc_seg": 92.5605, "aux.loss_ce": 0.07548, "aux.acc_seg": 92.06561, "loss": 0.25397, "time": 1.32962} {"mode": "train", "epoch": 43, "iter": 53250, "lr": 1e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.17096, "decode.acc_seg": 92.63794, "aux.loss_ce": 0.07199, "aux.acc_seg": 92.29293, "loss": 0.24295, "time": 1.32671} {"mode": "train", "epoch": 43, "iter": 53300, "lr": 1e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.17815, "decode.acc_seg": 92.21879, "aux.loss_ce": 0.07553, "aux.acc_seg": 91.86484, "loss": 0.25369, "time": 1.32553} {"mode": "train", "epoch": 43, "iter": 53350, "lr": 1e-05, "memory": 70498, "data_time": 0.00933, "decode.loss_ce": 0.17656, "decode.acc_seg": 92.6621, "aux.loss_ce": 0.07501, "aux.acc_seg": 92.2825, "loss": 0.25157, "time": 1.33201} {"mode": "train", "epoch": 43, "iter": 53400, "lr": 1e-05, "memory": 70498, "data_time": 0.00971, "decode.loss_ce": 0.18091, "decode.acc_seg": 92.45611, "aux.loss_ce": 0.07598, "aux.acc_seg": 92.02897, "loss": 0.2569, "time": 1.33705} {"mode": "train", "epoch": 43, "iter": 53450, "lr": 1e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.18346, "decode.acc_seg": 92.323, "aux.loss_ce": 0.07764, "aux.acc_seg": 91.96138, "loss": 0.2611, "time": 1.32781} {"mode": "train", "epoch": 43, "iter": 53500, "lr": 1e-05, "memory": 70498, "data_time": 0.00971, "decode.loss_ce": 0.17216, "decode.acc_seg": 92.52729, "aux.loss_ce": 0.07281, "aux.acc_seg": 92.10821, "loss": 0.24497, "time": 1.32477} {"mode": "train", "epoch": 43, "iter": 53550, "lr": 1e-05, "memory": 70498, "data_time": 0.00947, "decode.loss_ce": 0.18592, "decode.acc_seg": 92.23385, "aux.loss_ce": 0.07965, "aux.acc_seg": 91.6854, "loss": 0.26557, "time": 1.33246} {"mode": "train", "epoch": 43, "iter": 53600, "lr": 1e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.17859, "decode.acc_seg": 92.20036, "aux.loss_ce": 0.0754, "aux.acc_seg": 91.78663, "loss": 0.25399, "time": 1.33045} {"mode": "train", "epoch": 43, "iter": 53650, "lr": 1e-05, "memory": 70498, "data_time": 0.00943, "decode.loss_ce": 0.17089, "decode.acc_seg": 92.41616, "aux.loss_ce": 0.07246, "aux.acc_seg": 91.96838, "loss": 0.24335, "time": 1.32677} {"mode": "train", "epoch": 43, "iter": 53700, "lr": 1e-05, "memory": 70498, "data_time": 0.00974, "decode.loss_ce": 0.17509, "decode.acc_seg": 92.54729, "aux.loss_ce": 0.07438, "aux.acc_seg": 92.11166, "loss": 0.24947, "time": 1.33004} {"mode": "train", "epoch": 43, "iter": 53750, "lr": 1e-05, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.18241, "decode.acc_seg": 92.1795, "aux.loss_ce": 0.07617, "aux.acc_seg": 91.82299, "loss": 0.25858, "time": 1.32592} {"mode": "train", "epoch": 43, "iter": 53800, "lr": 1e-05, "memory": 70498, "data_time": 0.00942, "decode.loss_ce": 0.17826, "decode.acc_seg": 92.10801, "aux.loss_ce": 0.07511, "aux.acc_seg": 91.65915, "loss": 0.25336, "time": 1.32938} {"mode": "train", "epoch": 43, "iter": 53850, "lr": 1e-05, "memory": 70498, "data_time": 0.00941, "decode.loss_ce": 0.17247, "decode.acc_seg": 92.60097, "aux.loss_ce": 0.07247, "aux.acc_seg": 92.2126, "loss": 0.24494, "time": 1.32558} {"mode": "train", "epoch": 43, "iter": 53900, "lr": 1e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.17587, "decode.acc_seg": 92.3669, "aux.loss_ce": 0.0745, "aux.acc_seg": 91.88921, "loss": 0.25037, "time": 1.3352} {"mode": "train", "epoch": 43, "iter": 53950, "lr": 1e-05, "memory": 70498, "data_time": 0.00968, "decode.loss_ce": 0.17073, "decode.acc_seg": 92.6691, "aux.loss_ce": 0.07163, "aux.acc_seg": 92.38848, "loss": 0.24235, "time": 1.32631} {"mode": "train", "epoch": 43, "iter": 54000, "lr": 1e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.179, "decode.acc_seg": 92.24504, "aux.loss_ce": 0.07513, "aux.acc_seg": 91.88577, "loss": 0.25413, "time": 3.51645} {"mode": "val", "epoch": 43, "iter": 250, "lr": 1e-05, "aAcc": 0.8586, "mIoU": 0.564, "mAcc": 0.694, "IoU.wall": 0.82, "IoU.building": 0.8496, "IoU.sky": 0.9471, "IoU.floor": 0.8527, "IoU.tree": 0.7768, "IoU.ceiling": 0.869, "IoU.road": 0.8676, "IoU.bed ": 0.9204, "IoU.windowpane": 0.6648, "IoU.grass": 0.6577, "IoU.cabinet": 0.6401, "IoU.sidewalk": 0.7214, "IoU.person": 0.8602, "IoU.earth": 0.3882, "IoU.door": 0.5948, "IoU.table": 0.6974, "IoU.mountain": 0.594, "IoU.plant": 0.5542, "IoU.curtain": 0.7815, "IoU.chair": 0.6718, "IoU.car": 0.8647, "IoU.water": 0.6209, "IoU.painting": 0.7622, "IoU.sofa": 0.8155, "IoU.shelf": 0.5104, "IoU.house": 0.5515, "IoU.sea": 0.6716, "IoU.mirror": 0.7836, "IoU.rug": 0.6782, "IoU.field": 0.3482, "IoU.armchair": 0.5903, "IoU.seat": 0.6343, "IoU.fence": 0.508, "IoU.desk": 0.5639, "IoU.rock": 0.5548, "IoU.wardrobe": 0.5476, "IoU.lamp": 0.7244, "IoU.bathtub": 0.8421, "IoU.railing": 0.4166, "IoU.cushion": 0.6927, "IoU.base": 0.3953, "IoU.box": 0.3449, "IoU.column": 0.5533, "IoU.signboard": 0.4128, "IoU.chest of drawers": 0.4398, "IoU.counter": 0.414, "IoU.sand": 0.5115, "IoU.sink": 0.7722, "IoU.skyscraper": 0.5043, "IoU.fireplace": 0.7625, "IoU.refrigerator": 0.7656, "IoU.grandstand": 0.5111, "IoU.path": 0.2599, "IoU.stairs": 0.2157, "IoU.runway": 0.7318, "IoU.case": 0.5986, "IoU.pool table": 0.9467, "IoU.pillow": 0.7009, "IoU.screen door": 0.8442, "IoU.stairway": 0.4017, "IoU.river": 0.17, "IoU.bridge": 0.4556, "IoU.bookcase": 0.5179, "IoU.blind": 0.4309, "IoU.coffee table": 0.6395, "IoU.toilet": 0.8957, "IoU.flower": 0.3977, "IoU.book": 0.5822, "IoU.hill": 0.0874, "IoU.bench": 0.5001, "IoU.countertop": 0.6046, "IoU.stove": 0.8386, "IoU.palm": 0.5701, "IoU.kitchen island": 0.5057, "IoU.computer": 0.8146, "IoU.swivel chair": 0.4992, "IoU.boat": 0.6057, "IoU.bar": 0.565, "IoU.arcade machine": 0.7945, "IoU.hovel": 0.4567, "IoU.bus": 0.9315, "IoU.towel": 0.7422, "IoU.light": 0.5952, "IoU.truck": 0.4563, "IoU.tower": 0.1153, "IoU.chandelier": 0.7173, "IoU.awning": 0.4332, "IoU.streetlight": 0.3178, "IoU.booth": 0.4255, "IoU.television receiver": 0.7819, "IoU.airplane": 0.8588, "IoU.dirt track": 0.0604, "IoU.apparel": 0.4114, "IoU.pole": 0.255, "IoU.land": 0.052, "IoU.bannister": 0.1708, "IoU.escalator": 0.5639, "IoU.ottoman": 0.51, "IoU.bottle": 0.4253, "IoU.buffet": 0.5326, "IoU.poster": 0.3815, "IoU.stage": 0.2048, "IoU.van": 0.4376, "IoU.ship": 0.9197, "IoU.fountain": 0.2377, "IoU.conveyer belt": 0.7368, "IoU.canopy": 0.5367, "IoU.washer": 0.885, "IoU.plaything": 0.4017, "IoU.swimming pool": 0.7192, "IoU.stool": 0.5317, "IoU.barrel": 0.5656, "IoU.basket": 0.3845, "IoU.waterfall": 0.4668, "IoU.tent": 0.9165, "IoU.bag": 0.2295, "IoU.minibike": 0.7441, "IoU.cradle": 0.7775, "IoU.oven": 0.5677, "IoU.ball": 0.5681, "IoU.food": 0.6343, "IoU.step": 0.1153, "IoU.tank": 0.5732, "IoU.trade name": 0.3193, "IoU.microwave": 0.8863, "IoU.pot": 0.5867, "IoU.animal": 0.6102, "IoU.bicycle": 0.5957, "IoU.lake": 0.5531, "IoU.dishwasher": 0.7006, "IoU.screen": 0.6159, "IoU.blanket": 0.2436, "IoU.sculpture": 0.7974, "IoU.hood": 0.6269, "IoU.sconce": 0.5635, "IoU.vase": 0.4905, "IoU.traffic light": 0.3975, "IoU.tray": 0.1357, "IoU.ashcan": 0.4611, "IoU.fan": 0.6674, "IoU.pier": 0.4578, "IoU.crt screen": 0.1405, "IoU.plate": 0.5903, "IoU.monitor": 0.2841, "IoU.bulletin board": 0.5473, "IoU.shower": 0.0459, "IoU.radiator": 0.6564, "IoU.glass": 0.1951, "IoU.clock": 0.4037, "IoU.flag": 0.7111, "Acc.wall": 0.8984, "Acc.building": 0.939, "Acc.sky": 0.9772, "Acc.floor": 0.9129, "Acc.tree": 0.8915, "Acc.ceiling": 0.9379, "Acc.road": 0.9129, "Acc.bed ": 0.9707, "Acc.windowpane": 0.7917, "Acc.grass": 0.7996, "Acc.cabinet": 0.7334, "Acc.sidewalk": 0.8699, "Acc.person": 0.9396, "Acc.earth": 0.5225, "Acc.door": 0.7548, "Acc.table": 0.8186, "Acc.mountain": 0.6418, "Acc.plant": 0.6734, "Acc.curtain": 0.8886, "Acc.chair": 0.773, "Acc.car": 0.9466, "Acc.water": 0.7766, "Acc.painting": 0.8978, "Acc.sofa": 0.917, "Acc.shelf": 0.6918, "Acc.house": 0.645, "Acc.sea": 0.8318, "Acc.mirror": 0.8514, "Acc.rug": 0.8224, "Acc.field": 0.6335, "Acc.armchair": 0.7587, "Acc.seat": 0.8908, "Acc.fence": 0.6605, "Acc.desk": 0.7798, "Acc.rock": 0.8512, "Acc.wardrobe": 0.7526, "Acc.lamp": 0.8443, "Acc.bathtub": 0.8672, "Acc.railing": 0.5949, "Acc.cushion": 0.79, "Acc.base": 0.537, "Acc.box": 0.407, "Acc.column": 0.7357, "Acc.signboard": 0.5358, "Acc.chest of drawers": 0.7263, "Acc.counter": 0.5075, "Acc.sand": 0.7961, "Acc.sink": 0.8572, "Acc.skyscraper": 0.6558, "Acc.fireplace": 0.9043, "Acc.refrigerator": 0.9321, "Acc.grandstand": 0.8128, "Acc.path": 0.3391, "Acc.stairs": 0.2729, "Acc.runway": 0.9678, "Acc.case": 0.758, "Acc.pool table": 0.9743, "Acc.pillow": 0.8583, "Acc.screen door": 0.8883, "Acc.stairway": 0.5758, "Acc.river": 0.3632, "Acc.bridge": 0.5048, "Acc.bookcase": 0.6215, "Acc.blind": 0.527, "Acc.coffee table": 0.8899, "Acc.toilet": 0.9318, "Acc.flower": 0.5351, "Acc.book": 0.6963, "Acc.hill": 0.2299, "Acc.bench": 0.6002, "Acc.countertop": 0.8398, "Acc.stove": 0.9333, "Acc.palm": 0.8394, "Acc.kitchen island": 0.8875, "Acc.computer": 0.9356, "Acc.swivel chair": 0.7939, "Acc.boat": 0.8578, "Acc.bar": 0.7214, "Acc.arcade machine": 0.8339, "Acc.hovel": 0.5226, "Acc.bus": 0.9622, "Acc.towel": 0.875, "Acc.light": 0.69, "Acc.truck": 0.5731, "Acc.tower": 0.1634, "Acc.chandelier": 0.8732, "Acc.awning": 0.5383, "Acc.streetlight": 0.4357, "Acc.booth": 0.5662, "Acc.television receiver": 0.8608, "Acc.airplane": 0.9148, "Acc.dirt track": 0.3319, "Acc.apparel": 0.5577, "Acc.pole": 0.3464, "Acc.land": 0.0901, "Acc.bannister": 0.2281, "Acc.escalator": 0.8113, "Acc.ottoman": 0.6983, "Acc.bottle": 0.6997, "Acc.buffet": 0.6788, "Acc.poster": 0.5237, "Acc.stage": 0.3847, "Acc.van": 0.6026, "Acc.ship": 0.9524, "Acc.fountain": 0.245, "Acc.conveyer belt": 0.9372, "Acc.canopy": 0.7145, "Acc.washer": 0.9202, "Acc.plaything": 0.6194, "Acc.swimming pool": 0.9458, "Acc.stool": 0.6958, "Acc.barrel": 0.6431, "Acc.basket": 0.6333, "Acc.waterfall": 0.6416, "Acc.tent": 0.9848, "Acc.bag": 0.2727, "Acc.minibike": 0.8998, "Acc.cradle": 0.9835, "Acc.oven": 0.6629, "Acc.ball": 0.7329, "Acc.food": 0.7538, "Acc.step": 0.1381, "Acc.tank": 0.617, "Acc.trade name": 0.3603, "Acc.microwave": 0.9567, "Acc.pot": 0.6803, "Acc.animal": 0.6259, "Acc.bicycle": 0.7558, "Acc.lake": 0.6194, "Acc.dishwasher": 0.7614, "Acc.screen": 0.917, "Acc.blanket": 0.2686, "Acc.sculpture": 0.8759, "Acc.hood": 0.7627, "Acc.sconce": 0.6574, "Acc.vase": 0.624, "Acc.traffic light": 0.6531, "Acc.tray": 0.1719, "Acc.ashcan": 0.6167, "Acc.fan": 0.8149, "Acc.pier": 0.6876, "Acc.crt screen": 0.316, "Acc.plate": 0.7461, "Acc.monitor": 0.3448, "Acc.bulletin board": 0.6592, "Acc.shower": 0.0696, "Acc.radiator": 0.7533, "Acc.glass": 0.2145, "Acc.clock": 0.4547, "Acc.flag": 0.7683} {"mode": "train", "epoch": 43, "iter": 54050, "lr": 1e-05, "memory": 70498, "data_time": 1.98411, "decode.loss_ce": 0.18743, "decode.acc_seg": 91.84548, "aux.loss_ce": 0.07812, "aux.acc_seg": 91.50396, "loss": 0.26555, "time": 3.30341} {"mode": "train", "epoch": 43, "iter": 54100, "lr": 1e-05, "memory": 70498, "data_time": 0.00983, "decode.loss_ce": 0.18298, "decode.acc_seg": 92.06086, "aux.loss_ce": 0.07719, "aux.acc_seg": 91.61052, "loss": 0.26017, "time": 1.32958} {"mode": "train", "epoch": 43, "iter": 54150, "lr": 1e-05, "memory": 70498, "data_time": 0.00967, "decode.loss_ce": 0.16451, "decode.acc_seg": 93.05212, "aux.loss_ce": 0.07016, "aux.acc_seg": 92.58695, "loss": 0.23468, "time": 1.33669} {"mode": "train", "epoch": 43, "iter": 54200, "lr": 1e-05, "memory": 70498, "data_time": 0.00961, "decode.loss_ce": 0.1774, "decode.acc_seg": 92.37946, "aux.loss_ce": 0.07511, "aux.acc_seg": 91.94375, "loss": 0.25251, "time": 1.32504} {"mode": "train", "epoch": 43, "iter": 54250, "lr": 1e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.17131, "decode.acc_seg": 92.54411, "aux.loss_ce": 0.07258, "aux.acc_seg": 92.11546, "loss": 0.24388, "time": 1.3297} {"mode": "train", "epoch": 43, "iter": 54300, "lr": 1e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.17947, "decode.acc_seg": 92.20498, "aux.loss_ce": 0.07587, "aux.acc_seg": 91.82786, "loss": 0.25534, "time": 1.32771} {"mode": "train", "epoch": 44, "iter": 54350, "lr": 1e-05, "memory": 70498, "data_time": 0.05161, "decode.loss_ce": 0.18887, "decode.acc_seg": 92.00256, "aux.loss_ce": 0.07992, "aux.acc_seg": 91.56071, "loss": 0.26879, "time": 1.37577} {"mode": "train", "epoch": 44, "iter": 54400, "lr": 1e-05, "memory": 70498, "data_time": 0.00969, "decode.loss_ce": 0.16715, "decode.acc_seg": 92.71792, "aux.loss_ce": 0.07081, "aux.acc_seg": 92.33005, "loss": 0.23796, "time": 1.32493} {"mode": "train", "epoch": 44, "iter": 54450, "lr": 1e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.18377, "decode.acc_seg": 92.2089, "aux.loss_ce": 0.07758, "aux.acc_seg": 91.76962, "loss": 0.26134, "time": 1.33354} {"mode": "train", "epoch": 44, "iter": 54500, "lr": 1e-05, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.17223, "decode.acc_seg": 92.75507, "aux.loss_ce": 0.07309, "aux.acc_seg": 92.36649, "loss": 0.24532, "time": 1.33357} {"mode": "train", "epoch": 44, "iter": 54550, "lr": 1e-05, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.17641, "decode.acc_seg": 92.35386, "aux.loss_ce": 0.07483, "aux.acc_seg": 91.90549, "loss": 0.25124, "time": 1.33002} {"mode": "train", "epoch": 44, "iter": 54600, "lr": 1e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.17226, "decode.acc_seg": 92.68992, "aux.loss_ce": 0.07309, "aux.acc_seg": 92.18199, "loss": 0.24535, "time": 1.32556} {"mode": "train", "epoch": 44, "iter": 54650, "lr": 1e-05, "memory": 70498, "data_time": 0.00967, "decode.loss_ce": 0.16873, "decode.acc_seg": 92.69849, "aux.loss_ce": 0.07144, "aux.acc_seg": 92.31636, "loss": 0.24018, "time": 1.32986} {"mode": "train", "epoch": 44, "iter": 54700, "lr": 1e-05, "memory": 70498, "data_time": 0.00962, "decode.loss_ce": 0.18283, "decode.acc_seg": 91.92068, "aux.loss_ce": 0.07718, "aux.acc_seg": 91.61126, "loss": 0.26002, "time": 1.32888} {"mode": "train", "epoch": 44, "iter": 54750, "lr": 1e-05, "memory": 70498, "data_time": 0.00956, "decode.loss_ce": 0.19017, "decode.acc_seg": 91.81486, "aux.loss_ce": 0.08057, "aux.acc_seg": 91.3804, "loss": 0.27074, "time": 1.32757} {"mode": "train", "epoch": 44, "iter": 54800, "lr": 1e-05, "memory": 70498, "data_time": 0.00945, "decode.loss_ce": 0.1701, "decode.acc_seg": 92.63791, "aux.loss_ce": 0.07204, "aux.acc_seg": 92.22525, "loss": 0.24214, "time": 1.33194} {"mode": "train", "epoch": 44, "iter": 54850, "lr": 1e-05, "memory": 70498, "data_time": 0.00966, "decode.loss_ce": 0.18162, "decode.acc_seg": 92.45911, "aux.loss_ce": 0.07744, "aux.acc_seg": 91.92461, "loss": 0.25906, "time": 1.33074} {"mode": "train", "epoch": 44, "iter": 54900, "lr": 1e-05, "memory": 70498, "data_time": 0.00948, "decode.loss_ce": 0.18373, "decode.acc_seg": 92.27886, "aux.loss_ce": 0.07665, "aux.acc_seg": 91.90375, "loss": 0.26037, "time": 1.32639} {"mode": "train", "epoch": 44, "iter": 54950, "lr": 1e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.18088, "decode.acc_seg": 92.18153, "aux.loss_ce": 0.07693, "aux.acc_seg": 91.77527, "loss": 0.25781, "time": 1.32456} {"mode": "train", "epoch": 44, "iter": 55000, "lr": 1e-05, "memory": 70498, "data_time": 0.00943, "decode.loss_ce": 0.17528, "decode.acc_seg": 92.4988, "aux.loss_ce": 0.07387, "aux.acc_seg": 92.14783, "loss": 0.24915, "time": 1.3303} {"mode": "val", "epoch": 44, "iter": 250, "lr": 1e-05, "aAcc": 0.8603, "mIoU": 0.5688, "mAcc": 0.6993, "IoU.wall": 0.8161, "IoU.building": 0.8465, "IoU.sky": 0.9483, "IoU.floor": 0.85, "IoU.tree": 0.7776, "IoU.ceiling": 0.8714, "IoU.road": 0.8738, "IoU.bed ": 0.9243, "IoU.windowpane": 0.662, "IoU.grass": 0.6583, "IoU.cabinet": 0.6593, "IoU.sidewalk": 0.7272, "IoU.person": 0.8599, "IoU.earth": 0.3903, "IoU.door": 0.5856, "IoU.table": 0.7015, "IoU.mountain": 0.6057, "IoU.plant": 0.5456, "IoU.curtain": 0.7803, "IoU.chair": 0.6674, "IoU.car": 0.873, "IoU.water": 0.6437, "IoU.painting": 0.7728, "IoU.sofa": 0.8235, "IoU.shelf": 0.4948, "IoU.house": 0.5138, "IoU.sea": 0.7011, "IoU.mirror": 0.7859, "IoU.rug": 0.7181, "IoU.field": 0.3879, "IoU.armchair": 0.6124, "IoU.seat": 0.6512, "IoU.fence": 0.5284, "IoU.desk": 0.5894, "IoU.rock": 0.5278, "IoU.wardrobe": 0.5321, "IoU.lamp": 0.7331, "IoU.bathtub": 0.8475, "IoU.railing": 0.4245, "IoU.cushion": 0.7083, "IoU.base": 0.4234, "IoU.box": 0.3842, "IoU.column": 0.5448, "IoU.signboard": 0.414, "IoU.chest of drawers": 0.4464, "IoU.counter": 0.3717, "IoU.sand": 0.5179, "IoU.sink": 0.7583, "IoU.skyscraper": 0.5235, "IoU.fireplace": 0.7388, "IoU.refrigerator": 0.8119, "IoU.grandstand": 0.4932, "IoU.path": 0.2886, "IoU.stairs": 0.2893, "IoU.runway": 0.7385, "IoU.case": 0.5805, "IoU.pool table": 0.9483, "IoU.pillow": 0.6997, "IoU.screen door": 0.8279, "IoU.stairway": 0.4779, "IoU.river": 0.1984, "IoU.bridge": 0.7325, "IoU.bookcase": 0.4866, "IoU.blind": 0.4449, "IoU.coffee table": 0.6697, "IoU.toilet": 0.892, "IoU.flower": 0.4225, "IoU.book": 0.5823, "IoU.hill": 0.0761, "IoU.bench": 0.5277, "IoU.countertop": 0.6332, "IoU.stove": 0.8626, "IoU.palm": 0.5604, "IoU.kitchen island": 0.5123, "IoU.computer": 0.8112, "IoU.swivel chair": 0.5228, "IoU.boat": 0.6198, "IoU.bar": 0.5642, "IoU.arcade machine": 0.7912, "IoU.hovel": 0.4455, "IoU.bus": 0.9333, "IoU.towel": 0.7874, "IoU.light": 0.6157, "IoU.truck": 0.4182, "IoU.tower": 0.1085, "IoU.chandelier": 0.719, "IoU.awning": 0.467, "IoU.streetlight": 0.347, "IoU.booth": 0.434, "IoU.television receiver": 0.7783, "IoU.airplane": 0.8169, "IoU.dirt track": 0.0375, "IoU.apparel": 0.4382, "IoU.pole": 0.2833, "IoU.land": 0.0423, "IoU.bannister": 0.1689, "IoU.escalator": 0.5918, "IoU.ottoman": 0.506, "IoU.bottle": 0.424, "IoU.buffet": 0.5492, "IoU.poster": 0.3594, "IoU.stage": 0.2332, "IoU.van": 0.4397, "IoU.ship": 0.5905, "IoU.fountain": 0.23, "IoU.conveyer belt": 0.799, "IoU.canopy": 0.5692, "IoU.washer": 0.8624, "IoU.plaything": 0.3878, "IoU.swimming pool": 0.6712, "IoU.stool": 0.4723, "IoU.barrel": 0.5441, "IoU.basket": 0.4024, "IoU.waterfall": 0.6527, "IoU.tent": 0.8915, "IoU.bag": 0.2062, "IoU.minibike": 0.7602, "IoU.cradle": 0.8579, "IoU.oven": 0.5262, "IoU.ball": 0.5288, "IoU.food": 0.5582, "IoU.step": 0.1104, "IoU.tank": 0.6285, "IoU.trade name": 0.2934, "IoU.microwave": 0.8622, "IoU.pot": 0.5764, "IoU.animal": 0.6344, "IoU.bicycle": 0.5923, "IoU.lake": 0.5561, "IoU.dishwasher": 0.6676, "IoU.screen": 0.6249, "IoU.blanket": 0.335, "IoU.sculpture": 0.7517, "IoU.hood": 0.6242, "IoU.sconce": 0.5653, "IoU.vase": 0.4888, "IoU.traffic light": 0.4091, "IoU.tray": 0.1562, "IoU.ashcan": 0.4784, "IoU.fan": 0.6616, "IoU.pier": 0.3606, "IoU.crt screen": 0.1479, "IoU.plate": 0.5945, "IoU.monitor": 0.3786, "IoU.bulletin board": 0.5183, "IoU.shower": 0.0667, "IoU.radiator": 0.6475, "IoU.glass": 0.188, "IoU.clock": 0.4266, "IoU.flag": 0.7174, "Acc.wall": 0.8874, "Acc.building": 0.9402, "Acc.sky": 0.9757, "Acc.floor": 0.9194, "Acc.tree": 0.9004, "Acc.ceiling": 0.9412, "Acc.road": 0.9142, "Acc.bed ": 0.9731, "Acc.windowpane": 0.8029, "Acc.grass": 0.81, "Acc.cabinet": 0.7626, "Acc.sidewalk": 0.8665, "Acc.person": 0.9371, "Acc.earth": 0.4981, "Acc.door": 0.7588, "Acc.table": 0.8251, "Acc.mountain": 0.728, "Acc.plant": 0.6472, "Acc.curtain": 0.8792, "Acc.chair": 0.762, "Acc.car": 0.9431, "Acc.water": 0.789, "Acc.painting": 0.9205, "Acc.sofa": 0.9086, "Acc.shelf": 0.6926, "Acc.house": 0.5895, "Acc.sea": 0.8499, "Acc.mirror": 0.8409, "Acc.rug": 0.8127, "Acc.field": 0.6853, "Acc.armchair": 0.8015, "Acc.seat": 0.8706, "Acc.fence": 0.7372, "Acc.desk": 0.7864, "Acc.rock": 0.8249, "Acc.wardrobe": 0.6909, "Acc.lamp": 0.8791, "Acc.bathtub": 0.8734, "Acc.railing": 0.6056, "Acc.cushion": 0.8334, "Acc.base": 0.5442, "Acc.box": 0.4761, "Acc.column": 0.6743, "Acc.signboard": 0.5965, "Acc.chest of drawers": 0.6987, "Acc.counter": 0.4684, "Acc.sand": 0.7508, "Acc.sink": 0.8379, "Acc.skyscraper": 0.6225, "Acc.fireplace": 0.9359, "Acc.refrigerator": 0.9434, "Acc.grandstand": 0.8012, "Acc.path": 0.407, "Acc.stairs": 0.3937, "Acc.runway": 0.9722, "Acc.case": 0.8227, "Acc.pool table": 0.9801, "Acc.pillow": 0.7896, "Acc.screen door": 0.8608, "Acc.stairway": 0.6227, "Acc.river": 0.3548, "Acc.bridge": 0.8929, "Acc.bookcase": 0.6803, "Acc.blind": 0.5088, "Acc.coffee table": 0.8779, "Acc.toilet": 0.935, "Acc.flower": 0.5802, "Acc.book": 0.7637, "Acc.hill": 0.143, "Acc.bench": 0.6188, "Acc.countertop": 0.8443, "Acc.stove": 0.9534, "Acc.palm": 0.8078, "Acc.kitchen island": 0.8619, "Acc.computer": 0.9346, "Acc.swivel chair": 0.7933, "Acc.boat": 0.8729, "Acc.bar": 0.7559, "Acc.arcade machine": 0.8423, "Acc.hovel": 0.5065, "Acc.bus": 0.9688, "Acc.towel": 0.902, "Acc.light": 0.7252, "Acc.truck": 0.5416, "Acc.tower": 0.153, "Acc.chandelier": 0.8614, "Acc.awning": 0.5911, "Acc.streetlight": 0.4871, "Acc.booth": 0.6528, "Acc.television receiver": 0.8829, "Acc.airplane": 0.895, "Acc.dirt track": 0.1683, "Acc.apparel": 0.6363, "Acc.pole": 0.4155, "Acc.land": 0.0626, "Acc.bannister": 0.2441, "Acc.escalator": 0.8042, "Acc.ottoman": 0.7558, "Acc.bottle": 0.6002, "Acc.buffet": 0.6179, "Acc.poster": 0.4561, "Acc.stage": 0.433, "Acc.van": 0.6421, "Acc.ship": 0.6521, "Acc.fountain": 0.2437, "Acc.conveyer belt": 0.9274, "Acc.canopy": 0.7319, "Acc.washer": 0.8905, "Acc.plaything": 0.6539, "Acc.swimming pool": 0.7784, "Acc.stool": 0.7401, "Acc.barrel": 0.66, "Acc.basket": 0.6488, "Acc.waterfall": 0.8703, "Acc.tent": 0.9903, "Acc.bag": 0.2486, "Acc.minibike": 0.8814, "Acc.cradle": 0.9782, "Acc.oven": 0.605, "Acc.ball": 0.5692, "Acc.food": 0.7059, "Acc.step": 0.1296, "Acc.tank": 0.7426, "Acc.trade name": 0.3403, "Acc.microwave": 0.9585, "Acc.pot": 0.68, "Acc.animal": 0.6567, "Acc.bicycle": 0.7876, "Acc.lake": 0.636, "Acc.dishwasher": 0.7484, "Acc.screen": 0.9385, "Acc.blanket": 0.3944, "Acc.sculpture": 0.8801, "Acc.hood": 0.7466, "Acc.sconce": 0.6642, "Acc.vase": 0.6302, "Acc.traffic light": 0.6527, "Acc.tray": 0.2025, "Acc.ashcan": 0.6536, "Acc.fan": 0.7988, "Acc.pier": 0.528, "Acc.crt screen": 0.2986, "Acc.plate": 0.7681, "Acc.monitor": 0.4352, "Acc.bulletin board": 0.6363, "Acc.shower": 0.0704, "Acc.radiator": 0.7604, "Acc.glass": 0.2024, "Acc.clock": 0.4959, "Acc.flag": 0.8004} {"mode": "train", "epoch": 44, "iter": 55050, "lr": 1e-05, "memory": 70498, "data_time": 1.99964, "decode.loss_ce": 0.16957, "decode.acc_seg": 92.87067, "aux.loss_ce": 0.07158, "aux.acc_seg": 92.41187, "loss": 0.24116, "time": 3.3162} {"mode": "train", "epoch": 44, "iter": 55100, "lr": 1e-05, "memory": 70498, "data_time": 0.00967, "decode.loss_ce": 0.17897, "decode.acc_seg": 92.18427, "aux.loss_ce": 0.0754, "aux.acc_seg": 91.84167, "loss": 0.25437, "time": 1.32975} {"mode": "train", "epoch": 44, "iter": 55150, "lr": 1e-05, "memory": 70498, "data_time": 0.00972, "decode.loss_ce": 0.17086, "decode.acc_seg": 92.53733, "aux.loss_ce": 0.07238, "aux.acc_seg": 92.09539, "loss": 0.24324, "time": 1.32784} {"mode": "train", "epoch": 44, "iter": 55200, "lr": 1e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.17778, "decode.acc_seg": 92.34751, "aux.loss_ce": 0.0746, "aux.acc_seg": 92.00644, "loss": 0.25238, "time": 1.32712} {"mode": "train", "epoch": 44, "iter": 55250, "lr": 1e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.1837, "decode.acc_seg": 92.32139, "aux.loss_ce": 0.0774, "aux.acc_seg": 91.95368, "loss": 0.2611, "time": 1.33054} {"mode": "train", "epoch": 44, "iter": 55300, "lr": 1e-05, "memory": 70498, "data_time": 0.00968, "decode.loss_ce": 0.17432, "decode.acc_seg": 92.55362, "aux.loss_ce": 0.07374, "aux.acc_seg": 92.07488, "loss": 0.24806, "time": 1.32861} {"mode": "train", "epoch": 44, "iter": 55350, "lr": 1e-05, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.17851, "decode.acc_seg": 91.95923, "aux.loss_ce": 0.07551, "aux.acc_seg": 91.58065, "loss": 0.25402, "time": 1.33438} {"mode": "train", "epoch": 44, "iter": 55400, "lr": 1e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.17839, "decode.acc_seg": 92.30681, "aux.loss_ce": 0.07563, "aux.acc_seg": 91.86512, "loss": 0.25402, "time": 1.32444} {"mode": "train", "epoch": 44, "iter": 55450, "lr": 1e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.16336, "decode.acc_seg": 92.83556, "aux.loss_ce": 0.06963, "aux.acc_seg": 92.42388, "loss": 0.23298, "time": 1.33} {"mode": "train", "epoch": 44, "iter": 55500, "lr": 1e-05, "memory": 70498, "data_time": 0.00982, "decode.loss_ce": 0.18627, "decode.acc_seg": 92.09519, "aux.loss_ce": 0.07833, "aux.acc_seg": 91.71691, "loss": 0.2646, "time": 1.32841} {"mode": "train", "epoch": 44, "iter": 55550, "lr": 1e-05, "memory": 70498, "data_time": 0.00944, "decode.loss_ce": 0.17491, "decode.acc_seg": 92.23342, "aux.loss_ce": 0.0737, "aux.acc_seg": 91.91491, "loss": 0.24861, "time": 1.32827} {"mode": "train", "epoch": 45, "iter": 55600, "lr": 1e-05, "memory": 70498, "data_time": 0.06752, "decode.loss_ce": 0.18173, "decode.acc_seg": 92.25696, "aux.loss_ce": 0.07666, "aux.acc_seg": 91.85297, "loss": 0.25839, "time": 1.39256} {"mode": "train", "epoch": 45, "iter": 55650, "lr": 1e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.16336, "decode.acc_seg": 92.82023, "aux.loss_ce": 0.06928, "aux.acc_seg": 92.44351, "loss": 0.23264, "time": 1.32853} {"mode": "train", "epoch": 45, "iter": 55700, "lr": 1e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.17756, "decode.acc_seg": 92.60329, "aux.loss_ce": 0.07456, "aux.acc_seg": 92.30871, "loss": 0.25213, "time": 1.33097} {"mode": "train", "epoch": 45, "iter": 55750, "lr": 1e-05, "memory": 70498, "data_time": 0.00942, "decode.loss_ce": 0.17789, "decode.acc_seg": 92.17676, "aux.loss_ce": 0.07496, "aux.acc_seg": 91.94189, "loss": 0.25285, "time": 1.32993} {"mode": "train", "epoch": 45, "iter": 55800, "lr": 1e-05, "memory": 70498, "data_time": 0.00945, "decode.loss_ce": 0.17415, "decode.acc_seg": 92.48099, "aux.loss_ce": 0.0733, "aux.acc_seg": 92.06329, "loss": 0.24745, "time": 1.33078} {"mode": "train", "epoch": 45, "iter": 55850, "lr": 1e-05, "memory": 70498, "data_time": 0.00944, "decode.loss_ce": 0.17499, "decode.acc_seg": 92.49425, "aux.loss_ce": 0.07373, "aux.acc_seg": 92.09452, "loss": 0.24872, "time": 1.32807} {"mode": "train", "epoch": 45, "iter": 55900, "lr": 1e-05, "memory": 70498, "data_time": 0.00974, "decode.loss_ce": 0.17488, "decode.acc_seg": 92.69203, "aux.loss_ce": 0.07437, "aux.acc_seg": 92.24981, "loss": 0.24925, "time": 1.33334} {"mode": "train", "epoch": 45, "iter": 55950, "lr": 1e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.17325, "decode.acc_seg": 92.50804, "aux.loss_ce": 0.07347, "aux.acc_seg": 92.07792, "loss": 0.24672, "time": 1.33068} {"mode": "train", "epoch": 45, "iter": 56000, "lr": 1e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.16692, "decode.acc_seg": 92.88125, "aux.loss_ce": 0.07071, "aux.acc_seg": 92.37376, "loss": 0.23764, "time": 3.38683} {"mode": "val", "epoch": 45, "iter": 250, "lr": 1e-05, "aAcc": 0.8612, "mIoU": 0.5701, "mAcc": 0.6933, "IoU.wall": 0.822, "IoU.building": 0.8542, "IoU.sky": 0.949, "IoU.floor": 0.8502, "IoU.tree": 0.7755, "IoU.ceiling": 0.8726, "IoU.road": 0.8621, "IoU.bed ": 0.923, "IoU.windowpane": 0.6663, "IoU.grass": 0.6736, "IoU.cabinet": 0.6609, "IoU.sidewalk": 0.7194, "IoU.person": 0.8547, "IoU.earth": 0.3746, "IoU.door": 0.5992, "IoU.table": 0.6978, "IoU.mountain": 0.6062, "IoU.plant": 0.5436, "IoU.curtain": 0.7752, "IoU.chair": 0.667, "IoU.car": 0.8712, "IoU.water": 0.6274, "IoU.painting": 0.7699, "IoU.sofa": 0.831, "IoU.shelf": 0.5023, "IoU.house": 0.5202, "IoU.sea": 0.6722, "IoU.mirror": 0.7922, "IoU.rug": 0.7172, "IoU.field": 0.3891, "IoU.armchair": 0.6124, "IoU.seat": 0.6611, "IoU.fence": 0.5031, "IoU.desk": 0.5422, "IoU.rock": 0.5518, "IoU.wardrobe": 0.5616, "IoU.lamp": 0.742, "IoU.bathtub": 0.8419, "IoU.railing": 0.3991, "IoU.cushion": 0.6874, "IoU.base": 0.4449, "IoU.box": 0.3869, "IoU.column": 0.5651, "IoU.signboard": 0.4132, "IoU.chest of drawers": 0.443, "IoU.counter": 0.3694, "IoU.sand": 0.5275, "IoU.sink": 0.7776, "IoU.skyscraper": 0.5045, "IoU.fireplace": 0.7439, "IoU.refrigerator": 0.802, "IoU.grandstand": 0.4944, "IoU.path": 0.292, "IoU.stairs": 0.2983, "IoU.runway": 0.6851, "IoU.case": 0.572, "IoU.pool table": 0.9473, "IoU.pillow": 0.6988, "IoU.screen door": 0.8404, "IoU.stairway": 0.4459, "IoU.river": 0.2062, "IoU.bridge": 0.7641, "IoU.bookcase": 0.4565, "IoU.blind": 0.4344, "IoU.coffee table": 0.6569, "IoU.toilet": 0.8956, "IoU.flower": 0.4172, "IoU.book": 0.5448, "IoU.hill": 0.0754, "IoU.bench": 0.5121, "IoU.countertop": 0.6475, "IoU.stove": 0.8795, "IoU.palm": 0.5701, "IoU.kitchen island": 0.4891, "IoU.computer": 0.7902, "IoU.swivel chair": 0.5076, "IoU.boat": 0.6582, "IoU.bar": 0.5618, "IoU.arcade machine": 0.7801, "IoU.hovel": 0.438, "IoU.bus": 0.9257, "IoU.towel": 0.7564, "IoU.light": 0.6047, "IoU.truck": 0.4354, "IoU.tower": 0.0975, "IoU.chandelier": 0.726, "IoU.awning": 0.4526, "IoU.streetlight": 0.3055, "IoU.booth": 0.3974, "IoU.television receiver": 0.7909, "IoU.airplane": 0.7683, "IoU.dirt track": 0.0628, "IoU.apparel": 0.4485, "IoU.pole": 0.2699, "IoU.land": 0.0349, "IoU.bannister": 0.173, "IoU.escalator": 0.5556, "IoU.ottoman": 0.5236, "IoU.bottle": 0.4231, "IoU.buffet": 0.5204, "IoU.poster": 0.3497, "IoU.stage": 0.2608, "IoU.van": 0.4536, "IoU.ship": 0.8578, "IoU.fountain": 0.2708, "IoU.conveyer belt": 0.8033, "IoU.canopy": 0.6043, "IoU.washer": 0.8641, "IoU.plaything": 0.3415, "IoU.swimming pool": 0.7277, "IoU.stool": 0.4916, "IoU.barrel": 0.5704, "IoU.basket": 0.4214, "IoU.waterfall": 0.7123, "IoU.tent": 0.9069, "IoU.bag": 0.1738, "IoU.minibike": 0.7598, "IoU.cradle": 0.8458, "IoU.oven": 0.521, "IoU.ball": 0.5372, "IoU.food": 0.6112, "IoU.step": 0.1191, "IoU.tank": 0.6845, "IoU.trade name": 0.2271, "IoU.microwave": 0.8511, "IoU.pot": 0.5937, "IoU.animal": 0.642, "IoU.bicycle": 0.5788, "IoU.lake": 0.5243, "IoU.dishwasher": 0.7235, "IoU.screen": 0.5289, "IoU.blanket": 0.2594, "IoU.sculpture": 0.7904, "IoU.hood": 0.6181, "IoU.sconce": 0.5375, "IoU.vase": 0.485, "IoU.traffic light": 0.4162, "IoU.tray": 0.1511, "IoU.ashcan": 0.4711, "IoU.fan": 0.6688, "IoU.pier": 0.3572, "IoU.crt screen": 0.1386, "IoU.plate": 0.592, "IoU.monitor": 0.5852, "IoU.bulletin board": 0.5405, "IoU.shower": 0.0531, "IoU.radiator": 0.6138, "IoU.glass": 0.197, "IoU.clock": 0.425, "IoU.flag": 0.7072, "Acc.wall": 0.8991, "Acc.building": 0.9406, "Acc.sky": 0.9751, "Acc.floor": 0.9229, "Acc.tree": 0.8938, "Acc.ceiling": 0.9426, "Acc.road": 0.9254, "Acc.bed ": 0.9699, "Acc.windowpane": 0.8216, "Acc.grass": 0.8035, "Acc.cabinet": 0.7593, "Acc.sidewalk": 0.8427, "Acc.person": 0.9388, "Acc.earth": 0.4974, "Acc.door": 0.7457, "Acc.table": 0.7945, "Acc.mountain": 0.7364, "Acc.plant": 0.6776, "Acc.curtain": 0.8929, "Acc.chair": 0.7841, "Acc.car": 0.9477, "Acc.water": 0.754, "Acc.painting": 0.9046, "Acc.sofa": 0.9355, "Acc.shelf": 0.6758, "Acc.house": 0.594, "Acc.sea": 0.8312, "Acc.mirror": 0.8525, "Acc.rug": 0.8087, "Acc.field": 0.6587, "Acc.armchair": 0.7655, "Acc.seat": 0.8806, "Acc.fence": 0.6339, "Acc.desk": 0.7614, "Acc.rock": 0.8257, "Acc.wardrobe": 0.742, "Acc.lamp": 0.8459, "Acc.bathtub": 0.8685, "Acc.railing": 0.5258, "Acc.cushion": 0.7843, "Acc.base": 0.6211, "Acc.box": 0.506, "Acc.column": 0.7029, "Acc.signboard": 0.5501, "Acc.chest of drawers": 0.695, "Acc.counter": 0.4226, "Acc.sand": 0.7737, "Acc.sink": 0.8417, "Acc.skyscraper": 0.6499, "Acc.fireplace": 0.9458, "Acc.refrigerator": 0.9256, "Acc.grandstand": 0.8383, "Acc.path": 0.4528, "Acc.stairs": 0.3865, "Acc.runway": 0.8933, "Acc.case": 0.7378, "Acc.pool table": 0.9826, "Acc.pillow": 0.8143, "Acc.screen door": 0.8713, "Acc.stairway": 0.5536, "Acc.river": 0.4273, "Acc.bridge": 0.8627, "Acc.bookcase": 0.6775, "Acc.blind": 0.4754, "Acc.coffee table": 0.8626, "Acc.toilet": 0.9321, "Acc.flower": 0.5075, "Acc.book": 0.7924, "Acc.hill": 0.124, "Acc.bench": 0.5756, "Acc.countertop": 0.8415, "Acc.stove": 0.9513, "Acc.palm": 0.8186, "Acc.kitchen island": 0.7919, "Acc.computer": 0.9358, "Acc.swivel chair": 0.8133, "Acc.boat": 0.8753, "Acc.bar": 0.7514, "Acc.arcade machine": 0.8444, "Acc.hovel": 0.4956, "Acc.bus": 0.9679, "Acc.towel": 0.8664, "Acc.light": 0.6876, "Acc.truck": 0.5863, "Acc.tower": 0.1574, "Acc.chandelier": 0.8669, "Acc.awning": 0.6234, "Acc.streetlight": 0.4014, "Acc.booth": 0.589, "Acc.television receiver": 0.8473, "Acc.airplane": 0.8337, "Acc.dirt track": 0.3121, "Acc.apparel": 0.622, "Acc.pole": 0.3629, "Acc.land": 0.057, "Acc.bannister": 0.2561, "Acc.escalator": 0.8118, "Acc.ottoman": 0.6868, "Acc.bottle": 0.6028, "Acc.buffet": 0.655, "Acc.poster": 0.5389, "Acc.stage": 0.438, "Acc.van": 0.586, "Acc.ship": 0.8952, "Acc.fountain": 0.2913, "Acc.conveyer belt": 0.935, "Acc.canopy": 0.7753, "Acc.washer": 0.9081, "Acc.plaything": 0.4173, "Acc.swimming pool": 0.8979, "Acc.stool": 0.7139, "Acc.barrel": 0.6448, "Acc.basket": 0.5945, "Acc.waterfall": 0.8501, "Acc.tent": 0.9872, "Acc.bag": 0.1925, "Acc.minibike": 0.8697, "Acc.cradle": 0.9727, "Acc.oven": 0.5867, "Acc.ball": 0.5959, "Acc.food": 0.7455, "Acc.step": 0.143, "Acc.tank": 0.7743, "Acc.trade name": 0.2499, "Acc.microwave": 0.9634, "Acc.pot": 0.7171, "Acc.animal": 0.6559, "Acc.bicycle": 0.7207, "Acc.lake": 0.6358, "Acc.dishwasher": 0.825, "Acc.screen": 0.7834, "Acc.blanket": 0.291, "Acc.sculpture": 0.859, "Acc.hood": 0.741, "Acc.sconce": 0.5972, "Acc.vase": 0.6002, "Acc.traffic light": 0.5911, "Acc.tray": 0.2012, "Acc.ashcan": 0.586, "Acc.fan": 0.7875, "Acc.pier": 0.4595, "Acc.crt screen": 0.2632, "Acc.plate": 0.72, "Acc.monitor": 0.7215, "Acc.bulletin board": 0.7479, "Acc.shower": 0.0674, "Acc.radiator": 0.6944, "Acc.glass": 0.2135, "Acc.clock": 0.4763, "Acc.flag": 0.7935} {"mode": "train", "epoch": 45, "iter": 56050, "lr": 1e-05, "memory": 70498, "data_time": 1.94274, "decode.loss_ce": 0.17037, "decode.acc_seg": 92.49394, "aux.loss_ce": 0.07242, "aux.acc_seg": 92.02778, "loss": 0.24278, "time": 3.26078} {"mode": "train", "epoch": 45, "iter": 56100, "lr": 1e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.18207, "decode.acc_seg": 92.2019, "aux.loss_ce": 0.07654, "aux.acc_seg": 91.80453, "loss": 0.2586, "time": 1.32922} {"mode": "train", "epoch": 45, "iter": 56150, "lr": 1e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.18119, "decode.acc_seg": 92.27359, "aux.loss_ce": 0.07678, "aux.acc_seg": 91.86885, "loss": 0.25796, "time": 1.32998} {"mode": "train", "epoch": 45, "iter": 56200, "lr": 1e-05, "memory": 70498, "data_time": 0.00943, "decode.loss_ce": 0.17059, "decode.acc_seg": 92.79071, "aux.loss_ce": 0.07255, "aux.acc_seg": 92.37174, "loss": 0.24314, "time": 1.32655} {"mode": "train", "epoch": 45, "iter": 56250, "lr": 1e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.18897, "decode.acc_seg": 91.959, "aux.loss_ce": 0.07932, "aux.acc_seg": 91.57862, "loss": 0.2683, "time": 1.32652} {"mode": "train", "epoch": 45, "iter": 56300, "lr": 1e-05, "memory": 70498, "data_time": 0.00968, "decode.loss_ce": 0.18612, "decode.acc_seg": 92.00276, "aux.loss_ce": 0.0786, "aux.acc_seg": 91.60361, "loss": 0.26473, "time": 1.327} {"mode": "train", "epoch": 45, "iter": 56350, "lr": 1e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.18147, "decode.acc_seg": 92.35289, "aux.loss_ce": 0.07665, "aux.acc_seg": 91.95638, "loss": 0.25812, "time": 1.33086} {"mode": "train", "epoch": 45, "iter": 56400, "lr": 1e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.17902, "decode.acc_seg": 92.34536, "aux.loss_ce": 0.07538, "aux.acc_seg": 91.92397, "loss": 0.2544, "time": 1.3255} {"mode": "train", "epoch": 45, "iter": 56450, "lr": 1e-05, "memory": 70498, "data_time": 0.00939, "decode.loss_ce": 0.17537, "decode.acc_seg": 92.53265, "aux.loss_ce": 0.07467, "aux.acc_seg": 92.08714, "loss": 0.25004, "time": 1.33023} {"mode": "train", "epoch": 45, "iter": 56500, "lr": 1e-05, "memory": 70498, "data_time": 0.00944, "decode.loss_ce": 0.17644, "decode.acc_seg": 92.32939, "aux.loss_ce": 0.075, "aux.acc_seg": 91.9069, "loss": 0.25144, "time": 1.33188} {"mode": "train", "epoch": 45, "iter": 56550, "lr": 1e-05, "memory": 70498, "data_time": 0.00948, "decode.loss_ce": 0.17627, "decode.acc_seg": 92.56134, "aux.loss_ce": 0.07432, "aux.acc_seg": 92.18494, "loss": 0.2506, "time": 1.32575} {"mode": "train", "epoch": 45, "iter": 56600, "lr": 1e-05, "memory": 70498, "data_time": 0.00965, "decode.loss_ce": 0.17984, "decode.acc_seg": 92.12746, "aux.loss_ce": 0.07609, "aux.acc_seg": 91.748, "loss": 0.25593, "time": 1.32657} {"mode": "train", "epoch": 45, "iter": 56650, "lr": 1e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.17424, "decode.acc_seg": 92.62788, "aux.loss_ce": 0.07359, "aux.acc_seg": 92.22073, "loss": 0.24783, "time": 1.32715} {"mode": "train", "epoch": 45, "iter": 56700, "lr": 1e-05, "memory": 70498, "data_time": 0.00941, "decode.loss_ce": 0.16494, "decode.acc_seg": 92.65563, "aux.loss_ce": 0.06993, "aux.acc_seg": 92.24676, "loss": 0.23487, "time": 1.33165} {"mode": "train", "epoch": 45, "iter": 56750, "lr": 1e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.17333, "decode.acc_seg": 92.40616, "aux.loss_ce": 0.07381, "aux.acc_seg": 91.89158, "loss": 0.24714, "time": 1.3241} {"mode": "train", "epoch": 45, "iter": 56800, "lr": 1e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.18686, "decode.acc_seg": 92.05978, "aux.loss_ce": 0.07873, "aux.acc_seg": 91.59348, "loss": 0.26559, "time": 1.32687} {"mode": "train", "epoch": 46, "iter": 56850, "lr": 1e-05, "memory": 70498, "data_time": 0.06154, "decode.loss_ce": 0.16641, "decode.acc_seg": 92.71192, "aux.loss_ce": 0.07089, "aux.acc_seg": 92.24474, "loss": 0.23729, "time": 1.38714} {"mode": "train", "epoch": 46, "iter": 56900, "lr": 1e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.16528, "decode.acc_seg": 92.86598, "aux.loss_ce": 0.07019, "aux.acc_seg": 92.47621, "loss": 0.23547, "time": 1.32499} {"mode": "train", "epoch": 46, "iter": 56950, "lr": 1e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.16302, "decode.acc_seg": 93.03396, "aux.loss_ce": 0.06936, "aux.acc_seg": 92.67951, "loss": 0.23238, "time": 1.3247} {"mode": "train", "epoch": 46, "iter": 57000, "lr": 1e-05, "memory": 70498, "data_time": 0.01031, "decode.loss_ce": 0.16203, "decode.acc_seg": 92.8736, "aux.loss_ce": 0.0692, "aux.acc_seg": 92.44475, "loss": 0.23123, "time": 1.32704} {"mode": "val", "epoch": 46, "iter": 250, "lr": 1e-05, "aAcc": 0.8616, "mIoU": 0.572, "mAcc": 0.6943, "IoU.wall": 0.8182, "IoU.building": 0.8533, "IoU.sky": 0.9493, "IoU.floor": 0.8501, "IoU.tree": 0.7777, "IoU.ceiling": 0.8699, "IoU.road": 0.8667, "IoU.bed ": 0.924, "IoU.windowpane": 0.6676, "IoU.grass": 0.6661, "IoU.cabinet": 0.6669, "IoU.sidewalk": 0.7192, "IoU.person": 0.855, "IoU.earth": 0.3815, "IoU.door": 0.5829, "IoU.table": 0.687, "IoU.mountain": 0.6343, "IoU.plant": 0.562, "IoU.curtain": 0.7784, "IoU.chair": 0.6751, "IoU.car": 0.8737, "IoU.water": 0.6253, "IoU.painting": 0.7794, "IoU.sofa": 0.8168, "IoU.shelf": 0.5278, "IoU.house": 0.5756, "IoU.sea": 0.6759, "IoU.mirror": 0.7792, "IoU.rug": 0.7088, "IoU.field": 0.3798, "IoU.armchair": 0.5998, "IoU.seat": 0.6674, "IoU.fence": 0.5124, "IoU.desk": 0.5736, "IoU.rock": 0.5749, "IoU.wardrobe": 0.5444, "IoU.lamp": 0.7409, "IoU.bathtub": 0.8416, "IoU.railing": 0.3914, "IoU.cushion": 0.6911, "IoU.base": 0.4581, "IoU.box": 0.3968, "IoU.column": 0.5502, "IoU.signboard": 0.3974, "IoU.chest of drawers": 0.4748, "IoU.counter": 0.4088, "IoU.sand": 0.5293, "IoU.sink": 0.762, "IoU.skyscraper": 0.5083, "IoU.fireplace": 0.7518, "IoU.refrigerator": 0.7972, "IoU.grandstand": 0.4817, "IoU.path": 0.2606, "IoU.stairs": 0.2599, "IoU.runway": 0.7287, "IoU.case": 0.5794, "IoU.pool table": 0.9505, "IoU.pillow": 0.7038, "IoU.screen door": 0.8226, "IoU.stairway": 0.448, "IoU.river": 0.171, "IoU.bridge": 0.7772, "IoU.bookcase": 0.4937, "IoU.blind": 0.479, "IoU.coffee table": 0.6354, "IoU.toilet": 0.8961, "IoU.flower": 0.4048, "IoU.book": 0.5694, "IoU.hill": 0.0834, "IoU.bench": 0.534, "IoU.countertop": 0.6431, "IoU.stove": 0.8734, "IoU.palm": 0.5684, "IoU.kitchen island": 0.4919, "IoU.computer": 0.8093, "IoU.swivel chair": 0.537, "IoU.boat": 0.6167, "IoU.bar": 0.5492, "IoU.arcade machine": 0.7713, "IoU.hovel": 0.4421, "IoU.bus": 0.9327, "IoU.towel": 0.7752, "IoU.light": 0.6091, "IoU.truck": 0.476, "IoU.tower": 0.0554, "IoU.chandelier": 0.7099, "IoU.awning": 0.4169, "IoU.streetlight": 0.3149, "IoU.booth": 0.5136, "IoU.television receiver": 0.7942, "IoU.airplane": 0.7954, "IoU.dirt track": 0.0541, "IoU.apparel": 0.4289, "IoU.pole": 0.2701, "IoU.land": 0.0459, "IoU.bannister": 0.147, "IoU.escalator": 0.5321, "IoU.ottoman": 0.4364, "IoU.bottle": 0.4141, "IoU.buffet": 0.506, "IoU.poster": 0.4217, "IoU.stage": 0.2719, "IoU.van": 0.4517, "IoU.ship": 0.7997, "IoU.fountain": 0.245, "IoU.conveyer belt": 0.7994, "IoU.canopy": 0.5721, "IoU.washer": 0.8539, "IoU.plaything": 0.3567, "IoU.swimming pool": 0.6144, "IoU.stool": 0.5659, "IoU.barrel": 0.5663, "IoU.basket": 0.4264, "IoU.waterfall": 0.653, "IoU.tent": 0.9369, "IoU.bag": 0.1903, "IoU.minibike": 0.7571, "IoU.cradle": 0.8542, "IoU.oven": 0.6201, "IoU.ball": 0.5481, "IoU.food": 0.6062, "IoU.step": 0.1157, "IoU.tank": 0.675, "IoU.trade name": 0.2379, "IoU.microwave": 0.9026, "IoU.pot": 0.5865, "IoU.animal": 0.6088, "IoU.bicycle": 0.5864, "IoU.lake": 0.4848, "IoU.dishwasher": 0.7234, "IoU.screen": 0.4802, "IoU.blanket": 0.3176, "IoU.sculpture": 0.7872, "IoU.hood": 0.6041, "IoU.sconce": 0.558, "IoU.vase": 0.4915, "IoU.traffic light": 0.4106, "IoU.tray": 0.1248, "IoU.ashcan": 0.4823, "IoU.fan": 0.6723, "IoU.pier": 0.3294, "IoU.crt screen": 0.1455, "IoU.plate": 0.5922, "IoU.monitor": 0.6746, "IoU.bulletin board": 0.5515, "IoU.shower": 0.0329, "IoU.radiator": 0.6206, "IoU.glass": 0.1869, "IoU.clock": 0.472, "IoU.flag": 0.7213, "Acc.wall": 0.8947, "Acc.building": 0.9377, "Acc.sky": 0.972, "Acc.floor": 0.9198, "Acc.tree": 0.9039, "Acc.ceiling": 0.9335, "Acc.road": 0.9195, "Acc.bed ": 0.9643, "Acc.windowpane": 0.8166, "Acc.grass": 0.8033, "Acc.cabinet": 0.7583, "Acc.sidewalk": 0.8617, "Acc.person": 0.9364, "Acc.earth": 0.4881, "Acc.door": 0.7334, "Acc.table": 0.8139, "Acc.mountain": 0.7863, "Acc.plant": 0.7037, "Acc.curtain": 0.8772, "Acc.chair": 0.7897, "Acc.car": 0.9413, "Acc.water": 0.7739, "Acc.painting": 0.9011, "Acc.sofa": 0.9334, "Acc.shelf": 0.726, "Acc.house": 0.7497, "Acc.sea": 0.82, "Acc.mirror": 0.8435, "Acc.rug": 0.8414, "Acc.field": 0.7176, "Acc.armchair": 0.7234, "Acc.seat": 0.8774, "Acc.fence": 0.6154, "Acc.desk": 0.7431, "Acc.rock": 0.7633, "Acc.wardrobe": 0.7381, "Acc.lamp": 0.8452, "Acc.bathtub": 0.8639, "Acc.railing": 0.567, "Acc.cushion": 0.794, "Acc.base": 0.628, "Acc.box": 0.541, "Acc.column": 0.7112, "Acc.signboard": 0.5363, "Acc.chest of drawers": 0.6802, "Acc.counter": 0.5155, "Acc.sand": 0.7549, "Acc.sink": 0.8263, "Acc.skyscraper": 0.6053, "Acc.fireplace": 0.923, "Acc.refrigerator": 0.9028, "Acc.grandstand": 0.7953, "Acc.path": 0.3587, "Acc.stairs": 0.3498, "Acc.runway": 0.9753, "Acc.case": 0.819, "Acc.pool table": 0.977, "Acc.pillow": 0.836, "Acc.screen door": 0.8694, "Acc.stairway": 0.6135, "Acc.river": 0.327, "Acc.bridge": 0.8987, "Acc.bookcase": 0.5939, "Acc.blind": 0.5107, "Acc.coffee table": 0.9015, "Acc.toilet": 0.9287, "Acc.flower": 0.514, "Acc.book": 0.7549, "Acc.hill": 0.1261, "Acc.bench": 0.6313, "Acc.countertop": 0.8391, "Acc.stove": 0.9473, "Acc.palm": 0.7686, "Acc.kitchen island": 0.8675, "Acc.computer": 0.9124, "Acc.swivel chair": 0.7342, "Acc.boat": 0.8682, "Acc.bar": 0.7779, "Acc.arcade machine": 0.812, "Acc.hovel": 0.5006, "Acc.bus": 0.9632, "Acc.towel": 0.8867, "Acc.light": 0.7113, "Acc.truck": 0.5557, "Acc.tower": 0.095, "Acc.chandelier": 0.8351, "Acc.awning": 0.5406, "Acc.streetlight": 0.411, "Acc.booth": 0.7123, "Acc.television receiver": 0.8404, "Acc.airplane": 0.8381, "Acc.dirt track": 0.1647, "Acc.apparel": 0.6274, "Acc.pole": 0.3725, "Acc.land": 0.0755, "Acc.bannister": 0.2139, "Acc.escalator": 0.8219, "Acc.ottoman": 0.59, "Acc.bottle": 0.561, "Acc.buffet": 0.6926, "Acc.poster": 0.5082, "Acc.stage": 0.481, "Acc.van": 0.5727, "Acc.ship": 0.8257, "Acc.fountain": 0.2617, "Acc.conveyer belt": 0.9338, "Acc.canopy": 0.7323, "Acc.washer": 0.9193, "Acc.plaything": 0.4965, "Acc.swimming pool": 0.9018, "Acc.stool": 0.6812, "Acc.barrel": 0.6457, "Acc.basket": 0.6015, "Acc.waterfall": 0.8921, "Acc.tent": 0.9873, "Acc.bag": 0.2126, "Acc.minibike": 0.8725, "Acc.cradle": 0.9763, "Acc.oven": 0.7287, "Acc.ball": 0.6014, "Acc.food": 0.7182, "Acc.step": 0.1414, "Acc.tank": 0.8049, "Acc.trade name": 0.2609, "Acc.microwave": 0.9498, "Acc.pot": 0.6698, "Acc.animal": 0.619, "Acc.bicycle": 0.7624, "Acc.lake": 0.6372, "Acc.dishwasher": 0.8239, "Acc.screen": 0.7251, "Acc.blanket": 0.3633, "Acc.sculpture": 0.8793, "Acc.hood": 0.7272, "Acc.sconce": 0.6536, "Acc.vase": 0.5952, "Acc.traffic light": 0.6125, "Acc.tray": 0.1521, "Acc.ashcan": 0.5952, "Acc.fan": 0.8165, "Acc.pier": 0.4774, "Acc.crt screen": 0.259, "Acc.plate": 0.7587, "Acc.monitor": 0.8551, "Acc.bulletin board": 0.6306, "Acc.shower": 0.0499, "Acc.radiator": 0.7133, "Acc.glass": 0.1998, "Acc.clock": 0.537, "Acc.flag": 0.7884} {"mode": "train", "epoch": 46, "iter": 57050, "lr": 1e-05, "memory": 70498, "data_time": 1.992, "decode.loss_ce": 0.17406, "decode.acc_seg": 92.33858, "aux.loss_ce": 0.07385, "aux.acc_seg": 91.84448, "loss": 0.24791, "time": 3.31855} {"mode": "train", "epoch": 46, "iter": 57100, "lr": 1e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.18393, "decode.acc_seg": 92.3022, "aux.loss_ce": 0.07703, "aux.acc_seg": 91.86058, "loss": 0.26096, "time": 1.32696} {"mode": "train", "epoch": 46, "iter": 57150, "lr": 1e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.1767, "decode.acc_seg": 92.23243, "aux.loss_ce": 0.07455, "aux.acc_seg": 91.89694, "loss": 0.25125, "time": 1.33117} {"mode": "train", "epoch": 46, "iter": 57200, "lr": 1e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.18231, "decode.acc_seg": 91.97725, "aux.loss_ce": 0.07733, "aux.acc_seg": 91.5161, "loss": 0.25964, "time": 1.32606} {"mode": "train", "epoch": 46, "iter": 57250, "lr": 1e-05, "memory": 70498, "data_time": 0.00979, "decode.loss_ce": 0.17655, "decode.acc_seg": 92.41763, "aux.loss_ce": 0.07452, "aux.acc_seg": 92.06872, "loss": 0.25107, "time": 1.32503} {"mode": "train", "epoch": 46, "iter": 57300, "lr": 1e-05, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.1621, "decode.acc_seg": 92.82516, "aux.loss_ce": 0.06885, "aux.acc_seg": 92.35229, "loss": 0.23095, "time": 1.32139} {"mode": "train", "epoch": 46, "iter": 57350, "lr": 1e-05, "memory": 70498, "data_time": 0.00965, "decode.loss_ce": 0.17366, "decode.acc_seg": 92.64739, "aux.loss_ce": 0.07369, "aux.acc_seg": 92.22886, "loss": 0.24735, "time": 1.3216} {"mode": "train", "epoch": 46, "iter": 57400, "lr": 1e-05, "memory": 70498, "data_time": 0.00977, "decode.loss_ce": 0.17107, "decode.acc_seg": 92.69981, "aux.loss_ce": 0.0731, "aux.acc_seg": 92.24485, "loss": 0.24417, "time": 1.32717} {"mode": "train", "epoch": 46, "iter": 57450, "lr": 1e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.16452, "decode.acc_seg": 92.97021, "aux.loss_ce": 0.07045, "aux.acc_seg": 92.46012, "loss": 0.23497, "time": 1.32432} {"mode": "train", "epoch": 46, "iter": 57500, "lr": 1e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.1721, "decode.acc_seg": 92.64674, "aux.loss_ce": 0.07301, "aux.acc_seg": 92.25611, "loss": 0.24511, "time": 1.33374} {"mode": "train", "epoch": 46, "iter": 57550, "lr": 1e-05, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.16585, "decode.acc_seg": 92.90243, "aux.loss_ce": 0.07085, "aux.acc_seg": 92.4437, "loss": 0.2367, "time": 1.32737} {"mode": "train", "epoch": 46, "iter": 57600, "lr": 1e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.16538, "decode.acc_seg": 92.84349, "aux.loss_ce": 0.07021, "aux.acc_seg": 92.42223, "loss": 0.23559, "time": 1.32664} {"mode": "train", "epoch": 46, "iter": 57650, "lr": 1e-05, "memory": 70498, "data_time": 0.00945, "decode.loss_ce": 0.16545, "decode.acc_seg": 92.68523, "aux.loss_ce": 0.07059, "aux.acc_seg": 92.22236, "loss": 0.23604, "time": 1.32519} {"mode": "train", "epoch": 46, "iter": 57700, "lr": 1e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.1621, "decode.acc_seg": 93.05769, "aux.loss_ce": 0.0691, "aux.acc_seg": 92.60575, "loss": 0.23121, "time": 1.33478} {"mode": "train", "epoch": 46, "iter": 57750, "lr": 1e-05, "memory": 70498, "data_time": 0.00968, "decode.loss_ce": 0.17696, "decode.acc_seg": 92.45072, "aux.loss_ce": 0.07434, "aux.acc_seg": 92.06402, "loss": 0.2513, "time": 1.32746} {"mode": "train", "epoch": 46, "iter": 57800, "lr": 1e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.17228, "decode.acc_seg": 92.64104, "aux.loss_ce": 0.07301, "aux.acc_seg": 92.18807, "loss": 0.2453, "time": 1.32481} {"mode": "train", "epoch": 46, "iter": 57850, "lr": 1e-05, "memory": 70498, "data_time": 0.00971, "decode.loss_ce": 0.16715, "decode.acc_seg": 92.63715, "aux.loss_ce": 0.07097, "aux.acc_seg": 92.20534, "loss": 0.23811, "time": 1.33402} {"mode": "train", "epoch": 46, "iter": 57900, "lr": 1e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.16558, "decode.acc_seg": 92.79368, "aux.loss_ce": 0.07007, "aux.acc_seg": 92.43955, "loss": 0.23565, "time": 1.32886} {"mode": "train", "epoch": 46, "iter": 57950, "lr": 1e-05, "memory": 70498, "data_time": 0.0096, "decode.loss_ce": 0.16708, "decode.acc_seg": 92.90598, "aux.loss_ce": 0.07161, "aux.acc_seg": 92.45663, "loss": 0.23869, "time": 1.3262} {"mode": "train", "epoch": 46, "iter": 58000, "lr": 1e-05, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.17239, "decode.acc_seg": 92.51009, "aux.loss_ce": 0.07358, "aux.acc_seg": 92.04014, "loss": 0.24597, "time": 3.35395} {"mode": "val", "epoch": 46, "iter": 250, "lr": 1e-05, "aAcc": 0.8596, "mIoU": 0.5681, "mAcc": 0.6904, "IoU.wall": 0.8218, "IoU.building": 0.8471, "IoU.sky": 0.9498, "IoU.floor": 0.8518, "IoU.tree": 0.772, "IoU.ceiling": 0.8764, "IoU.road": 0.8589, "IoU.bed ": 0.9219, "IoU.windowpane": 0.6676, "IoU.grass": 0.6504, "IoU.cabinet": 0.6569, "IoU.sidewalk": 0.7023, "IoU.person": 0.8515, "IoU.earth": 0.391, "IoU.door": 0.6174, "IoU.table": 0.6988, "IoU.mountain": 0.5977, "IoU.plant": 0.539, "IoU.curtain": 0.7791, "IoU.chair": 0.6774, "IoU.car": 0.8712, "IoU.water": 0.6404, "IoU.painting": 0.776, "IoU.sofa": 0.8225, "IoU.shelf": 0.4948, "IoU.house": 0.4771, "IoU.sea": 0.6802, "IoU.mirror": 0.7764, "IoU.rug": 0.6838, "IoU.field": 0.3338, "IoU.armchair": 0.6137, "IoU.seat": 0.6584, "IoU.fence": 0.5163, "IoU.desk": 0.5376, "IoU.rock": 0.5494, "IoU.wardrobe": 0.5365, "IoU.lamp": 0.7295, "IoU.bathtub": 0.8425, "IoU.railing": 0.4112, "IoU.cushion": 0.6878, "IoU.base": 0.4369, "IoU.box": 0.3876, "IoU.column": 0.5479, "IoU.signboard": 0.4154, "IoU.chest of drawers": 0.4612, "IoU.counter": 0.3753, "IoU.sand": 0.5145, "IoU.sink": 0.7588, "IoU.skyscraper": 0.4849, "IoU.fireplace": 0.7423, "IoU.refrigerator": 0.7931, "IoU.grandstand": 0.4892, "IoU.path": 0.2502, "IoU.stairs": 0.2333, "IoU.runway": 0.7362, "IoU.case": 0.5941, "IoU.pool table": 0.95, "IoU.pillow": 0.6992, "IoU.screen door": 0.7544, "IoU.stairway": 0.4313, "IoU.river": 0.1518, "IoU.bridge": 0.759, "IoU.bookcase": 0.4719, "IoU.blind": 0.4419, "IoU.coffee table": 0.6687, "IoU.toilet": 0.8933, "IoU.flower": 0.4108, "IoU.book": 0.5856, "IoU.hill": 0.1025, "IoU.bench": 0.5434, "IoU.countertop": 0.6268, "IoU.stove": 0.8776, "IoU.palm": 0.568, "IoU.kitchen island": 0.4117, "IoU.computer": 0.8009, "IoU.swivel chair": 0.5306, "IoU.boat": 0.6776, "IoU.bar": 0.5579, "IoU.arcade machine": 0.7887, "IoU.hovel": 0.437, "IoU.bus": 0.9349, "IoU.towel": 0.7551, "IoU.light": 0.6055, "IoU.truck": 0.4898, "IoU.tower": 0.0562, "IoU.chandelier": 0.6992, "IoU.awning": 0.3966, "IoU.streetlight": 0.3364, "IoU.booth": 0.5027, "IoU.television receiver": 0.8177, "IoU.airplane": 0.804, "IoU.dirt track": 0.0891, "IoU.apparel": 0.4534, "IoU.pole": 0.2906, "IoU.land": 0.0457, "IoU.bannister": 0.1715, "IoU.escalator": 0.5956, "IoU.ottoman": 0.5046, "IoU.bottle": 0.4295, "IoU.buffet": 0.54, "IoU.poster": 0.398, "IoU.stage": 0.2798, "IoU.van": 0.4589, "IoU.ship": 0.5801, "IoU.fountain": 0.235, "IoU.conveyer belt": 0.8269, "IoU.canopy": 0.5852, "IoU.washer": 0.8431, "IoU.plaything": 0.3715, "IoU.swimming pool": 0.6784, "IoU.stool": 0.5494, "IoU.barrel": 0.5473, "IoU.basket": 0.4289, "IoU.waterfall": 0.6918, "IoU.tent": 0.9434, "IoU.bag": 0.2186, "IoU.minibike": 0.7608, "IoU.cradle": 0.8521, "IoU.oven": 0.5197, "IoU.ball": 0.5585, "IoU.food": 0.5687, "IoU.step": 0.1441, "IoU.tank": 0.656, "IoU.trade name": 0.2291, "IoU.microwave": 0.8635, "IoU.pot": 0.5976, "IoU.animal": 0.6075, "IoU.bicycle": 0.5883, "IoU.lake": 0.5503, "IoU.dishwasher": 0.7056, "IoU.screen": 0.5243, "IoU.blanket": 0.2897, "IoU.sculpture": 0.761, "IoU.hood": 0.6201, "IoU.sconce": 0.5375, "IoU.vase": 0.4692, "IoU.traffic light": 0.4014, "IoU.tray": 0.1441, "IoU.ashcan": 0.4788, "IoU.fan": 0.6616, "IoU.pier": 0.3492, "IoU.crt screen": 0.1292, "IoU.plate": 0.5879, "IoU.monitor": 0.5748, "IoU.bulletin board": 0.5737, "IoU.shower": 0.021, "IoU.radiator": 0.6337, "IoU.glass": 0.1904, "IoU.clock": 0.467, "IoU.flag": 0.7165, "Acc.wall": 0.8976, "Acc.building": 0.9401, "Acc.sky": 0.9772, "Acc.floor": 0.9162, "Acc.tree": 0.9059, "Acc.ceiling": 0.9396, "Acc.road": 0.9119, "Acc.bed ": 0.9692, "Acc.windowpane": 0.8174, "Acc.grass": 0.7976, "Acc.cabinet": 0.7516, "Acc.sidewalk": 0.8498, "Acc.person": 0.9458, "Acc.earth": 0.5267, "Acc.door": 0.7792, "Acc.table": 0.8166, "Acc.mountain": 0.7095, "Acc.plant": 0.6251, "Acc.curtain": 0.8932, "Acc.chair": 0.7748, "Acc.car": 0.9466, "Acc.water": 0.794, "Acc.painting": 0.9062, "Acc.sofa": 0.9207, "Acc.shelf": 0.6814, "Acc.house": 0.5401, "Acc.sea": 0.8257, "Acc.mirror": 0.8445, "Acc.rug": 0.812, "Acc.field": 0.6458, "Acc.armchair": 0.7827, "Acc.seat": 0.8769, "Acc.fence": 0.6444, "Acc.desk": 0.8265, "Acc.rock": 0.8135, "Acc.wardrobe": 0.6753, "Acc.lamp": 0.8465, "Acc.bathtub": 0.8607, "Acc.railing": 0.6305, "Acc.cushion": 0.7824, "Acc.base": 0.5593, "Acc.box": 0.4933, "Acc.column": 0.6927, "Acc.signboard": 0.5508, "Acc.chest of drawers": 0.7075, "Acc.counter": 0.4697, "Acc.sand": 0.7605, "Acc.sink": 0.837, "Acc.skyscraper": 0.5974, "Acc.fireplace": 0.9522, "Acc.refrigerator": 0.9156, "Acc.grandstand": 0.7629, "Acc.path": 0.3352, "Acc.stairs": 0.286, "Acc.runway": 0.9671, "Acc.case": 0.8401, "Acc.pool table": 0.9763, "Acc.pillow": 0.8088, "Acc.screen door": 0.7799, "Acc.stairway": 0.6671, "Acc.river": 0.2904, "Acc.bridge": 0.8608, "Acc.bookcase": 0.6634, "Acc.blind": 0.4676, "Acc.coffee table": 0.8768, "Acc.toilet": 0.9351, "Acc.flower": 0.5641, "Acc.book": 0.7338, "Acc.hill": 0.1463, "Acc.bench": 0.6141, "Acc.countertop": 0.8521, "Acc.stove": 0.9419, "Acc.palm": 0.8011, "Acc.kitchen island": 0.6669, "Acc.computer": 0.9454, "Acc.swivel chair": 0.7319, "Acc.boat": 0.8979, "Acc.bar": 0.7478, "Acc.arcade machine": 0.8367, "Acc.hovel": 0.4958, "Acc.bus": 0.9657, "Acc.towel": 0.8394, "Acc.light": 0.7411, "Acc.truck": 0.6543, "Acc.tower": 0.0877, "Acc.chandelier": 0.7917, "Acc.awning": 0.5145, "Acc.streetlight": 0.4376, "Acc.booth": 0.6458, "Acc.television receiver": 0.8661, "Acc.airplane": 0.8957, "Acc.dirt track": 0.4062, "Acc.apparel": 0.6383, "Acc.pole": 0.4019, "Acc.land": 0.0852, "Acc.bannister": 0.2423, "Acc.escalator": 0.7898, "Acc.ottoman": 0.6851, "Acc.bottle": 0.6855, "Acc.buffet": 0.7372, "Acc.poster": 0.5002, "Acc.stage": 0.4439, "Acc.van": 0.5625, "Acc.ship": 0.5914, "Acc.fountain": 0.2389, "Acc.conveyer belt": 0.9245, "Acc.canopy": 0.7608, "Acc.washer": 0.8754, "Acc.plaything": 0.4737, "Acc.swimming pool": 0.9184, "Acc.stool": 0.6569, "Acc.barrel": 0.6475, "Acc.basket": 0.5629, "Acc.waterfall": 0.8131, "Acc.tent": 0.9828, "Acc.bag": 0.2475, "Acc.minibike": 0.8737, "Acc.cradle": 0.9785, "Acc.oven": 0.6043, "Acc.ball": 0.657, "Acc.food": 0.6839, "Acc.step": 0.1688, "Acc.tank": 0.7759, "Acc.trade name": 0.2437, "Acc.microwave": 0.9676, "Acc.pot": 0.7011, "Acc.animal": 0.6189, "Acc.bicycle": 0.765, "Acc.lake": 0.6367, "Acc.dishwasher": 0.8351, "Acc.screen": 0.7345, "Acc.blanket": 0.343, "Acc.sculpture": 0.8892, "Acc.hood": 0.7314, "Acc.sconce": 0.6055, "Acc.vase": 0.6533, "Acc.traffic light": 0.6202, "Acc.tray": 0.1848, "Acc.ashcan": 0.6834, "Acc.fan": 0.7693, "Acc.pier": 0.45, "Acc.crt screen": 0.2501, "Acc.plate": 0.7527, "Acc.monitor": 0.697, "Acc.bulletin board": 0.6134, "Acc.shower": 0.0425, "Acc.radiator": 0.7583, "Acc.glass": 0.2067, "Acc.clock": 0.5484, "Acc.flag": 0.7793} {"mode": "train", "epoch": 46, "iter": 58050, "lr": 1e-05, "memory": 70498, "data_time": 1.97159, "decode.loss_ce": 0.17461, "decode.acc_seg": 92.51777, "aux.loss_ce": 0.07387, "aux.acc_seg": 92.15294, "loss": 0.24848, "time": 3.2919} {"mode": "train", "epoch": 47, "iter": 58100, "lr": 1e-05, "memory": 70498, "data_time": 0.06121, "decode.loss_ce": 0.17938, "decode.acc_seg": 92.22054, "aux.loss_ce": 0.07574, "aux.acc_seg": 91.7801, "loss": 0.25513, "time": 1.37861} {"mode": "train", "epoch": 47, "iter": 58150, "lr": 1e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.18241, "decode.acc_seg": 92.12403, "aux.loss_ce": 0.07715, "aux.acc_seg": 91.71108, "loss": 0.25956, "time": 1.32557} {"mode": "train", "epoch": 47, "iter": 58200, "lr": 1e-05, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.16902, "decode.acc_seg": 92.96578, "aux.loss_ce": 0.07208, "aux.acc_seg": 92.45024, "loss": 0.2411, "time": 1.323} {"mode": "train", "epoch": 47, "iter": 58250, "lr": 1e-05, "memory": 70498, "data_time": 0.00961, "decode.loss_ce": 0.17328, "decode.acc_seg": 92.39693, "aux.loss_ce": 0.07308, "aux.acc_seg": 92.0258, "loss": 0.24637, "time": 1.32629} {"mode": "train", "epoch": 47, "iter": 58300, "lr": 1e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.18064, "decode.acc_seg": 92.31627, "aux.loss_ce": 0.07597, "aux.acc_seg": 91.90168, "loss": 0.2566, "time": 1.32793} {"mode": "train", "epoch": 47, "iter": 58350, "lr": 1e-05, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.17737, "decode.acc_seg": 92.37172, "aux.loss_ce": 0.07507, "aux.acc_seg": 91.98225, "loss": 0.25244, "time": 1.3267} {"mode": "train", "epoch": 47, "iter": 58400, "lr": 1e-05, "memory": 70498, "data_time": 0.00967, "decode.loss_ce": 0.17465, "decode.acc_seg": 92.51801, "aux.loss_ce": 0.07409, "aux.acc_seg": 92.04899, "loss": 0.24874, "time": 1.32831} {"mode": "train", "epoch": 47, "iter": 58450, "lr": 1e-05, "memory": 70498, "data_time": 0.00965, "decode.loss_ce": 0.1688, "decode.acc_seg": 92.66632, "aux.loss_ce": 0.07209, "aux.acc_seg": 92.20464, "loss": 0.2409, "time": 1.32735} {"mode": "train", "epoch": 47, "iter": 58500, "lr": 1e-05, "memory": 70498, "data_time": 0.00969, "decode.loss_ce": 0.16422, "decode.acc_seg": 92.9872, "aux.loss_ce": 0.06942, "aux.acc_seg": 92.60643, "loss": 0.23364, "time": 1.32906} {"mode": "train", "epoch": 47, "iter": 58550, "lr": 1e-05, "memory": 70498, "data_time": 0.00956, "decode.loss_ce": 0.16442, "decode.acc_seg": 93.00838, "aux.loss_ce": 0.06958, "aux.acc_seg": 92.56757, "loss": 0.23401, "time": 1.32385} {"mode": "train", "epoch": 47, "iter": 58600, "lr": 1e-05, "memory": 70498, "data_time": 0.00948, "decode.loss_ce": 0.16167, "decode.acc_seg": 92.8915, "aux.loss_ce": 0.06822, "aux.acc_seg": 92.49835, "loss": 0.22989, "time": 1.33016} {"mode": "train", "epoch": 47, "iter": 58650, "lr": 1e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.16441, "decode.acc_seg": 92.99346, "aux.loss_ce": 0.06979, "aux.acc_seg": 92.60853, "loss": 0.2342, "time": 1.32821} {"mode": "train", "epoch": 47, "iter": 58700, "lr": 1e-05, "memory": 70498, "data_time": 0.00945, "decode.loss_ce": 0.17749, "decode.acc_seg": 92.45388, "aux.loss_ce": 0.07571, "aux.acc_seg": 91.94816, "loss": 0.2532, "time": 1.32675} {"mode": "train", "epoch": 47, "iter": 58750, "lr": 1e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.16308, "decode.acc_seg": 92.94257, "aux.loss_ce": 0.0696, "aux.acc_seg": 92.51207, "loss": 0.23268, "time": 1.33131} {"mode": "train", "epoch": 47, "iter": 58800, "lr": 1e-05, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.16429, "decode.acc_seg": 92.75187, "aux.loss_ce": 0.07053, "aux.acc_seg": 92.33267, "loss": 0.23481, "time": 1.33056} {"mode": "train", "epoch": 47, "iter": 58850, "lr": 1e-05, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.16347, "decode.acc_seg": 92.9982, "aux.loss_ce": 0.06923, "aux.acc_seg": 92.59277, "loss": 0.23271, "time": 1.33592} {"mode": "train", "epoch": 47, "iter": 58900, "lr": 1e-05, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.16242, "decode.acc_seg": 92.81087, "aux.loss_ce": 0.0694, "aux.acc_seg": 92.35775, "loss": 0.23181, "time": 1.32893} {"mode": "train", "epoch": 47, "iter": 58950, "lr": 1e-05, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.17532, "decode.acc_seg": 92.31211, "aux.loss_ce": 0.07395, "aux.acc_seg": 92.01798, "loss": 0.24927, "time": 1.3281} {"mode": "train", "epoch": 47, "iter": 59000, "lr": 1e-05, "memory": 70498, "data_time": 0.00974, "decode.loss_ce": 0.16638, "decode.acc_seg": 92.70304, "aux.loss_ce": 0.07055, "aux.acc_seg": 92.30434, "loss": 0.23693, "time": 1.33224} {"mode": "val", "epoch": 47, "iter": 250, "lr": 1e-05, "aAcc": 0.8604, "mIoU": 0.5714, "mAcc": 0.6957, "IoU.wall": 0.8181, "IoU.building": 0.8528, "IoU.sky": 0.9508, "IoU.floor": 0.8531, "IoU.tree": 0.7822, "IoU.ceiling": 0.8714, "IoU.road": 0.8667, "IoU.bed ": 0.923, "IoU.windowpane": 0.6504, "IoU.grass": 0.6485, "IoU.cabinet": 0.6562, "IoU.sidewalk": 0.7138, "IoU.person": 0.8566, "IoU.earth": 0.399, "IoU.door": 0.6101, "IoU.table": 0.687, "IoU.mountain": 0.6147, "IoU.plant": 0.5718, "IoU.curtain": 0.7695, "IoU.chair": 0.6701, "IoU.car": 0.8722, "IoU.water": 0.6103, "IoU.painting": 0.7676, "IoU.sofa": 0.8255, "IoU.shelf": 0.5255, "IoU.house": 0.5723, "IoU.sea": 0.6564, "IoU.mirror": 0.7756, "IoU.rug": 0.6911, "IoU.field": 0.3213, "IoU.armchair": 0.6018, "IoU.seat": 0.6325, "IoU.fence": 0.5236, "IoU.desk": 0.5973, "IoU.rock": 0.5877, "IoU.wardrobe": 0.5356, "IoU.lamp": 0.7454, "IoU.bathtub": 0.8425, "IoU.railing": 0.4187, "IoU.cushion": 0.6917, "IoU.base": 0.4191, "IoU.box": 0.3769, "IoU.column": 0.5515, "IoU.signboard": 0.4165, "IoU.chest of drawers": 0.4762, "IoU.counter": 0.4031, "IoU.sand": 0.5153, "IoU.sink": 0.7617, "IoU.skyscraper": 0.4941, "IoU.fireplace": 0.7557, "IoU.refrigerator": 0.7982, "IoU.grandstand": 0.4878, "IoU.path": 0.2795, "IoU.stairs": 0.2343, "IoU.runway": 0.7332, "IoU.case": 0.6099, "IoU.pool table": 0.9462, "IoU.pillow": 0.7067, "IoU.screen door": 0.7469, "IoU.stairway": 0.3898, "IoU.river": 0.1063, "IoU.bridge": 0.758, "IoU.bookcase": 0.5226, "IoU.blind": 0.4388, "IoU.coffee table": 0.6306, "IoU.toilet": 0.8967, "IoU.flower": 0.446, "IoU.book": 0.5773, "IoU.hill": 0.0953, "IoU.bench": 0.5254, "IoU.countertop": 0.6478, "IoU.stove": 0.8757, "IoU.palm": 0.5714, "IoU.kitchen island": 0.4117, "IoU.computer": 0.802, "IoU.swivel chair": 0.5187, "IoU.boat": 0.7325, "IoU.bar": 0.5551, "IoU.arcade machine": 0.7448, "IoU.hovel": 0.4461, "IoU.bus": 0.9353, "IoU.towel": 0.7724, "IoU.light": 0.6041, "IoU.truck": 0.4581, "IoU.tower": 0.0877, "IoU.chandelier": 0.7326, "IoU.awning": 0.3765, "IoU.streetlight": 0.3378, "IoU.booth": 0.4146, "IoU.television receiver": 0.8117, "IoU.airplane": 0.8305, "IoU.dirt track": 0.0713, "IoU.apparel": 0.4508, "IoU.pole": 0.2557, "IoU.land": 0.0391, "IoU.bannister": 0.1694, "IoU.escalator": 0.5449, "IoU.ottoman": 0.4383, "IoU.bottle": 0.426, "IoU.buffet": 0.5354, "IoU.poster": 0.3637, "IoU.stage": 0.2547, "IoU.van": 0.4587, "IoU.ship": 0.837, "IoU.fountain": 0.2902, "IoU.conveyer belt": 0.8119, "IoU.canopy": 0.5921, "IoU.washer": 0.8132, "IoU.plaything": 0.3477, "IoU.swimming pool": 0.7294, "IoU.stool": 0.5174, "IoU.barrel": 0.5666, "IoU.basket": 0.4146, "IoU.waterfall": 0.674, "IoU.tent": 0.9211, "IoU.bag": 0.219, "IoU.minibike": 0.7595, "IoU.cradle": 0.8551, "IoU.oven": 0.6226, "IoU.ball": 0.5786, "IoU.food": 0.6121, "IoU.step": 0.1448, "IoU.tank": 0.6481, "IoU.trade name": 0.293, "IoU.microwave": 0.9062, "IoU.pot": 0.5904, "IoU.animal": 0.6046, "IoU.bicycle": 0.593, "IoU.lake": 0.4975, "IoU.dishwasher": 0.6835, "IoU.screen": 0.5081, "IoU.blanket": 0.3724, "IoU.sculpture": 0.7503, "IoU.hood": 0.6135, "IoU.sconce": 0.5609, "IoU.vase": 0.4829, "IoU.traffic light": 0.4257, "IoU.tray": 0.131, "IoU.ashcan": 0.4707, "IoU.fan": 0.6793, "IoU.pier": 0.3252, "IoU.crt screen": 0.1702, "IoU.plate": 0.5904, "IoU.monitor": 0.6839, "IoU.bulletin board": 0.5008, "IoU.shower": 0.0183, "IoU.radiator": 0.6345, "IoU.glass": 0.1946, "IoU.clock": 0.4129, "IoU.flag": 0.7206, "Acc.wall": 0.8943, "Acc.building": 0.9402, "Acc.sky": 0.9743, "Acc.floor": 0.9175, "Acc.tree": 0.8941, "Acc.ceiling": 0.9304, "Acc.road": 0.9187, "Acc.bed ": 0.9662, "Acc.windowpane": 0.8191, "Acc.grass": 0.7861, "Acc.cabinet": 0.7604, "Acc.sidewalk": 0.8527, "Acc.person": 0.944, "Acc.earth": 0.5345, "Acc.door": 0.7753, "Acc.table": 0.8078, "Acc.mountain": 0.7343, "Acc.plant": 0.6972, "Acc.curtain": 0.8721, "Acc.chair": 0.7677, "Acc.car": 0.9459, "Acc.water": 0.7404, "Acc.painting": 0.9192, "Acc.sofa": 0.909, "Acc.shelf": 0.7273, "Acc.house": 0.6794, "Acc.sea": 0.8392, "Acc.mirror": 0.8402, "Acc.rug": 0.8287, "Acc.field": 0.6308, "Acc.armchair": 0.7991, "Acc.seat": 0.8906, "Acc.fence": 0.6259, "Acc.desk": 0.7369, "Acc.rock": 0.8273, "Acc.wardrobe": 0.7224, "Acc.lamp": 0.8621, "Acc.bathtub": 0.8692, "Acc.railing": 0.6, "Acc.cushion": 0.8173, "Acc.base": 0.5627, "Acc.box": 0.475, "Acc.column": 0.6714, "Acc.signboard": 0.5798, "Acc.chest of drawers": 0.6938, "Acc.counter": 0.5143, "Acc.sand": 0.7804, "Acc.sink": 0.837, "Acc.skyscraper": 0.618, "Acc.fireplace": 0.9478, "Acc.refrigerator": 0.9026, "Acc.grandstand": 0.7866, "Acc.path": 0.3689, "Acc.stairs": 0.304, "Acc.runway": 0.9786, "Acc.case": 0.8311, "Acc.pool table": 0.9787, "Acc.pillow": 0.8081, "Acc.screen door": 0.7803, "Acc.stairway": 0.5779, "Acc.river": 0.2027, "Acc.bridge": 0.8897, "Acc.bookcase": 0.7269, "Acc.blind": 0.4628, "Acc.coffee table": 0.8859, "Acc.toilet": 0.9346, "Acc.flower": 0.5963, "Acc.book": 0.7269, "Acc.hill": 0.1683, "Acc.bench": 0.6118, "Acc.countertop": 0.8689, "Acc.stove": 0.937, "Acc.palm": 0.8026, "Acc.kitchen island": 0.6926, "Acc.computer": 0.9334, "Acc.swivel chair": 0.7099, "Acc.boat": 0.8533, "Acc.bar": 0.7475, "Acc.arcade machine": 0.7777, "Acc.hovel": 0.4927, "Acc.bus": 0.9607, "Acc.towel": 0.8907, "Acc.light": 0.6942, "Acc.truck": 0.6062, "Acc.tower": 0.1531, "Acc.chandelier": 0.8937, "Acc.awning": 0.4547, "Acc.streetlight": 0.4744, "Acc.booth": 0.5275, "Acc.television receiver": 0.8934, "Acc.airplane": 0.9193, "Acc.dirt track": 0.3368, "Acc.apparel": 0.6545, "Acc.pole": 0.3453, "Acc.land": 0.0578, "Acc.bannister": 0.2546, "Acc.escalator": 0.81, "Acc.ottoman": 0.6304, "Acc.bottle": 0.587, "Acc.buffet": 0.6722, "Acc.poster": 0.5055, "Acc.stage": 0.465, "Acc.van": 0.5929, "Acc.ship": 0.865, "Acc.fountain": 0.3058, "Acc.conveyer belt": 0.925, "Acc.canopy": 0.7991, "Acc.washer": 0.8484, "Acc.plaything": 0.4771, "Acc.swimming pool": 0.9247, "Acc.stool": 0.6865, "Acc.barrel": 0.6608, "Acc.basket": 0.5768, "Acc.waterfall": 0.9085, "Acc.tent": 0.9885, "Acc.bag": 0.2563, "Acc.minibike": 0.8868, "Acc.cradle": 0.9734, "Acc.oven": 0.7174, "Acc.ball": 0.6974, "Acc.food": 0.7433, "Acc.step": 0.1777, "Acc.tank": 0.7457, "Acc.trade name": 0.3361, "Acc.microwave": 0.9405, "Acc.pot": 0.6794, "Acc.animal": 0.6166, "Acc.bicycle": 0.7939, "Acc.lake": 0.6374, "Acc.dishwasher": 0.8347, "Acc.screen": 0.7409, "Acc.blanket": 0.4393, "Acc.sculpture": 0.8909, "Acc.hood": 0.7222, "Acc.sconce": 0.643, "Acc.vase": 0.5871, "Acc.traffic light": 0.5806, "Acc.tray": 0.1585, "Acc.ashcan": 0.6358, "Acc.fan": 0.8275, "Acc.pier": 0.4543, "Acc.crt screen": 0.3013, "Acc.plate": 0.7947, "Acc.monitor": 0.8136, "Acc.bulletin board": 0.5181, "Acc.shower": 0.0184, "Acc.radiator": 0.7337, "Acc.glass": 0.2158, "Acc.clock": 0.4769, "Acc.flag": 0.804} {"mode": "train", "epoch": 47, "iter": 59050, "lr": 1e-05, "memory": 70498, "data_time": 2.21115, "decode.loss_ce": 0.16493, "decode.acc_seg": 92.82782, "aux.loss_ce": 0.07012, "aux.acc_seg": 92.41788, "loss": 0.23505, "time": 3.53754} {"mode": "train", "epoch": 47, "iter": 59100, "lr": 1e-05, "memory": 70498, "data_time": 0.0097, "decode.loss_ce": 0.17655, "decode.acc_seg": 92.68336, "aux.loss_ce": 0.07489, "aux.acc_seg": 92.18994, "loss": 0.25144, "time": 1.32964} {"mode": "train", "epoch": 47, "iter": 59150, "lr": 1e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.1716, "decode.acc_seg": 92.57601, "aux.loss_ce": 0.07245, "aux.acc_seg": 92.14481, "loss": 0.24405, "time": 1.32527} {"mode": "train", "epoch": 47, "iter": 59200, "lr": 1e-05, "memory": 70498, "data_time": 0.00965, "decode.loss_ce": 0.17753, "decode.acc_seg": 92.42493, "aux.loss_ce": 0.07562, "aux.acc_seg": 91.99668, "loss": 0.25315, "time": 1.33193} {"mode": "train", "epoch": 47, "iter": 59250, "lr": 1e-05, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.16055, "decode.acc_seg": 93.10108, "aux.loss_ce": 0.06824, "aux.acc_seg": 92.64533, "loss": 0.22878, "time": 1.32986} {"mode": "train", "epoch": 47, "iter": 59300, "lr": 1e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.18658, "decode.acc_seg": 92.24419, "aux.loss_ce": 0.07908, "aux.acc_seg": 91.80003, "loss": 0.26566, "time": 1.32687} {"mode": "train", "epoch": 47, "iter": 59350, "lr": 1e-05, "memory": 70498, "data_time": 0.00965, "decode.loss_ce": 0.16929, "decode.acc_seg": 92.74244, "aux.loss_ce": 0.07177, "aux.acc_seg": 92.3607, "loss": 0.24106, "time": 1.3302} {"mode": "train", "epoch": 48, "iter": 59400, "lr": 1e-05, "memory": 70498, "data_time": 0.06034, "decode.loss_ce": 0.17435, "decode.acc_seg": 92.52551, "aux.loss_ce": 0.07405, "aux.acc_seg": 92.04038, "loss": 0.2484, "time": 1.37534} {"mode": "train", "epoch": 48, "iter": 59450, "lr": 1e-05, "memory": 70498, "data_time": 0.00946, "decode.loss_ce": 0.1703, "decode.acc_seg": 92.82974, "aux.loss_ce": 0.0721, "aux.acc_seg": 92.40779, "loss": 0.2424, "time": 1.32865} {"mode": "train", "epoch": 48, "iter": 59500, "lr": 1e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.17179, "decode.acc_seg": 92.66618, "aux.loss_ce": 0.07311, "aux.acc_seg": 92.17862, "loss": 0.2449, "time": 1.33278} {"mode": "train", "epoch": 48, "iter": 59550, "lr": 1e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.16684, "decode.acc_seg": 92.49462, "aux.loss_ce": 0.07052, "aux.acc_seg": 92.14413, "loss": 0.23736, "time": 1.33444} {"mode": "train", "epoch": 48, "iter": 59600, "lr": 1e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.16828, "decode.acc_seg": 92.63789, "aux.loss_ce": 0.07164, "aux.acc_seg": 92.13808, "loss": 0.23992, "time": 1.32793} {"mode": "train", "epoch": 48, "iter": 59650, "lr": 1e-05, "memory": 70498, "data_time": 0.00942, "decode.loss_ce": 0.1631, "decode.acc_seg": 93.04989, "aux.loss_ce": 0.06985, "aux.acc_seg": 92.57017, "loss": 0.23295, "time": 1.33258} {"mode": "train", "epoch": 48, "iter": 59700, "lr": 1e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.16294, "decode.acc_seg": 92.96045, "aux.loss_ce": 0.06969, "aux.acc_seg": 92.53567, "loss": 0.23263, "time": 1.33323} {"mode": "train", "epoch": 48, "iter": 59750, "lr": 1e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.16082, "decode.acc_seg": 93.04904, "aux.loss_ce": 0.06887, "aux.acc_seg": 92.58105, "loss": 0.2297, "time": 1.32671} {"mode": "train", "epoch": 48, "iter": 59800, "lr": 1e-05, "memory": 70498, "data_time": 0.0097, "decode.loss_ce": 0.16601, "decode.acc_seg": 92.83236, "aux.loss_ce": 0.07072, "aux.acc_seg": 92.44518, "loss": 0.23672, "time": 1.32842} {"mode": "train", "epoch": 48, "iter": 59850, "lr": 1e-05, "memory": 70498, "data_time": 0.00966, "decode.loss_ce": 0.1664, "decode.acc_seg": 92.73791, "aux.loss_ce": 0.0704, "aux.acc_seg": 92.38942, "loss": 0.2368, "time": 1.32662} {"mode": "train", "epoch": 48, "iter": 59900, "lr": 1e-05, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.16365, "decode.acc_seg": 92.93997, "aux.loss_ce": 0.06981, "aux.acc_seg": 92.41296, "loss": 0.23346, "time": 1.32786} {"mode": "train", "epoch": 48, "iter": 59950, "lr": 1e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.16881, "decode.acc_seg": 92.79024, "aux.loss_ce": 0.07205, "aux.acc_seg": 92.33529, "loss": 0.24086, "time": 1.32465} {"mode": "train", "epoch": 48, "iter": 60000, "lr": 1e-05, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.16286, "decode.acc_seg": 92.75144, "aux.loss_ce": 0.06899, "aux.acc_seg": 92.32513, "loss": 0.23185, "time": 3.38374} {"mode": "val", "epoch": 48, "iter": 250, "lr": 1e-05, "aAcc": 0.8607, "mIoU": 0.5694, "mAcc": 0.6948, "IoU.wall": 0.8207, "IoU.building": 0.8535, "IoU.sky": 0.9498, "IoU.floor": 0.8528, "IoU.tree": 0.7702, "IoU.ceiling": 0.8728, "IoU.road": 0.8659, "IoU.bed ": 0.924, "IoU.windowpane": 0.6591, "IoU.grass": 0.6685, "IoU.cabinet": 0.6554, "IoU.sidewalk": 0.7154, "IoU.person": 0.8556, "IoU.earth": 0.3838, "IoU.door": 0.5931, "IoU.table": 0.6927, "IoU.mountain": 0.6025, "IoU.plant": 0.5615, "IoU.curtain": 0.7653, "IoU.chair": 0.6758, "IoU.car": 0.8726, "IoU.water": 0.6257, "IoU.painting": 0.7803, "IoU.sofa": 0.8183, "IoU.shelf": 0.5215, "IoU.house": 0.5604, "IoU.sea": 0.6989, "IoU.mirror": 0.7755, "IoU.rug": 0.6934, "IoU.field": 0.357, "IoU.armchair": 0.6145, "IoU.seat": 0.6647, "IoU.fence": 0.5147, "IoU.desk": 0.5958, "IoU.rock": 0.5503, "IoU.wardrobe": 0.5252, "IoU.lamp": 0.7363, "IoU.bathtub": 0.8424, "IoU.railing": 0.3961, "IoU.cushion": 0.6935, "IoU.base": 0.4109, "IoU.box": 0.377, "IoU.column": 0.5527, "IoU.signboard": 0.4154, "IoU.chest of drawers": 0.4759, "IoU.counter": 0.3295, "IoU.sand": 0.5195, "IoU.sink": 0.7633, "IoU.skyscraper": 0.4812, "IoU.fireplace": 0.7648, "IoU.refrigerator": 0.7906, "IoU.grandstand": 0.482, "IoU.path": 0.2729, "IoU.stairs": 0.2525, "IoU.runway": 0.7304, "IoU.case": 0.6045, "IoU.pool table": 0.9473, "IoU.pillow": 0.6879, "IoU.screen door": 0.8599, "IoU.stairway": 0.4791, "IoU.river": 0.1922, "IoU.bridge": 0.7723, "IoU.bookcase": 0.5032, "IoU.blind": 0.4893, "IoU.coffee table": 0.6642, "IoU.toilet": 0.8983, "IoU.flower": 0.426, "IoU.book": 0.5768, "IoU.hill": 0.0801, "IoU.bench": 0.5101, "IoU.countertop": 0.6358, "IoU.stove": 0.8793, "IoU.palm": 0.5754, "IoU.kitchen island": 0.4017, "IoU.computer": 0.8054, "IoU.swivel chair": 0.5196, "IoU.boat": 0.6072, "IoU.bar": 0.5421, "IoU.arcade machine": 0.7284, "IoU.hovel": 0.4393, "IoU.bus": 0.9314, "IoU.towel": 0.7712, "IoU.light": 0.5956, "IoU.truck": 0.456, "IoU.tower": 0.0913, "IoU.chandelier": 0.719, "IoU.awning": 0.4439, "IoU.streetlight": 0.3274, "IoU.booth": 0.4842, "IoU.television receiver": 0.8214, "IoU.airplane": 0.805, "IoU.dirt track": 0.0645, "IoU.apparel": 0.458, "IoU.pole": 0.2791, "IoU.land": 0.0304, "IoU.bannister": 0.16, "IoU.escalator": 0.5619, "IoU.ottoman": 0.4714, "IoU.bottle": 0.4087, "IoU.buffet": 0.4331, "IoU.poster": 0.397, "IoU.stage": 0.2552, "IoU.van": 0.442, "IoU.ship": 0.8496, "IoU.fountain": 0.2145, "IoU.conveyer belt": 0.7807, "IoU.canopy": 0.597, "IoU.washer": 0.8159, "IoU.plaything": 0.3828, "IoU.swimming pool": 0.6407, "IoU.stool": 0.5497, "IoU.barrel": 0.5519, "IoU.basket": 0.4205, "IoU.waterfall": 0.6341, "IoU.tent": 0.8952, "IoU.bag": 0.2079, "IoU.minibike": 0.7568, "IoU.cradle": 0.8538, "IoU.oven": 0.5956, "IoU.ball": 0.5271, "IoU.food": 0.6003, "IoU.step": 0.1344, "IoU.tank": 0.6913, "IoU.trade name": 0.233, "IoU.microwave": 0.901, "IoU.pot": 0.5797, "IoU.animal": 0.6211, "IoU.bicycle": 0.6051, "IoU.lake": 0.5233, "IoU.dishwasher": 0.7159, "IoU.screen": 0.5362, "IoU.blanket": 0.3148, "IoU.sculpture": 0.7285, "IoU.hood": 0.6214, "IoU.sconce": 0.5679, "IoU.vase": 0.4803, "IoU.traffic light": 0.4065, "IoU.tray": 0.1642, "IoU.ashcan": 0.491, "IoU.fan": 0.6733, "IoU.pier": 0.3139, "IoU.crt screen": 0.1413, "IoU.plate": 0.5901, "IoU.monitor": 0.5534, "IoU.bulletin board": 0.4808, "IoU.shower": 0.0502, "IoU.radiator": 0.622, "IoU.glass": 0.1976, "IoU.clock": 0.4569, "IoU.flag": 0.7171, "Acc.wall": 0.9001, "Acc.building": 0.931, "Acc.sky": 0.977, "Acc.floor": 0.9161, "Acc.tree": 0.9077, "Acc.ceiling": 0.9333, "Acc.road": 0.9163, "Acc.bed ": 0.9683, "Acc.windowpane": 0.8234, "Acc.grass": 0.7975, "Acc.cabinet": 0.7599, "Acc.sidewalk": 0.8616, "Acc.person": 0.9461, "Acc.earth": 0.5062, "Acc.door": 0.7224, "Acc.table": 0.8045, "Acc.mountain": 0.7363, "Acc.plant": 0.6697, "Acc.curtain": 0.8561, "Acc.chair": 0.8008, "Acc.car": 0.9422, "Acc.water": 0.7654, "Acc.painting": 0.8995, "Acc.sofa": 0.9218, "Acc.shelf": 0.6977, "Acc.house": 0.7238, "Acc.sea": 0.8825, "Acc.mirror": 0.8376, "Acc.rug": 0.8176, "Acc.field": 0.6912, "Acc.armchair": 0.7724, "Acc.seat": 0.8771, "Acc.fence": 0.6471, "Acc.desk": 0.7753, "Acc.rock": 0.7758, "Acc.wardrobe": 0.7221, "Acc.lamp": 0.8386, "Acc.bathtub": 0.872, "Acc.railing": 0.6023, "Acc.cushion": 0.7799, "Acc.base": 0.5629, "Acc.box": 0.4867, "Acc.column": 0.6688, "Acc.signboard": 0.5933, "Acc.chest of drawers": 0.703, "Acc.counter": 0.394, "Acc.sand": 0.7636, "Acc.sink": 0.8338, "Acc.skyscraper": 0.6291, "Acc.fireplace": 0.9186, "Acc.refrigerator": 0.9046, "Acc.grandstand": 0.7592, "Acc.path": 0.3719, "Acc.stairs": 0.3278, "Acc.runway": 0.9793, "Acc.case": 0.7862, "Acc.pool table": 0.9762, "Acc.pillow": 0.7846, "Acc.screen door": 0.9105, "Acc.stairway": 0.6367, "Acc.river": 0.2999, "Acc.bridge": 0.8933, "Acc.bookcase": 0.6617, "Acc.blind": 0.522, "Acc.coffee table": 0.8577, "Acc.toilet": 0.9286, "Acc.flower": 0.5658, "Acc.book": 0.7603, "Acc.hill": 0.117, "Acc.bench": 0.6206, "Acc.countertop": 0.8554, "Acc.stove": 0.9475, "Acc.palm": 0.8058, "Acc.kitchen island": 0.7203, "Acc.computer": 0.9324, "Acc.swivel chair": 0.768, "Acc.boat": 0.8705, "Acc.bar": 0.7365, "Acc.arcade machine": 0.7676, "Acc.hovel": 0.4926, "Acc.bus": 0.9643, "Acc.towel": 0.8782, "Acc.light": 0.6685, "Acc.truck": 0.5766, "Acc.tower": 0.1744, "Acc.chandelier": 0.8623, "Acc.awning": 0.5923, "Acc.streetlight": 0.43, "Acc.booth": 0.6134, "Acc.television receiver": 0.8883, "Acc.airplane": 0.9079, "Acc.dirt track": 0.2143, "Acc.apparel": 0.692, "Acc.pole": 0.3767, "Acc.land": 0.0649, "Acc.bannister": 0.2272, "Acc.escalator": 0.8081, "Acc.ottoman": 0.6605, "Acc.bottle": 0.6003, "Acc.buffet": 0.5399, "Acc.poster": 0.4956, "Acc.stage": 0.4793, "Acc.van": 0.5811, "Acc.ship": 0.8855, "Acc.fountain": 0.2219, "Acc.conveyer belt": 0.9274, "Acc.canopy": 0.8237, "Acc.washer": 0.8401, "Acc.plaything": 0.5825, "Acc.swimming pool": 0.9169, "Acc.stool": 0.7059, "Acc.barrel": 0.6483, "Acc.basket": 0.5844, "Acc.waterfall": 0.8692, "Acc.tent": 0.9908, "Acc.bag": 0.2496, "Acc.minibike": 0.8897, "Acc.cradle": 0.974, "Acc.oven": 0.6967, "Acc.ball": 0.5677, "Acc.food": 0.7591, "Acc.step": 0.158, "Acc.tank": 0.7674, "Acc.trade name": 0.2573, "Acc.microwave": 0.963, "Acc.pot": 0.6703, "Acc.animal": 0.6353, "Acc.bicycle": 0.8173, "Acc.lake": 0.636, "Acc.dishwasher": 0.8046, "Acc.screen": 0.7974, "Acc.blanket": 0.3531, "Acc.sculpture": 0.8859, "Acc.hood": 0.747, "Acc.sconce": 0.6547, "Acc.vase": 0.6319, "Acc.traffic light": 0.6437, "Acc.tray": 0.2116, "Acc.ashcan": 0.6317, "Acc.fan": 0.801, "Acc.pier": 0.4356, "Acc.crt screen": 0.297, "Acc.plate": 0.7828, "Acc.monitor": 0.6988, "Acc.bulletin board": 0.5131, "Acc.shower": 0.0619, "Acc.radiator": 0.6972, "Acc.glass": 0.2167, "Acc.clock": 0.5186, "Acc.flag": 0.8076} {"mode": "train", "epoch": 48, "iter": 60050, "lr": 1e-05, "memory": 70498, "data_time": 1.93747, "decode.loss_ce": 0.1735, "decode.acc_seg": 92.47612, "aux.loss_ce": 0.07415, "aux.acc_seg": 91.97914, "loss": 0.24766, "time": 3.25557} {"mode": "train", "epoch": 48, "iter": 60100, "lr": 1e-05, "memory": 70498, "data_time": 0.00969, "decode.loss_ce": 0.16135, "decode.acc_seg": 92.87353, "aux.loss_ce": 0.06879, "aux.acc_seg": 92.43227, "loss": 0.23014, "time": 1.33124} {"mode": "train", "epoch": 48, "iter": 60150, "lr": 1e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.17302, "decode.acc_seg": 92.61484, "aux.loss_ce": 0.07353, "aux.acc_seg": 92.15019, "loss": 0.24655, "time": 1.32691} {"mode": "train", "epoch": 48, "iter": 60200, "lr": 1e-05, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.15188, "decode.acc_seg": 93.29287, "aux.loss_ce": 0.06532, "aux.acc_seg": 92.80089, "loss": 0.2172, "time": 1.32912} {"mode": "train", "epoch": 48, "iter": 60250, "lr": 1e-05, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.17597, "decode.acc_seg": 92.40738, "aux.loss_ce": 0.07482, "aux.acc_seg": 91.99762, "loss": 0.25079, "time": 1.33177} {"mode": "train", "epoch": 48, "iter": 60300, "lr": 1e-05, "memory": 70498, "data_time": 0.00945, "decode.loss_ce": 0.15957, "decode.acc_seg": 93.0001, "aux.loss_ce": 0.06794, "aux.acc_seg": 92.58834, "loss": 0.2275, "time": 1.32841} {"mode": "train", "epoch": 48, "iter": 60350, "lr": 1e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.16603, "decode.acc_seg": 92.71329, "aux.loss_ce": 0.07051, "aux.acc_seg": 92.24591, "loss": 0.23654, "time": 1.32849} {"mode": "train", "epoch": 48, "iter": 60400, "lr": 1e-05, "memory": 70498, "data_time": 0.00948, "decode.loss_ce": 0.1636, "decode.acc_seg": 92.89878, "aux.loss_ce": 0.06925, "aux.acc_seg": 92.53312, "loss": 0.23285, "time": 1.33165} {"mode": "train", "epoch": 48, "iter": 60450, "lr": 1e-05, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.17748, "decode.acc_seg": 92.58994, "aux.loss_ce": 0.07438, "aux.acc_seg": 92.18844, "loss": 0.25187, "time": 1.3338} {"mode": "train", "epoch": 48, "iter": 60500, "lr": 1e-05, "memory": 70498, "data_time": 0.00942, "decode.loss_ce": 0.1676, "decode.acc_seg": 92.82983, "aux.loss_ce": 0.0715, "aux.acc_seg": 92.35398, "loss": 0.2391, "time": 1.32724} {"mode": "train", "epoch": 48, "iter": 60550, "lr": 1e-05, "memory": 70498, "data_time": 0.00961, "decode.loss_ce": 0.17157, "decode.acc_seg": 92.42956, "aux.loss_ce": 0.07235, "aux.acc_seg": 92.11105, "loss": 0.24392, "time": 1.33645} {"mode": "train", "epoch": 48, "iter": 60600, "lr": 1e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.16518, "decode.acc_seg": 92.62805, "aux.loss_ce": 0.07079, "aux.acc_seg": 92.12672, "loss": 0.23597, "time": 1.32722} {"mode": "train", "epoch": 49, "iter": 60650, "lr": 1e-05, "memory": 70498, "data_time": 0.06629, "decode.loss_ce": 0.16071, "decode.acc_seg": 93.01017, "aux.loss_ce": 0.06808, "aux.acc_seg": 92.60195, "loss": 0.22879, "time": 1.38379} {"mode": "train", "epoch": 49, "iter": 60700, "lr": 1e-05, "memory": 70498, "data_time": 0.00945, "decode.loss_ce": 0.16506, "decode.acc_seg": 92.81961, "aux.loss_ce": 0.0702, "aux.acc_seg": 92.37051, "loss": 0.23526, "time": 1.32769} {"mode": "train", "epoch": 49, "iter": 60750, "lr": 1e-05, "memory": 70498, "data_time": 0.00947, "decode.loss_ce": 0.16953, "decode.acc_seg": 92.60764, "aux.loss_ce": 0.07181, "aux.acc_seg": 92.20495, "loss": 0.24134, "time": 1.32872} {"mode": "train", "epoch": 49, "iter": 60800, "lr": 1e-05, "memory": 70498, "data_time": 0.00944, "decode.loss_ce": 0.16173, "decode.acc_seg": 92.72167, "aux.loss_ce": 0.06915, "aux.acc_seg": 92.23181, "loss": 0.23088, "time": 1.33124} {"mode": "train", "epoch": 49, "iter": 60850, "lr": 1e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.16752, "decode.acc_seg": 92.71881, "aux.loss_ce": 0.0714, "aux.acc_seg": 92.34668, "loss": 0.23892, "time": 1.32713} {"mode": "train", "epoch": 49, "iter": 60900, "lr": 1e-05, "memory": 70498, "data_time": 0.00967, "decode.loss_ce": 0.15051, "decode.acc_seg": 93.41199, "aux.loss_ce": 0.06488, "aux.acc_seg": 92.97503, "loss": 0.21539, "time": 1.33563} {"mode": "train", "epoch": 49, "iter": 60950, "lr": 1e-05, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.17132, "decode.acc_seg": 92.6679, "aux.loss_ce": 0.07271, "aux.acc_seg": 92.21553, "loss": 0.24404, "time": 1.33385} {"mode": "train", "epoch": 49, "iter": 61000, "lr": 1e-05, "memory": 70498, "data_time": 0.00961, "decode.loss_ce": 0.16064, "decode.acc_seg": 92.90247, "aux.loss_ce": 0.06829, "aux.acc_seg": 92.51543, "loss": 0.22894, "time": 1.327} {"mode": "val", "epoch": 49, "iter": 250, "lr": 1e-05, "aAcc": 0.8609, "mIoU": 0.5697, "mAcc": 0.6925, "IoU.wall": 0.8215, "IoU.building": 0.8586, "IoU.sky": 0.9495, "IoU.floor": 0.8482, "IoU.tree": 0.7781, "IoU.ceiling": 0.8706, "IoU.road": 0.8581, "IoU.bed ": 0.9222, "IoU.windowpane": 0.6551, "IoU.grass": 0.6652, "IoU.cabinet": 0.6527, "IoU.sidewalk": 0.7144, "IoU.person": 0.858, "IoU.earth": 0.3839, "IoU.door": 0.5916, "IoU.table": 0.6943, "IoU.mountain": 0.5953, "IoU.plant": 0.5682, "IoU.curtain": 0.7551, "IoU.chair": 0.6678, "IoU.car": 0.8749, "IoU.water": 0.6412, "IoU.painting": 0.7782, "IoU.sofa": 0.815, "IoU.shelf": 0.5239, "IoU.house": 0.6082, "IoU.sea": 0.693, "IoU.mirror": 0.765, "IoU.rug": 0.6723, "IoU.field": 0.3289, "IoU.armchair": 0.6097, "IoU.seat": 0.6363, "IoU.fence": 0.4884, "IoU.desk": 0.5958, "IoU.rock": 0.5472, "IoU.wardrobe": 0.5207, "IoU.lamp": 0.7375, "IoU.bathtub": 0.8416, "IoU.railing": 0.3934, "IoU.cushion": 0.6995, "IoU.base": 0.4003, "IoU.box": 0.3816, "IoU.column": 0.5331, "IoU.signboard": 0.4184, "IoU.chest of drawers": 0.4549, "IoU.counter": 0.3789, "IoU.sand": 0.5329, "IoU.sink": 0.782, "IoU.skyscraper": 0.4912, "IoU.fireplace": 0.7772, "IoU.refrigerator": 0.825, "IoU.grandstand": 0.4723, "IoU.path": 0.2551, "IoU.stairs": 0.2755, "IoU.runway": 0.7391, "IoU.case": 0.5972, "IoU.pool table": 0.9481, "IoU.pillow": 0.7056, "IoU.screen door": 0.8579, "IoU.stairway": 0.4658, "IoU.river": 0.1818, "IoU.bridge": 0.7613, "IoU.bookcase": 0.5056, "IoU.blind": 0.4698, "IoU.coffee table": 0.6508, "IoU.toilet": 0.8936, "IoU.flower": 0.4232, "IoU.book": 0.5864, "IoU.hill": 0.0782, "IoU.bench": 0.5011, "IoU.countertop": 0.6301, "IoU.stove": 0.8645, "IoU.palm": 0.562, "IoU.kitchen island": 0.3772, "IoU.computer": 0.7934, "IoU.swivel chair": 0.5067, "IoU.boat": 0.6825, "IoU.bar": 0.5528, "IoU.arcade machine": 0.7494, "IoU.hovel": 0.4316, "IoU.bus": 0.9298, "IoU.towel": 0.7281, "IoU.light": 0.5962, "IoU.truck": 0.4656, "IoU.tower": 0.0623, "IoU.chandelier": 0.7117, "IoU.awning": 0.4472, "IoU.streetlight": 0.3359, "IoU.booth": 0.5277, "IoU.television receiver": 0.8193, "IoU.airplane": 0.8309, "IoU.dirt track": 0.094, "IoU.apparel": 0.4515, "IoU.pole": 0.2635, "IoU.land": 0.0319, "IoU.bannister": 0.1645, "IoU.escalator": 0.5995, "IoU.ottoman": 0.4545, "IoU.bottle": 0.4254, "IoU.buffet": 0.4272, "IoU.poster": 0.3636, "IoU.stage": 0.2544, "IoU.van": 0.4388, "IoU.ship": 0.5169, "IoU.fountain": 0.2487, "IoU.conveyer belt": 0.8082, "IoU.canopy": 0.6314, "IoU.washer": 0.7605, "IoU.plaything": 0.394, "IoU.swimming pool": 0.7058, "IoU.stool": 0.4581, "IoU.barrel": 0.5512, "IoU.basket": 0.4188, "IoU.waterfall": 0.7176, "IoU.tent": 0.8902, "IoU.bag": 0.2121, "IoU.minibike": 0.7567, "IoU.cradle": 0.8525, "IoU.oven": 0.6081, "IoU.ball": 0.5316, "IoU.food": 0.6064, "IoU.step": 0.1264, "IoU.tank": 0.609, "IoU.trade name": 0.2918, "IoU.microwave": 0.8869, "IoU.pot": 0.5883, "IoU.animal": 0.6139, "IoU.bicycle": 0.5965, "IoU.lake": 0.5754, "IoU.dishwasher": 0.7141, "IoU.screen": 0.6267, "IoU.blanket": 0.3098, "IoU.sculpture": 0.7751, "IoU.hood": 0.6284, "IoU.sconce": 0.551, "IoU.vase": 0.4833, "IoU.traffic light": 0.3832, "IoU.tray": 0.1453, "IoU.ashcan": 0.4505, "IoU.fan": 0.6646, "IoU.pier": 0.3059, "IoU.crt screen": 0.2086, "IoU.plate": 0.5864, "IoU.monitor": 0.6775, "IoU.bulletin board": 0.5902, "IoU.shower": 0.0408, "IoU.radiator": 0.6415, "IoU.glass": 0.1876, "IoU.clock": 0.4122, "IoU.flag": 0.7152, "Acc.wall": 0.9067, "Acc.building": 0.9315, "Acc.sky": 0.979, "Acc.floor": 0.9199, "Acc.tree": 0.8909, "Acc.ceiling": 0.9327, "Acc.road": 0.9192, "Acc.bed ": 0.9706, "Acc.windowpane": 0.8336, "Acc.grass": 0.8038, "Acc.cabinet": 0.7656, "Acc.sidewalk": 0.8492, "Acc.person": 0.9391, "Acc.earth": 0.5068, "Acc.door": 0.7095, "Acc.table": 0.8204, "Acc.mountain": 0.734, "Acc.plant": 0.6879, "Acc.curtain": 0.8568, "Acc.chair": 0.7724, "Acc.car": 0.9375, "Acc.water": 0.7763, "Acc.painting": 0.9083, "Acc.sofa": 0.8982, "Acc.shelf": 0.6905, "Acc.house": 0.7605, "Acc.sea": 0.8648, "Acc.mirror": 0.8185, "Acc.rug": 0.776, "Acc.field": 0.6163, "Acc.armchair": 0.7968, "Acc.seat": 0.8848, "Acc.fence": 0.621, "Acc.desk": 0.7832, "Acc.rock": 0.7845, "Acc.wardrobe": 0.6898, "Acc.lamp": 0.8511, "Acc.bathtub": 0.8634, "Acc.railing": 0.5723, "Acc.cushion": 0.8265, "Acc.base": 0.6215, "Acc.box": 0.5144, "Acc.column": 0.6529, "Acc.signboard": 0.5754, "Acc.chest of drawers": 0.6367, "Acc.counter": 0.4858, "Acc.sand": 0.7676, "Acc.sink": 0.8365, "Acc.skyscraper": 0.6098, "Acc.fireplace": 0.922, "Acc.refrigerator": 0.9237, "Acc.grandstand": 0.827, "Acc.path": 0.3342, "Acc.stairs": 0.3712, "Acc.runway": 0.9819, "Acc.case": 0.7839, "Acc.pool table": 0.9774, "Acc.pillow": 0.7994, "Acc.screen door": 0.8944, "Acc.stairway": 0.5919, "Acc.river": 0.3178, "Acc.bridge": 0.8785, "Acc.bookcase": 0.6378, "Acc.blind": 0.4969, "Acc.coffee table": 0.8809, "Acc.toilet": 0.9407, "Acc.flower": 0.5677, "Acc.book": 0.7358, "Acc.hill": 0.1075, "Acc.bench": 0.5808, "Acc.countertop": 0.8429, "Acc.stove": 0.9322, "Acc.palm": 0.8509, "Acc.kitchen island": 0.6323, "Acc.computer": 0.9198, "Acc.swivel chair": 0.7715, "Acc.boat": 0.8727, "Acc.bar": 0.7484, "Acc.arcade machine": 0.7881, "Acc.hovel": 0.4956, "Acc.bus": 0.9602, "Acc.towel": 0.8212, "Acc.light": 0.6697, "Acc.truck": 0.612, "Acc.tower": 0.0878, "Acc.chandelier": 0.8474, "Acc.awning": 0.5947, "Acc.streetlight": 0.4501, "Acc.booth": 0.5821, "Acc.television receiver": 0.8734, "Acc.airplane": 0.8934, "Acc.dirt track": 0.4416, "Acc.apparel": 0.586, "Acc.pole": 0.3507, "Acc.land": 0.0557, "Acc.bannister": 0.2134, "Acc.escalator": 0.8066, "Acc.ottoman": 0.6477, "Acc.bottle": 0.6008, "Acc.buffet": 0.5431, "Acc.poster": 0.52, "Acc.stage": 0.4708, "Acc.van": 0.6019, "Acc.ship": 0.5283, "Acc.fountain": 0.2613, "Acc.conveyer belt": 0.93, "Acc.canopy": 0.8054, "Acc.washer": 0.7836, "Acc.plaything": 0.5083, "Acc.swimming pool": 0.8752, "Acc.stool": 0.7164, "Acc.barrel": 0.6476, "Acc.basket": 0.5811, "Acc.waterfall": 0.864, "Acc.tent": 0.9902, "Acc.bag": 0.2523, "Acc.minibike": 0.8889, "Acc.cradle": 0.9746, "Acc.oven": 0.7349, "Acc.ball": 0.5735, "Acc.food": 0.7551, "Acc.step": 0.155, "Acc.tank": 0.6588, "Acc.trade name": 0.3314, "Acc.microwave": 0.9603, "Acc.pot": 0.6719, "Acc.animal": 0.6255, "Acc.bicycle": 0.8092, "Acc.lake": 0.6104, "Acc.dishwasher": 0.8366, "Acc.screen": 0.9327, "Acc.blanket": 0.3481, "Acc.sculpture": 0.873, "Acc.hood": 0.7597, "Acc.sconce": 0.6215, "Acc.vase": 0.5839, "Acc.traffic light": 0.6754, "Acc.tray": 0.1824, "Acc.ashcan": 0.6797, "Acc.fan": 0.7964, "Acc.pier": 0.4779, "Acc.crt screen": 0.2714, "Acc.plate": 0.7668, "Acc.monitor": 0.8402, "Acc.bulletin board": 0.6855, "Acc.shower": 0.0537, "Acc.radiator": 0.7457, "Acc.glass": 0.2003, "Acc.clock": 0.4604, "Acc.flag": 0.8007} {"mode": "train", "epoch": 49, "iter": 61050, "lr": 1e-05, "memory": 70498, "data_time": 1.94498, "decode.loss_ce": 0.16059, "decode.acc_seg": 93.01291, "aux.loss_ce": 0.06846, "aux.acc_seg": 92.5888, "loss": 0.22905, "time": 3.26345} {"mode": "train", "epoch": 49, "iter": 61100, "lr": 1e-05, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.15427, "decode.acc_seg": 93.18054, "aux.loss_ce": 0.06605, "aux.acc_seg": 92.77235, "loss": 0.22032, "time": 1.32797} {"mode": "train", "epoch": 49, "iter": 61150, "lr": 1e-05, "memory": 70498, "data_time": 0.00948, "decode.loss_ce": 0.1615, "decode.acc_seg": 92.89104, "aux.loss_ce": 0.06894, "aux.acc_seg": 92.40346, "loss": 0.23044, "time": 1.33053} {"mode": "train", "epoch": 49, "iter": 61200, "lr": 1e-05, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.16785, "decode.acc_seg": 92.69647, "aux.loss_ce": 0.072, "aux.acc_seg": 92.21348, "loss": 0.23985, "time": 1.32885} {"mode": "train", "epoch": 49, "iter": 61250, "lr": 1e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.16153, "decode.acc_seg": 92.83806, "aux.loss_ce": 0.06906, "aux.acc_seg": 92.38717, "loss": 0.23059, "time": 1.32682} {"mode": "train", "epoch": 49, "iter": 61300, "lr": 1e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.1542, "decode.acc_seg": 93.20099, "aux.loss_ce": 0.06555, "aux.acc_seg": 92.80215, "loss": 0.21975, "time": 1.32835} {"mode": "train", "epoch": 49, "iter": 61350, "lr": 1e-05, "memory": 70498, "data_time": 0.00961, "decode.loss_ce": 0.16227, "decode.acc_seg": 92.9828, "aux.loss_ce": 0.06898, "aux.acc_seg": 92.56012, "loss": 0.23125, "time": 1.32749} {"mode": "train", "epoch": 49, "iter": 61400, "lr": 1e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.16634, "decode.acc_seg": 92.80271, "aux.loss_ce": 0.07057, "aux.acc_seg": 92.39072, "loss": 0.23691, "time": 1.32985} {"mode": "train", "epoch": 49, "iter": 61450, "lr": 1e-05, "memory": 70498, "data_time": 0.0097, "decode.loss_ce": 0.16038, "decode.acc_seg": 93.00918, "aux.loss_ce": 0.06887, "aux.acc_seg": 92.5029, "loss": 0.22925, "time": 1.32761} {"mode": "train", "epoch": 49, "iter": 61500, "lr": 1e-05, "memory": 70498, "data_time": 0.00967, "decode.loss_ce": 0.16627, "decode.acc_seg": 92.88715, "aux.loss_ce": 0.07031, "aux.acc_seg": 92.47256, "loss": 0.23658, "time": 1.32413} {"mode": "train", "epoch": 49, "iter": 61550, "lr": 1e-05, "memory": 70498, "data_time": 0.00946, "decode.loss_ce": 0.16844, "decode.acc_seg": 92.5889, "aux.loss_ce": 0.07158, "aux.acc_seg": 92.2123, "loss": 0.24001, "time": 1.33142} {"mode": "train", "epoch": 49, "iter": 61600, "lr": 1e-05, "memory": 70498, "data_time": 0.00946, "decode.loss_ce": 0.1806, "decode.acc_seg": 92.51254, "aux.loss_ce": 0.07679, "aux.acc_seg": 92.06232, "loss": 0.25739, "time": 1.32751} {"mode": "train", "epoch": 49, "iter": 61650, "lr": 1e-05, "memory": 70498, "data_time": 0.00944, "decode.loss_ce": 0.18331, "decode.acc_seg": 92.13209, "aux.loss_ce": 0.07684, "aux.acc_seg": 91.77552, "loss": 0.26015, "time": 1.33831} {"mode": "train", "epoch": 49, "iter": 61700, "lr": 1e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.16763, "decode.acc_seg": 92.86703, "aux.loss_ce": 0.07172, "aux.acc_seg": 92.38768, "loss": 0.23935, "time": 1.33194} {"mode": "train", "epoch": 49, "iter": 61750, "lr": 1e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.16407, "decode.acc_seg": 92.8468, "aux.loss_ce": 0.06963, "aux.acc_seg": 92.40276, "loss": 0.2337, "time": 1.33444} {"mode": "train", "epoch": 49, "iter": 61800, "lr": 1e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.16469, "decode.acc_seg": 93.13228, "aux.loss_ce": 0.07009, "aux.acc_seg": 92.64439, "loss": 0.23477, "time": 1.32781} {"mode": "train", "epoch": 49, "iter": 61850, "lr": 1e-05, "memory": 70498, "data_time": 0.0099, "decode.loss_ce": 0.16485, "decode.acc_seg": 93.10634, "aux.loss_ce": 0.06991, "aux.acc_seg": 92.64746, "loss": 0.23476, "time": 1.32969} {"mode": "train", "epoch": 50, "iter": 61900, "lr": 1e-05, "memory": 70498, "data_time": 0.05573, "decode.loss_ce": 0.15878, "decode.acc_seg": 92.91299, "aux.loss_ce": 0.06799, "aux.acc_seg": 92.43063, "loss": 0.22677, "time": 1.37308} {"mode": "train", "epoch": 50, "iter": 61950, "lr": 1e-05, "memory": 70498, "data_time": 0.00948, "decode.loss_ce": 0.16018, "decode.acc_seg": 93.09311, "aux.loss_ce": 0.06853, "aux.acc_seg": 92.60279, "loss": 0.22872, "time": 1.32518} {"mode": "train", "epoch": 50, "iter": 62000, "lr": 1e-05, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.15289, "decode.acc_seg": 93.33514, "aux.loss_ce": 0.0655, "aux.acc_seg": 92.91416, "loss": 0.21839, "time": 3.42741} {"mode": "val", "epoch": 50, "iter": 250, "lr": 1e-05, "aAcc": 0.8605, "mIoU": 0.5712, "mAcc": 0.6923, "IoU.wall": 0.8225, "IoU.building": 0.8486, "IoU.sky": 0.9495, "IoU.floor": 0.8539, "IoU.tree": 0.7755, "IoU.ceiling": 0.8696, "IoU.road": 0.8679, "IoU.bed ": 0.9248, "IoU.windowpane": 0.6638, "IoU.grass": 0.6644, "IoU.cabinet": 0.6409, "IoU.sidewalk": 0.7134, "IoU.person": 0.8559, "IoU.earth": 0.3893, "IoU.door": 0.6072, "IoU.table": 0.6951, "IoU.mountain": 0.5968, "IoU.plant": 0.5665, "IoU.curtain": 0.7832, "IoU.chair": 0.6771, "IoU.car": 0.8756, "IoU.water": 0.6182, "IoU.painting": 0.7839, "IoU.sofa": 0.8183, "IoU.shelf": 0.5176, "IoU.house": 0.4551, "IoU.sea": 0.6761, "IoU.mirror": 0.7655, "IoU.rug": 0.7022, "IoU.field": 0.3076, "IoU.armchair": 0.6017, "IoU.seat": 0.6619, "IoU.fence": 0.4783, "IoU.desk": 0.5865, "IoU.rock": 0.545, "IoU.wardrobe": 0.5105, "IoU.lamp": 0.7406, "IoU.bathtub": 0.8456, "IoU.railing": 0.3956, "IoU.cushion": 0.7067, "IoU.base": 0.4193, "IoU.box": 0.3671, "IoU.column": 0.5522, "IoU.signboard": 0.4247, "IoU.chest of drawers": 0.4437, "IoU.counter": 0.4097, "IoU.sand": 0.5062, "IoU.sink": 0.784, "IoU.skyscraper": 0.4785, "IoU.fireplace": 0.7879, "IoU.refrigerator": 0.8049, "IoU.grandstand": 0.4867, "IoU.path": 0.2556, "IoU.stairs": 0.3047, "IoU.runway": 0.7382, "IoU.case": 0.5957, "IoU.pool table": 0.951, "IoU.pillow": 0.7125, "IoU.screen door": 0.8461, "IoU.stairway": 0.4854, "IoU.river": 0.2011, "IoU.bridge": 0.7707, "IoU.bookcase": 0.4579, "IoU.blind": 0.4636, "IoU.coffee table": 0.6539, "IoU.toilet": 0.8957, "IoU.flower": 0.4051, "IoU.book": 0.5628, "IoU.hill": 0.0956, "IoU.bench": 0.5486, "IoU.countertop": 0.6321, "IoU.stove": 0.8776, "IoU.palm": 0.5596, "IoU.kitchen island": 0.4059, "IoU.computer": 0.7995, "IoU.swivel chair": 0.5206, "IoU.boat": 0.6511, "IoU.bar": 0.5636, "IoU.arcade machine": 0.7863, "IoU.hovel": 0.4498, "IoU.bus": 0.9198, "IoU.towel": 0.7597, "IoU.light": 0.6183, "IoU.truck": 0.4648, "IoU.tower": 0.1849, "IoU.chandelier": 0.7176, "IoU.awning": 0.4134, "IoU.streetlight": 0.3257, "IoU.booth": 0.4485, "IoU.television receiver": 0.8178, "IoU.airplane": 0.83, "IoU.dirt track": 0.145, "IoU.apparel": 0.4597, "IoU.pole": 0.2819, "IoU.land": 0.0317, "IoU.bannister": 0.1855, "IoU.escalator": 0.5662, "IoU.ottoman": 0.4959, "IoU.bottle": 0.4309, "IoU.buffet": 0.5208, "IoU.poster": 0.3561, "IoU.stage": 0.2443, "IoU.van": 0.4474, "IoU.ship": 0.8124, "IoU.fountain": 0.2831, "IoU.conveyer belt": 0.7424, "IoU.canopy": 0.6221, "IoU.washer": 0.8188, "IoU.plaything": 0.3732, "IoU.swimming pool": 0.641, "IoU.stool": 0.4964, "IoU.barrel": 0.5664, "IoU.basket": 0.4482, "IoU.waterfall": 0.5678, "IoU.tent": 0.9161, "IoU.bag": 0.2078, "IoU.minibike": 0.7527, "IoU.cradle": 0.8543, "IoU.oven": 0.6092, "IoU.ball": 0.417, "IoU.food": 0.5857, "IoU.step": 0.1068, "IoU.tank": 0.6415, "IoU.trade name": 0.2148, "IoU.microwave": 0.9053, "IoU.pot": 0.596, "IoU.animal": 0.6276, "IoU.bicycle": 0.598, "IoU.lake": 0.5451, "IoU.dishwasher": 0.7395, "IoU.screen": 0.5928, "IoU.blanket": 0.303, "IoU.sculpture": 0.7517, "IoU.hood": 0.6092, "IoU.sconce": 0.548, "IoU.vase": 0.4942, "IoU.traffic light": 0.4293, "IoU.tray": 0.1802, "IoU.ashcan": 0.4844, "IoU.fan": 0.6646, "IoU.pier": 0.32, "IoU.crt screen": 0.1189, "IoU.plate": 0.5929, "IoU.monitor": 0.6241, "IoU.bulletin board": 0.5462, "IoU.shower": 0.0507, "IoU.radiator": 0.6319, "IoU.glass": 0.1916, "IoU.clock": 0.4543, "IoU.flag": 0.7176, "Acc.wall": 0.9036, "Acc.building": 0.9349, "Acc.sky": 0.9786, "Acc.floor": 0.9215, "Acc.tree": 0.8953, "Acc.ceiling": 0.9377, "Acc.road": 0.9134, "Acc.bed ": 0.9658, "Acc.windowpane": 0.8115, "Acc.grass": 0.8087, "Acc.cabinet": 0.752, "Acc.sidewalk": 0.8745, "Acc.person": 0.9407, "Acc.earth": 0.5162, "Acc.door": 0.7604, "Acc.table": 0.8158, "Acc.mountain": 0.7116, "Acc.plant": 0.6757, "Acc.curtain": 0.8694, "Acc.chair": 0.7796, "Acc.car": 0.9437, "Acc.water": 0.7575, "Acc.painting": 0.9082, "Acc.sofa": 0.9022, "Acc.shelf": 0.6979, "Acc.house": 0.5405, "Acc.sea": 0.8846, "Acc.mirror": 0.8247, "Acc.rug": 0.792, "Acc.field": 0.5839, "Acc.armchair": 0.7829, "Acc.seat": 0.8812, "Acc.fence": 0.6172, "Acc.desk": 0.7652, "Acc.rock": 0.7788, "Acc.wardrobe": 0.7209, "Acc.lamp": 0.85, "Acc.bathtub": 0.8653, "Acc.railing": 0.5763, "Acc.cushion": 0.8395, "Acc.base": 0.5349, "Acc.box": 0.4914, "Acc.column": 0.6945, "Acc.signboard": 0.5887, "Acc.chest of drawers": 0.687, "Acc.counter": 0.5076, "Acc.sand": 0.7524, "Acc.sink": 0.8508, "Acc.skyscraper": 0.6203, "Acc.fireplace": 0.9345, "Acc.refrigerator": 0.8957, "Acc.grandstand": 0.818, "Acc.path": 0.3392, "Acc.stairs": 0.4135, "Acc.runway": 0.9803, "Acc.case": 0.7738, "Acc.pool table": 0.9801, "Acc.pillow": 0.82, "Acc.screen door": 0.8759, "Acc.stairway": 0.5822, "Acc.river": 0.3467, "Acc.bridge": 0.892, "Acc.bookcase": 0.5525, "Acc.blind": 0.4943, "Acc.coffee table": 0.8704, "Acc.toilet": 0.935, "Acc.flower": 0.5148, "Acc.book": 0.745, "Acc.hill": 0.1466, "Acc.bench": 0.6545, "Acc.countertop": 0.8404, "Acc.stove": 0.9372, "Acc.palm": 0.7921, "Acc.kitchen island": 0.675, "Acc.computer": 0.9136, "Acc.swivel chair": 0.77, "Acc.boat": 0.8701, "Acc.bar": 0.7509, "Acc.arcade machine": 0.8399, "Acc.hovel": 0.4965, "Acc.bus": 0.9687, "Acc.towel": 0.8587, "Acc.light": 0.7229, "Acc.truck": 0.5722, "Acc.tower": 0.3349, "Acc.chandelier": 0.8521, "Acc.awning": 0.5281, "Acc.streetlight": 0.4521, "Acc.booth": 0.6063, "Acc.television receiver": 0.8696, "Acc.airplane": 0.9106, "Acc.dirt track": 0.2592, "Acc.apparel": 0.6237, "Acc.pole": 0.3828, "Acc.land": 0.0727, "Acc.bannister": 0.2706, "Acc.escalator": 0.8083, "Acc.ottoman": 0.718, "Acc.bottle": 0.6094, "Acc.buffet": 0.6639, "Acc.poster": 0.4697, "Acc.stage": 0.4379, "Acc.van": 0.6247, "Acc.ship": 0.8374, "Acc.fountain": 0.2972, "Acc.conveyer belt": 0.9342, "Acc.canopy": 0.7972, "Acc.washer": 0.8682, "Acc.plaything": 0.5176, "Acc.swimming pool": 0.8583, "Acc.stool": 0.7224, "Acc.barrel": 0.6609, "Acc.basket": 0.5685, "Acc.waterfall": 0.6802, "Acc.tent": 0.9885, "Acc.bag": 0.2427, "Acc.minibike": 0.8958, "Acc.cradle": 0.9745, "Acc.oven": 0.723, "Acc.ball": 0.4359, "Acc.food": 0.7535, "Acc.step": 0.1337, "Acc.tank": 0.6846, "Acc.trade name": 0.2289, "Acc.microwave": 0.9326, "Acc.pot": 0.6922, "Acc.animal": 0.6404, "Acc.bicycle": 0.8054, "Acc.lake": 0.5752, "Acc.dishwasher": 0.8317, "Acc.screen": 0.9401, "Acc.blanket": 0.3506, "Acc.sculpture": 0.8748, "Acc.hood": 0.744, "Acc.sconce": 0.6081, "Acc.vase": 0.5942, "Acc.traffic light": 0.604, "Acc.tray": 0.2423, "Acc.ashcan": 0.6205, "Acc.fan": 0.7868, "Acc.pier": 0.4405, "Acc.crt screen": 0.1586, "Acc.plate": 0.7487, "Acc.monitor": 0.7856, "Acc.bulletin board": 0.6625, "Acc.shower": 0.0643, "Acc.radiator": 0.7162, "Acc.glass": 0.2074, "Acc.clock": 0.5248, "Acc.flag": 0.8214} {"mode": "train", "epoch": 50, "iter": 62050, "lr": 1e-05, "memory": 70498, "data_time": 1.95833, "decode.loss_ce": 0.15588, "decode.acc_seg": 92.95754, "aux.loss_ce": 0.06634, "aux.acc_seg": 92.52481, "loss": 0.22221, "time": 3.2816} {"mode": "train", "epoch": 50, "iter": 62100, "lr": 1e-05, "memory": 70498, "data_time": 0.0096, "decode.loss_ce": 0.1688, "decode.acc_seg": 92.52158, "aux.loss_ce": 0.07169, "aux.acc_seg": 92.0908, "loss": 0.24049, "time": 1.32531} {"mode": "train", "epoch": 50, "iter": 62150, "lr": 1e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.16759, "decode.acc_seg": 92.66503, "aux.loss_ce": 0.07124, "aux.acc_seg": 92.23056, "loss": 0.23882, "time": 1.32751} {"mode": "train", "epoch": 50, "iter": 62200, "lr": 1e-05, "memory": 70498, "data_time": 0.00956, "decode.loss_ce": 0.15498, "decode.acc_seg": 93.23491, "aux.loss_ce": 0.06621, "aux.acc_seg": 92.78103, "loss": 0.22119, "time": 1.3224} {"mode": "train", "epoch": 50, "iter": 62250, "lr": 1e-05, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.17177, "decode.acc_seg": 92.56561, "aux.loss_ce": 0.07265, "aux.acc_seg": 92.16731, "loss": 0.24441, "time": 1.33137} {"mode": "train", "epoch": 50, "iter": 62300, "lr": 1e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.16693, "decode.acc_seg": 92.6542, "aux.loss_ce": 0.0711, "aux.acc_seg": 92.14689, "loss": 0.23803, "time": 1.32727} {"mode": "train", "epoch": 50, "iter": 62350, "lr": 1e-05, "memory": 70498, "data_time": 0.0096, "decode.loss_ce": 0.16313, "decode.acc_seg": 93.16761, "aux.loss_ce": 0.06959, "aux.acc_seg": 92.73024, "loss": 0.23272, "time": 1.32871} {"mode": "train", "epoch": 50, "iter": 62400, "lr": 1e-05, "memory": 70498, "data_time": 0.00947, "decode.loss_ce": 0.15945, "decode.acc_seg": 93.16128, "aux.loss_ce": 0.06754, "aux.acc_seg": 92.78316, "loss": 0.22699, "time": 1.32968} {"mode": "train", "epoch": 50, "iter": 62450, "lr": 1e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.16458, "decode.acc_seg": 92.98423, "aux.loss_ce": 0.07047, "aux.acc_seg": 92.52896, "loss": 0.23505, "time": 1.32738} {"mode": "train", "epoch": 50, "iter": 62500, "lr": 1e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.16124, "decode.acc_seg": 92.96359, "aux.loss_ce": 0.06942, "aux.acc_seg": 92.45497, "loss": 0.23067, "time": 1.32702} {"mode": "train", "epoch": 50, "iter": 62550, "lr": 1e-05, "memory": 70498, "data_time": 0.0096, "decode.loss_ce": 0.16482, "decode.acc_seg": 92.87939, "aux.loss_ce": 0.07072, "aux.acc_seg": 92.44784, "loss": 0.23555, "time": 1.3264} {"mode": "train", "epoch": 50, "iter": 62600, "lr": 1e-05, "memory": 70498, "data_time": 0.0097, "decode.loss_ce": 0.16959, "decode.acc_seg": 92.84993, "aux.loss_ce": 0.07196, "aux.acc_seg": 92.38037, "loss": 0.24155, "time": 1.32455} {"mode": "train", "epoch": 50, "iter": 62650, "lr": 1e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.17134, "decode.acc_seg": 92.64143, "aux.loss_ce": 0.07349, "aux.acc_seg": 92.09396, "loss": 0.24483, "time": 1.327} {"mode": "train", "epoch": 50, "iter": 62700, "lr": 1e-05, "memory": 70498, "data_time": 0.00965, "decode.loss_ce": 0.16133, "decode.acc_seg": 93.01904, "aux.loss_ce": 0.06866, "aux.acc_seg": 92.53524, "loss": 0.22999, "time": 1.32414} {"mode": "train", "epoch": 50, "iter": 62750, "lr": 1e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.16303, "decode.acc_seg": 93.14101, "aux.loss_ce": 0.06893, "aux.acc_seg": 92.80204, "loss": 0.23197, "time": 1.32913} {"mode": "train", "epoch": 50, "iter": 62800, "lr": 1e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.16632, "decode.acc_seg": 92.88068, "aux.loss_ce": 0.07096, "aux.acc_seg": 92.47736, "loss": 0.23729, "time": 1.32443} {"mode": "train", "epoch": 50, "iter": 62850, "lr": 1e-05, "memory": 70498, "data_time": 0.01023, "decode.loss_ce": 0.16369, "decode.acc_seg": 93.01853, "aux.loss_ce": 0.06995, "aux.acc_seg": 92.52609, "loss": 0.23364, "time": 1.32891} {"mode": "train", "epoch": 50, "iter": 62900, "lr": 1e-05, "memory": 70498, "data_time": 0.00999, "decode.loss_ce": 0.16191, "decode.acc_seg": 92.89561, "aux.loss_ce": 0.06894, "aux.acc_seg": 92.44422, "loss": 0.23085, "time": 1.32685} {"mode": "train", "epoch": 50, "iter": 62950, "lr": 1e-05, "memory": 70498, "data_time": 0.00979, "decode.loss_ce": 0.16504, "decode.acc_seg": 92.745, "aux.loss_ce": 0.07027, "aux.acc_seg": 92.29935, "loss": 0.2353, "time": 1.33094} {"mode": "train", "epoch": 50, "iter": 63000, "lr": 1e-05, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.15819, "decode.acc_seg": 93.17343, "aux.loss_ce": 0.06707, "aux.acc_seg": 92.76686, "loss": 0.22526, "time": 1.32664} {"mode": "val", "epoch": 50, "iter": 250, "lr": 1e-05, "aAcc": 0.861, "mIoU": 0.5718, "mAcc": 0.6974, "IoU.wall": 0.8217, "IoU.building": 0.8528, "IoU.sky": 0.9496, "IoU.floor": 0.8474, "IoU.tree": 0.777, "IoU.ceiling": 0.8671, "IoU.road": 0.8697, "IoU.bed ": 0.9233, "IoU.windowpane": 0.6629, "IoU.grass": 0.6697, "IoU.cabinet": 0.6486, "IoU.sidewalk": 0.719, "IoU.person": 0.8534, "IoU.earth": 0.3873, "IoU.door": 0.6151, "IoU.table": 0.6979, "IoU.mountain": 0.5979, "IoU.plant": 0.5615, "IoU.curtain": 0.7723, "IoU.chair": 0.6778, "IoU.car": 0.8702, "IoU.water": 0.6168, "IoU.painting": 0.7787, "IoU.sofa": 0.8202, "IoU.shelf": 0.522, "IoU.house": 0.5488, "IoU.sea": 0.6817, "IoU.mirror": 0.7755, "IoU.rug": 0.6811, "IoU.field": 0.3557, "IoU.armchair": 0.6034, "IoU.seat": 0.6356, "IoU.fence": 0.4979, "IoU.desk": 0.5802, "IoU.rock": 0.5297, "IoU.wardrobe": 0.5424, "IoU.lamp": 0.7465, "IoU.bathtub": 0.8453, "IoU.railing": 0.4019, "IoU.cushion": 0.7035, "IoU.base": 0.4279, "IoU.box": 0.3895, "IoU.column": 0.544, "IoU.signboard": 0.4134, "IoU.chest of drawers": 0.4542, "IoU.counter": 0.4423, "IoU.sand": 0.5321, "IoU.sink": 0.7854, "IoU.skyscraper": 0.4906, "IoU.fireplace": 0.7776, "IoU.refrigerator": 0.7934, "IoU.grandstand": 0.4766, "IoU.path": 0.2611, "IoU.stairs": 0.2938, "IoU.runway": 0.7407, "IoU.case": 0.6001, "IoU.pool table": 0.9499, "IoU.pillow": 0.7057, "IoU.screen door": 0.8165, "IoU.stairway": 0.4702, "IoU.river": 0.1419, "IoU.bridge": 0.7706, "IoU.bookcase": 0.4333, "IoU.blind": 0.4832, "IoU.coffee table": 0.6542, "IoU.toilet": 0.9019, "IoU.flower": 0.475, "IoU.book": 0.5714, "IoU.hill": 0.0752, "IoU.bench": 0.5421, "IoU.countertop": 0.6342, "IoU.stove": 0.8707, "IoU.palm": 0.5666, "IoU.kitchen island": 0.4588, "IoU.computer": 0.7928, "IoU.swivel chair": 0.513, "IoU.boat": 0.7104, "IoU.bar": 0.5536, "IoU.arcade machine": 0.7876, "IoU.hovel": 0.4211, "IoU.bus": 0.9309, "IoU.towel": 0.7754, "IoU.light": 0.6194, "IoU.truck": 0.4634, "IoU.tower": 0.1187, "IoU.chandelier": 0.7119, "IoU.awning": 0.4539, "IoU.streetlight": 0.3369, "IoU.booth": 0.5209, "IoU.television receiver": 0.8204, "IoU.airplane": 0.8179, "IoU.dirt track": 0.0765, "IoU.apparel": 0.4985, "IoU.pole": 0.2789, "IoU.land": 0.0391, "IoU.bannister": 0.1834, "IoU.escalator": 0.5517, "IoU.ottoman": 0.4809, "IoU.bottle": 0.4298, "IoU.buffet": 0.4975, "IoU.poster": 0.3743, "IoU.stage": 0.2637, "IoU.van": 0.446, "IoU.ship": 0.5474, "IoU.fountain": 0.2842, "IoU.conveyer belt": 0.7819, "IoU.canopy": 0.5448, "IoU.washer": 0.8365, "IoU.plaything": 0.3988, "IoU.swimming pool": 0.6471, "IoU.stool": 0.4935, "IoU.barrel": 0.5604, "IoU.basket": 0.4487, "IoU.waterfall": 0.5792, "IoU.tent": 0.9011, "IoU.bag": 0.2121, "IoU.minibike": 0.749, "IoU.cradle": 0.8608, "IoU.oven": 0.6037, "IoU.ball": 0.5333, "IoU.food": 0.546, "IoU.step": 0.1237, "IoU.tank": 0.5847, "IoU.trade name": 0.254, "IoU.microwave": 0.9037, "IoU.pot": 0.5966, "IoU.animal": 0.6454, "IoU.bicycle": 0.5889, "IoU.lake": 0.5599, "IoU.dishwasher": 0.7164, "IoU.screen": 0.5654, "IoU.blanket": 0.3353, "IoU.sculpture": 0.7371, "IoU.hood": 0.6149, "IoU.sconce": 0.5483, "IoU.vase": 0.4775, "IoU.traffic light": 0.4023, "IoU.tray": 0.1242, "IoU.ashcan": 0.4948, "IoU.fan": 0.6756, "IoU.pier": 0.3688, "IoU.crt screen": 0.1731, "IoU.plate": 0.5947, "IoU.monitor": 0.6602, "IoU.bulletin board": 0.5121, "IoU.shower": 0.0648, "IoU.radiator": 0.6584, "IoU.glass": 0.178, "IoU.clock": 0.4551, "IoU.flag": 0.7121, "Acc.wall": 0.8962, "Acc.building": 0.9366, "Acc.sky": 0.9747, "Acc.floor": 0.916, "Acc.tree": 0.8967, "Acc.ceiling": 0.9308, "Acc.road": 0.9108, "Acc.bed ": 0.9679, "Acc.windowpane": 0.8045, "Acc.grass": 0.8062, "Acc.cabinet": 0.7638, "Acc.sidewalk": 0.8741, "Acc.person": 0.9507, "Acc.earth": 0.5131, "Acc.door": 0.8051, "Acc.table": 0.8163, "Acc.mountain": 0.7115, "Acc.plant": 0.6642, "Acc.curtain": 0.8704, "Acc.chair": 0.7828, "Acc.car": 0.9412, "Acc.water": 0.7643, "Acc.painting": 0.9058, "Acc.sofa": 0.916, "Acc.shelf": 0.6803, "Acc.house": 0.7009, "Acc.sea": 0.8728, "Acc.mirror": 0.8323, "Acc.rug": 0.8105, "Acc.field": 0.6673, "Acc.armchair": 0.78, "Acc.seat": 0.8839, "Acc.fence": 0.6184, "Acc.desk": 0.747, "Acc.rock": 0.8495, "Acc.wardrobe": 0.7161, "Acc.lamp": 0.8487, "Acc.bathtub": 0.8687, "Acc.railing": 0.5757, "Acc.cushion": 0.8388, "Acc.base": 0.6061, "Acc.box": 0.5307, "Acc.column": 0.6516, "Acc.signboard": 0.5574, "Acc.chest of drawers": 0.6703, "Acc.counter": 0.5774, "Acc.sand": 0.799, "Acc.sink": 0.8382, "Acc.skyscraper": 0.5999, "Acc.fireplace": 0.9286, "Acc.refrigerator": 0.9166, "Acc.grandstand": 0.7798, "Acc.path": 0.3504, "Acc.stairs": 0.4032, "Acc.runway": 0.9759, "Acc.case": 0.8362, "Acc.pool table": 0.9792, "Acc.pillow": 0.8069, "Acc.screen door": 0.8464, "Acc.stairway": 0.5667, "Acc.river": 0.2296, "Acc.bridge": 0.8753, "Acc.bookcase": 0.5412, "Acc.blind": 0.5765, "Acc.coffee table": 0.8725, "Acc.toilet": 0.9402, "Acc.flower": 0.6404, "Acc.book": 0.7919, "Acc.hill": 0.1136, "Acc.bench": 0.6468, "Acc.countertop": 0.856, "Acc.stove": 0.9392, "Acc.palm": 0.8306, "Acc.kitchen island": 0.7894, "Acc.computer": 0.9245, "Acc.swivel chair": 0.7825, "Acc.boat": 0.895, "Acc.bar": 0.7437, "Acc.arcade machine": 0.8267, "Acc.hovel": 0.4958, "Acc.bus": 0.9616, "Acc.towel": 0.8617, "Acc.light": 0.7341, "Acc.truck": 0.6296, "Acc.tower": 0.1684, "Acc.chandelier": 0.8683, "Acc.awning": 0.5781, "Acc.streetlight": 0.4479, "Acc.booth": 0.6531, "Acc.television receiver": 0.8614, "Acc.airplane": 0.8998, "Acc.dirt track": 0.3697, "Acc.apparel": 0.6918, "Acc.pole": 0.3835, "Acc.land": 0.065, "Acc.bannister": 0.2852, "Acc.escalator": 0.81, "Acc.ottoman": 0.6451, "Acc.bottle": 0.6029, "Acc.buffet": 0.6358, "Acc.poster": 0.5679, "Acc.stage": 0.452, "Acc.van": 0.6047, "Acc.ship": 0.564, "Acc.fountain": 0.2889, "Acc.conveyer belt": 0.9244, "Acc.canopy": 0.8044, "Acc.washer": 0.8922, "Acc.plaything": 0.5353, "Acc.swimming pool": 0.8431, "Acc.stool": 0.707, "Acc.barrel": 0.6473, "Acc.basket": 0.5832, "Acc.waterfall": 0.7493, "Acc.tent": 0.9886, "Acc.bag": 0.2461, "Acc.minibike": 0.8979, "Acc.cradle": 0.9723, "Acc.oven": 0.7552, "Acc.ball": 0.5756, "Acc.food": 0.6352, "Acc.step": 0.1518, "Acc.tank": 0.6228, "Acc.trade name": 0.2757, "Acc.microwave": 0.9582, "Acc.pot": 0.7082, "Acc.animal": 0.6584, "Acc.bicycle": 0.7713, "Acc.lake": 0.6274, "Acc.dishwasher": 0.8293, "Acc.screen": 0.9138, "Acc.blanket": 0.381, "Acc.sculpture": 0.8883, "Acc.hood": 0.7437, "Acc.sconce": 0.6151, "Acc.vase": 0.6216, "Acc.traffic light": 0.6144, "Acc.tray": 0.1582, "Acc.ashcan": 0.6629, "Acc.fan": 0.8344, "Acc.pier": 0.4431, "Acc.crt screen": 0.2178, "Acc.plate": 0.7281, "Acc.monitor": 0.7852, "Acc.bulletin board": 0.5333, "Acc.shower": 0.0657, "Acc.radiator": 0.7527, "Acc.glass": 0.1873, "Acc.clock": 0.5126, "Acc.flag": 0.8127} {"mode": "train", "epoch": 50, "iter": 63050, "lr": 1e-05, "memory": 70498, "data_time": 1.98201, "decode.loss_ce": 0.16035, "decode.acc_seg": 92.95247, "aux.loss_ce": 0.06819, "aux.acc_seg": 92.5218, "loss": 0.22854, "time": 3.29881} {"mode": "train", "epoch": 50, "iter": 63100, "lr": 1e-05, "memory": 70498, "data_time": 0.00962, "decode.loss_ce": 0.16838, "decode.acc_seg": 92.58036, "aux.loss_ce": 0.07216, "aux.acc_seg": 92.07585, "loss": 0.24054, "time": 1.32993} {"mode": "train", "epoch": 50, "iter": 63150, "lr": 1e-05, "memory": 70498, "data_time": 0.00956, "decode.loss_ce": 0.14788, "decode.acc_seg": 93.45156, "aux.loss_ce": 0.06306, "aux.acc_seg": 93.02578, "loss": 0.21094, "time": 1.32675} {"mode": "train", "epoch": 51, "iter": 63200, "lr": 1e-05, "memory": 70498, "data_time": 0.05656, "decode.loss_ce": 0.15395, "decode.acc_seg": 93.23762, "aux.loss_ce": 0.06558, "aux.acc_seg": 92.80799, "loss": 0.21953, "time": 1.37335} {"mode": "train", "epoch": 51, "iter": 63250, "lr": 1e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.15969, "decode.acc_seg": 92.91723, "aux.loss_ce": 0.06814, "aux.acc_seg": 92.48662, "loss": 0.22783, "time": 1.3262} {"mode": "train", "epoch": 51, "iter": 63300, "lr": 1e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.16099, "decode.acc_seg": 92.9597, "aux.loss_ce": 0.06865, "aux.acc_seg": 92.51874, "loss": 0.22964, "time": 1.3344} {"mode": "train", "epoch": 51, "iter": 63350, "lr": 1e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.16428, "decode.acc_seg": 93.02761, "aux.loss_ce": 0.06999, "aux.acc_seg": 92.6109, "loss": 0.23427, "time": 1.32656} {"mode": "train", "epoch": 51, "iter": 63400, "lr": 1e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.16819, "decode.acc_seg": 92.80268, "aux.loss_ce": 0.07245, "aux.acc_seg": 92.26088, "loss": 0.24064, "time": 1.32807} {"mode": "train", "epoch": 51, "iter": 63450, "lr": 1e-05, "memory": 70498, "data_time": 0.00944, "decode.loss_ce": 0.15703, "decode.acc_seg": 93.23715, "aux.loss_ce": 0.06718, "aux.acc_seg": 92.76742, "loss": 0.2242, "time": 1.33307} {"mode": "train", "epoch": 51, "iter": 63500, "lr": 1e-05, "memory": 70498, "data_time": 0.00947, "decode.loss_ce": 0.1555, "decode.acc_seg": 93.35052, "aux.loss_ce": 0.06637, "aux.acc_seg": 92.96836, "loss": 0.22188, "time": 1.32876} {"mode": "train", "epoch": 51, "iter": 63550, "lr": 1e-05, "memory": 70498, "data_time": 0.00967, "decode.loss_ce": 0.16309, "decode.acc_seg": 92.87817, "aux.loss_ce": 0.06959, "aux.acc_seg": 92.39934, "loss": 0.23268, "time": 1.32951} {"mode": "train", "epoch": 51, "iter": 63600, "lr": 1e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.16616, "decode.acc_seg": 92.96692, "aux.loss_ce": 0.07155, "aux.acc_seg": 92.51233, "loss": 0.23771, "time": 1.32905} {"mode": "train", "epoch": 51, "iter": 63650, "lr": 1e-05, "memory": 70498, "data_time": 0.00956, "decode.loss_ce": 0.16668, "decode.acc_seg": 92.74642, "aux.loss_ce": 0.07165, "aux.acc_seg": 92.21895, "loss": 0.23833, "time": 1.33615} {"mode": "train", "epoch": 51, "iter": 63700, "lr": 1e-05, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.16119, "decode.acc_seg": 93.14823, "aux.loss_ce": 0.06868, "aux.acc_seg": 92.67431, "loss": 0.22987, "time": 1.32699} {"mode": "train", "epoch": 51, "iter": 63750, "lr": 1e-05, "memory": 70498, "data_time": 0.00944, "decode.loss_ce": 0.15493, "decode.acc_seg": 93.09058, "aux.loss_ce": 0.06612, "aux.acc_seg": 92.64835, "loss": 0.22105, "time": 1.33436} {"mode": "train", "epoch": 51, "iter": 63800, "lr": 1e-05, "memory": 70498, "data_time": 0.00939, "decode.loss_ce": 0.16255, "decode.acc_seg": 93.0299, "aux.loss_ce": 0.0692, "aux.acc_seg": 92.6126, "loss": 0.23174, "time": 1.32728} {"mode": "train", "epoch": 51, "iter": 63850, "lr": 1e-05, "memory": 70498, "data_time": 0.00938, "decode.loss_ce": 0.15749, "decode.acc_seg": 93.1863, "aux.loss_ce": 0.06787, "aux.acc_seg": 92.75025, "loss": 0.22536, "time": 1.33543} {"mode": "train", "epoch": 51, "iter": 63900, "lr": 1e-05, "memory": 70498, "data_time": 0.00944, "decode.loss_ce": 0.15782, "decode.acc_seg": 93.07664, "aux.loss_ce": 0.06771, "aux.acc_seg": 92.65406, "loss": 0.22553, "time": 1.32692} {"mode": "train", "epoch": 51, "iter": 63950, "lr": 1e-05, "memory": 70498, "data_time": 0.00962, "decode.loss_ce": 0.16154, "decode.acc_seg": 92.76274, "aux.loss_ce": 0.06848, "aux.acc_seg": 92.3665, "loss": 0.23002, "time": 1.33203} {"mode": "train", "epoch": 51, "iter": 64000, "lr": 1e-05, "memory": 70498, "data_time": 0.00946, "decode.loss_ce": 0.1578, "decode.acc_seg": 93.11519, "aux.loss_ce": 0.06751, "aux.acc_seg": 92.63929, "loss": 0.22531, "time": 3.4143} {"mode": "val", "epoch": 51, "iter": 250, "lr": 1e-05, "aAcc": 0.8616, "mIoU": 0.5691, "mAcc": 0.6918, "IoU.wall": 0.8227, "IoU.building": 0.8542, "IoU.sky": 0.9504, "IoU.floor": 0.8532, "IoU.tree": 0.7803, "IoU.ceiling": 0.8713, "IoU.road": 0.8713, "IoU.bed ": 0.9232, "IoU.windowpane": 0.6639, "IoU.grass": 0.6647, "IoU.cabinet": 0.6496, "IoU.sidewalk": 0.7222, "IoU.person": 0.8563, "IoU.earth": 0.395, "IoU.door": 0.6136, "IoU.table": 0.6995, "IoU.mountain": 0.6074, "IoU.plant": 0.5712, "IoU.curtain": 0.7713, "IoU.chair": 0.6754, "IoU.car": 0.8752, "IoU.water": 0.6256, "IoU.painting": 0.7813, "IoU.sofa": 0.8219, "IoU.shelf": 0.5317, "IoU.house": 0.5022, "IoU.sea": 0.6754, "IoU.mirror": 0.7705, "IoU.rug": 0.6891, "IoU.field": 0.3379, "IoU.armchair": 0.6101, "IoU.seat": 0.6583, "IoU.fence": 0.4948, "IoU.desk": 0.5816, "IoU.rock": 0.5454, "IoU.wardrobe": 0.5229, "IoU.lamp": 0.7448, "IoU.bathtub": 0.8439, "IoU.railing": 0.4044, "IoU.cushion": 0.7009, "IoU.base": 0.4262, "IoU.box": 0.3717, "IoU.column": 0.5513, "IoU.signboard": 0.4215, "IoU.chest of drawers": 0.4364, "IoU.counter": 0.4221, "IoU.sand": 0.5265, "IoU.sink": 0.7739, "IoU.skyscraper": 0.4919, "IoU.fireplace": 0.7498, "IoU.refrigerator": 0.7988, "IoU.grandstand": 0.4915, "IoU.path": 0.287, "IoU.stairs": 0.2296, "IoU.runway": 0.7425, "IoU.case": 0.6055, "IoU.pool table": 0.9478, "IoU.pillow": 0.7061, "IoU.screen door": 0.7703, "IoU.stairway": 0.3865, "IoU.river": 0.2099, "IoU.bridge": 0.7471, "IoU.bookcase": 0.4761, "IoU.blind": 0.4545, "IoU.coffee table": 0.6736, "IoU.toilet": 0.8978, "IoU.flower": 0.4662, "IoU.book": 0.5754, "IoU.hill": 0.1166, "IoU.bench": 0.5602, "IoU.countertop": 0.623, "IoU.stove": 0.8693, "IoU.palm": 0.5587, "IoU.kitchen island": 0.3978, "IoU.computer": 0.8024, "IoU.swivel chair": 0.5225, "IoU.boat": 0.6939, "IoU.bar": 0.5409, "IoU.arcade machine": 0.7846, "IoU.hovel": 0.4404, "IoU.bus": 0.933, "IoU.towel": 0.743, "IoU.light": 0.608, "IoU.truck": 0.461, "IoU.tower": 0.1255, "IoU.chandelier": 0.704, "IoU.awning": 0.484, "IoU.streetlight": 0.3562, "IoU.booth": 0.548, "IoU.television receiver": 0.8222, "IoU.airplane": 0.8204, "IoU.dirt track": 0.0866, "IoU.apparel": 0.4473, "IoU.pole": 0.2558, "IoU.land": 0.0401, "IoU.bannister": 0.1645, "IoU.escalator": 0.5829, "IoU.ottoman": 0.4937, "IoU.bottle": 0.4403, "IoU.buffet": 0.5104, "IoU.poster": 0.3819, "IoU.stage": 0.2505, "IoU.van": 0.4422, "IoU.ship": 0.8056, "IoU.fountain": 0.2764, "IoU.conveyer belt": 0.8003, "IoU.canopy": 0.5643, "IoU.washer": 0.8164, "IoU.plaything": 0.3726, "IoU.swimming pool": 0.6333, "IoU.stool": 0.4996, "IoU.barrel": 0.5581, "IoU.basket": 0.4377, "IoU.waterfall": 0.6295, "IoU.tent": 0.907, "IoU.bag": 0.1945, "IoU.minibike": 0.7596, "IoU.cradle": 0.8595, "IoU.oven": 0.4902, "IoU.ball": 0.3667, "IoU.food": 0.5662, "IoU.step": 0.1201, "IoU.tank": 0.5896, "IoU.trade name": 0.2782, "IoU.microwave": 0.8713, "IoU.pot": 0.5888, "IoU.animal": 0.5922, "IoU.bicycle": 0.6023, "IoU.lake": 0.4083, "IoU.dishwasher": 0.7258, "IoU.screen": 0.5697, "IoU.blanket": 0.3445, "IoU.sculpture": 0.7259, "IoU.hood": 0.6183, "IoU.sconce": 0.5384, "IoU.vase": 0.4907, "IoU.traffic light": 0.4316, "IoU.tray": 0.1592, "IoU.ashcan": 0.4951, "IoU.fan": 0.658, "IoU.pier": 0.3313, "IoU.crt screen": 0.1701, "IoU.plate": 0.5966, "IoU.monitor": 0.677, "IoU.bulletin board": 0.4719, "IoU.shower": 0.0213, "IoU.radiator": 0.6415, "IoU.glass": 0.1928, "IoU.clock": 0.4146, "IoU.flag": 0.7181, "Acc.wall": 0.9054, "Acc.building": 0.9385, "Acc.sky": 0.9794, "Acc.floor": 0.9128, "Acc.tree": 0.8883, "Acc.ceiling": 0.9421, "Acc.road": 0.9207, "Acc.bed ": 0.9624, "Acc.windowpane": 0.8122, "Acc.grass": 0.7989, "Acc.cabinet": 0.753, "Acc.sidewalk": 0.8446, "Acc.person": 0.9345, "Acc.earth": 0.5258, "Acc.door": 0.7796, "Acc.table": 0.8263, "Acc.mountain": 0.7291, "Acc.plant": 0.6816, "Acc.curtain": 0.8568, "Acc.chair": 0.7733, "Acc.car": 0.9379, "Acc.water": 0.7535, "Acc.painting": 0.9104, "Acc.sofa": 0.9037, "Acc.shelf": 0.7414, "Acc.house": 0.6014, "Acc.sea": 0.8552, "Acc.mirror": 0.8235, "Acc.rug": 0.8358, "Acc.field": 0.6485, "Acc.armchair": 0.7895, "Acc.seat": 0.8836, "Acc.fence": 0.6614, "Acc.desk": 0.7738, "Acc.rock": 0.7905, "Acc.wardrobe": 0.6841, "Acc.lamp": 0.863, "Acc.bathtub": 0.8684, "Acc.railing": 0.5819, "Acc.cushion": 0.7904, "Acc.base": 0.6208, "Acc.box": 0.4925, "Acc.column": 0.6645, "Acc.signboard": 0.5897, "Acc.chest of drawers": 0.7135, "Acc.counter": 0.5103, "Acc.sand": 0.7493, "Acc.sink": 0.8313, "Acc.skyscraper": 0.6037, "Acc.fireplace": 0.9466, "Acc.refrigerator": 0.8995, "Acc.grandstand": 0.8482, "Acc.path": 0.4688, "Acc.stairs": 0.3016, "Acc.runway": 0.9617, "Acc.case": 0.8116, "Acc.pool table": 0.975, "Acc.pillow": 0.8508, "Acc.screen door": 0.7924, "Acc.stairway": 0.5378, "Acc.river": 0.3933, "Acc.bridge": 0.8902, "Acc.bookcase": 0.55, "Acc.blind": 0.4933, "Acc.coffee table": 0.8757, "Acc.toilet": 0.9319, "Acc.flower": 0.6069, "Acc.book": 0.7856, "Acc.hill": 0.2176, "Acc.bench": 0.653, "Acc.countertop": 0.8522, "Acc.stove": 0.9266, "Acc.palm": 0.8583, "Acc.kitchen island": 0.6539, "Acc.computer": 0.9268, "Acc.swivel chair": 0.7579, "Acc.boat": 0.8603, "Acc.bar": 0.7441, "Acc.arcade machine": 0.8382, "Acc.hovel": 0.4869, "Acc.bus": 0.9554, "Acc.towel": 0.825, "Acc.light": 0.6861, "Acc.truck": 0.5916, "Acc.tower": 0.1741, "Acc.chandelier": 0.8259, "Acc.awning": 0.6461, "Acc.streetlight": 0.5267, "Acc.booth": 0.6101, "Acc.television receiver": 0.8585, "Acc.airplane": 0.8814, "Acc.dirt track": 0.334, "Acc.apparel": 0.6207, "Acc.pole": 0.3476, "Acc.land": 0.0639, "Acc.bannister": 0.2406, "Acc.escalator": 0.7952, "Acc.ottoman": 0.6863, "Acc.bottle": 0.5702, "Acc.buffet": 0.6624, "Acc.poster": 0.5198, "Acc.stage": 0.4126, "Acc.van": 0.6025, "Acc.ship": 0.8329, "Acc.fountain": 0.2814, "Acc.conveyer belt": 0.9293, "Acc.canopy": 0.7444, "Acc.washer": 0.8435, "Acc.plaything": 0.5179, "Acc.swimming pool": 0.891, "Acc.stool": 0.6839, "Acc.barrel": 0.6472, "Acc.basket": 0.5723, "Acc.waterfall": 0.8412, "Acc.tent": 0.987, "Acc.bag": 0.2301, "Acc.minibike": 0.8654, "Acc.cradle": 0.9686, "Acc.oven": 0.6101, "Acc.ball": 0.3807, "Acc.food": 0.6894, "Acc.step": 0.1455, "Acc.tank": 0.6419, "Acc.trade name": 0.3142, "Acc.microwave": 0.9629, "Acc.pot": 0.7026, "Acc.animal": 0.605, "Acc.bicycle": 0.7737, "Acc.lake": 0.4897, "Acc.dishwasher": 0.8445, "Acc.screen": 0.8302, "Acc.blanket": 0.4043, "Acc.sculpture": 0.8913, "Acc.hood": 0.7294, "Acc.sconce": 0.5954, "Acc.vase": 0.6446, "Acc.traffic light": 0.5903, "Acc.tray": 0.201, "Acc.ashcan": 0.6334, "Acc.fan": 0.7714, "Acc.pier": 0.4757, "Acc.crt screen": 0.2492, "Acc.plate": 0.7785, "Acc.monitor": 0.8458, "Acc.bulletin board": 0.5487, "Acc.shower": 0.0229, "Acc.radiator": 0.7485, "Acc.glass": 0.2076, "Acc.clock": 0.4662, "Acc.flag": 0.7722} {"mode": "train", "epoch": 51, "iter": 64050, "lr": 1e-05, "memory": 70498, "data_time": 2.35594, "decode.loss_ce": 0.16268, "decode.acc_seg": 92.97962, "aux.loss_ce": 0.07054, "aux.acc_seg": 92.43524, "loss": 0.23323, "time": 3.67976} {"mode": "train", "epoch": 51, "iter": 64100, "lr": 1e-05, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.17148, "decode.acc_seg": 92.55006, "aux.loss_ce": 0.07274, "aux.acc_seg": 92.08565, "loss": 0.24422, "time": 1.32672} {"mode": "train", "epoch": 51, "iter": 64150, "lr": 1e-05, "memory": 70498, "data_time": 0.00961, "decode.loss_ce": 0.16288, "decode.acc_seg": 92.95723, "aux.loss_ce": 0.06975, "aux.acc_seg": 92.47018, "loss": 0.23262, "time": 1.33158} {"mode": "train", "epoch": 51, "iter": 64200, "lr": 1e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.15483, "decode.acc_seg": 93.22447, "aux.loss_ce": 0.06619, "aux.acc_seg": 92.82095, "loss": 0.22102, "time": 1.32797} {"mode": "train", "epoch": 51, "iter": 64250, "lr": 1e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.15939, "decode.acc_seg": 93.03737, "aux.loss_ce": 0.06796, "aux.acc_seg": 92.64594, "loss": 0.22735, "time": 1.3276} {"mode": "train", "epoch": 51, "iter": 64300, "lr": 1e-05, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.15812, "decode.acc_seg": 93.14445, "aux.loss_ce": 0.0673, "aux.acc_seg": 92.70132, "loss": 0.22542, "time": 1.33042} {"mode": "train", "epoch": 51, "iter": 64350, "lr": 1e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.16442, "decode.acc_seg": 92.83785, "aux.loss_ce": 0.0707, "aux.acc_seg": 92.33058, "loss": 0.23511, "time": 1.32802} {"mode": "train", "epoch": 51, "iter": 64400, "lr": 1e-05, "memory": 70498, "data_time": 0.00943, "decode.loss_ce": 0.15581, "decode.acc_seg": 93.1999, "aux.loss_ce": 0.0667, "aux.acc_seg": 92.82832, "loss": 0.22252, "time": 1.33019} {"mode": "train", "epoch": 52, "iter": 64450, "lr": 1e-05, "memory": 70498, "data_time": 0.06201, "decode.loss_ce": 0.15599, "decode.acc_seg": 93.24984, "aux.loss_ce": 0.06648, "aux.acc_seg": 92.83685, "loss": 0.22247, "time": 1.37764} {"mode": "train", "epoch": 52, "iter": 64500, "lr": 1e-05, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.15406, "decode.acc_seg": 93.29949, "aux.loss_ce": 0.06557, "aux.acc_seg": 92.91145, "loss": 0.21963, "time": 1.32681} {"mode": "train", "epoch": 52, "iter": 64550, "lr": 1e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.16004, "decode.acc_seg": 93.15789, "aux.loss_ce": 0.06859, "aux.acc_seg": 92.74649, "loss": 0.22863, "time": 1.32893} {"mode": "train", "epoch": 52, "iter": 64600, "lr": 1e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.14666, "decode.acc_seg": 93.68524, "aux.loss_ce": 0.0632, "aux.acc_seg": 93.17802, "loss": 0.20986, "time": 1.32835} {"mode": "train", "epoch": 52, "iter": 64650, "lr": 1e-05, "memory": 70498, "data_time": 0.00966, "decode.loss_ce": 0.16365, "decode.acc_seg": 92.93438, "aux.loss_ce": 0.06974, "aux.acc_seg": 92.55824, "loss": 0.2334, "time": 1.32091} {"mode": "train", "epoch": 52, "iter": 64700, "lr": 1e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.15879, "decode.acc_seg": 93.20681, "aux.loss_ce": 0.06779, "aux.acc_seg": 92.79639, "loss": 0.22658, "time": 1.32031} {"mode": "train", "epoch": 52, "iter": 64750, "lr": 1e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.15888, "decode.acc_seg": 93.09371, "aux.loss_ce": 0.06799, "aux.acc_seg": 92.68051, "loss": 0.22687, "time": 1.32136} {"mode": "train", "epoch": 52, "iter": 64800, "lr": 1e-05, "memory": 70498, "data_time": 0.00961, "decode.loss_ce": 0.1554, "decode.acc_seg": 93.27104, "aux.loss_ce": 0.0667, "aux.acc_seg": 92.8122, "loss": 0.2221, "time": 1.32538} {"mode": "train", "epoch": 52, "iter": 64850, "lr": 1e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.16226, "decode.acc_seg": 93.09571, "aux.loss_ce": 0.06913, "aux.acc_seg": 92.60951, "loss": 0.23139, "time": 1.32771} {"mode": "train", "epoch": 52, "iter": 64900, "lr": 1e-05, "memory": 70498, "data_time": 0.00962, "decode.loss_ce": 0.15469, "decode.acc_seg": 93.42382, "aux.loss_ce": 0.06681, "aux.acc_seg": 92.91367, "loss": 0.2215, "time": 1.33085} {"mode": "train", "epoch": 52, "iter": 64950, "lr": 1e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.15752, "decode.acc_seg": 93.21236, "aux.loss_ce": 0.06691, "aux.acc_seg": 92.81647, "loss": 0.22443, "time": 1.33386} {"mode": "train", "epoch": 52, "iter": 65000, "lr": 1e-05, "memory": 70498, "data_time": 0.0096, "decode.loss_ce": 0.15423, "decode.acc_seg": 93.31004, "aux.loss_ce": 0.06656, "aux.acc_seg": 92.8581, "loss": 0.2208, "time": 1.32439} {"mode": "val", "epoch": 52, "iter": 250, "lr": 1e-05, "aAcc": 0.862, "mIoU": 0.5708, "mAcc": 0.6976, "IoU.wall": 0.8219, "IoU.building": 0.8571, "IoU.sky": 0.9503, "IoU.floor": 0.8534, "IoU.tree": 0.7794, "IoU.ceiling": 0.8727, "IoU.road": 0.8614, "IoU.bed ": 0.9244, "IoU.windowpane": 0.662, "IoU.grass": 0.668, "IoU.cabinet": 0.6509, "IoU.sidewalk": 0.7138, "IoU.person": 0.8562, "IoU.earth": 0.3966, "IoU.door": 0.5978, "IoU.table": 0.6976, "IoU.mountain": 0.6103, "IoU.plant": 0.5603, "IoU.curtain": 0.7858, "IoU.chair": 0.6748, "IoU.car": 0.874, "IoU.water": 0.6468, "IoU.painting": 0.7614, "IoU.sofa": 0.8298, "IoU.shelf": 0.5152, "IoU.house": 0.5772, "IoU.sea": 0.6836, "IoU.mirror": 0.7739, "IoU.rug": 0.6914, "IoU.field": 0.3475, "IoU.armchair": 0.6091, "IoU.seat": 0.655, "IoU.fence": 0.5095, "IoU.desk": 0.5701, "IoU.rock": 0.5651, "IoU.wardrobe": 0.5389, "IoU.lamp": 0.7424, "IoU.bathtub": 0.8485, "IoU.railing": 0.4085, "IoU.cushion": 0.7066, "IoU.base": 0.428, "IoU.box": 0.3869, "IoU.column": 0.5635, "IoU.signboard": 0.4201, "IoU.chest of drawers": 0.4705, "IoU.counter": 0.4618, "IoU.sand": 0.4996, "IoU.sink": 0.7598, "IoU.skyscraper": 0.4899, "IoU.fireplace": 0.745, "IoU.refrigerator": 0.7818, "IoU.grandstand": 0.4836, "IoU.path": 0.2811, "IoU.stairs": 0.223, "IoU.runway": 0.7436, "IoU.case": 0.6195, "IoU.pool table": 0.952, "IoU.pillow": 0.7009, "IoU.screen door": 0.7661, "IoU.stairway": 0.3842, "IoU.river": 0.2087, "IoU.bridge": 0.7472, "IoU.bookcase": 0.465, "IoU.blind": 0.4542, "IoU.coffee table": 0.6647, "IoU.toilet": 0.8963, "IoU.flower": 0.43, "IoU.book": 0.574, "IoU.hill": 0.0602, "IoU.bench": 0.5526, "IoU.countertop": 0.6225, "IoU.stove": 0.8848, "IoU.palm": 0.5811, "IoU.kitchen island": 0.4571, "IoU.computer": 0.7902, "IoU.swivel chair": 0.5232, "IoU.boat": 0.7228, "IoU.bar": 0.5488, "IoU.arcade machine": 0.7856, "IoU.hovel": 0.4317, "IoU.bus": 0.9304, "IoU.towel": 0.7507, "IoU.light": 0.6062, "IoU.truck": 0.45, "IoU.tower": 0.0849, "IoU.chandelier": 0.7082, "IoU.awning": 0.4163, "IoU.streetlight": 0.3419, "IoU.booth": 0.4434, "IoU.television receiver": 0.8168, "IoU.airplane": 0.8235, "IoU.dirt track": 0.0628, "IoU.apparel": 0.4737, "IoU.pole": 0.2862, "IoU.land": 0.0413, "IoU.bannister": 0.1837, "IoU.escalator": 0.5876, "IoU.ottoman": 0.4755, "IoU.bottle": 0.4484, "IoU.buffet": 0.5036, "IoU.poster": 0.3498, "IoU.stage": 0.2438, "IoU.van": 0.4576, "IoU.ship": 0.7624, "IoU.fountain": 0.293, "IoU.conveyer belt": 0.7783, "IoU.canopy": 0.5103, "IoU.washer": 0.8191, "IoU.plaything": 0.3206, "IoU.swimming pool": 0.6406, "IoU.stool": 0.4936, "IoU.barrel": 0.576, "IoU.basket": 0.4166, "IoU.waterfall": 0.6313, "IoU.tent": 0.8996, "IoU.bag": 0.2151, "IoU.minibike": 0.7609, "IoU.cradle": 0.862, "IoU.oven": 0.5245, "IoU.ball": 0.5125, "IoU.food": 0.6464, "IoU.step": 0.1261, "IoU.tank": 0.5929, "IoU.trade name": 0.3176, "IoU.microwave": 0.866, "IoU.pot": 0.5848, "IoU.animal": 0.6057, "IoU.bicycle": 0.5971, "IoU.lake": 0.4734, "IoU.dishwasher": 0.7331, "IoU.screen": 0.5816, "IoU.blanket": 0.3104, "IoU.sculpture": 0.7317, "IoU.hood": 0.6246, "IoU.sconce": 0.579, "IoU.vase": 0.4693, "IoU.traffic light": 0.4237, "IoU.tray": 0.1556, "IoU.ashcan": 0.4744, "IoU.fan": 0.6669, "IoU.pier": 0.3504, "IoU.crt screen": 0.1979, "IoU.plate": 0.5836, "IoU.monitor": 0.6774, "IoU.bulletin board": 0.5324, "IoU.shower": 0.0472, "IoU.radiator": 0.644, "IoU.glass": 0.1895, "IoU.clock": 0.4185, "IoU.flag": 0.7125, "Acc.wall": 0.9004, "Acc.building": 0.9346, "Acc.sky": 0.974, "Acc.floor": 0.9175, "Acc.tree": 0.9133, "Acc.ceiling": 0.9339, "Acc.road": 0.8898, "Acc.bed ": 0.9685, "Acc.windowpane": 0.8173, "Acc.grass": 0.8089, "Acc.cabinet": 0.7451, "Acc.sidewalk": 0.9081, "Acc.person": 0.9434, "Acc.earth": 0.5295, "Acc.door": 0.75, "Acc.table": 0.8152, "Acc.mountain": 0.7335, "Acc.plant": 0.6593, "Acc.curtain": 0.868, "Acc.chair": 0.799, "Acc.car": 0.9448, "Acc.water": 0.7767, "Acc.painting": 0.9205, "Acc.sofa": 0.912, "Acc.shelf": 0.6839, "Acc.house": 0.7172, "Acc.sea": 0.8241, "Acc.mirror": 0.8273, "Acc.rug": 0.8226, "Acc.field": 0.6582, "Acc.armchair": 0.7608, "Acc.seat": 0.8803, "Acc.fence": 0.6306, "Acc.desk": 0.7595, "Acc.rock": 0.8294, "Acc.wardrobe": 0.7589, "Acc.lamp": 0.8462, "Acc.bathtub": 0.8697, "Acc.railing": 0.5787, "Acc.cushion": 0.8468, "Acc.base": 0.5931, "Acc.box": 0.5144, "Acc.column": 0.709, "Acc.signboard": 0.5667, "Acc.chest of drawers": 0.6968, "Acc.counter": 0.5524, "Acc.sand": 0.7656, "Acc.sink": 0.8315, "Acc.skyscraper": 0.6138, "Acc.fireplace": 0.9475, "Acc.refrigerator": 0.9107, "Acc.grandstand": 0.8259, "Acc.path": 0.3838, "Acc.stairs": 0.2918, "Acc.runway": 0.9796, "Acc.case": 0.7974, "Acc.pool table": 0.9811, "Acc.pillow": 0.8232, "Acc.screen door": 0.7896, "Acc.stairway": 0.5541, "Acc.river": 0.4033, "Acc.bridge": 0.8591, "Acc.bookcase": 0.6299, "Acc.blind": 0.5007, "Acc.coffee table": 0.8766, "Acc.toilet": 0.9345, "Acc.flower": 0.5329, "Acc.book": 0.7935, "Acc.hill": 0.0787, "Acc.bench": 0.6375, "Acc.countertop": 0.8153, "Acc.stove": 0.9428, "Acc.palm": 0.8123, "Acc.kitchen island": 0.8365, "Acc.computer": 0.9256, "Acc.swivel chair": 0.7279, "Acc.boat": 0.8807, "Acc.bar": 0.7416, "Acc.arcade machine": 0.8256, "Acc.hovel": 0.4946, "Acc.bus": 0.9626, "Acc.towel": 0.8389, "Acc.light": 0.695, "Acc.truck": 0.6085, "Acc.tower": 0.1202, "Acc.chandelier": 0.8404, "Acc.awning": 0.5243, "Acc.streetlight": 0.4516, "Acc.booth": 0.7182, "Acc.television receiver": 0.8916, "Acc.airplane": 0.8966, "Acc.dirt track": 0.2386, "Acc.apparel": 0.6888, "Acc.pole": 0.3908, "Acc.land": 0.064, "Acc.bannister": 0.2365, "Acc.escalator": 0.7937, "Acc.ottoman": 0.6548, "Acc.bottle": 0.6117, "Acc.buffet": 0.6684, "Acc.poster": 0.475, "Acc.stage": 0.4182, "Acc.van": 0.5874, "Acc.ship": 0.7879, "Acc.fountain": 0.2997, "Acc.conveyer belt": 0.9343, "Acc.canopy": 0.7854, "Acc.washer": 0.8491, "Acc.plaything": 0.4395, "Acc.swimming pool": 0.9149, "Acc.stool": 0.6966, "Acc.barrel": 0.6646, "Acc.basket": 0.5978, "Acc.waterfall": 0.8636, "Acc.tent": 0.987, "Acc.bag": 0.2621, "Acc.minibike": 0.8854, "Acc.cradle": 0.9723, "Acc.oven": 0.6075, "Acc.ball": 0.5591, "Acc.food": 0.7667, "Acc.step": 0.1527, "Acc.tank": 0.6637, "Acc.trade name": 0.372, "Acc.microwave": 0.9594, "Acc.pot": 0.6884, "Acc.animal": 0.6191, "Acc.bicycle": 0.7973, "Acc.lake": 0.5845, "Acc.dishwasher": 0.8478, "Acc.screen": 0.8726, "Acc.blanket": 0.3496, "Acc.sculpture": 0.8908, "Acc.hood": 0.757, "Acc.sconce": 0.6802, "Acc.vase": 0.6256, "Acc.traffic light": 0.6334, "Acc.tray": 0.2074, "Acc.ashcan": 0.676, "Acc.fan": 0.7962, "Acc.pier": 0.4367, "Acc.crt screen": 0.2753, "Acc.plate": 0.7435, "Acc.monitor": 0.8394, "Acc.bulletin board": 0.5919, "Acc.shower": 0.0479, "Acc.radiator": 0.7662, "Acc.glass": 0.202, "Acc.clock": 0.4773, "Acc.flag": 0.8043} {"mode": "train", "epoch": 52, "iter": 65050, "lr": 1e-05, "memory": 70498, "data_time": 1.97843, "decode.loss_ce": 0.15861, "decode.acc_seg": 92.87468, "aux.loss_ce": 0.06795, "aux.acc_seg": 92.4541, "loss": 0.22656, "time": 3.30253} {"mode": "train", "epoch": 52, "iter": 65100, "lr": 1e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.16099, "decode.acc_seg": 92.9709, "aux.loss_ce": 0.06854, "aux.acc_seg": 92.558, "loss": 0.22953, "time": 1.33158} {"mode": "train", "epoch": 52, "iter": 65150, "lr": 1e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.15191, "decode.acc_seg": 93.32131, "aux.loss_ce": 0.06533, "aux.acc_seg": 92.84877, "loss": 0.21724, "time": 1.32494} {"mode": "train", "epoch": 52, "iter": 65200, "lr": 1e-05, "memory": 70498, "data_time": 0.00947, "decode.loss_ce": 0.1567, "decode.acc_seg": 93.06109, "aux.loss_ce": 0.06717, "aux.acc_seg": 92.57143, "loss": 0.22387, "time": 1.32792} {"mode": "train", "epoch": 52, "iter": 65250, "lr": 1e-05, "memory": 70498, "data_time": 0.00961, "decode.loss_ce": 0.15831, "decode.acc_seg": 93.04432, "aux.loss_ce": 0.06782, "aux.acc_seg": 92.63614, "loss": 0.22613, "time": 1.33376} {"mode": "train", "epoch": 52, "iter": 65300, "lr": 1e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.15738, "decode.acc_seg": 93.06197, "aux.loss_ce": 0.06719, "aux.acc_seg": 92.57985, "loss": 0.22457, "time": 1.3284} {"mode": "train", "epoch": 52, "iter": 65350, "lr": 1e-05, "memory": 70498, "data_time": 0.0096, "decode.loss_ce": 0.15943, "decode.acc_seg": 92.97999, "aux.loss_ce": 0.06887, "aux.acc_seg": 92.4421, "loss": 0.2283, "time": 1.32441} {"mode": "train", "epoch": 52, "iter": 65400, "lr": 1e-05, "memory": 70498, "data_time": 0.00981, "decode.loss_ce": 0.15535, "decode.acc_seg": 93.28646, "aux.loss_ce": 0.06633, "aux.acc_seg": 92.87638, "loss": 0.22167, "time": 1.32934} {"mode": "train", "epoch": 52, "iter": 65450, "lr": 1e-05, "memory": 70498, "data_time": 0.00967, "decode.loss_ce": 0.15548, "decode.acc_seg": 93.2714, "aux.loss_ce": 0.06652, "aux.acc_seg": 92.89976, "loss": 0.22199, "time": 1.32796} {"mode": "train", "epoch": 52, "iter": 65500, "lr": 1e-05, "memory": 70498, "data_time": 0.00972, "decode.loss_ce": 0.1579, "decode.acc_seg": 93.13022, "aux.loss_ce": 0.06773, "aux.acc_seg": 92.67632, "loss": 0.22563, "time": 1.3264} {"mode": "train", "epoch": 52, "iter": 65550, "lr": 1e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.15329, "decode.acc_seg": 93.23978, "aux.loss_ce": 0.06594, "aux.acc_seg": 92.84995, "loss": 0.21923, "time": 1.32559} {"mode": "train", "epoch": 52, "iter": 65600, "lr": 1e-05, "memory": 70498, "data_time": 0.00947, "decode.loss_ce": 0.16326, "decode.acc_seg": 92.99053, "aux.loss_ce": 0.06947, "aux.acc_seg": 92.51874, "loss": 0.23273, "time": 1.3328} {"mode": "train", "epoch": 52, "iter": 65650, "lr": 1e-05, "memory": 70498, "data_time": 0.00978, "decode.loss_ce": 0.16381, "decode.acc_seg": 93.0181, "aux.loss_ce": 0.06997, "aux.acc_seg": 92.55936, "loss": 0.23378, "time": 1.32752} {"mode": "train", "epoch": 53, "iter": 65700, "lr": 1e-05, "memory": 70498, "data_time": 0.0748, "decode.loss_ce": 0.1609, "decode.acc_seg": 92.98333, "aux.loss_ce": 0.06911, "aux.acc_seg": 92.54481, "loss": 0.23002, "time": 1.39223} {"mode": "train", "epoch": 53, "iter": 65750, "lr": 1e-05, "memory": 70498, "data_time": 0.00972, "decode.loss_ce": 0.14658, "decode.acc_seg": 93.42791, "aux.loss_ce": 0.06336, "aux.acc_seg": 92.94051, "loss": 0.20995, "time": 1.32445} {"mode": "train", "epoch": 53, "iter": 65800, "lr": 1e-05, "memory": 70498, "data_time": 0.00965, "decode.loss_ce": 0.15473, "decode.acc_seg": 93.27099, "aux.loss_ce": 0.06652, "aux.acc_seg": 92.77595, "loss": 0.22125, "time": 1.33335} {"mode": "train", "epoch": 53, "iter": 65850, "lr": 1e-05, "memory": 70498, "data_time": 0.00956, "decode.loss_ce": 0.15225, "decode.acc_seg": 93.29492, "aux.loss_ce": 0.0656, "aux.acc_seg": 92.85978, "loss": 0.21785, "time": 1.32603} {"mode": "train", "epoch": 53, "iter": 65900, "lr": 1e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.15167, "decode.acc_seg": 93.34275, "aux.loss_ce": 0.06482, "aux.acc_seg": 92.86887, "loss": 0.21649, "time": 1.32882} {"mode": "train", "epoch": 53, "iter": 65950, "lr": 1e-05, "memory": 70498, "data_time": 0.00956, "decode.loss_ce": 0.15186, "decode.acc_seg": 93.28475, "aux.loss_ce": 0.06543, "aux.acc_seg": 92.81784, "loss": 0.21729, "time": 1.32468} {"mode": "train", "epoch": 53, "iter": 66000, "lr": 1e-05, "memory": 70498, "data_time": 0.00979, "decode.loss_ce": 0.15925, "decode.acc_seg": 93.12662, "aux.loss_ce": 0.06784, "aux.acc_seg": 92.72259, "loss": 0.22708, "time": 3.49588} {"mode": "val", "epoch": 53, "iter": 250, "lr": 1e-05, "aAcc": 0.8611, "mIoU": 0.5693, "mAcc": 0.6942, "IoU.wall": 0.8211, "IoU.building": 0.8577, "IoU.sky": 0.9494, "IoU.floor": 0.8478, "IoU.tree": 0.7763, "IoU.ceiling": 0.8688, "IoU.road": 0.8669, "IoU.bed ": 0.9243, "IoU.windowpane": 0.658, "IoU.grass": 0.6722, "IoU.cabinet": 0.6492, "IoU.sidewalk": 0.725, "IoU.person": 0.8553, "IoU.earth": 0.4011, "IoU.door": 0.5942, "IoU.table": 0.6963, "IoU.mountain": 0.6085, "IoU.plant": 0.5615, "IoU.curtain": 0.7743, "IoU.chair": 0.674, "IoU.car": 0.8731, "IoU.water": 0.6495, "IoU.painting": 0.7685, "IoU.sofa": 0.8144, "IoU.shelf": 0.5446, "IoU.house": 0.5603, "IoU.sea": 0.6982, "IoU.mirror": 0.7728, "IoU.rug": 0.6723, "IoU.field": 0.3308, "IoU.armchair": 0.5892, "IoU.seat": 0.6531, "IoU.fence": 0.5014, "IoU.desk": 0.5727, "IoU.rock": 0.5547, "IoU.wardrobe": 0.5457, "IoU.lamp": 0.7437, "IoU.bathtub": 0.8406, "IoU.railing": 0.3913, "IoU.cushion": 0.692, "IoU.base": 0.4162, "IoU.box": 0.3862, "IoU.column": 0.5665, "IoU.signboard": 0.4181, "IoU.chest of drawers": 0.4558, "IoU.counter": 0.4537, "IoU.sand": 0.5105, "IoU.sink": 0.7628, "IoU.skyscraper": 0.5016, "IoU.fireplace": 0.7778, "IoU.refrigerator": 0.7958, "IoU.grandstand": 0.4803, "IoU.path": 0.2583, "IoU.stairs": 0.2474, "IoU.runway": 0.745, "IoU.case": 0.5974, "IoU.pool table": 0.95, "IoU.pillow": 0.6998, "IoU.screen door": 0.7374, "IoU.stairway": 0.4022, "IoU.river": 0.21, "IoU.bridge": 0.7701, "IoU.bookcase": 0.4814, "IoU.blind": 0.4305, "IoU.coffee table": 0.6587, "IoU.toilet": 0.9008, "IoU.flower": 0.4109, "IoU.book": 0.5789, "IoU.hill": 0.0808, "IoU.bench": 0.5485, "IoU.countertop": 0.6324, "IoU.stove": 0.8872, "IoU.palm": 0.578, "IoU.kitchen island": 0.4385, "IoU.computer": 0.8013, "IoU.swivel chair": 0.5144, "IoU.boat": 0.6985, "IoU.bar": 0.5252, "IoU.arcade machine": 0.7682, "IoU.hovel": 0.4369, "IoU.bus": 0.9314, "IoU.towel": 0.7397, "IoU.light": 0.611, "IoU.truck": 0.4411, "IoU.tower": 0.1071, "IoU.chandelier": 0.7095, "IoU.awning": 0.3646, "IoU.streetlight": 0.3377, "IoU.booth": 0.4691, "IoU.television receiver": 0.8111, "IoU.airplane": 0.8356, "IoU.dirt track": 0.0567, "IoU.apparel": 0.4552, "IoU.pole": 0.287, "IoU.land": 0.0445, "IoU.bannister": 0.1798, "IoU.escalator": 0.5721, "IoU.ottoman": 0.4628, "IoU.bottle": 0.4421, "IoU.buffet": 0.4796, "IoU.poster": 0.3482, "IoU.stage": 0.2607, "IoU.van": 0.4505, "IoU.ship": 0.7188, "IoU.fountain": 0.2553, "IoU.conveyer belt": 0.7675, "IoU.canopy": 0.5627, "IoU.washer": 0.8297, "IoU.plaything": 0.3773, "IoU.swimming pool": 0.6768, "IoU.stool": 0.5269, "IoU.barrel": 0.5528, "IoU.basket": 0.4144, "IoU.waterfall": 0.6114, "IoU.tent": 0.8893, "IoU.bag": 0.1911, "IoU.minibike": 0.7527, "IoU.cradle": 0.8344, "IoU.oven": 0.5446, "IoU.ball": 0.5251, "IoU.food": 0.5755, "IoU.step": 0.121, "IoU.tank": 0.6675, "IoU.trade name": 0.2696, "IoU.microwave": 0.8653, "IoU.pot": 0.5818, "IoU.animal": 0.635, "IoU.bicycle": 0.6025, "IoU.lake": 0.5, "IoU.dishwasher": 0.7237, "IoU.screen": 0.5947, "IoU.blanket": 0.2925, "IoU.sculpture": 0.7745, "IoU.hood": 0.6267, "IoU.sconce": 0.5762, "IoU.vase": 0.4866, "IoU.traffic light": 0.4104, "IoU.tray": 0.1487, "IoU.ashcan": 0.4906, "IoU.fan": 0.667, "IoU.pier": 0.3403, "IoU.crt screen": 0.1894, "IoU.plate": 0.5857, "IoU.monitor": 0.672, "IoU.bulletin board": 0.4871, "IoU.shower": 0.0177, "IoU.radiator": 0.6419, "IoU.glass": 0.1905, "IoU.clock": 0.4473, "IoU.flag": 0.7142, "Acc.wall": 0.8934, "Acc.building": 0.9383, "Acc.sky": 0.9752, "Acc.floor": 0.9172, "Acc.tree": 0.8996, "Acc.ceiling": 0.9418, "Acc.road": 0.9201, "Acc.bed ": 0.9702, "Acc.windowpane": 0.8184, "Acc.grass": 0.7845, "Acc.cabinet": 0.7674, "Acc.sidewalk": 0.8539, "Acc.person": 0.9475, "Acc.earth": 0.5328, "Acc.door": 0.7423, "Acc.table": 0.8331, "Acc.mountain": 0.7408, "Acc.plant": 0.651, "Acc.curtain": 0.8763, "Acc.chair": 0.7876, "Acc.car": 0.9464, "Acc.water": 0.7864, "Acc.painting": 0.9163, "Acc.sofa": 0.9276, "Acc.shelf": 0.7408, "Acc.house": 0.7027, "Acc.sea": 0.836, "Acc.mirror": 0.8372, "Acc.rug": 0.7957, "Acc.field": 0.6632, "Acc.armchair": 0.7263, "Acc.seat": 0.8864, "Acc.fence": 0.6273, "Acc.desk": 0.7611, "Acc.rock": 0.8007, "Acc.wardrobe": 0.7665, "Acc.lamp": 0.8586, "Acc.bathtub": 0.8668, "Acc.railing": 0.5812, "Acc.cushion": 0.7915, "Acc.base": 0.5729, "Acc.box": 0.5102, "Acc.column": 0.6804, "Acc.signboard": 0.5688, "Acc.chest of drawers": 0.6649, "Acc.counter": 0.5983, "Acc.sand": 0.7593, "Acc.sink": 0.8395, "Acc.skyscraper": 0.6149, "Acc.fireplace": 0.9318, "Acc.refrigerator": 0.8717, "Acc.grandstand": 0.822, "Acc.path": 0.3987, "Acc.stairs": 0.3246, "Acc.runway": 0.9767, "Acc.case": 0.8225, "Acc.pool table": 0.9802, "Acc.pillow": 0.8277, "Acc.screen door": 0.7621, "Acc.stairway": 0.546, "Acc.river": 0.4278, "Acc.bridge": 0.8894, "Acc.bookcase": 0.5611, "Acc.blind": 0.451, "Acc.coffee table": 0.882, "Acc.toilet": 0.9415, "Acc.flower": 0.5233, "Acc.book": 0.7746, "Acc.hill": 0.1231, "Acc.bench": 0.644, "Acc.countertop": 0.8359, "Acc.stove": 0.9499, "Acc.palm": 0.7913, "Acc.kitchen island": 0.6942, "Acc.computer": 0.9249, "Acc.swivel chair": 0.7709, "Acc.boat": 0.8998, "Acc.bar": 0.7122, "Acc.arcade machine": 0.836, "Acc.hovel": 0.4931, "Acc.bus": 0.9677, "Acc.towel": 0.8047, "Acc.light": 0.7075, "Acc.truck": 0.563, "Acc.tower": 0.1445, "Acc.chandelier": 0.8501, "Acc.awning": 0.4547, "Acc.streetlight": 0.4392, "Acc.booth": 0.6617, "Acc.television receiver": 0.9026, "Acc.airplane": 0.904, "Acc.dirt track": 0.3072, "Acc.apparel": 0.6058, "Acc.pole": 0.3981, "Acc.land": 0.0788, "Acc.bannister": 0.2487, "Acc.escalator": 0.7977, "Acc.ottoman": 0.6359, "Acc.bottle": 0.5856, "Acc.buffet": 0.5918, "Acc.poster": 0.5323, "Acc.stage": 0.4804, "Acc.van": 0.573, "Acc.ship": 0.7431, "Acc.fountain": 0.2615, "Acc.conveyer belt": 0.9342, "Acc.canopy": 0.7906, "Acc.washer": 0.8705, "Acc.plaything": 0.5812, "Acc.swimming pool": 0.9228, "Acc.stool": 0.6614, "Acc.barrel": 0.6476, "Acc.basket": 0.5771, "Acc.waterfall": 0.867, "Acc.tent": 0.9895, "Acc.bag": 0.2305, "Acc.minibike": 0.891, "Acc.cradle": 0.9785, "Acc.oven": 0.6252, "Acc.ball": 0.6038, "Acc.food": 0.6964, "Acc.step": 0.1512, "Acc.tank": 0.7194, "Acc.trade name": 0.3018, "Acc.microwave": 0.9596, "Acc.pot": 0.6638, "Acc.animal": 0.6533, "Acc.bicycle": 0.7774, "Acc.lake": 0.604, "Acc.dishwasher": 0.8486, "Acc.screen": 0.9152, "Acc.blanket": 0.3244, "Acc.sculpture": 0.8762, "Acc.hood": 0.7456, "Acc.sconce": 0.672, "Acc.vase": 0.6065, "Acc.traffic light": 0.6297, "Acc.tray": 0.1916, "Acc.ashcan": 0.6189, "Acc.fan": 0.8166, "Acc.pier": 0.4727, "Acc.crt screen": 0.2483, "Acc.plate": 0.7478, "Acc.monitor": 0.8222, "Acc.bulletin board": 0.5069, "Acc.shower": 0.0821, "Acc.radiator": 0.7455, "Acc.glass": 0.2065, "Acc.clock": 0.526, "Acc.flag": 0.7842} {"mode": "train", "epoch": 53, "iter": 66050, "lr": 1e-05, "memory": 70498, "data_time": 1.97572, "decode.loss_ce": 0.15817, "decode.acc_seg": 93.28337, "aux.loss_ce": 0.06743, "aux.acc_seg": 92.7964, "loss": 0.2256, "time": 3.30037} {"mode": "train", "epoch": 53, "iter": 66100, "lr": 1e-05, "memory": 70498, "data_time": 0.00965, "decode.loss_ce": 0.16461, "decode.acc_seg": 92.96139, "aux.loss_ce": 0.07026, "aux.acc_seg": 92.40618, "loss": 0.23487, "time": 1.3291} {"mode": "train", "epoch": 53, "iter": 66150, "lr": 1e-05, "memory": 70498, "data_time": 0.00979, "decode.loss_ce": 0.15793, "decode.acc_seg": 93.20025, "aux.loss_ce": 0.06739, "aux.acc_seg": 92.7276, "loss": 0.22532, "time": 1.32381} {"mode": "train", "epoch": 53, "iter": 66200, "lr": 1e-05, "memory": 70498, "data_time": 0.0096, "decode.loss_ce": 0.1597, "decode.acc_seg": 93.05757, "aux.loss_ce": 0.06832, "aux.acc_seg": 92.6177, "loss": 0.22802, "time": 1.33461} {"mode": "train", "epoch": 53, "iter": 66250, "lr": 1e-05, "memory": 70498, "data_time": 0.00947, "decode.loss_ce": 0.15291, "decode.acc_seg": 93.39711, "aux.loss_ce": 0.0657, "aux.acc_seg": 92.88049, "loss": 0.21861, "time": 1.32947} {"mode": "train", "epoch": 53, "iter": 66300, "lr": 1e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.15774, "decode.acc_seg": 92.9918, "aux.loss_ce": 0.06825, "aux.acc_seg": 92.45878, "loss": 0.22599, "time": 1.32472} {"mode": "train", "epoch": 53, "iter": 66350, "lr": 1e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.16025, "decode.acc_seg": 93.0756, "aux.loss_ce": 0.06903, "aux.acc_seg": 92.55108, "loss": 0.22928, "time": 1.33438} {"mode": "train", "epoch": 53, "iter": 66400, "lr": 1e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.15364, "decode.acc_seg": 93.2135, "aux.loss_ce": 0.0661, "aux.acc_seg": 92.74837, "loss": 0.21974, "time": 1.32806} {"mode": "train", "epoch": 53, "iter": 66450, "lr": 1e-05, "memory": 70498, "data_time": 0.00941, "decode.loss_ce": 0.14975, "decode.acc_seg": 93.37523, "aux.loss_ce": 0.06453, "aux.acc_seg": 92.90392, "loss": 0.21427, "time": 1.32944} {"mode": "train", "epoch": 53, "iter": 66500, "lr": 1e-05, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.16249, "decode.acc_seg": 92.97153, "aux.loss_ce": 0.06934, "aux.acc_seg": 92.53245, "loss": 0.23183, "time": 1.33662} {"mode": "train", "epoch": 53, "iter": 66550, "lr": 1e-05, "memory": 70498, "data_time": 0.00946, "decode.loss_ce": 0.15179, "decode.acc_seg": 93.38409, "aux.loss_ce": 0.06499, "aux.acc_seg": 92.97117, "loss": 0.21678, "time": 1.33136} {"mode": "train", "epoch": 53, "iter": 66600, "lr": 1e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.14547, "decode.acc_seg": 93.54246, "aux.loss_ce": 0.06284, "aux.acc_seg": 93.07716, "loss": 0.20831, "time": 1.32572} {"mode": "train", "epoch": 53, "iter": 66650, "lr": 1e-05, "memory": 70498, "data_time": 0.00975, "decode.loss_ce": 0.16037, "decode.acc_seg": 92.89339, "aux.loss_ce": 0.06861, "aux.acc_seg": 92.5078, "loss": 0.22898, "time": 1.32621} {"mode": "train", "epoch": 53, "iter": 66700, "lr": 1e-05, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.14656, "decode.acc_seg": 93.35277, "aux.loss_ce": 0.06312, "aux.acc_seg": 92.89677, "loss": 0.20969, "time": 1.33308} {"mode": "train", "epoch": 53, "iter": 66750, "lr": 1e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.15369, "decode.acc_seg": 93.19546, "aux.loss_ce": 0.06622, "aux.acc_seg": 92.70529, "loss": 0.21991, "time": 1.32677} {"mode": "train", "epoch": 53, "iter": 66800, "lr": 1e-05, "memory": 70498, "data_time": 0.00947, "decode.loss_ce": 0.1508, "decode.acc_seg": 93.38765, "aux.loss_ce": 0.06454, "aux.acc_seg": 92.96458, "loss": 0.21535, "time": 1.32956} {"mode": "train", "epoch": 53, "iter": 66850, "lr": 1e-05, "memory": 70498, "data_time": 0.00972, "decode.loss_ce": 0.15882, "decode.acc_seg": 93.03303, "aux.loss_ce": 0.06837, "aux.acc_seg": 92.58009, "loss": 0.22718, "time": 1.32723} {"mode": "train", "epoch": 53, "iter": 66900, "lr": 1e-05, "memory": 70498, "data_time": 0.00945, "decode.loss_ce": 0.15689, "decode.acc_seg": 93.01733, "aux.loss_ce": 0.06763, "aux.acc_seg": 92.533, "loss": 0.22452, "time": 1.33158} {"mode": "train", "epoch": 54, "iter": 66950, "lr": 1e-05, "memory": 70498, "data_time": 0.06159, "decode.loss_ce": 0.15068, "decode.acc_seg": 93.35251, "aux.loss_ce": 0.06507, "aux.acc_seg": 92.76867, "loss": 0.21575, "time": 1.37944} {"mode": "train", "epoch": 54, "iter": 67000, "lr": 1e-05, "memory": 70498, "data_time": 0.00943, "decode.loss_ce": 0.14998, "decode.acc_seg": 93.33422, "aux.loss_ce": 0.06432, "aux.acc_seg": 92.8725, "loss": 0.2143, "time": 1.32743} {"mode": "val", "epoch": 54, "iter": 250, "lr": 1e-05, "aAcc": 0.8622, "mIoU": 0.5742, "mAcc": 0.7021, "IoU.wall": 0.8229, "IoU.building": 0.8555, "IoU.sky": 0.9501, "IoU.floor": 0.8523, "IoU.tree": 0.7811, "IoU.ceiling": 0.8744, "IoU.road": 0.8693, "IoU.bed ": 0.9225, "IoU.windowpane": 0.6654, "IoU.grass": 0.6702, "IoU.cabinet": 0.6434, "IoU.sidewalk": 0.7303, "IoU.person": 0.8605, "IoU.earth": 0.3825, "IoU.door": 0.6077, "IoU.table": 0.6946, "IoU.mountain": 0.6171, "IoU.plant": 0.5759, "IoU.curtain": 0.7767, "IoU.chair": 0.6815, "IoU.car": 0.8705, "IoU.water": 0.6464, "IoU.painting": 0.7768, "IoU.sofa": 0.8274, "IoU.shelf": 0.5319, "IoU.house": 0.4982, "IoU.sea": 0.6956, "IoU.mirror": 0.7774, "IoU.rug": 0.6879, "IoU.field": 0.3519, "IoU.armchair": 0.6291, "IoU.seat": 0.6458, "IoU.fence": 0.502, "IoU.desk": 0.5831, "IoU.rock": 0.581, "IoU.wardrobe": 0.532, "IoU.lamp": 0.742, "IoU.bathtub": 0.8442, "IoU.railing": 0.4087, "IoU.cushion": 0.6933, "IoU.base": 0.4218, "IoU.box": 0.3921, "IoU.column": 0.5707, "IoU.signboard": 0.4152, "IoU.chest of drawers": 0.4707, "IoU.counter": 0.3903, "IoU.sand": 0.499, "IoU.sink": 0.7437, "IoU.skyscraper": 0.4813, "IoU.fireplace": 0.7452, "IoU.refrigerator": 0.8043, "IoU.grandstand": 0.4828, "IoU.path": 0.2686, "IoU.stairs": 0.2261, "IoU.runway": 0.7368, "IoU.case": 0.599, "IoU.pool table": 0.9502, "IoU.pillow": 0.696, "IoU.screen door": 0.7791, "IoU.stairway": 0.3775, "IoU.river": 0.2232, "IoU.bridge": 0.7797, "IoU.bookcase": 0.5285, "IoU.blind": 0.4658, "IoU.coffee table": 0.6666, "IoU.toilet": 0.9015, "IoU.flower": 0.4382, "IoU.book": 0.6026, "IoU.hill": 0.0773, "IoU.bench": 0.5451, "IoU.countertop": 0.6311, "IoU.stove": 0.8871, "IoU.palm": 0.5757, "IoU.kitchen island": 0.4792, "IoU.computer": 0.8012, "IoU.swivel chair": 0.5313, "IoU.boat": 0.6077, "IoU.bar": 0.551, "IoU.arcade machine": 0.7635, "IoU.hovel": 0.4387, "IoU.bus": 0.9288, "IoU.towel": 0.7365, "IoU.light": 0.6175, "IoU.truck": 0.4478, "IoU.tower": 0.1752, "IoU.chandelier": 0.723, "IoU.awning": 0.4053, "IoU.streetlight": 0.3596, "IoU.booth": 0.4454, "IoU.television receiver": 0.8011, "IoU.airplane": 0.819, "IoU.dirt track": 0.0641, "IoU.apparel": 0.4535, "IoU.pole": 0.2535, "IoU.land": 0.038, "IoU.bannister": 0.1868, "IoU.escalator": 0.6023, "IoU.ottoman": 0.4705, "IoU.bottle": 0.4274, "IoU.buffet": 0.5035, "IoU.poster": 0.3794, "IoU.stage": 0.2488, "IoU.van": 0.4364, "IoU.ship": 0.8978, "IoU.fountain": 0.2153, "IoU.conveyer belt": 0.7886, "IoU.canopy": 0.5716, "IoU.washer": 0.8292, "IoU.plaything": 0.3738, "IoU.swimming pool": 0.674, "IoU.stool": 0.5063, "IoU.barrel": 0.5708, "IoU.basket": 0.4063, "IoU.waterfall": 0.6133, "IoU.tent": 0.9075, "IoU.bag": 0.2055, "IoU.minibike": 0.76, "IoU.cradle": 0.8578, "IoU.oven": 0.6736, "IoU.ball": 0.4243, "IoU.food": 0.5848, "IoU.step": 0.119, "IoU.tank": 0.6445, "IoU.trade name": 0.2795, "IoU.microwave": 0.907, "IoU.pot": 0.5852, "IoU.animal": 0.6379, "IoU.bicycle": 0.6095, "IoU.lake": 0.5298, "IoU.dishwasher": 0.7332, "IoU.screen": 0.5407, "IoU.blanket": 0.3406, "IoU.sculpture": 0.7355, "IoU.hood": 0.6341, "IoU.sconce": 0.5751, "IoU.vase": 0.4905, "IoU.traffic light": 0.4322, "IoU.tray": 0.1699, "IoU.ashcan": 0.4773, "IoU.fan": 0.6663, "IoU.pier": 0.3863, "IoU.crt screen": 0.1884, "IoU.plate": 0.5794, "IoU.monitor": 0.6819, "IoU.bulletin board": 0.5199, "IoU.shower": 0.0666, "IoU.radiator": 0.6502, "IoU.glass": 0.1912, "IoU.clock": 0.4583, "IoU.flag": 0.7144, "Acc.wall": 0.8978, "Acc.building": 0.9348, "Acc.sky": 0.9785, "Acc.floor": 0.9105, "Acc.tree": 0.8926, "Acc.ceiling": 0.9417, "Acc.road": 0.9205, "Acc.bed ": 0.9693, "Acc.windowpane": 0.816, "Acc.grass": 0.8159, "Acc.cabinet": 0.738, "Acc.sidewalk": 0.8636, "Acc.person": 0.9373, "Acc.earth": 0.501, "Acc.door": 0.7715, "Acc.table": 0.8282, "Acc.mountain": 0.7664, "Acc.plant": 0.7058, "Acc.curtain": 0.8648, "Acc.chair": 0.7815, "Acc.car": 0.9431, "Acc.water": 0.7756, "Acc.painting": 0.9068, "Acc.sofa": 0.9176, "Acc.shelf": 0.7028, "Acc.house": 0.6078, "Acc.sea": 0.8381, "Acc.mirror": 0.8419, "Acc.rug": 0.824, "Acc.field": 0.6538, "Acc.armchair": 0.8034, "Acc.seat": 0.8939, "Acc.fence": 0.6514, "Acc.desk": 0.7571, "Acc.rock": 0.7976, "Acc.wardrobe": 0.7693, "Acc.lamp": 0.8596, "Acc.bathtub": 0.8717, "Acc.railing": 0.6125, "Acc.cushion": 0.8046, "Acc.base": 0.5884, "Acc.box": 0.5332, "Acc.column": 0.7111, "Acc.signboard": 0.5933, "Acc.chest of drawers": 0.6886, "Acc.counter": 0.4746, "Acc.sand": 0.7498, "Acc.sink": 0.8625, "Acc.skyscraper": 0.6033, "Acc.fireplace": 0.9412, "Acc.refrigerator": 0.9193, "Acc.grandstand": 0.8091, "Acc.path": 0.3752, "Acc.stairs": 0.29, "Acc.runway": 0.9638, "Acc.case": 0.811, "Acc.pool table": 0.9783, "Acc.pillow": 0.806, "Acc.screen door": 0.8021, "Acc.stairway": 0.5683, "Acc.river": 0.4418, "Acc.bridge": 0.8862, "Acc.bookcase": 0.6266, "Acc.blind": 0.5547, "Acc.coffee table": 0.8766, "Acc.toilet": 0.9385, "Acc.flower": 0.5409, "Acc.book": 0.7718, "Acc.hill": 0.1282, "Acc.bench": 0.628, "Acc.countertop": 0.8058, "Acc.stove": 0.9562, "Acc.palm": 0.787, "Acc.kitchen island": 0.8678, "Acc.computer": 0.9284, "Acc.swivel chair": 0.7114, "Acc.boat": 0.9109, "Acc.bar": 0.751, "Acc.arcade machine": 0.7979, "Acc.hovel": 0.4919, "Acc.bus": 0.9593, "Acc.towel": 0.8296, "Acc.light": 0.7349, "Acc.truck": 0.5993, "Acc.tower": 0.2784, "Acc.chandelier": 0.8654, "Acc.awning": 0.5299, "Acc.streetlight": 0.5225, "Acc.booth": 0.6512, "Acc.television receiver": 0.8642, "Acc.airplane": 0.8779, "Acc.dirt track": 0.3613, "Acc.apparel": 0.5957, "Acc.pole": 0.3469, "Acc.land": 0.0644, "Acc.bannister": 0.2559, "Acc.escalator": 0.7899, "Acc.ottoman": 0.6314, "Acc.bottle": 0.6393, "Acc.buffet": 0.6318, "Acc.poster": 0.5322, "Acc.stage": 0.4613, "Acc.van": 0.6048, "Acc.ship": 0.9403, "Acc.fountain": 0.2192, "Acc.conveyer belt": 0.9309, "Acc.canopy": 0.8036, "Acc.washer": 0.8575, "Acc.plaything": 0.5569, "Acc.swimming pool": 0.8869, "Acc.stool": 0.6751, "Acc.barrel": 0.6457, "Acc.basket": 0.5768, "Acc.waterfall": 0.8621, "Acc.tent": 0.9851, "Acc.bag": 0.2464, "Acc.minibike": 0.8899, "Acc.cradle": 0.974, "Acc.oven": 0.7841, "Acc.ball": 0.4478, "Acc.food": 0.6794, "Acc.step": 0.1383, "Acc.tank": 0.7112, "Acc.trade name": 0.3102, "Acc.microwave": 0.959, "Acc.pot": 0.6935, "Acc.animal": 0.6521, "Acc.bicycle": 0.8175, "Acc.lake": 0.6372, "Acc.dishwasher": 0.8399, "Acc.screen": 0.8654, "Acc.blanket": 0.3891, "Acc.sculpture": 0.8853, "Acc.hood": 0.7572, "Acc.sconce": 0.6767, "Acc.vase": 0.599, "Acc.traffic light": 0.6312, "Acc.tray": 0.2191, "Acc.ashcan": 0.6542, "Acc.fan": 0.796, "Acc.pier": 0.5327, "Acc.crt screen": 0.2731, "Acc.plate": 0.7489, "Acc.monitor": 0.8228, "Acc.bulletin board": 0.579, "Acc.shower": 0.0737, "Acc.radiator": 0.7604, "Acc.glass": 0.207, "Acc.clock": 0.5312, "Acc.flag": 0.8211} {"mode": "train", "epoch": 54, "iter": 67050, "lr": 1e-05, "memory": 70498, "data_time": 1.97079, "decode.loss_ce": 0.16124, "decode.acc_seg": 92.98115, "aux.loss_ce": 0.06931, "aux.acc_seg": 92.48737, "loss": 0.23055, "time": 3.29388} {"mode": "train", "epoch": 54, "iter": 67100, "lr": 1e-05, "memory": 70498, "data_time": 0.0098, "decode.loss_ce": 0.16057, "decode.acc_seg": 93.09374, "aux.loss_ce": 0.06857, "aux.acc_seg": 92.66063, "loss": 0.22914, "time": 1.32699} {"mode": "train", "epoch": 54, "iter": 67150, "lr": 1e-05, "memory": 70498, "data_time": 0.00968, "decode.loss_ce": 0.16065, "decode.acc_seg": 92.96873, "aux.loss_ce": 0.06855, "aux.acc_seg": 92.46278, "loss": 0.2292, "time": 1.33032} {"mode": "train", "epoch": 54, "iter": 67200, "lr": 1e-05, "memory": 70498, "data_time": 0.00962, "decode.loss_ce": 0.1588, "decode.acc_seg": 93.02007, "aux.loss_ce": 0.06833, "aux.acc_seg": 92.5397, "loss": 0.22713, "time": 1.32803} {"mode": "train", "epoch": 54, "iter": 67250, "lr": 1e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.15144, "decode.acc_seg": 93.43172, "aux.loss_ce": 0.06504, "aux.acc_seg": 92.99338, "loss": 0.21648, "time": 1.32583} {"mode": "train", "epoch": 54, "iter": 67300, "lr": 1e-05, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.14784, "decode.acc_seg": 93.45718, "aux.loss_ce": 0.06435, "aux.acc_seg": 92.90286, "loss": 0.21219, "time": 1.32997} {"mode": "train", "epoch": 54, "iter": 67350, "lr": 1e-05, "memory": 70498, "data_time": 0.00961, "decode.loss_ce": 0.16444, "decode.acc_seg": 92.89579, "aux.loss_ce": 0.07025, "aux.acc_seg": 92.47079, "loss": 0.23469, "time": 1.32831} {"mode": "train", "epoch": 54, "iter": 67400, "lr": 1e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.157, "decode.acc_seg": 93.01295, "aux.loss_ce": 0.06724, "aux.acc_seg": 92.59106, "loss": 0.22424, "time": 1.32647} {"mode": "train", "epoch": 54, "iter": 67450, "lr": 1e-05, "memory": 70498, "data_time": 0.00962, "decode.loss_ce": 0.14795, "decode.acc_seg": 93.48177, "aux.loss_ce": 0.06386, "aux.acc_seg": 92.98024, "loss": 0.21181, "time": 1.3309} {"mode": "train", "epoch": 54, "iter": 67500, "lr": 1e-05, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.15986, "decode.acc_seg": 93.00021, "aux.loss_ce": 0.06849, "aux.acc_seg": 92.54497, "loss": 0.22835, "time": 1.33279} {"mode": "train", "epoch": 54, "iter": 67550, "lr": 1e-05, "memory": 70498, "data_time": 0.00968, "decode.loss_ce": 0.15883, "decode.acc_seg": 92.97675, "aux.loss_ce": 0.06756, "aux.acc_seg": 92.56918, "loss": 0.22639, "time": 1.32309} {"mode": "train", "epoch": 54, "iter": 67600, "lr": 1e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.16322, "decode.acc_seg": 93.09955, "aux.loss_ce": 0.06997, "aux.acc_seg": 92.60325, "loss": 0.23319, "time": 1.32898} {"mode": "train", "epoch": 54, "iter": 67650, "lr": 1e-05, "memory": 70498, "data_time": 0.00962, "decode.loss_ce": 0.15728, "decode.acc_seg": 93.28229, "aux.loss_ce": 0.06741, "aux.acc_seg": 92.79659, "loss": 0.22469, "time": 1.325} {"mode": "train", "epoch": 54, "iter": 67700, "lr": 1e-05, "memory": 70498, "data_time": 0.00969, "decode.loss_ce": 0.14968, "decode.acc_seg": 93.4583, "aux.loss_ce": 0.06389, "aux.acc_seg": 93.07218, "loss": 0.21357, "time": 1.32714} {"mode": "train", "epoch": 54, "iter": 67750, "lr": 1e-05, "memory": 70498, "data_time": 0.0097, "decode.loss_ce": 0.15921, "decode.acc_seg": 93.07344, "aux.loss_ce": 0.06796, "aux.acc_seg": 92.66317, "loss": 0.22717, "time": 1.32623} {"mode": "train", "epoch": 54, "iter": 67800, "lr": 1e-05, "memory": 70498, "data_time": 0.00966, "decode.loss_ce": 0.14693, "decode.acc_seg": 93.54156, "aux.loss_ce": 0.06334, "aux.acc_seg": 93.12598, "loss": 0.21027, "time": 1.33049} {"mode": "train", "epoch": 54, "iter": 67850, "lr": 1e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.15266, "decode.acc_seg": 93.23796, "aux.loss_ce": 0.06541, "aux.acc_seg": 92.75155, "loss": 0.21807, "time": 1.32606} {"mode": "train", "epoch": 54, "iter": 67900, "lr": 1e-05, "memory": 70498, "data_time": 0.00966, "decode.loss_ce": 0.15217, "decode.acc_seg": 93.45839, "aux.loss_ce": 0.06559, "aux.acc_seg": 92.95994, "loss": 0.21776, "time": 1.32423} {"mode": "train", "epoch": 54, "iter": 67950, "lr": 1e-05, "memory": 70498, "data_time": 0.00956, "decode.loss_ce": 0.15443, "decode.acc_seg": 93.22519, "aux.loss_ce": 0.06669, "aux.acc_seg": 92.70656, "loss": 0.22112, "time": 1.32797} {"mode": "train", "epoch": 54, "iter": 68000, "lr": 1e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.15814, "decode.acc_seg": 93.09871, "aux.loss_ce": 0.06786, "aux.acc_seg": 92.64029, "loss": 0.226, "time": 3.34521} {"mode": "val", "epoch": 54, "iter": 250, "lr": 1e-05, "aAcc": 0.8622, "mIoU": 0.5736, "mAcc": 0.6961, "IoU.wall": 0.8216, "IoU.building": 0.8581, "IoU.sky": 0.9503, "IoU.floor": 0.8471, "IoU.tree": 0.7785, "IoU.ceiling": 0.8755, "IoU.road": 0.8683, "IoU.bed ": 0.923, "IoU.windowpane": 0.6591, "IoU.grass": 0.6734, "IoU.cabinet": 0.6431, "IoU.sidewalk": 0.7218, "IoU.person": 0.8594, "IoU.earth": 0.382, "IoU.door": 0.585, "IoU.table": 0.7054, "IoU.mountain": 0.6067, "IoU.plant": 0.5722, "IoU.curtain": 0.7874, "IoU.chair": 0.6789, "IoU.car": 0.8754, "IoU.water": 0.6582, "IoU.painting": 0.7692, "IoU.sofa": 0.8192, "IoU.shelf": 0.523, "IoU.house": 0.5548, "IoU.sea": 0.697, "IoU.mirror": 0.7773, "IoU.rug": 0.6616, "IoU.field": 0.3481, "IoU.armchair": 0.5987, "IoU.seat": 0.6598, "IoU.fence": 0.5073, "IoU.desk": 0.5911, "IoU.rock": 0.573, "IoU.wardrobe": 0.5277, "IoU.lamp": 0.7475, "IoU.bathtub": 0.8478, "IoU.railing": 0.404, "IoU.cushion": 0.7086, "IoU.base": 0.4401, "IoU.box": 0.375, "IoU.column": 0.551, "IoU.signboard": 0.4123, "IoU.chest of drawers": 0.4714, "IoU.counter": 0.3912, "IoU.sand": 0.4791, "IoU.sink": 0.758, "IoU.skyscraper": 0.4897, "IoU.fireplace": 0.7527, "IoU.refrigerator": 0.8048, "IoU.grandstand": 0.4835, "IoU.path": 0.2547, "IoU.stairs": 0.2413, "IoU.runway": 0.7381, "IoU.case": 0.584, "IoU.pool table": 0.9519, "IoU.pillow": 0.6899, "IoU.screen door": 0.8008, "IoU.stairway": 0.423, "IoU.river": 0.2222, "IoU.bridge": 0.7282, "IoU.bookcase": 0.4869, "IoU.blind": 0.4493, "IoU.coffee table": 0.6703, "IoU.toilet": 0.9002, "IoU.flower": 0.4514, "IoU.book": 0.5889, "IoU.hill": 0.0935, "IoU.bench": 0.5581, "IoU.countertop": 0.6239, "IoU.stove": 0.8873, "IoU.palm": 0.5771, "IoU.kitchen island": 0.4999, "IoU.computer": 0.8092, "IoU.swivel chair": 0.5148, "IoU.boat": 0.6993, "IoU.bar": 0.5486, "IoU.arcade machine": 0.7791, "IoU.hovel": 0.4353, "IoU.bus": 0.9371, "IoU.towel": 0.7356, "IoU.light": 0.6039, "IoU.truck": 0.4385, "IoU.tower": 0.1191, "IoU.chandelier": 0.7154, "IoU.awning": 0.3958, "IoU.streetlight": 0.361, "IoU.booth": 0.4428, "IoU.television receiver": 0.7965, "IoU.airplane": 0.8198, "IoU.dirt track": 0.0732, "IoU.apparel": 0.4428, "IoU.pole": 0.2848, "IoU.land": 0.0379, "IoU.bannister": 0.2009, "IoU.escalator": 0.5858, "IoU.ottoman": 0.4784, "IoU.bottle": 0.4357, "IoU.buffet": 0.4312, "IoU.poster": 0.3727, "IoU.stage": 0.248, "IoU.van": 0.4253, "IoU.ship": 0.933, "IoU.fountain": 0.2383, "IoU.conveyer belt": 0.7885, "IoU.canopy": 0.5857, "IoU.washer": 0.8189, "IoU.plaything": 0.4224, "IoU.swimming pool": 0.7028, "IoU.stool": 0.4948, "IoU.barrel": 0.5436, "IoU.basket": 0.4007, "IoU.waterfall": 0.5713, "IoU.tent": 0.891, "IoU.bag": 0.201, "IoU.minibike": 0.7685, "IoU.cradle": 0.8512, "IoU.oven": 0.592, "IoU.ball": 0.4885, "IoU.food": 0.5686, "IoU.step": 0.1052, "IoU.tank": 0.6218, "IoU.trade name": 0.2559, "IoU.microwave": 0.8809, "IoU.pot": 0.5854, "IoU.animal": 0.6566, "IoU.bicycle": 0.6003, "IoU.lake": 0.5903, "IoU.dishwasher": 0.7426, "IoU.screen": 0.5227, "IoU.blanket": 0.3257, "IoU.sculpture": 0.7244, "IoU.hood": 0.624, "IoU.sconce": 0.5625, "IoU.vase": 0.4844, "IoU.traffic light": 0.4228, "IoU.tray": 0.1514, "IoU.ashcan": 0.4846, "IoU.fan": 0.6659, "IoU.pier": 0.3774, "IoU.crt screen": 0.1822, "IoU.plate": 0.5824, "IoU.monitor": 0.7103, "IoU.bulletin board": 0.6123, "IoU.shower": 0.0628, "IoU.radiator": 0.6474, "IoU.glass": 0.1885, "IoU.clock": 0.45, "IoU.flag": 0.7165, "Acc.wall": 0.9032, "Acc.building": 0.9377, "Acc.sky": 0.9746, "Acc.floor": 0.9215, "Acc.tree": 0.9006, "Acc.ceiling": 0.9402, "Acc.road": 0.9227, "Acc.bed ": 0.9717, "Acc.windowpane": 0.8208, "Acc.grass": 0.8041, "Acc.cabinet": 0.7366, "Acc.sidewalk": 0.8623, "Acc.person": 0.9381, "Acc.earth": 0.4979, "Acc.door": 0.7147, "Acc.table": 0.8206, "Acc.mountain": 0.7443, "Acc.plant": 0.6838, "Acc.curtain": 0.8747, "Acc.chair": 0.7831, "Acc.car": 0.9405, "Acc.water": 0.792, "Acc.painting": 0.8999, "Acc.sofa": 0.9193, "Acc.shelf": 0.7162, "Acc.house": 0.7289, "Acc.sea": 0.8492, "Acc.mirror": 0.8436, "Acc.rug": 0.7747, "Acc.field": 0.6823, "Acc.armchair": 0.7654, "Acc.seat": 0.8767, "Acc.fence": 0.6344, "Acc.desk": 0.7838, "Acc.rock": 0.8036, "Acc.wardrobe": 0.7565, "Acc.lamp": 0.8362, "Acc.bathtub": 0.8671, "Acc.railing": 0.5604, "Acc.cushion": 0.8019, "Acc.base": 0.5829, "Acc.box": 0.4683, "Acc.column": 0.6524, "Acc.signboard": 0.5454, "Acc.chest of drawers": 0.6905, "Acc.counter": 0.4852, "Acc.sand": 0.7648, "Acc.sink": 0.8432, "Acc.skyscraper": 0.597, "Acc.fireplace": 0.9339, "Acc.refrigerator": 0.9138, "Acc.grandstand": 0.8332, "Acc.path": 0.3492, "Acc.stairs": 0.306, "Acc.runway": 0.9637, "Acc.case": 0.8339, "Acc.pool table": 0.978, "Acc.pillow": 0.8028, "Acc.screen door": 0.831, "Acc.stairway": 0.5674, "Acc.river": 0.434, "Acc.bridge": 0.8223, "Acc.bookcase": 0.6185, "Acc.blind": 0.4966, "Acc.coffee table": 0.87, "Acc.toilet": 0.9321, "Acc.flower": 0.5614, "Acc.book": 0.7926, "Acc.hill": 0.1503, "Acc.bench": 0.6331, "Acc.countertop": 0.8405, "Acc.stove": 0.9436, "Acc.palm": 0.8154, "Acc.kitchen island": 0.842, "Acc.computer": 0.9243, "Acc.swivel chair": 0.7425, "Acc.boat": 0.8922, "Acc.bar": 0.7476, "Acc.arcade machine": 0.8289, "Acc.hovel": 0.4905, "Acc.bus": 0.9609, "Acc.towel": 0.8364, "Acc.light": 0.6983, "Acc.truck": 0.5405, "Acc.tower": 0.162, "Acc.chandelier": 0.8436, "Acc.awning": 0.4833, "Acc.streetlight": 0.4724, "Acc.booth": 0.6742, "Acc.television receiver": 0.8578, "Acc.airplane": 0.8773, "Acc.dirt track": 0.3854, "Acc.apparel": 0.6149, "Acc.pole": 0.3932, "Acc.land": 0.0611, "Acc.bannister": 0.2599, "Acc.escalator": 0.8144, "Acc.ottoman": 0.6417, "Acc.bottle": 0.6582, "Acc.buffet": 0.5126, "Acc.poster": 0.5095, "Acc.stage": 0.4373, "Acc.van": 0.5998, "Acc.ship": 0.9677, "Acc.fountain": 0.2431, "Acc.conveyer belt": 0.932, "Acc.canopy": 0.7774, "Acc.washer": 0.8478, "Acc.plaything": 0.6406, "Acc.swimming pool": 0.8659, "Acc.stool": 0.652, "Acc.barrel": 0.6479, "Acc.basket": 0.5804, "Acc.waterfall": 0.8022, "Acc.tent": 0.9883, "Acc.bag": 0.2386, "Acc.minibike": 0.8737, "Acc.cradle": 0.9762, "Acc.oven": 0.6841, "Acc.ball": 0.5542, "Acc.food": 0.6765, "Acc.step": 0.1222, "Acc.tank": 0.6676, "Acc.trade name": 0.2781, "Acc.microwave": 0.9485, "Acc.pot": 0.6869, "Acc.animal": 0.6751, "Acc.bicycle": 0.749, "Acc.lake": 0.6367, "Acc.dishwasher": 0.8345, "Acc.screen": 0.771, "Acc.blanket": 0.368, "Acc.sculpture": 0.8844, "Acc.hood": 0.7478, "Acc.sconce": 0.6483, "Acc.vase": 0.6157, "Acc.traffic light": 0.5821, "Acc.tray": 0.1971, "Acc.ashcan": 0.6339, "Acc.fan": 0.7993, "Acc.pier": 0.4738, "Acc.crt screen": 0.3178, "Acc.plate": 0.764, "Acc.monitor": 0.8193, "Acc.bulletin board": 0.7112, "Acc.shower": 0.0693, "Acc.radiator": 0.7533, "Acc.glass": 0.2016, "Acc.clock": 0.5312, "Acc.flag": 0.778} {"mode": "train", "epoch": 54, "iter": 68050, "lr": 1e-05, "memory": 70498, "data_time": 1.93731, "decode.loss_ce": 0.15717, "decode.acc_seg": 93.26568, "aux.loss_ce": 0.06772, "aux.acc_seg": 92.71604, "loss": 0.22489, "time": 3.26196} {"mode": "train", "epoch": 54, "iter": 68100, "lr": 1e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.15967, "decode.acc_seg": 93.01494, "aux.loss_ce": 0.06803, "aux.acc_seg": 92.57117, "loss": 0.2277, "time": 1.32846} {"mode": "train", "epoch": 54, "iter": 68150, "lr": 1e-05, "memory": 70498, "data_time": 0.02229, "decode.loss_ce": 0.14826, "decode.acc_seg": 93.40277, "aux.loss_ce": 0.06363, "aux.acc_seg": 92.93963, "loss": 0.21189, "time": 1.35001} {"mode": "train", "epoch": 54, "iter": 68200, "lr": 1e-05, "memory": 70498, "data_time": 0.00945, "decode.loss_ce": 0.1598, "decode.acc_seg": 93.10947, "aux.loss_ce": 0.06819, "aux.acc_seg": 92.65118, "loss": 0.22799, "time": 1.32412} {"mode": "train", "epoch": 55, "iter": 68250, "lr": 1e-05, "memory": 70498, "data_time": 0.05185, "decode.loss_ce": 0.1488, "decode.acc_seg": 93.48563, "aux.loss_ce": 0.06438, "aux.acc_seg": 92.99123, "loss": 0.21318, "time": 1.37137} {"mode": "train", "epoch": 55, "iter": 68300, "lr": 1e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.14351, "decode.acc_seg": 93.59516, "aux.loss_ce": 0.06224, "aux.acc_seg": 93.07269, "loss": 0.20575, "time": 1.3284} {"mode": "train", "epoch": 55, "iter": 68350, "lr": 1e-05, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.16066, "decode.acc_seg": 92.97533, "aux.loss_ce": 0.06895, "aux.acc_seg": 92.5121, "loss": 0.22961, "time": 1.33055} {"mode": "train", "epoch": 55, "iter": 68400, "lr": 1e-05, "memory": 70498, "data_time": 0.00945, "decode.loss_ce": 0.1546, "decode.acc_seg": 93.20942, "aux.loss_ce": 0.06637, "aux.acc_seg": 92.73877, "loss": 0.22097, "time": 1.32712} {"mode": "train", "epoch": 55, "iter": 68450, "lr": 1e-05, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.15106, "decode.acc_seg": 93.53793, "aux.loss_ce": 0.0646, "aux.acc_seg": 93.05338, "loss": 0.21566, "time": 1.32949} {"mode": "train", "epoch": 55, "iter": 68500, "lr": 1e-05, "memory": 70498, "data_time": 0.0096, "decode.loss_ce": 0.15544, "decode.acc_seg": 93.22172, "aux.loss_ce": 0.06692, "aux.acc_seg": 92.77748, "loss": 0.22236, "time": 1.33149} {"mode": "train", "epoch": 55, "iter": 68550, "lr": 1e-05, "memory": 70498, "data_time": 0.01001, "decode.loss_ce": 0.15395, "decode.acc_seg": 93.21193, "aux.loss_ce": 0.06585, "aux.acc_seg": 92.79154, "loss": 0.21981, "time": 1.32656} {"mode": "train", "epoch": 55, "iter": 68600, "lr": 1e-05, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.15014, "decode.acc_seg": 93.45819, "aux.loss_ce": 0.06475, "aux.acc_seg": 92.98704, "loss": 0.21489, "time": 1.33621} {"mode": "train", "epoch": 55, "iter": 68650, "lr": 1e-05, "memory": 70498, "data_time": 0.00965, "decode.loss_ce": 0.15265, "decode.acc_seg": 93.46577, "aux.loss_ce": 0.06535, "aux.acc_seg": 92.97225, "loss": 0.218, "time": 1.3255} {"mode": "train", "epoch": 55, "iter": 68700, "lr": 1e-05, "memory": 70498, "data_time": 0.00945, "decode.loss_ce": 0.15351, "decode.acc_seg": 93.18537, "aux.loss_ce": 0.06589, "aux.acc_seg": 92.72027, "loss": 0.2194, "time": 1.32755} {"mode": "train", "epoch": 55, "iter": 68750, "lr": 1e-05, "memory": 70498, "data_time": 0.0094, "decode.loss_ce": 0.14539, "decode.acc_seg": 93.43698, "aux.loss_ce": 0.06255, "aux.acc_seg": 92.97303, "loss": 0.20794, "time": 1.32925} {"mode": "train", "epoch": 55, "iter": 68800, "lr": 1e-05, "memory": 70498, "data_time": 0.00947, "decode.loss_ce": 0.15636, "decode.acc_seg": 93.2588, "aux.loss_ce": 0.06667, "aux.acc_seg": 92.80155, "loss": 0.22303, "time": 1.32936} {"mode": "train", "epoch": 55, "iter": 68850, "lr": 1e-05, "memory": 70498, "data_time": 0.00943, "decode.loss_ce": 0.15421, "decode.acc_seg": 93.17728, "aux.loss_ce": 0.06634, "aux.acc_seg": 92.69905, "loss": 0.22055, "time": 1.33064} {"mode": "train", "epoch": 55, "iter": 68900, "lr": 1e-05, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.14732, "decode.acc_seg": 93.57045, "aux.loss_ce": 0.06333, "aux.acc_seg": 93.07679, "loss": 0.21065, "time": 1.32731} {"mode": "train", "epoch": 55, "iter": 68950, "lr": 1e-05, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.15331, "decode.acc_seg": 93.21844, "aux.loss_ce": 0.0661, "aux.acc_seg": 92.71611, "loss": 0.21941, "time": 1.33582} {"mode": "train", "epoch": 55, "iter": 69000, "lr": 1e-05, "memory": 70498, "data_time": 0.00962, "decode.loss_ce": 0.15312, "decode.acc_seg": 93.36656, "aux.loss_ce": 0.06651, "aux.acc_seg": 92.86307, "loss": 0.21963, "time": 1.32481} {"mode": "val", "epoch": 55, "iter": 250, "lr": 1e-05, "aAcc": 0.8625, "mIoU": 0.5746, "mAcc": 0.7015, "IoU.wall": 0.8227, "IoU.building": 0.8565, "IoU.sky": 0.9503, "IoU.floor": 0.8462, "IoU.tree": 0.7773, "IoU.ceiling": 0.8727, "IoU.road": 0.8683, "IoU.bed ": 0.9252, "IoU.windowpane": 0.6672, "IoU.grass": 0.6628, "IoU.cabinet": 0.6504, "IoU.sidewalk": 0.7228, "IoU.person": 0.8588, "IoU.earth": 0.3857, "IoU.door": 0.5875, "IoU.table": 0.7042, "IoU.mountain": 0.611, "IoU.plant": 0.5746, "IoU.curtain": 0.7797, "IoU.chair": 0.6791, "IoU.car": 0.873, "IoU.water": 0.6668, "IoU.painting": 0.7802, "IoU.sofa": 0.8278, "IoU.shelf": 0.5247, "IoU.house": 0.5759, "IoU.sea": 0.7004, "IoU.mirror": 0.782, "IoU.rug": 0.6555, "IoU.field": 0.3496, "IoU.armchair": 0.6129, "IoU.seat": 0.6474, "IoU.fence": 0.5053, "IoU.desk": 0.5887, "IoU.rock": 0.5618, "IoU.wardrobe": 0.5578, "IoU.lamp": 0.7467, "IoU.bathtub": 0.8484, "IoU.railing": 0.3943, "IoU.cushion": 0.7064, "IoU.base": 0.4079, "IoU.box": 0.3809, "IoU.column": 0.5685, "IoU.signboard": 0.4166, "IoU.chest of drawers": 0.4809, "IoU.counter": 0.457, "IoU.sand": 0.5062, "IoU.sink": 0.773, "IoU.skyscraper": 0.4957, "IoU.fireplace": 0.7739, "IoU.refrigerator": 0.7914, "IoU.grandstand": 0.4777, "IoU.path": 0.2604, "IoU.stairs": 0.2444, "IoU.runway": 0.7366, "IoU.case": 0.5941, "IoU.pool table": 0.9506, "IoU.pillow": 0.6942, "IoU.screen door": 0.7418, "IoU.stairway": 0.4164, "IoU.river": 0.2213, "IoU.bridge": 0.758, "IoU.bookcase": 0.4955, "IoU.blind": 0.4515, "IoU.coffee table": 0.6665, "IoU.toilet": 0.9012, "IoU.flower": 0.4718, "IoU.book": 0.5886, "IoU.hill": 0.0897, "IoU.bench": 0.5582, "IoU.countertop": 0.6219, "IoU.stove": 0.8737, "IoU.palm": 0.5836, "IoU.kitchen island": 0.4756, "IoU.computer": 0.8006, "IoU.swivel chair": 0.524, "IoU.boat": 0.6534, "IoU.bar": 0.5282, "IoU.arcade machine": 0.7654, "IoU.hovel": 0.4428, "IoU.bus": 0.9299, "IoU.towel": 0.7289, "IoU.light": 0.6101, "IoU.truck": 0.4544, "IoU.tower": 0.1212, "IoU.chandelier": 0.713, "IoU.awning": 0.4074, "IoU.streetlight": 0.3658, "IoU.booth": 0.5199, "IoU.television receiver": 0.792, "IoU.airplane": 0.8097, "IoU.dirt track": 0.0785, "IoU.apparel": 0.4744, "IoU.pole": 0.2765, "IoU.land": 0.0406, "IoU.bannister": 0.1982, "IoU.escalator": 0.5758, "IoU.ottoman": 0.4779, "IoU.bottle": 0.4393, "IoU.buffet": 0.5089, "IoU.poster": 0.3632, "IoU.stage": 0.2506, "IoU.van": 0.4274, "IoU.ship": 0.917, "IoU.fountain": 0.2534, "IoU.conveyer belt": 0.7975, "IoU.canopy": 0.5406, "IoU.washer": 0.8249, "IoU.plaything": 0.4216, "IoU.swimming pool": 0.7447, "IoU.stool": 0.49, "IoU.barrel": 0.4406, "IoU.basket": 0.4146, "IoU.waterfall": 0.5716, "IoU.tent": 0.9095, "IoU.bag": 0.2205, "IoU.minibike": 0.7538, "IoU.cradle": 0.8477, "IoU.oven": 0.5823, "IoU.ball": 0.4608, "IoU.food": 0.5887, "IoU.step": 0.1138, "IoU.tank": 0.6197, "IoU.trade name": 0.3025, "IoU.microwave": 0.8721, "IoU.pot": 0.594, "IoU.animal": 0.6652, "IoU.bicycle": 0.6104, "IoU.lake": 0.5926, "IoU.dishwasher": 0.7363, "IoU.screen": 0.5538, "IoU.blanket": 0.3515, "IoU.sculpture": 0.6451, "IoU.hood": 0.6226, "IoU.sconce": 0.5457, "IoU.vase": 0.4882, "IoU.traffic light": 0.4399, "IoU.tray": 0.1656, "IoU.ashcan": 0.4852, "IoU.fan": 0.669, "IoU.pier": 0.3744, "IoU.crt screen": 0.2052, "IoU.plate": 0.5911, "IoU.monitor": 0.6992, "IoU.bulletin board": 0.5133, "IoU.shower": 0.0422, "IoU.radiator": 0.6439, "IoU.glass": 0.2037, "IoU.clock": 0.4338, "IoU.flag": 0.7157, "Acc.wall": 0.9021, "Acc.building": 0.9347, "Acc.sky": 0.9763, "Acc.floor": 0.9194, "Acc.tree": 0.9084, "Acc.ceiling": 0.9229, "Acc.road": 0.9138, "Acc.bed ": 0.9693, "Acc.windowpane": 0.8159, "Acc.grass": 0.7829, "Acc.cabinet": 0.7568, "Acc.sidewalk": 0.8743, "Acc.person": 0.9425, "Acc.earth": 0.5057, "Acc.door": 0.7514, "Acc.table": 0.8237, "Acc.mountain": 0.743, "Acc.plant": 0.6859, "Acc.curtain": 0.8702, "Acc.chair": 0.7957, "Acc.car": 0.9432, "Acc.water": 0.8106, "Acc.painting": 0.9021, "Acc.sofa": 0.9038, "Acc.shelf": 0.7061, "Acc.house": 0.7379, "Acc.sea": 0.8388, "Acc.mirror": 0.8463, "Acc.rug": 0.753, "Acc.field": 0.6901, "Acc.armchair": 0.7896, "Acc.seat": 0.8888, "Acc.fence": 0.6619, "Acc.desk": 0.7714, "Acc.rock": 0.7928, "Acc.wardrobe": 0.7243, "Acc.lamp": 0.8588, "Acc.bathtub": 0.8693, "Acc.railing": 0.5489, "Acc.cushion": 0.8361, "Acc.base": 0.5936, "Acc.box": 0.484, "Acc.column": 0.6857, "Acc.signboard": 0.5886, "Acc.chest of drawers": 0.7039, "Acc.counter": 0.5983, "Acc.sand": 0.7681, "Acc.sink": 0.8462, "Acc.skyscraper": 0.5996, "Acc.fireplace": 0.9269, "Acc.refrigerator": 0.8762, "Acc.grandstand": 0.8078, "Acc.path": 0.3548, "Acc.stairs": 0.3144, "Acc.runway": 0.9775, "Acc.case": 0.8217, "Acc.pool table": 0.9785, "Acc.pillow": 0.799, "Acc.screen door": 0.765, "Acc.stairway": 0.5489, "Acc.river": 0.4275, "Acc.bridge": 0.8728, "Acc.bookcase": 0.6469, "Acc.blind": 0.4854, "Acc.coffee table": 0.8686, "Acc.toilet": 0.937, "Acc.flower": 0.6343, "Acc.book": 0.7848, "Acc.hill": 0.1345, "Acc.bench": 0.6318, "Acc.countertop": 0.8524, "Acc.stove": 0.939, "Acc.palm": 0.8223, "Acc.kitchen island": 0.7992, "Acc.computer": 0.9365, "Acc.swivel chair": 0.7369, "Acc.boat": 0.8855, "Acc.bar": 0.6937, "Acc.arcade machine": 0.8005, "Acc.hovel": 0.4862, "Acc.bus": 0.963, "Acc.towel": 0.8284, "Acc.light": 0.7146, "Acc.truck": 0.5808, "Acc.tower": 0.165, "Acc.chandelier": 0.8696, "Acc.awning": 0.513, "Acc.streetlight": 0.4923, "Acc.booth": 0.6686, "Acc.television receiver": 0.8706, "Acc.airplane": 0.8967, "Acc.dirt track": 0.368, "Acc.apparel": 0.6712, "Acc.pole": 0.3824, "Acc.land": 0.0614, "Acc.bannister": 0.2919, "Acc.escalator": 0.804, "Acc.ottoman": 0.6482, "Acc.bottle": 0.6469, "Acc.buffet": 0.6935, "Acc.poster": 0.4871, "Acc.stage": 0.4517, "Acc.van": 0.6151, "Acc.ship": 0.948, "Acc.fountain": 0.2585, "Acc.conveyer belt": 0.9331, "Acc.canopy": 0.7625, "Acc.washer": 0.8545, "Acc.plaything": 0.611, "Acc.swimming pool": 0.8957, "Acc.stool": 0.6672, "Acc.barrel": 0.6797, "Acc.basket": 0.5757, "Acc.waterfall": 0.7569, "Acc.tent": 0.9885, "Acc.bag": 0.2567, "Acc.minibike": 0.8959, "Acc.cradle": 0.9771, "Acc.oven": 0.6876, "Acc.ball": 0.525, "Acc.food": 0.6754, "Acc.step": 0.1362, "Acc.tank": 0.68, "Acc.trade name": 0.3498, "Acc.microwave": 0.9541, "Acc.pot": 0.7044, "Acc.animal": 0.6843, "Acc.bicycle": 0.7684, "Acc.lake": 0.6358, "Acc.dishwasher": 0.8282, "Acc.screen": 0.8181, "Acc.blanket": 0.4008, "Acc.sculpture": 0.9019, "Acc.hood": 0.742, "Acc.sconce": 0.6255, "Acc.vase": 0.6057, "Acc.traffic light": 0.5998, "Acc.tray": 0.2198, "Acc.ashcan": 0.6411, "Acc.fan": 0.8056, "Acc.pier": 0.4944, "Acc.crt screen": 0.3124, "Acc.plate": 0.7812, "Acc.monitor": 0.845, "Acc.bulletin board": 0.6168, "Acc.shower": 0.0455, "Acc.radiator": 0.7473, "Acc.glass": 0.2231, "Acc.clock": 0.5321, "Acc.flag": 0.8033} {"mode": "train", "epoch": 55, "iter": 69050, "lr": 1e-05, "memory": 70498, "data_time": 1.95043, "decode.loss_ce": 0.15988, "decode.acc_seg": 93.12624, "aux.loss_ce": 0.06858, "aux.acc_seg": 92.65517, "loss": 0.22846, "time": 3.27588} {"mode": "train", "epoch": 55, "iter": 69100, "lr": 1e-05, "memory": 70498, "data_time": 0.00961, "decode.loss_ce": 0.14885, "decode.acc_seg": 93.58212, "aux.loss_ce": 0.06425, "aux.acc_seg": 93.11997, "loss": 0.2131, "time": 1.32398} {"mode": "train", "epoch": 55, "iter": 69150, "lr": 1e-05, "memory": 70498, "data_time": 0.0096, "decode.loss_ce": 0.14946, "decode.acc_seg": 93.48161, "aux.loss_ce": 0.06408, "aux.acc_seg": 93.01274, "loss": 0.21354, "time": 1.33012} {"mode": "train", "epoch": 55, "iter": 69200, "lr": 1e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.16009, "decode.acc_seg": 93.161, "aux.loss_ce": 0.0692, "aux.acc_seg": 92.66285, "loss": 0.2293, "time": 1.3263} {"mode": "train", "epoch": 55, "iter": 69250, "lr": 1e-05, "memory": 70498, "data_time": 0.00967, "decode.loss_ce": 0.16223, "decode.acc_seg": 92.86969, "aux.loss_ce": 0.06951, "aux.acc_seg": 92.38583, "loss": 0.23174, "time": 1.32975} {"mode": "train", "epoch": 55, "iter": 69300, "lr": 1e-05, "memory": 70498, "data_time": 0.00972, "decode.loss_ce": 0.15474, "decode.acc_seg": 93.25505, "aux.loss_ce": 0.0667, "aux.acc_seg": 92.73553, "loss": 0.22144, "time": 1.32536} {"mode": "train", "epoch": 55, "iter": 69350, "lr": 1e-05, "memory": 70498, "data_time": 0.00944, "decode.loss_ce": 0.15255, "decode.acc_seg": 93.21726, "aux.loss_ce": 0.06579, "aux.acc_seg": 92.7561, "loss": 0.21833, "time": 1.32784} {"mode": "train", "epoch": 55, "iter": 69400, "lr": 1e-05, "memory": 70498, "data_time": 0.00948, "decode.loss_ce": 0.15151, "decode.acc_seg": 93.3877, "aux.loss_ce": 0.06482, "aux.acc_seg": 92.91216, "loss": 0.21633, "time": 1.33304} {"mode": "train", "epoch": 55, "iter": 69450, "lr": 1e-05, "memory": 70498, "data_time": 0.00974, "decode.loss_ce": 0.14097, "decode.acc_seg": 93.587, "aux.loss_ce": 0.06075, "aux.acc_seg": 93.16992, "loss": 0.20172, "time": 1.32549} {"mode": "train", "epoch": 56, "iter": 69500, "lr": 1e-05, "memory": 70498, "data_time": 0.05761, "decode.loss_ce": 0.14285, "decode.acc_seg": 93.70899, "aux.loss_ce": 0.06152, "aux.acc_seg": 93.21458, "loss": 0.20437, "time": 1.37447} {"mode": "train", "epoch": 56, "iter": 69550, "lr": 1e-05, "memory": 70498, "data_time": 0.0094, "decode.loss_ce": 0.14257, "decode.acc_seg": 93.64974, "aux.loss_ce": 0.06175, "aux.acc_seg": 93.17741, "loss": 0.20432, "time": 1.32814} {"mode": "train", "epoch": 56, "iter": 69600, "lr": 1e-05, "memory": 70498, "data_time": 0.00965, "decode.loss_ce": 0.15695, "decode.acc_seg": 93.21224, "aux.loss_ce": 0.06739, "aux.acc_seg": 92.73161, "loss": 0.22434, "time": 1.32796} {"mode": "train", "epoch": 56, "iter": 69650, "lr": 1e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.15623, "decode.acc_seg": 93.30746, "aux.loss_ce": 0.06727, "aux.acc_seg": 92.80545, "loss": 0.2235, "time": 1.33138} {"mode": "train", "epoch": 56, "iter": 69700, "lr": 1e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.15132, "decode.acc_seg": 93.37808, "aux.loss_ce": 0.06569, "aux.acc_seg": 92.85979, "loss": 0.21701, "time": 1.32956} {"mode": "train", "epoch": 56, "iter": 69750, "lr": 1e-05, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.14433, "decode.acc_seg": 93.73379, "aux.loss_ce": 0.06254, "aux.acc_seg": 93.20825, "loss": 0.20687, "time": 1.32743} {"mode": "train", "epoch": 56, "iter": 69800, "lr": 1e-05, "memory": 70498, "data_time": 0.00948, "decode.loss_ce": 0.14446, "decode.acc_seg": 93.75729, "aux.loss_ce": 0.06264, "aux.acc_seg": 93.28592, "loss": 0.2071, "time": 1.32487} {"mode": "train", "epoch": 56, "iter": 69850, "lr": 1e-05, "memory": 70498, "data_time": 0.00946, "decode.loss_ce": 0.14572, "decode.acc_seg": 93.61272, "aux.loss_ce": 0.06289, "aux.acc_seg": 93.09728, "loss": 0.20861, "time": 1.3313} {"mode": "train", "epoch": 56, "iter": 69900, "lr": 1e-05, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.1568, "decode.acc_seg": 93.30298, "aux.loss_ce": 0.06816, "aux.acc_seg": 92.82256, "loss": 0.22496, "time": 1.32826} {"mode": "train", "epoch": 56, "iter": 69950, "lr": 1e-05, "memory": 70498, "data_time": 0.00962, "decode.loss_ce": 0.15416, "decode.acc_seg": 93.30806, "aux.loss_ce": 0.06654, "aux.acc_seg": 92.81122, "loss": 0.22071, "time": 1.33204} {"mode": "train", "epoch": 56, "iter": 70000, "lr": 1e-05, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.14409, "decode.acc_seg": 93.64901, "aux.loss_ce": 0.06172, "aux.acc_seg": 93.2203, "loss": 0.20581, "time": 3.42333} {"mode": "val", "epoch": 56, "iter": 250, "lr": 1e-05, "aAcc": 0.8636, "mIoU": 0.5755, "mAcc": 0.6998, "IoU.wall": 0.8239, "IoU.building": 0.86, "IoU.sky": 0.9501, "IoU.floor": 0.8471, "IoU.tree": 0.781, "IoU.ceiling": 0.8746, "IoU.road": 0.8679, "IoU.bed ": 0.9248, "IoU.windowpane": 0.6652, "IoU.grass": 0.6702, "IoU.cabinet": 0.6543, "IoU.sidewalk": 0.7237, "IoU.person": 0.8605, "IoU.earth": 0.3874, "IoU.door": 0.6003, "IoU.table": 0.7029, "IoU.mountain": 0.6115, "IoU.plant": 0.5739, "IoU.curtain": 0.778, "IoU.chair": 0.6836, "IoU.car": 0.8733, "IoU.water": 0.6641, "IoU.painting": 0.7659, "IoU.sofa": 0.8224, "IoU.shelf": 0.5105, "IoU.house": 0.5712, "IoU.sea": 0.6961, "IoU.mirror": 0.7779, "IoU.rug": 0.6735, "IoU.field": 0.3484, "IoU.armchair": 0.6074, "IoU.seat": 0.6607, "IoU.fence": 0.5293, "IoU.desk": 0.5933, "IoU.rock": 0.5662, "IoU.wardrobe": 0.5551, "IoU.lamp": 0.7438, "IoU.bathtub": 0.8442, "IoU.railing": 0.4037, "IoU.cushion": 0.7119, "IoU.base": 0.4386, "IoU.box": 0.3719, "IoU.column": 0.5515, "IoU.signboard": 0.4178, "IoU.chest of drawers": 0.4442, "IoU.counter": 0.4428, "IoU.sand": 0.5159, "IoU.sink": 0.7787, "IoU.skyscraper": 0.4906, "IoU.fireplace": 0.7841, "IoU.refrigerator": 0.8116, "IoU.grandstand": 0.4892, "IoU.path": 0.2633, "IoU.stairs": 0.2419, "IoU.runway": 0.7385, "IoU.case": 0.5992, "IoU.pool table": 0.9503, "IoU.pillow": 0.7024, "IoU.screen door": 0.8338, "IoU.stairway": 0.4342, "IoU.river": 0.1957, "IoU.bridge": 0.7617, "IoU.bookcase": 0.4799, "IoU.blind": 0.4422, "IoU.coffee table": 0.6728, "IoU.toilet": 0.8969, "IoU.flower": 0.4469, "IoU.book": 0.5711, "IoU.hill": 0.0777, "IoU.bench": 0.5615, "IoU.countertop": 0.5987, "IoU.stove": 0.8794, "IoU.palm": 0.5772, "IoU.kitchen island": 0.4731, "IoU.computer": 0.8081, "IoU.swivel chair": 0.5217, "IoU.boat": 0.5964, "IoU.bar": 0.5583, "IoU.arcade machine": 0.7928, "IoU.hovel": 0.4382, "IoU.bus": 0.9352, "IoU.towel": 0.7343, "IoU.light": 0.6019, "IoU.truck": 0.4705, "IoU.tower": 0.1266, "IoU.chandelier": 0.7131, "IoU.awning": 0.4691, "IoU.streetlight": 0.3526, "IoU.booth": 0.409, "IoU.television receiver": 0.8019, "IoU.airplane": 0.8025, "IoU.dirt track": 0.0654, "IoU.apparel": 0.4718, "IoU.pole": 0.296, "IoU.land": 0.0412, "IoU.bannister": 0.1903, "IoU.escalator": 0.5809, "IoU.ottoman": 0.4889, "IoU.bottle": 0.4426, "IoU.buffet": 0.4878, "IoU.poster": 0.3813, "IoU.stage": 0.2538, "IoU.van": 0.437, "IoU.ship": 0.9339, "IoU.fountain": 0.2509, "IoU.conveyer belt": 0.7589, "IoU.canopy": 0.5981, "IoU.washer": 0.7875, "IoU.plaything": 0.4298, "IoU.swimming pool": 0.7234, "IoU.stool": 0.5494, "IoU.barrel": 0.4717, "IoU.basket": 0.416, "IoU.waterfall": 0.513, "IoU.tent": 0.8899, "IoU.bag": 0.2075, "IoU.minibike": 0.7681, "IoU.cradle": 0.8481, "IoU.oven": 0.5665, "IoU.ball": 0.5183, "IoU.food": 0.5682, "IoU.step": 0.1219, "IoU.tank": 0.6623, "IoU.trade name": 0.2583, "IoU.microwave": 0.8743, "IoU.pot": 0.5886, "IoU.animal": 0.6713, "IoU.bicycle": 0.608, "IoU.lake": 0.5659, "IoU.dishwasher": 0.7276, "IoU.screen": 0.4885, "IoU.blanket": 0.3398, "IoU.sculpture": 0.725, "IoU.hood": 0.6209, "IoU.sconce": 0.572, "IoU.vase": 0.489, "IoU.traffic light": 0.4226, "IoU.tray": 0.1391, "IoU.ashcan": 0.4897, "IoU.fan": 0.6725, "IoU.pier": 0.3962, "IoU.crt screen": 0.1788, "IoU.plate": 0.6029, "IoU.monitor": 0.6899, "IoU.bulletin board": 0.558, "IoU.shower": 0.0875, "IoU.radiator": 0.6501, "IoU.glass": 0.1957, "IoU.clock": 0.4433, "IoU.flag": 0.7215, "Acc.wall": 0.9021, "Acc.building": 0.937, "Acc.sky": 0.9773, "Acc.floor": 0.9237, "Acc.tree": 0.894, "Acc.ceiling": 0.9448, "Acc.road": 0.9253, "Acc.bed ": 0.9677, "Acc.windowpane": 0.813, "Acc.grass": 0.8038, "Acc.cabinet": 0.7545, "Acc.sidewalk": 0.8512, "Acc.person": 0.9355, "Acc.earth": 0.5125, "Acc.door": 0.7445, "Acc.table": 0.8247, "Acc.mountain": 0.7493, "Acc.plant": 0.6871, "Acc.curtain": 0.8776, "Acc.chair": 0.7806, "Acc.car": 0.9397, "Acc.water": 0.8165, "Acc.painting": 0.9179, "Acc.sofa": 0.9207, "Acc.shelf": 0.6894, "Acc.house": 0.7173, "Acc.sea": 0.8409, "Acc.mirror": 0.8345, "Acc.rug": 0.7841, "Acc.field": 0.6659, "Acc.armchair": 0.7756, "Acc.seat": 0.8797, "Acc.fence": 0.6627, "Acc.desk": 0.7749, "Acc.rock": 0.7828, "Acc.wardrobe": 0.7336, "Acc.lamp": 0.852, "Acc.bathtub": 0.8653, "Acc.railing": 0.5675, "Acc.cushion": 0.8301, "Acc.base": 0.6005, "Acc.box": 0.4631, "Acc.column": 0.6783, "Acc.signboard": 0.5623, "Acc.chest of drawers": 0.69, "Acc.counter": 0.5315, "Acc.sand": 0.7646, "Acc.sink": 0.8323, "Acc.skyscraper": 0.6003, "Acc.fireplace": 0.9171, "Acc.refrigerator": 0.9272, "Acc.grandstand": 0.8454, "Acc.path": 0.3632, "Acc.stairs": 0.3143, "Acc.runway": 0.9731, "Acc.case": 0.8171, "Acc.pool table": 0.977, "Acc.pillow": 0.8144, "Acc.screen door": 0.8807, "Acc.stairway": 0.5832, "Acc.river": 0.3601, "Acc.bridge": 0.8707, "Acc.bookcase": 0.6531, "Acc.blind": 0.4827, "Acc.coffee table": 0.8644, "Acc.toilet": 0.9331, "Acc.flower": 0.5908, "Acc.book": 0.7563, "Acc.hill": 0.1076, "Acc.bench": 0.6486, "Acc.countertop": 0.8612, "Acc.stove": 0.9424, "Acc.palm": 0.8287, "Acc.kitchen island": 0.7152, "Acc.computer": 0.9186, "Acc.swivel chair": 0.7411, "Acc.boat": 0.9005, "Acc.bar": 0.749, "Acc.arcade machine": 0.835, "Acc.hovel": 0.4938, "Acc.bus": 0.9606, "Acc.towel": 0.8216, "Acc.light": 0.6866, "Acc.truck": 0.6312, "Acc.tower": 0.1726, "Acc.chandelier": 0.8455, "Acc.awning": 0.6325, "Acc.streetlight": 0.4646, "Acc.booth": 0.657, "Acc.television receiver": 0.8805, "Acc.airplane": 0.8917, "Acc.dirt track": 0.2784, "Acc.apparel": 0.7495, "Acc.pole": 0.4098, "Acc.land": 0.0635, "Acc.bannister": 0.2683, "Acc.escalator": 0.7953, "Acc.ottoman": 0.6553, "Acc.bottle": 0.6616, "Acc.buffet": 0.6598, "Acc.poster": 0.4968, "Acc.stage": 0.4633, "Acc.van": 0.5984, "Acc.ship": 0.9679, "Acc.fountain": 0.26, "Acc.conveyer belt": 0.9321, "Acc.canopy": 0.7782, "Acc.washer": 0.8184, "Acc.plaything": 0.6305, "Acc.swimming pool": 0.9021, "Acc.stool": 0.6499, "Acc.barrel": 0.6472, "Acc.basket": 0.5711, "Acc.waterfall": 0.7182, "Acc.tent": 0.9912, "Acc.bag": 0.246, "Acc.minibike": 0.8887, "Acc.cradle": 0.9779, "Acc.oven": 0.6522, "Acc.ball": 0.5815, "Acc.food": 0.6991, "Acc.step": 0.1449, "Acc.tank": 0.6968, "Acc.trade name": 0.2797, "Acc.microwave": 0.956, "Acc.pot": 0.6757, "Acc.animal": 0.6907, "Acc.bicycle": 0.7701, "Acc.lake": 0.6375, "Acc.dishwasher": 0.8415, "Acc.screen": 0.7264, "Acc.blanket": 0.3866, "Acc.sculpture": 0.8833, "Acc.hood": 0.7426, "Acc.sconce": 0.6604, "Acc.vase": 0.6009, "Acc.traffic light": 0.6283, "Acc.tray": 0.1755, "Acc.ashcan": 0.6053, "Acc.fan": 0.8027, "Acc.pier": 0.5098, "Acc.crt screen": 0.3128, "Acc.plate": 0.754, "Acc.monitor": 0.824, "Acc.bulletin board": 0.6107, "Acc.shower": 0.0985, "Acc.radiator": 0.7339, "Acc.glass": 0.2116, "Acc.clock": 0.5115, "Acc.flag": 0.8021} {"mode": "train", "epoch": 56, "iter": 70050, "lr": 0.0, "memory": 70498, "data_time": 1.93575, "decode.loss_ce": 0.15564, "decode.acc_seg": 93.33586, "aux.loss_ce": 0.06662, "aux.acc_seg": 92.87584, "loss": 0.22226, "time": 3.25603} {"mode": "train", "epoch": 56, "iter": 70100, "lr": 0.0, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.15659, "decode.acc_seg": 93.21581, "aux.loss_ce": 0.06751, "aux.acc_seg": 92.71823, "loss": 0.2241, "time": 1.32965} {"mode": "train", "epoch": 56, "iter": 70150, "lr": 0.0, "memory": 70498, "data_time": 0.00965, "decode.loss_ce": 0.15018, "decode.acc_seg": 93.26382, "aux.loss_ce": 0.06467, "aux.acc_seg": 92.85996, "loss": 0.21485, "time": 1.33023} {"mode": "train", "epoch": 56, "iter": 70200, "lr": 0.0, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.15627, "decode.acc_seg": 93.13782, "aux.loss_ce": 0.06737, "aux.acc_seg": 92.67108, "loss": 0.22363, "time": 1.33009} {"mode": "train", "epoch": 56, "iter": 70250, "lr": 0.0, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.14118, "decode.acc_seg": 93.62582, "aux.loss_ce": 0.06129, "aux.acc_seg": 93.11889, "loss": 0.20247, "time": 1.32596} {"mode": "train", "epoch": 56, "iter": 70300, "lr": 0.0, "memory": 70498, "data_time": 0.00962, "decode.loss_ce": 0.14679, "decode.acc_seg": 93.48565, "aux.loss_ce": 0.06315, "aux.acc_seg": 93.01065, "loss": 0.20994, "time": 1.33222} {"mode": "train", "epoch": 56, "iter": 70350, "lr": 0.0, "memory": 70498, "data_time": 0.0097, "decode.loss_ce": 0.14829, "decode.acc_seg": 93.34589, "aux.loss_ce": 0.06445, "aux.acc_seg": 92.82595, "loss": 0.21274, "time": 1.32997} {"mode": "train", "epoch": 56, "iter": 70400, "lr": 0.0, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.14765, "decode.acc_seg": 93.49854, "aux.loss_ce": 0.06403, "aux.acc_seg": 92.99657, "loss": 0.21168, "time": 1.33086} {"mode": "train", "epoch": 56, "iter": 70450, "lr": 0.0, "memory": 70498, "data_time": 0.00948, "decode.loss_ce": 0.1456, "decode.acc_seg": 93.53553, "aux.loss_ce": 0.06293, "aux.acc_seg": 93.02735, "loss": 0.20853, "time": 1.32807} {"mode": "train", "epoch": 56, "iter": 70500, "lr": 0.0, "memory": 70498, "data_time": 0.00938, "decode.loss_ce": 0.14712, "decode.acc_seg": 93.71062, "aux.loss_ce": 0.064, "aux.acc_seg": 93.14617, "loss": 0.21112, "time": 1.33212} {"mode": "train", "epoch": 56, "iter": 70550, "lr": 0.0, "memory": 70498, "data_time": 0.00956, "decode.loss_ce": 0.14404, "decode.acc_seg": 93.67252, "aux.loss_ce": 0.06231, "aux.acc_seg": 93.22435, "loss": 0.20635, "time": 1.32908} {"mode": "train", "epoch": 56, "iter": 70600, "lr": 0.0, "memory": 70498, "data_time": 0.00961, "decode.loss_ce": 0.14963, "decode.acc_seg": 93.47512, "aux.loss_ce": 0.06388, "aux.acc_seg": 93.01786, "loss": 0.21351, "time": 1.32907} {"mode": "train", "epoch": 56, "iter": 70650, "lr": 0.0, "memory": 70498, "data_time": 0.00971, "decode.loss_ce": 0.15458, "decode.acc_seg": 93.3089, "aux.loss_ce": 0.066, "aux.acc_seg": 92.88895, "loss": 0.22057, "time": 1.32601} {"mode": "train", "epoch": 56, "iter": 70700, "lr": 0.0, "memory": 70498, "data_time": 0.0096, "decode.loss_ce": 0.15915, "decode.acc_seg": 93.12836, "aux.loss_ce": 0.06856, "aux.acc_seg": 92.60759, "loss": 0.22771, "time": 1.32916} {"mode": "train", "epoch": 57, "iter": 70750, "lr": 0.0, "memory": 70498, "data_time": 0.05841, "decode.loss_ce": 0.15767, "decode.acc_seg": 93.03857, "aux.loss_ce": 0.06815, "aux.acc_seg": 92.42151, "loss": 0.22582, "time": 1.38243} {"mode": "train", "epoch": 57, "iter": 70800, "lr": 0.0, "memory": 70498, "data_time": 0.00966, "decode.loss_ce": 0.14064, "decode.acc_seg": 93.72062, "aux.loss_ce": 0.06075, "aux.acc_seg": 93.25797, "loss": 0.20139, "time": 1.32705} {"mode": "train", "epoch": 57, "iter": 70850, "lr": 0.0, "memory": 70498, "data_time": 0.00969, "decode.loss_ce": 0.15615, "decode.acc_seg": 93.13789, "aux.loss_ce": 0.06729, "aux.acc_seg": 92.6232, "loss": 0.22344, "time": 1.32865} {"mode": "train", "epoch": 57, "iter": 70900, "lr": 0.0, "memory": 70498, "data_time": 0.00978, "decode.loss_ce": 0.14725, "decode.acc_seg": 93.57925, "aux.loss_ce": 0.06317, "aux.acc_seg": 93.13392, "loss": 0.21042, "time": 1.33063} {"mode": "train", "epoch": 57, "iter": 70950, "lr": 0.0, "memory": 70498, "data_time": 0.00943, "decode.loss_ce": 0.1427, "decode.acc_seg": 93.59548, "aux.loss_ce": 0.06172, "aux.acc_seg": 93.18807, "loss": 0.20442, "time": 1.32433} {"mode": "train", "epoch": 57, "iter": 71000, "lr": 0.0, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.14054, "decode.acc_seg": 93.69529, "aux.loss_ce": 0.06113, "aux.acc_seg": 93.19831, "loss": 0.20167, "time": 1.33482} {"mode": "val", "epoch": 57, "iter": 250, "lr": 0.0, "aAcc": 0.8625, "mIoU": 0.5754, "mAcc": 0.701, "IoU.wall": 0.8235, "IoU.building": 0.8557, "IoU.sky": 0.951, "IoU.floor": 0.8485, "IoU.tree": 0.7756, "IoU.ceiling": 0.876, "IoU.road": 0.8683, "IoU.bed ": 0.9239, "IoU.windowpane": 0.6582, "IoU.grass": 0.6688, "IoU.cabinet": 0.652, "IoU.sidewalk": 0.7232, "IoU.person": 0.8586, "IoU.earth": 0.38, "IoU.door": 0.5975, "IoU.table": 0.7061, "IoU.mountain": 0.6159, "IoU.plant": 0.5521, "IoU.curtain": 0.7802, "IoU.chair": 0.6825, "IoU.car": 0.8724, "IoU.water": 0.6551, "IoU.painting": 0.7683, "IoU.sofa": 0.8277, "IoU.shelf": 0.517, "IoU.house": 0.5048, "IoU.sea": 0.6924, "IoU.mirror": 0.7781, "IoU.rug": 0.6839, "IoU.field": 0.3371, "IoU.armchair": 0.6188, "IoU.seat": 0.6523, "IoU.fence": 0.5219, "IoU.desk": 0.5884, "IoU.rock": 0.5594, "IoU.wardrobe": 0.5464, "IoU.lamp": 0.7475, "IoU.bathtub": 0.8443, "IoU.railing": 0.4032, "IoU.cushion": 0.7047, "IoU.base": 0.432, "IoU.box": 0.3785, "IoU.column": 0.5565, "IoU.signboard": 0.4134, "IoU.chest of drawers": 0.4638, "IoU.counter": 0.4497, "IoU.sand": 0.5088, "IoU.sink": 0.778, "IoU.skyscraper": 0.4891, "IoU.fireplace": 0.7681, "IoU.refrigerator": 0.8256, "IoU.grandstand": 0.4929, "IoU.path": 0.2684, "IoU.stairs": 0.2353, "IoU.runway": 0.7379, "IoU.case": 0.5993, "IoU.pool table": 0.949, "IoU.pillow": 0.6778, "IoU.screen door": 0.8203, "IoU.stairway": 0.3907, "IoU.river": 0.1871, "IoU.bridge": 0.7654, "IoU.bookcase": 0.4825, "IoU.blind": 0.4401, "IoU.coffee table": 0.6653, "IoU.toilet": 0.9006, "IoU.flower": 0.4521, "IoU.book": 0.5833, "IoU.hill": 0.0667, "IoU.bench": 0.5634, "IoU.countertop": 0.6216, "IoU.stove": 0.8811, "IoU.palm": 0.5759, "IoU.kitchen island": 0.4973, "IoU.computer": 0.8072, "IoU.swivel chair": 0.5163, "IoU.boat": 0.6322, "IoU.bar": 0.5524, "IoU.arcade machine": 0.799, "IoU.hovel": 0.4315, "IoU.bus": 0.9319, "IoU.towel": 0.7429, "IoU.light": 0.6102, "IoU.truck": 0.4705, "IoU.tower": 0.181, "IoU.chandelier": 0.7208, "IoU.awning": 0.4464, "IoU.streetlight": 0.3731, "IoU.booth": 0.411, "IoU.television receiver": 0.8064, "IoU.airplane": 0.8381, "IoU.dirt track": 0.0696, "IoU.apparel": 0.4416, "IoU.pole": 0.2879, "IoU.land": 0.0488, "IoU.bannister": 0.1944, "IoU.escalator": 0.5616, "IoU.ottoman": 0.4857, "IoU.bottle": 0.4327, "IoU.buffet": 0.5058, "IoU.poster": 0.3619, "IoU.stage": 0.2403, "IoU.van": 0.4421, "IoU.ship": 0.9239, "IoU.fountain": 0.2706, "IoU.conveyer belt": 0.7748, "IoU.canopy": 0.552, "IoU.washer": 0.8137, "IoU.plaything": 0.4142, "IoU.swimming pool": 0.6934, "IoU.stool": 0.5269, "IoU.barrel": 0.4031, "IoU.basket": 0.4117, "IoU.waterfall": 0.6177, "IoU.tent": 0.8934, "IoU.bag": 0.2093, "IoU.minibike": 0.7593, "IoU.cradle": 0.848, "IoU.oven": 0.6368, "IoU.ball": 0.4785, "IoU.food": 0.5773, "IoU.step": 0.1029, "IoU.tank": 0.6817, "IoU.trade name": 0.2513, "IoU.microwave": 0.8954, "IoU.pot": 0.5904, "IoU.animal": 0.6711, "IoU.bicycle": 0.6042, "IoU.lake": 0.5626, "IoU.dishwasher": 0.7442, "IoU.screen": 0.5324, "IoU.blanket": 0.3608, "IoU.sculpture": 0.746, "IoU.hood": 0.6209, "IoU.sconce": 0.5515, "IoU.vase": 0.4921, "IoU.traffic light": 0.4119, "IoU.tray": 0.1288, "IoU.ashcan": 0.4801, "IoU.fan": 0.6681, "IoU.pier": 0.3741, "IoU.crt screen": 0.1698, "IoU.plate": 0.6043, "IoU.monitor": 0.6784, "IoU.bulletin board": 0.5677, "IoU.shower": 0.0915, "IoU.radiator": 0.6578, "IoU.glass": 0.1919, "IoU.clock": 0.4656, "IoU.flag": 0.724, "Acc.wall": 0.903, "Acc.building": 0.9405, "Acc.sky": 0.9753, "Acc.floor": 0.9156, "Acc.tree": 0.9029, "Acc.ceiling": 0.9416, "Acc.road": 0.9194, "Acc.bed ": 0.9684, "Acc.windowpane": 0.8093, "Acc.grass": 0.8032, "Acc.cabinet": 0.7546, "Acc.sidewalk": 0.8625, "Acc.person": 0.9356, "Acc.earth": 0.5019, "Acc.door": 0.7481, "Acc.table": 0.8387, "Acc.mountain": 0.7574, "Acc.plant": 0.6556, "Acc.curtain": 0.8604, "Acc.chair": 0.7947, "Acc.car": 0.9384, "Acc.water": 0.7991, "Acc.painting": 0.9073, "Acc.sofa": 0.9049, "Acc.shelf": 0.6858, "Acc.house": 0.6115, "Acc.sea": 0.8349, "Acc.mirror": 0.8357, "Acc.rug": 0.7987, "Acc.field": 0.6302, "Acc.armchair": 0.8072, "Acc.seat": 0.8777, "Acc.fence": 0.6405, "Acc.desk": 0.7637, "Acc.rock": 0.7994, "Acc.wardrobe": 0.7642, "Acc.lamp": 0.8491, "Acc.bathtub": 0.8616, "Acc.railing": 0.5608, "Acc.cushion": 0.8467, "Acc.base": 0.5709, "Acc.box": 0.4757, "Acc.column": 0.6818, "Acc.signboard": 0.5756, "Acc.chest of drawers": 0.6745, "Acc.counter": 0.5354, "Acc.sand": 0.7605, "Acc.sink": 0.8331, "Acc.skyscraper": 0.6245, "Acc.fireplace": 0.9211, "Acc.refrigerator": 0.9204, "Acc.grandstand": 0.8459, "Acc.path": 0.3795, "Acc.stairs": 0.2882, "Acc.runway": 0.9677, "Acc.case": 0.8197, "Acc.pool table": 0.9763, "Acc.pillow": 0.7577, "Acc.screen door": 0.8532, "Acc.stairway": 0.5757, "Acc.river": 0.3628, "Acc.bridge": 0.8784, "Acc.bookcase": 0.6359, "Acc.blind": 0.4745, "Acc.coffee table": 0.877, "Acc.toilet": 0.9369, "Acc.flower": 0.6166, "Acc.book": 0.7512, "Acc.hill": 0.0905, "Acc.bench": 0.642, "Acc.countertop": 0.8235, "Acc.stove": 0.9456, "Acc.palm": 0.7985, "Acc.kitchen island": 0.7839, "Acc.computer": 0.9195, "Acc.swivel chair": 0.7643, "Acc.boat": 0.8767, "Acc.bar": 0.7438, "Acc.arcade machine": 0.8362, "Acc.hovel": 0.496, "Acc.bus": 0.9643, "Acc.towel": 0.8263, "Acc.light": 0.6951, "Acc.truck": 0.6301, "Acc.tower": 0.2456, "Acc.chandelier": 0.8809, "Acc.awning": 0.58, "Acc.streetlight": 0.5027, "Acc.booth": 0.6852, "Acc.television receiver": 0.8678, "Acc.airplane": 0.9148, "Acc.dirt track": 0.3246, "Acc.apparel": 0.5953, "Acc.pole": 0.3958, "Acc.land": 0.0776, "Acc.bannister": 0.2801, "Acc.escalator": 0.8075, "Acc.ottoman": 0.6423, "Acc.bottle": 0.6165, "Acc.buffet": 0.6637, "Acc.poster": 0.5162, "Acc.stage": 0.4393, "Acc.van": 0.5808, "Acc.ship": 0.9579, "Acc.fountain": 0.2758, "Acc.conveyer belt": 0.9333, "Acc.canopy": 0.8013, "Acc.washer": 0.85, "Acc.plaything": 0.6357, "Acc.swimming pool": 0.9242, "Acc.stool": 0.6622, "Acc.barrel": 0.6712, "Acc.basket": 0.5597, "Acc.waterfall": 0.8616, "Acc.tent": 0.9883, "Acc.bag": 0.2468, "Acc.minibike": 0.896, "Acc.cradle": 0.9752, "Acc.oven": 0.7524, "Acc.ball": 0.5328, "Acc.food": 0.71, "Acc.step": 0.1224, "Acc.tank": 0.7594, "Acc.trade name": 0.2774, "Acc.microwave": 0.954, "Acc.pot": 0.6857, "Acc.animal": 0.6905, "Acc.bicycle": 0.7719, "Acc.lake": 0.6376, "Acc.dishwasher": 0.8345, "Acc.screen": 0.7895, "Acc.blanket": 0.4054, "Acc.sculpture": 0.8811, "Acc.hood": 0.7353, "Acc.sconce": 0.6235, "Acc.vase": 0.6147, "Acc.traffic light": 0.6314, "Acc.tray": 0.1571, "Acc.ashcan": 0.6048, "Acc.fan": 0.8036, "Acc.pier": 0.4913, "Acc.crt screen": 0.2697, "Acc.plate": 0.772, "Acc.monitor": 0.8411, "Acc.bulletin board": 0.6337, "Acc.shower": 0.1141, "Acc.radiator": 0.7404, "Acc.glass": 0.2062, "Acc.clock": 0.5382, "Acc.flag": 0.7984} {"mode": "train", "epoch": 57, "iter": 71050, "lr": 0.0, "memory": 70498, "data_time": 1.97748, "decode.loss_ce": 0.15327, "decode.acc_seg": 93.30252, "aux.loss_ce": 0.06606, "aux.acc_seg": 92.86603, "loss": 0.21933, "time": 3.29928} {"mode": "train", "epoch": 57, "iter": 71100, "lr": 0.0, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.15569, "decode.acc_seg": 93.06327, "aux.loss_ce": 0.06695, "aux.acc_seg": 92.57289, "loss": 0.22264, "time": 1.33379} {"mode": "train", "epoch": 57, "iter": 71150, "lr": 0.0, "memory": 70498, "data_time": 0.00965, "decode.loss_ce": 0.15338, "decode.acc_seg": 93.39053, "aux.loss_ce": 0.06635, "aux.acc_seg": 92.83978, "loss": 0.21973, "time": 1.32962} {"mode": "train", "epoch": 57, "iter": 71200, "lr": 0.0, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.14184, "decode.acc_seg": 93.7421, "aux.loss_ce": 0.06126, "aux.acc_seg": 93.30693, "loss": 0.2031, "time": 1.32981} {"mode": "train", "epoch": 57, "iter": 71250, "lr": 0.0, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.14854, "decode.acc_seg": 93.53859, "aux.loss_ce": 0.06396, "aux.acc_seg": 93.06382, "loss": 0.2125, "time": 1.32795} {"mode": "train", "epoch": 57, "iter": 71300, "lr": 0.0, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.14429, "decode.acc_seg": 93.55167, "aux.loss_ce": 0.06239, "aux.acc_seg": 93.07679, "loss": 0.20668, "time": 1.33258} {"mode": "train", "epoch": 57, "iter": 71350, "lr": 0.0, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.14741, "decode.acc_seg": 93.40111, "aux.loss_ce": 0.06373, "aux.acc_seg": 92.89303, "loss": 0.21114, "time": 1.32494} {"mode": "train", "epoch": 57, "iter": 71400, "lr": 0.0, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.15688, "decode.acc_seg": 93.1737, "aux.loss_ce": 0.06794, "aux.acc_seg": 92.57503, "loss": 0.22482, "time": 1.33034} {"mode": "train", "epoch": 57, "iter": 71450, "lr": 0.0, "memory": 70498, "data_time": 0.00967, "decode.loss_ce": 0.15327, "decode.acc_seg": 93.19965, "aux.loss_ce": 0.06581, "aux.acc_seg": 92.78326, "loss": 0.21908, "time": 1.33627} {"mode": "train", "epoch": 57, "iter": 71500, "lr": 0.0, "memory": 70498, "data_time": 0.0096, "decode.loss_ce": 0.14478, "decode.acc_seg": 93.35377, "aux.loss_ce": 0.062, "aux.acc_seg": 92.95312, "loss": 0.20678, "time": 1.33136} {"mode": "train", "epoch": 57, "iter": 71550, "lr": 0.0, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.1494, "decode.acc_seg": 93.51788, "aux.loss_ce": 0.06485, "aux.acc_seg": 93.01036, "loss": 0.21425, "time": 1.33411} {"mode": "train", "epoch": 57, "iter": 71600, "lr": 0.0, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.14355, "decode.acc_seg": 93.63802, "aux.loss_ce": 0.062, "aux.acc_seg": 93.17812, "loss": 0.20555, "time": 1.32754} {"mode": "train", "epoch": 57, "iter": 71650, "lr": 0.0, "memory": 70498, "data_time": 0.00938, "decode.loss_ce": 0.1517, "decode.acc_seg": 93.40298, "aux.loss_ce": 0.06561, "aux.acc_seg": 92.91323, "loss": 0.21731, "time": 1.33298} {"mode": "train", "epoch": 57, "iter": 71700, "lr": 0.0, "memory": 70498, "data_time": 0.00947, "decode.loss_ce": 0.14798, "decode.acc_seg": 93.6229, "aux.loss_ce": 0.06441, "aux.acc_seg": 93.07344, "loss": 0.21239, "time": 1.32813} {"mode": "train", "epoch": 57, "iter": 71750, "lr": 0.0, "memory": 70498, "data_time": 0.00975, "decode.loss_ce": 0.14644, "decode.acc_seg": 93.57443, "aux.loss_ce": 0.06348, "aux.acc_seg": 93.10325, "loss": 0.20992, "time": 1.32804} {"mode": "train", "epoch": 57, "iter": 71800, "lr": 0.0, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.15647, "decode.acc_seg": 93.18963, "aux.loss_ce": 0.06744, "aux.acc_seg": 92.70143, "loss": 0.22391, "time": 1.33236} {"mode": "train", "epoch": 57, "iter": 71850, "lr": 0.0, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.14464, "decode.acc_seg": 93.68354, "aux.loss_ce": 0.06245, "aux.acc_seg": 93.18812, "loss": 0.20709, "time": 1.33186} {"mode": "train", "epoch": 57, "iter": 71900, "lr": 0.0, "memory": 70498, "data_time": 0.00975, "decode.loss_ce": 0.15002, "decode.acc_seg": 93.35598, "aux.loss_ce": 0.06488, "aux.acc_seg": 92.9005, "loss": 0.2149, "time": 1.33534} {"mode": "train", "epoch": 57, "iter": 71950, "lr": 0.0, "memory": 70498, "data_time": 0.00977, "decode.loss_ce": 0.15382, "decode.acc_seg": 93.25478, "aux.loss_ce": 0.06598, "aux.acc_seg": 92.7765, "loss": 0.21979, "time": 1.32516} {"mode": "train", "epoch": 58, "iter": 72000, "lr": 0.0, "memory": 70498, "data_time": 0.0859, "decode.loss_ce": 0.15182, "decode.acc_seg": 93.16544, "aux.loss_ce": 0.06524, "aux.acc_seg": 92.66644, "loss": 0.21706, "time": 3.50482} {"mode": "val", "epoch": 58, "iter": 250, "lr": 0.0, "aAcc": 0.8627, "mIoU": 0.5752, "mAcc": 0.6976, "IoU.wall": 0.8245, "IoU.building": 0.8585, "IoU.sky": 0.9507, "IoU.floor": 0.848, "IoU.tree": 0.7713, "IoU.ceiling": 0.8787, "IoU.road": 0.8682, "IoU.bed ": 0.9259, "IoU.windowpane": 0.6636, "IoU.grass": 0.6581, "IoU.cabinet": 0.6667, "IoU.sidewalk": 0.7241, "IoU.person": 0.8562, "IoU.earth": 0.3858, "IoU.door": 0.5968, "IoU.table": 0.7046, "IoU.mountain": 0.6129, "IoU.plant": 0.5481, "IoU.curtain": 0.7773, "IoU.chair": 0.6746, "IoU.car": 0.8738, "IoU.water": 0.6521, "IoU.painting": 0.7791, "IoU.sofa": 0.8209, "IoU.shelf": 0.5059, "IoU.house": 0.5372, "IoU.sea": 0.6871, "IoU.mirror": 0.7751, "IoU.rug": 0.6808, "IoU.field": 0.3153, "IoU.armchair": 0.6103, "IoU.seat": 0.6499, "IoU.fence": 0.5133, "IoU.desk": 0.5817, "IoU.rock": 0.5831, "IoU.wardrobe": 0.5621, "IoU.lamp": 0.7414, "IoU.bathtub": 0.8471, "IoU.railing": 0.3847, "IoU.cushion": 0.7053, "IoU.base": 0.4108, "IoU.box": 0.3857, "IoU.column": 0.558, "IoU.signboard": 0.4116, "IoU.chest of drawers": 0.4542, "IoU.counter": 0.4485, "IoU.sand": 0.5354, "IoU.sink": 0.7793, "IoU.skyscraper": 0.4956, "IoU.fireplace": 0.7678, "IoU.refrigerator": 0.8322, "IoU.grandstand": 0.5, "IoU.path": 0.2946, "IoU.stairs": 0.2378, "IoU.runway": 0.6795, "IoU.case": 0.5843, "IoU.pool table": 0.9472, "IoU.pillow": 0.7028, "IoU.screen door": 0.8239, "IoU.stairway": 0.418, "IoU.river": 0.2072, "IoU.bridge": 0.7552, "IoU.bookcase": 0.4354, "IoU.blind": 0.4353, "IoU.coffee table": 0.6574, "IoU.toilet": 0.9001, "IoU.flower": 0.4533, "IoU.book": 0.589, "IoU.hill": 0.1182, "IoU.bench": 0.5585, "IoU.countertop": 0.6186, "IoU.stove": 0.8797, "IoU.palm": 0.5665, "IoU.kitchen island": 0.4992, "IoU.computer": 0.7964, "IoU.swivel chair": 0.5151, "IoU.boat": 0.6069, "IoU.bar": 0.5523, "IoU.arcade machine": 0.7946, "IoU.hovel": 0.4387, "IoU.bus": 0.9376, "IoU.towel": 0.7388, "IoU.light": 0.6053, "IoU.truck": 0.4649, "IoU.tower": 0.1627, "IoU.chandelier": 0.7131, "IoU.awning": 0.4484, "IoU.streetlight": 0.3726, "IoU.booth": 0.4854, "IoU.television receiver": 0.7976, "IoU.airplane": 0.8428, "IoU.dirt track": 0.0741, "IoU.apparel": 0.465, "IoU.pole": 0.3034, "IoU.land": 0.0463, "IoU.bannister": 0.1875, "IoU.escalator": 0.57, "IoU.ottoman": 0.488, "IoU.bottle": 0.4337, "IoU.buffet": 0.4836, "IoU.poster": 0.365, "IoU.stage": 0.2506, "IoU.van": 0.4415, "IoU.ship": 0.9329, "IoU.fountain": 0.217, "IoU.conveyer belt": 0.7716, "IoU.canopy": 0.5961, "IoU.washer": 0.816, "IoU.plaything": 0.3871, "IoU.swimming pool": 0.6677, "IoU.stool": 0.5086, "IoU.barrel": 0.4241, "IoU.basket": 0.4029, "IoU.waterfall": 0.6183, "IoU.tent": 0.9065, "IoU.bag": 0.21, "IoU.minibike": 0.7687, "IoU.cradle": 0.8408, "IoU.oven": 0.6772, "IoU.ball": 0.4591, "IoU.food": 0.5863, "IoU.step": 0.132, "IoU.tank": 0.6927, "IoU.trade name": 0.2598, "IoU.microwave": 0.9065, "IoU.pot": 0.5861, "IoU.animal": 0.6488, "IoU.bicycle": 0.5986, "IoU.lake": 0.5551, "IoU.dishwasher": 0.7318, "IoU.screen": 0.5168, "IoU.blanket": 0.3044, "IoU.sculpture": 0.7511, "IoU.hood": 0.6264, "IoU.sconce": 0.5519, "IoU.vase": 0.4841, "IoU.traffic light": 0.4129, "IoU.tray": 0.1339, "IoU.ashcan": 0.4887, "IoU.fan": 0.663, "IoU.pier": 0.3833, "IoU.crt screen": 0.1792, "IoU.plate": 0.5893, "IoU.monitor": 0.6974, "IoU.bulletin board": 0.583, "IoU.shower": 0.0662, "IoU.radiator": 0.6509, "IoU.glass": 0.1961, "IoU.clock": 0.4471, "IoU.flag": 0.7263, "Acc.wall": 0.9054, "Acc.building": 0.9368, "Acc.sky": 0.9763, "Acc.floor": 0.9202, "Acc.tree": 0.9096, "Acc.ceiling": 0.9388, "Acc.road": 0.9191, "Acc.bed ": 0.9689, "Acc.windowpane": 0.8258, "Acc.grass": 0.7981, "Acc.cabinet": 0.7796, "Acc.sidewalk": 0.8646, "Acc.person": 0.9463, "Acc.earth": 0.5208, "Acc.door": 0.7398, "Acc.table": 0.819, "Acc.mountain": 0.7232, "Acc.plant": 0.6366, "Acc.curtain": 0.8679, "Acc.chair": 0.7662, "Acc.car": 0.9406, "Acc.water": 0.7958, "Acc.painting": 0.8995, "Acc.sofa": 0.9253, "Acc.shelf": 0.6714, "Acc.house": 0.6205, "Acc.sea": 0.8427, "Acc.mirror": 0.8313, "Acc.rug": 0.7942, "Acc.field": 0.6148, "Acc.armchair": 0.7698, "Acc.seat": 0.8767, "Acc.fence": 0.6284, "Acc.desk": 0.809, "Acc.rock": 0.8612, "Acc.wardrobe": 0.7462, "Acc.lamp": 0.8495, "Acc.bathtub": 0.8722, "Acc.railing": 0.5241, "Acc.cushion": 0.8078, "Acc.base": 0.5633, "Acc.box": 0.497, "Acc.column": 0.6924, "Acc.signboard": 0.5687, "Acc.chest of drawers": 0.6154, "Acc.counter": 0.547, "Acc.sand": 0.763, "Acc.sink": 0.8288, "Acc.skyscraper": 0.6212, "Acc.fireplace": 0.9206, "Acc.refrigerator": 0.9314, "Acc.grandstand": 0.8226, "Acc.path": 0.4064, "Acc.stairs": 0.305, "Acc.runway": 0.8878, "Acc.case": 0.7932, "Acc.pool table": 0.9786, "Acc.pillow": 0.8176, "Acc.screen door": 0.853, "Acc.stairway": 0.5594, "Acc.river": 0.405, "Acc.bridge": 0.8743, "Acc.bookcase": 0.5701, "Acc.blind": 0.4741, "Acc.coffee table": 0.8892, "Acc.toilet": 0.9394, "Acc.flower": 0.5784, "Acc.book": 0.774, "Acc.hill": 0.1738, "Acc.bench": 0.6391, "Acc.countertop": 0.8402, "Acc.stove": 0.9415, "Acc.palm": 0.825, "Acc.kitchen island": 0.8053, "Acc.computer": 0.9253, "Acc.swivel chair": 0.7597, "Acc.boat": 0.8841, "Acc.bar": 0.731, "Acc.arcade machine": 0.8379, "Acc.hovel": 0.4923, "Acc.bus": 0.9612, "Acc.towel": 0.8359, "Acc.light": 0.7005, "Acc.truck": 0.5969, "Acc.tower": 0.2286, "Acc.chandelier": 0.8397, "Acc.awning": 0.587, "Acc.streetlight": 0.499, "Acc.booth": 0.6486, "Acc.television receiver": 0.847, "Acc.airplane": 0.8991, "Acc.dirt track": 0.2895, "Acc.apparel": 0.6095, "Acc.pole": 0.4359, "Acc.land": 0.0699, "Acc.bannister": 0.2641, "Acc.escalator": 0.8022, "Acc.ottoman": 0.6461, "Acc.bottle": 0.6466, "Acc.buffet": 0.6604, "Acc.poster": 0.5053, "Acc.stage": 0.4495, "Acc.van": 0.5931, "Acc.ship": 0.9706, "Acc.fountain": 0.2207, "Acc.conveyer belt": 0.9332, "Acc.canopy": 0.7624, "Acc.washer": 0.8489, "Acc.plaything": 0.5329, "Acc.swimming pool": 0.8779, "Acc.stool": 0.6955, "Acc.barrel": 0.6959, "Acc.basket": 0.5961, "Acc.waterfall": 0.824, "Acc.tent": 0.9872, "Acc.bag": 0.24, "Acc.minibike": 0.8863, "Acc.cradle": 0.9742, "Acc.oven": 0.7939, "Acc.ball": 0.502, "Acc.food": 0.6846, "Acc.step": 0.161, "Acc.tank": 0.7605, "Acc.trade name": 0.2831, "Acc.microwave": 0.9556, "Acc.pot": 0.6818, "Acc.animal": 0.6623, "Acc.bicycle": 0.7714, "Acc.lake": 0.6376, "Acc.dishwasher": 0.8487, "Acc.screen": 0.7744, "Acc.blanket": 0.3367, "Acc.sculpture": 0.8792, "Acc.hood": 0.7552, "Acc.sconce": 0.6341, "Acc.vase": 0.5819, "Acc.traffic light": 0.6205, "Acc.tray": 0.1605, "Acc.ashcan": 0.6403, "Acc.fan": 0.7801, "Acc.pier": 0.4925, "Acc.crt screen": 0.2758, "Acc.plate": 0.7233, "Acc.monitor": 0.8383, "Acc.bulletin board": 0.6412, "Acc.shower": 0.0722, "Acc.radiator": 0.7495, "Acc.glass": 0.2129, "Acc.clock": 0.4975, "Acc.flag": 0.8004} {"mode": "train", "epoch": 58, "iter": 72050, "lr": 0.0, "memory": 70498, "data_time": 1.97577, "decode.loss_ce": 0.14347, "decode.acc_seg": 93.57745, "aux.loss_ce": 0.06176, "aux.acc_seg": 93.09741, "loss": 0.20523, "time": 3.29673} {"mode": "train", "epoch": 58, "iter": 72100, "lr": 0.0, "memory": 70498, "data_time": 0.00972, "decode.loss_ce": 0.15217, "decode.acc_seg": 93.32333, "aux.loss_ce": 0.06622, "aux.acc_seg": 92.73044, "loss": 0.21839, "time": 1.33404} {"mode": "train", "epoch": 58, "iter": 72150, "lr": 0.0, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.13977, "decode.acc_seg": 93.71943, "aux.loss_ce": 0.06108, "aux.acc_seg": 93.15313, "loss": 0.20085, "time": 1.32791} {"mode": "train", "epoch": 58, "iter": 72200, "lr": 0.0, "memory": 70498, "data_time": 0.00944, "decode.loss_ce": 0.14638, "decode.acc_seg": 93.66675, "aux.loss_ce": 0.06351, "aux.acc_seg": 93.16039, "loss": 0.20989, "time": 1.33119} {"mode": "train", "epoch": 58, "iter": 72250, "lr": 0.0, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.14096, "decode.acc_seg": 93.87452, "aux.loss_ce": 0.06067, "aux.acc_seg": 93.43019, "loss": 0.20163, "time": 1.32683} {"mode": "train", "epoch": 58, "iter": 72300, "lr": 0.0, "memory": 70498, "data_time": 0.0096, "decode.loss_ce": 0.14671, "decode.acc_seg": 93.54616, "aux.loss_ce": 0.06351, "aux.acc_seg": 93.03469, "loss": 0.21022, "time": 1.33172} {"mode": "train", "epoch": 58, "iter": 72350, "lr": 0.0, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.15658, "decode.acc_seg": 93.36052, "aux.loss_ce": 0.0672, "aux.acc_seg": 92.88031, "loss": 0.22378, "time": 1.33631} {"mode": "train", "epoch": 58, "iter": 72400, "lr": 0.0, "memory": 70498, "data_time": 0.00944, "decode.loss_ce": 0.14904, "decode.acc_seg": 93.52721, "aux.loss_ce": 0.0644, "aux.acc_seg": 93.06368, "loss": 0.21343, "time": 1.32853} {"mode": "train", "epoch": 58, "iter": 72450, "lr": 0.0, "memory": 70498, "data_time": 0.00968, "decode.loss_ce": 0.15398, "decode.acc_seg": 93.22758, "aux.loss_ce": 0.06607, "aux.acc_seg": 92.7104, "loss": 0.22006, "time": 1.33063} {"mode": "train", "epoch": 58, "iter": 72500, "lr": 0.0, "memory": 70498, "data_time": 0.00969, "decode.loss_ce": 0.14629, "decode.acc_seg": 93.68653, "aux.loss_ce": 0.06243, "aux.acc_seg": 93.26891, "loss": 0.20872, "time": 1.32861} {"mode": "train", "epoch": 58, "iter": 72550, "lr": 0.0, "memory": 70498, "data_time": 0.00974, "decode.loss_ce": 0.14458, "decode.acc_seg": 93.55288, "aux.loss_ce": 0.06245, "aux.acc_seg": 93.08182, "loss": 0.20703, "time": 1.32647} {"mode": "train", "epoch": 58, "iter": 72600, "lr": 0.0, "memory": 70498, "data_time": 0.00965, "decode.loss_ce": 0.14995, "decode.acc_seg": 93.45984, "aux.loss_ce": 0.06505, "aux.acc_seg": 92.94582, "loss": 0.215, "time": 1.32587} {"mode": "train", "epoch": 58, "iter": 72650, "lr": 0.0, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.14317, "decode.acc_seg": 93.54921, "aux.loss_ce": 0.06177, "aux.acc_seg": 93.08901, "loss": 0.20494, "time": 1.33259} {"mode": "train", "epoch": 58, "iter": 72700, "lr": 0.0, "memory": 70498, "data_time": 0.0097, "decode.loss_ce": 0.14315, "decode.acc_seg": 93.72249, "aux.loss_ce": 0.06224, "aux.acc_seg": 93.21841, "loss": 0.20539, "time": 1.3244} {"mode": "train", "epoch": 58, "iter": 72750, "lr": 0.0, "memory": 70498, "data_time": 0.0099, "decode.loss_ce": 0.15077, "decode.acc_seg": 93.53388, "aux.loss_ce": 0.06523, "aux.acc_seg": 93.03812, "loss": 0.21599, "time": 1.32886} {"mode": "train", "epoch": 58, "iter": 72800, "lr": 0.0, "memory": 70498, "data_time": 0.00983, "decode.loss_ce": 0.1457, "decode.acc_seg": 93.67613, "aux.loss_ce": 0.06344, "aux.acc_seg": 93.14205, "loss": 0.20913, "time": 1.33113} {"mode": "train", "epoch": 58, "iter": 72850, "lr": 0.0, "memory": 70498, "data_time": 0.00971, "decode.loss_ce": 0.14755, "decode.acc_seg": 93.61738, "aux.loss_ce": 0.06372, "aux.acc_seg": 93.09922, "loss": 0.21127, "time": 1.32697} {"mode": "train", "epoch": 58, "iter": 72900, "lr": 0.0, "memory": 70498, "data_time": 0.00975, "decode.loss_ce": 0.1435, "decode.acc_seg": 93.68737, "aux.loss_ce": 0.06199, "aux.acc_seg": 93.18089, "loss": 0.20548, "time": 1.32776} {"mode": "train", "epoch": 58, "iter": 72950, "lr": 0.0, "memory": 70498, "data_time": 0.00969, "decode.loss_ce": 0.16122, "decode.acc_seg": 92.98947, "aux.loss_ce": 0.06966, "aux.acc_seg": 92.4211, "loss": 0.23088, "time": 1.32688} {"mode": "train", "epoch": 58, "iter": 73000, "lr": 0.0, "memory": 70498, "data_time": 0.0096, "decode.loss_ce": 0.14666, "decode.acc_seg": 93.42761, "aux.loss_ce": 0.06387, "aux.acc_seg": 92.89714, "loss": 0.21053, "time": 1.32608} {"mode": "val", "epoch": 58, "iter": 250, "lr": 0.0, "aAcc": 0.8627, "mIoU": 0.5781, "mAcc": 0.7031, "IoU.wall": 0.8257, "IoU.building": 0.8566, "IoU.sky": 0.9502, "IoU.floor": 0.846, "IoU.tree": 0.7691, "IoU.ceiling": 0.8783, "IoU.road": 0.8647, "IoU.bed ": 0.9265, "IoU.windowpane": 0.6644, "IoU.grass": 0.6611, "IoU.cabinet": 0.6568, "IoU.sidewalk": 0.7211, "IoU.person": 0.8591, "IoU.earth": 0.3758, "IoU.door": 0.596, "IoU.table": 0.7098, "IoU.mountain": 0.6196, "IoU.plant": 0.5499, "IoU.curtain": 0.7785, "IoU.chair": 0.6817, "IoU.car": 0.8741, "IoU.water": 0.6583, "IoU.painting": 0.772, "IoU.sofa": 0.8235, "IoU.shelf": 0.5144, "IoU.house": 0.518, "IoU.sea": 0.6928, "IoU.mirror": 0.7877, "IoU.rug": 0.6674, "IoU.field": 0.3287, "IoU.armchair": 0.6176, "IoU.seat": 0.6496, "IoU.fence": 0.5118, "IoU.desk": 0.5829, "IoU.rock": 0.5731, "IoU.wardrobe": 0.553, "IoU.lamp": 0.7511, "IoU.bathtub": 0.8468, "IoU.railing": 0.3882, "IoU.cushion": 0.7132, "IoU.base": 0.4209, "IoU.box": 0.3791, "IoU.column": 0.5615, "IoU.signboard": 0.41, "IoU.chest of drawers": 0.4611, "IoU.counter": 0.4371, "IoU.sand": 0.5447, "IoU.sink": 0.7685, "IoU.skyscraper": 0.4985, "IoU.fireplace": 0.7518, "IoU.refrigerator": 0.8369, "IoU.grandstand": 0.5025, "IoU.path": 0.2695, "IoU.stairs": 0.2543, "IoU.runway": 0.7325, "IoU.case": 0.5769, "IoU.pool table": 0.9494, "IoU.pillow": 0.707, "IoU.screen door": 0.7712, "IoU.stairway": 0.4143, "IoU.river": 0.2211, "IoU.bridge": 0.7618, "IoU.bookcase": 0.465, "IoU.blind": 0.4236, "IoU.coffee table": 0.6757, "IoU.toilet": 0.9001, "IoU.flower": 0.4564, "IoU.book": 0.5996, "IoU.hill": 0.0733, "IoU.bench": 0.5615, "IoU.countertop": 0.6291, "IoU.stove": 0.886, "IoU.palm": 0.5671, "IoU.kitchen island": 0.5062, "IoU.computer": 0.7989, "IoU.swivel chair": 0.5133, "IoU.boat": 0.6414, "IoU.bar": 0.5634, "IoU.arcade machine": 0.7918, "IoU.hovel": 0.4378, "IoU.bus": 0.936, "IoU.towel": 0.7381, "IoU.light": 0.6133, "IoU.truck": 0.4549, "IoU.tower": 0.1206, "IoU.chandelier": 0.7301, "IoU.awning": 0.4505, "IoU.streetlight": 0.356, "IoU.booth": 0.507, "IoU.television receiver": 0.809, "IoU.airplane": 0.8536, "IoU.dirt track": 0.0862, "IoU.apparel": 0.4956, "IoU.pole": 0.2879, "IoU.land": 0.0408, "IoU.bannister": 0.1823, "IoU.escalator": 0.5767, "IoU.ottoman": 0.4792, "IoU.bottle": 0.4341, "IoU.buffet": 0.532, "IoU.poster": 0.3911, "IoU.stage": 0.2567, "IoU.van": 0.4366, "IoU.ship": 0.9144, "IoU.fountain": 0.2154, "IoU.conveyer belt": 0.7659, "IoU.canopy": 0.5812, "IoU.washer": 0.8365, "IoU.plaything": 0.4108, "IoU.swimming pool": 0.6648, "IoU.stool": 0.5482, "IoU.barrel": 0.4788, "IoU.basket": 0.4111, "IoU.waterfall": 0.6142, "IoU.tent": 0.9038, "IoU.bag": 0.2128, "IoU.minibike": 0.7609, "IoU.cradle": 0.8459, "IoU.oven": 0.6405, "IoU.ball": 0.5288, "IoU.food": 0.5721, "IoU.step": 0.1343, "IoU.tank": 0.6955, "IoU.trade name": 0.2863, "IoU.microwave": 0.8944, "IoU.pot": 0.5908, "IoU.animal": 0.6728, "IoU.bicycle": 0.5963, "IoU.lake": 0.5558, "IoU.dishwasher": 0.7341, "IoU.screen": 0.5763, "IoU.blanket": 0.3267, "IoU.sculpture": 0.7471, "IoU.hood": 0.6143, "IoU.sconce": 0.5569, "IoU.vase": 0.4838, "IoU.traffic light": 0.4103, "IoU.tray": 0.1502, "IoU.ashcan": 0.4871, "IoU.fan": 0.663, "IoU.pier": 0.3737, "IoU.crt screen": 0.2159, "IoU.plate": 0.5925, "IoU.monitor": 0.6827, "IoU.bulletin board": 0.5267, "IoU.shower": 0.0988, "IoU.radiator": 0.6552, "IoU.glass": 0.1956, "IoU.clock": 0.4738, "IoU.flag": 0.7178, "Acc.wall": 0.9014, "Acc.building": 0.9407, "Acc.sky": 0.9791, "Acc.floor": 0.919, "Acc.tree": 0.9017, "Acc.ceiling": 0.9383, "Acc.road": 0.9191, "Acc.bed ": 0.9673, "Acc.windowpane": 0.8351, "Acc.grass": 0.795, "Acc.cabinet": 0.757, "Acc.sidewalk": 0.8685, "Acc.person": 0.9417, "Acc.earth": 0.5027, "Acc.door": 0.7333, "Acc.table": 0.8312, "Acc.mountain": 0.7437, "Acc.plant": 0.6489, "Acc.curtain": 0.8741, "Acc.chair": 0.7795, "Acc.car": 0.9435, "Acc.water": 0.8008, "Acc.painting": 0.9016, "Acc.sofa": 0.9182, "Acc.shelf": 0.6914, "Acc.house": 0.6117, "Acc.sea": 0.8402, "Acc.mirror": 0.8552, "Acc.rug": 0.7624, "Acc.field": 0.6076, "Acc.armchair": 0.7924, "Acc.seat": 0.8825, "Acc.fence": 0.6596, "Acc.desk": 0.8012, "Acc.rock": 0.8007, "Acc.wardrobe": 0.7563, "Acc.lamp": 0.8527, "Acc.bathtub": 0.8694, "Acc.railing": 0.5439, "Acc.cushion": 0.8373, "Acc.base": 0.5728, "Acc.box": 0.4735, "Acc.column": 0.6779, "Acc.signboard": 0.5656, "Acc.chest of drawers": 0.7029, "Acc.counter": 0.5379, "Acc.sand": 0.7631, "Acc.sink": 0.8354, "Acc.skyscraper": 0.6111, "Acc.fireplace": 0.9314, "Acc.refrigerator": 0.9279, "Acc.grandstand": 0.845, "Acc.path": 0.3719, "Acc.stairs": 0.331, "Acc.runway": 0.9662, "Acc.case": 0.8115, "Acc.pool table": 0.9774, "Acc.pillow": 0.8119, "Acc.screen door": 0.7992, "Acc.stairway": 0.5379, "Acc.river": 0.4401, "Acc.bridge": 0.8689, "Acc.bookcase": 0.6145, "Acc.blind": 0.4557, "Acc.coffee table": 0.869, "Acc.toilet": 0.938, "Acc.flower": 0.5649, "Acc.book": 0.7652, "Acc.hill": 0.1037, "Acc.bench": 0.658, "Acc.countertop": 0.8482, "Acc.stove": 0.9535, "Acc.palm": 0.801, "Acc.kitchen island": 0.8681, "Acc.computer": 0.9224, "Acc.swivel chair": 0.7547, "Acc.boat": 0.878, "Acc.bar": 0.7477, "Acc.arcade machine": 0.8418, "Acc.hovel": 0.4932, "Acc.bus": 0.9607, "Acc.towel": 0.8253, "Acc.light": 0.7097, "Acc.truck": 0.5829, "Acc.tower": 0.1664, "Acc.chandelier": 0.8771, "Acc.awning": 0.5869, "Acc.streetlight": 0.4718, "Acc.booth": 0.6875, "Acc.television receiver": 0.8597, "Acc.airplane": 0.916, "Acc.dirt track": 0.3657, "Acc.apparel": 0.7089, "Acc.pole": 0.3924, "Acc.land": 0.0646, "Acc.bannister": 0.2551, "Acc.escalator": 0.8054, "Acc.ottoman": 0.6552, "Acc.bottle": 0.6564, "Acc.buffet": 0.6486, "Acc.poster": 0.5196, "Acc.stage": 0.4574, "Acc.van": 0.5953, "Acc.ship": 0.9446, "Acc.fountain": 0.2204, "Acc.conveyer belt": 0.9326, "Acc.canopy": 0.7889, "Acc.washer": 0.8651, "Acc.plaything": 0.6415, "Acc.swimming pool": 0.8737, "Acc.stool": 0.6934, "Acc.barrel": 0.6902, "Acc.basket": 0.5806, "Acc.waterfall": 0.8631, "Acc.tent": 0.987, "Acc.bag": 0.251, "Acc.minibike": 0.8933, "Acc.cradle": 0.9733, "Acc.oven": 0.7325, "Acc.ball": 0.6343, "Acc.food": 0.6933, "Acc.step": 0.1622, "Acc.tank": 0.7516, "Acc.trade name": 0.32, "Acc.microwave": 0.9557, "Acc.pot": 0.6843, "Acc.animal": 0.689, "Acc.bicycle": 0.7584, "Acc.lake": 0.6376, "Acc.dishwasher": 0.8398, "Acc.screen": 0.8708, "Acc.blanket": 0.3623, "Acc.sculpture": 0.8835, "Acc.hood": 0.7318, "Acc.sconce": 0.6325, "Acc.vase": 0.5907, "Acc.traffic light": 0.6295, "Acc.tray": 0.191, "Acc.ashcan": 0.6393, "Acc.fan": 0.7811, "Acc.pier": 0.4877, "Acc.crt screen": 0.3009, "Acc.plate": 0.7676, "Acc.monitor": 0.8435, "Acc.bulletin board": 0.5761, "Acc.shower": 0.11, "Acc.radiator": 0.7548, "Acc.glass": 0.2131, "Acc.clock": 0.5442, "Acc.flag": 0.7809} {"mode": "train", "epoch": 58, "iter": 73050, "lr": 0.0, "memory": 70498, "data_time": 1.96975, "decode.loss_ce": 0.1452, "decode.acc_seg": 93.56318, "aux.loss_ce": 0.06313, "aux.acc_seg": 93.07456, "loss": 0.20833, "time": 3.28873} {"mode": "train", "epoch": 58, "iter": 73100, "lr": 0.0, "memory": 70498, "data_time": 0.00971, "decode.loss_ce": 0.14675, "decode.acc_seg": 93.44404, "aux.loss_ce": 0.0638, "aux.acc_seg": 92.93303, "loss": 0.21055, "time": 1.3372} {"mode": "train", "epoch": 58, "iter": 73150, "lr": 0.0, "memory": 70498, "data_time": 0.00971, "decode.loss_ce": 0.15218, "decode.acc_seg": 93.2952, "aux.loss_ce": 0.06564, "aux.acc_seg": 92.77504, "loss": 0.21782, "time": 1.32476} {"mode": "train", "epoch": 58, "iter": 73200, "lr": 0.0, "memory": 70498, "data_time": 0.00961, "decode.loss_ce": 0.14704, "decode.acc_seg": 93.494, "aux.loss_ce": 0.06359, "aux.acc_seg": 92.96436, "loss": 0.21063, "time": 1.32935} {"mode": "train", "epoch": 58, "iter": 73250, "lr": 0.0, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.14809, "decode.acc_seg": 93.46292, "aux.loss_ce": 0.06363, "aux.acc_seg": 93.03343, "loss": 0.21172, "time": 1.33152} {"mode": "train", "epoch": 59, "iter": 73300, "lr": 0.0, "memory": 70498, "data_time": 0.06539, "decode.loss_ce": 0.15217, "decode.acc_seg": 93.43498, "aux.loss_ce": 0.06581, "aux.acc_seg": 92.93995, "loss": 0.21797, "time": 1.38445} {"mode": "train", "epoch": 59, "iter": 73350, "lr": 0.0, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.13683, "decode.acc_seg": 94.09022, "aux.loss_ce": 0.05923, "aux.acc_seg": 93.60103, "loss": 0.19606, "time": 1.32854} {"mode": "train", "epoch": 59, "iter": 73400, "lr": 0.0, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.1439, "decode.acc_seg": 93.49956, "aux.loss_ce": 0.0623, "aux.acc_seg": 92.97613, "loss": 0.2062, "time": 1.32752} {"mode": "train", "epoch": 59, "iter": 73450, "lr": 0.0, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.15168, "decode.acc_seg": 93.22317, "aux.loss_ce": 0.06559, "aux.acc_seg": 92.66713, "loss": 0.21727, "time": 1.33278} {"mode": "train", "epoch": 59, "iter": 73500, "lr": 0.0, "memory": 70498, "data_time": 0.0097, "decode.loss_ce": 0.14804, "decode.acc_seg": 93.45062, "aux.loss_ce": 0.06361, "aux.acc_seg": 92.96975, "loss": 0.21165, "time": 1.33208} {"mode": "train", "epoch": 59, "iter": 73550, "lr": 0.0, "memory": 70498, "data_time": 0.0097, "decode.loss_ce": 0.14423, "decode.acc_seg": 93.80591, "aux.loss_ce": 0.06262, "aux.acc_seg": 93.29828, "loss": 0.20685, "time": 1.32349} {"mode": "train", "epoch": 59, "iter": 73600, "lr": 0.0, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.14884, "decode.acc_seg": 93.31375, "aux.loss_ce": 0.06432, "aux.acc_seg": 92.75978, "loss": 0.21316, "time": 1.3238} {"mode": "train", "epoch": 59, "iter": 73650, "lr": 0.0, "memory": 70498, "data_time": 0.00948, "decode.loss_ce": 0.14808, "decode.acc_seg": 93.20494, "aux.loss_ce": 0.064, "aux.acc_seg": 92.72035, "loss": 0.21208, "time": 1.33185} {"mode": "train", "epoch": 59, "iter": 73700, "lr": 0.0, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.14569, "decode.acc_seg": 93.61406, "aux.loss_ce": 0.06322, "aux.acc_seg": 93.10617, "loss": 0.20891, "time": 1.33303} {"mode": "train", "epoch": 59, "iter": 73750, "lr": 0.0, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.14337, "decode.acc_seg": 93.68788, "aux.loss_ce": 0.062, "aux.acc_seg": 93.17467, "loss": 0.20537, "time": 1.32499} {"mode": "train", "epoch": 59, "iter": 73800, "lr": 0.0, "memory": 70498, "data_time": 0.0094, "decode.loss_ce": 0.14539, "decode.acc_seg": 93.63763, "aux.loss_ce": 0.0633, "aux.acc_seg": 93.13594, "loss": 0.20869, "time": 1.33343} {"mode": "train", "epoch": 59, "iter": 73850, "lr": 0.0, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.15234, "decode.acc_seg": 93.48792, "aux.loss_ce": 0.0663, "aux.acc_seg": 92.91381, "loss": 0.21864, "time": 1.32452} {"mode": "train", "epoch": 59, "iter": 73900, "lr": 0.0, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.14567, "decode.acc_seg": 93.72852, "aux.loss_ce": 0.06346, "aux.acc_seg": 93.19309, "loss": 0.20913, "time": 1.32753} {"mode": "train", "epoch": 59, "iter": 73950, "lr": 0.0, "memory": 70498, "data_time": 0.0096, "decode.loss_ce": 0.14335, "decode.acc_seg": 93.58821, "aux.loss_ce": 0.06206, "aux.acc_seg": 93.05547, "loss": 0.20541, "time": 1.32769} {"mode": "train", "epoch": 59, "iter": 74000, "lr": 0.0, "memory": 70498, "data_time": 0.00961, "decode.loss_ce": 0.14488, "decode.acc_seg": 93.57335, "aux.loss_ce": 0.0632, "aux.acc_seg": 93.03821, "loss": 0.20808, "time": 3.36415} {"mode": "val", "epoch": 59, "iter": 250, "lr": 0.0, "aAcc": 0.8629, "mIoU": 0.5776, "mAcc": 0.7048, "IoU.wall": 0.8262, "IoU.building": 0.8564, "IoU.sky": 0.9505, "IoU.floor": 0.8494, "IoU.tree": 0.7741, "IoU.ceiling": 0.8786, "IoU.road": 0.8662, "IoU.bed ": 0.9255, "IoU.windowpane": 0.6646, "IoU.grass": 0.6668, "IoU.cabinet": 0.6535, "IoU.sidewalk": 0.7197, "IoU.person": 0.8581, "IoU.earth": 0.3792, "IoU.door": 0.5997, "IoU.table": 0.7073, "IoU.mountain": 0.6136, "IoU.plant": 0.5612, "IoU.curtain": 0.7781, "IoU.chair": 0.6831, "IoU.car": 0.8747, "IoU.water": 0.6582, "IoU.painting": 0.7699, "IoU.sofa": 0.8253, "IoU.shelf": 0.5118, "IoU.house": 0.5049, "IoU.sea": 0.6896, "IoU.mirror": 0.7775, "IoU.rug": 0.6763, "IoU.field": 0.3399, "IoU.armchair": 0.622, "IoU.seat": 0.6492, "IoU.fence": 0.516, "IoU.desk": 0.5905, "IoU.rock": 0.5626, "IoU.wardrobe": 0.5412, "IoU.lamp": 0.7458, "IoU.bathtub": 0.8505, "IoU.railing": 0.4057, "IoU.cushion": 0.7134, "IoU.base": 0.4225, "IoU.box": 0.3873, "IoU.column": 0.5611, "IoU.signboard": 0.4168, "IoU.chest of drawers": 0.4662, "IoU.counter": 0.4568, "IoU.sand": 0.5239, "IoU.sink": 0.7731, "IoU.skyscraper": 0.5014, "IoU.fireplace": 0.748, "IoU.refrigerator": 0.8175, "IoU.grandstand": 0.5012, "IoU.path": 0.2649, "IoU.stairs": 0.233, "IoU.runway": 0.7234, "IoU.case": 0.5821, "IoU.pool table": 0.9492, "IoU.pillow": 0.6966, "IoU.screen door": 0.7751, "IoU.stairway": 0.4033, "IoU.river": 0.2115, "IoU.bridge": 0.7574, "IoU.bookcase": 0.4587, "IoU.blind": 0.436, "IoU.coffee table": 0.6699, "IoU.toilet": 0.8985, "IoU.flower": 0.4515, "IoU.book": 0.5763, "IoU.hill": 0.0695, "IoU.bench": 0.5636, "IoU.countertop": 0.64, "IoU.stove": 0.8774, "IoU.palm": 0.5672, "IoU.kitchen island": 0.5107, "IoU.computer": 0.8026, "IoU.swivel chair": 0.5112, "IoU.boat": 0.6647, "IoU.bar": 0.5697, "IoU.arcade machine": 0.7905, "IoU.hovel": 0.4363, "IoU.bus": 0.9359, "IoU.towel": 0.739, "IoU.light": 0.6164, "IoU.truck": 0.4729, "IoU.tower": 0.1155, "IoU.chandelier": 0.7186, "IoU.awning": 0.4382, "IoU.streetlight": 0.3454, "IoU.booth": 0.4578, "IoU.television receiver": 0.8154, "IoU.airplane": 0.8463, "IoU.dirt track": 0.107, "IoU.apparel": 0.4643, "IoU.pole": 0.2855, "IoU.land": 0.0413, "IoU.bannister": 0.1879, "IoU.escalator": 0.5891, "IoU.ottoman": 0.4907, "IoU.bottle": 0.43, "IoU.buffet": 0.5251, "IoU.poster": 0.3818, "IoU.stage": 0.2659, "IoU.van": 0.4501, "IoU.ship": 0.9265, "IoU.fountain": 0.2123, "IoU.conveyer belt": 0.7782, "IoU.canopy": 0.5743, "IoU.washer": 0.8215, "IoU.plaything": 0.4104, "IoU.swimming pool": 0.7039, "IoU.stool": 0.5269, "IoU.barrel": 0.4732, "IoU.basket": 0.4066, "IoU.waterfall": 0.5647, "IoU.tent": 0.9019, "IoU.bag": 0.2086, "IoU.minibike": 0.7655, "IoU.cradle": 0.8507, "IoU.oven": 0.5924, "IoU.ball": 0.5427, "IoU.food": 0.5909, "IoU.step": 0.1318, "IoU.tank": 0.6737, "IoU.trade name": 0.3175, "IoU.microwave": 0.8916, "IoU.pot": 0.5917, "IoU.animal": 0.6576, "IoU.bicycle": 0.601, "IoU.lake": 0.574, "IoU.dishwasher": 0.7411, "IoU.screen": 0.578, "IoU.blanket": 0.3387, "IoU.sculpture": 0.7334, "IoU.hood": 0.6163, "IoU.sconce": 0.5664, "IoU.vase": 0.4803, "IoU.traffic light": 0.4256, "IoU.tray": 0.1598, "IoU.ashcan": 0.4912, "IoU.fan": 0.6686, "IoU.pier": 0.4092, "IoU.crt screen": 0.2091, "IoU.plate": 0.6015, "IoU.monitor": 0.6868, "IoU.bulletin board": 0.5239, "IoU.shower": 0.0527, "IoU.radiator": 0.6542, "IoU.glass": 0.206, "IoU.clock": 0.4639, "IoU.flag": 0.7205, "Acc.wall": 0.9009, "Acc.building": 0.9363, "Acc.sky": 0.976, "Acc.floor": 0.9192, "Acc.tree": 0.9027, "Acc.ceiling": 0.945, "Acc.road": 0.9214, "Acc.bed ": 0.9682, "Acc.windowpane": 0.8233, "Acc.grass": 0.8013, "Acc.cabinet": 0.7564, "Acc.sidewalk": 0.8546, "Acc.person": 0.942, "Acc.earth": 0.492, "Acc.door": 0.7499, "Acc.table": 0.8214, "Acc.mountain": 0.7461, "Acc.plant": 0.665, "Acc.curtain": 0.8768, "Acc.chair": 0.7808, "Acc.car": 0.947, "Acc.water": 0.8018, "Acc.painting": 0.9106, "Acc.sofa": 0.9124, "Acc.shelf": 0.6933, "Acc.house": 0.6102, "Acc.sea": 0.8377, "Acc.mirror": 0.8334, "Acc.rug": 0.7893, "Acc.field": 0.6594, "Acc.armchair": 0.8024, "Acc.seat": 0.8853, "Acc.fence": 0.6435, "Acc.desk": 0.7718, "Acc.rock": 0.8213, "Acc.wardrobe": 0.7612, "Acc.lamp": 0.8608, "Acc.bathtub": 0.8709, "Acc.railing": 0.5852, "Acc.cushion": 0.8462, "Acc.base": 0.5657, "Acc.box": 0.5041, "Acc.column": 0.6982, "Acc.signboard": 0.5834, "Acc.chest of drawers": 0.6974, "Acc.counter": 0.5605, "Acc.sand": 0.7645, "Acc.sink": 0.8432, "Acc.skyscraper": 0.6144, "Acc.fireplace": 0.9315, "Acc.refrigerator": 0.9288, "Acc.grandstand": 0.8338, "Acc.path": 0.3783, "Acc.stairs": 0.2942, "Acc.runway": 0.953, "Acc.case": 0.8037, "Acc.pool table": 0.9775, "Acc.pillow": 0.7886, "Acc.screen door": 0.7991, "Acc.stairway": 0.585, "Acc.river": 0.4235, "Acc.bridge": 0.8625, "Acc.bookcase": 0.5812, "Acc.blind": 0.4833, "Acc.coffee table": 0.8761, "Acc.toilet": 0.935, "Acc.flower": 0.5994, "Acc.book": 0.7812, "Acc.hill": 0.0963, "Acc.bench": 0.645, "Acc.countertop": 0.8261, "Acc.stove": 0.9391, "Acc.palm": 0.8188, "Acc.kitchen island": 0.8485, "Acc.computer": 0.9209, "Acc.swivel chair": 0.7518, "Acc.boat": 0.8882, "Acc.bar": 0.758, "Acc.arcade machine": 0.8382, "Acc.hovel": 0.489, "Acc.bus": 0.961, "Acc.towel": 0.8419, "Acc.light": 0.7313, "Acc.truck": 0.6107, "Acc.tower": 0.164, "Acc.chandelier": 0.8657, "Acc.awning": 0.5669, "Acc.streetlight": 0.4718, "Acc.booth": 0.6462, "Acc.television receiver": 0.8752, "Acc.airplane": 0.9156, "Acc.dirt track": 0.4939, "Acc.apparel": 0.6716, "Acc.pole": 0.3976, "Acc.land": 0.0643, "Acc.bannister": 0.274, "Acc.escalator": 0.7902, "Acc.ottoman": 0.6615, "Acc.bottle": 0.6633, "Acc.buffet": 0.6546, "Acc.poster": 0.4723, "Acc.stage": 0.4697, "Acc.van": 0.5769, "Acc.ship": 0.9652, "Acc.fountain": 0.2198, "Acc.conveyer belt": 0.9333, "Acc.canopy": 0.7736, "Acc.washer": 0.854, "Acc.plaything": 0.5642, "Acc.swimming pool": 0.9086, "Acc.stool": 0.6771, "Acc.barrel": 0.6761, "Acc.basket": 0.5865, "Acc.waterfall": 0.8474, "Acc.tent": 0.9895, "Acc.bag": 0.2437, "Acc.minibike": 0.8894, "Acc.cradle": 0.9726, "Acc.oven": 0.7036, "Acc.ball": 0.6464, "Acc.food": 0.7122, "Acc.step": 0.1564, "Acc.tank": 0.7202, "Acc.trade name": 0.377, "Acc.microwave": 0.958, "Acc.pot": 0.6854, "Acc.animal": 0.6742, "Acc.bicycle": 0.7661, "Acc.lake": 0.6372, "Acc.dishwasher": 0.8389, "Acc.screen": 0.8643, "Acc.blanket": 0.3822, "Acc.sculpture": 0.8874, "Acc.hood": 0.7421, "Acc.sconce": 0.6534, "Acc.vase": 0.6003, "Acc.traffic light": 0.607, "Acc.tray": 0.2086, "Acc.ashcan": 0.6437, "Acc.fan": 0.8079, "Acc.pier": 0.5377, "Acc.crt screen": 0.2897, "Acc.plate": 0.7833, "Acc.monitor": 0.8433, "Acc.bulletin board": 0.585, "Acc.shower": 0.0537, "Acc.radiator": 0.7515, "Acc.glass": 0.2293, "Acc.clock": 0.5459, "Acc.flag": 0.802} {"mode": "train", "epoch": 59, "iter": 74050, "lr": 0.0, "memory": 70498, "data_time": 2.22015, "decode.loss_ce": 0.15184, "decode.acc_seg": 93.20819, "aux.loss_ce": 0.06549, "aux.acc_seg": 92.70924, "loss": 0.21733, "time": 3.54241} {"mode": "train", "epoch": 59, "iter": 74100, "lr": 0.0, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.14383, "decode.acc_seg": 93.73724, "aux.loss_ce": 0.0626, "aux.acc_seg": 93.18896, "loss": 0.20643, "time": 1.33172} {"mode": "train", "epoch": 59, "iter": 74150, "lr": 0.0, "memory": 70498, "data_time": 0.00944, "decode.loss_ce": 0.14583, "decode.acc_seg": 93.5782, "aux.loss_ce": 0.06298, "aux.acc_seg": 93.1111, "loss": 0.20881, "time": 1.32892} {"mode": "train", "epoch": 59, "iter": 74200, "lr": 0.0, "memory": 70498, "data_time": 0.0094, "decode.loss_ce": 0.1499, "decode.acc_seg": 93.56242, "aux.loss_ce": 0.06524, "aux.acc_seg": 92.9921, "loss": 0.21514, "time": 1.33014} {"mode": "train", "epoch": 59, "iter": 74250, "lr": 0.0, "memory": 70498, "data_time": 0.00946, "decode.loss_ce": 0.14301, "decode.acc_seg": 93.65552, "aux.loss_ce": 0.06217, "aux.acc_seg": 93.14715, "loss": 0.20518, "time": 1.32863} {"mode": "train", "epoch": 59, "iter": 74300, "lr": 0.0, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.14401, "decode.acc_seg": 93.69091, "aux.loss_ce": 0.06215, "aux.acc_seg": 93.20058, "loss": 0.20615, "time": 1.32419} {"mode": "train", "epoch": 59, "iter": 74350, "lr": 0.0, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.14582, "decode.acc_seg": 93.54485, "aux.loss_ce": 0.06291, "aux.acc_seg": 93.08361, "loss": 0.20873, "time": 1.3283} {"mode": "train", "epoch": 59, "iter": 74400, "lr": 0.0, "memory": 70498, "data_time": 0.00948, "decode.loss_ce": 0.14516, "decode.acc_seg": 93.62738, "aux.loss_ce": 0.06274, "aux.acc_seg": 93.09527, "loss": 0.2079, "time": 1.32735} {"mode": "train", "epoch": 59, "iter": 74450, "lr": 0.0, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.1384, "decode.acc_seg": 93.73313, "aux.loss_ce": 0.0605, "aux.acc_seg": 93.21797, "loss": 0.19891, "time": 1.33129} {"mode": "train", "epoch": 59, "iter": 74500, "lr": 0.0, "memory": 70498, "data_time": 0.00984, "decode.loss_ce": 0.14268, "decode.acc_seg": 93.74545, "aux.loss_ce": 0.06146, "aux.acc_seg": 93.28934, "loss": 0.20414, "time": 1.32984} {"mode": "train", "epoch": 60, "iter": 74550, "lr": 0.0, "memory": 70498, "data_time": 0.05249, "decode.loss_ce": 0.15135, "decode.acc_seg": 93.45632, "aux.loss_ce": 0.06536, "aux.acc_seg": 92.98675, "loss": 0.21671, "time": 1.36874} {"mode": "train", "epoch": 60, "iter": 74600, "lr": 0.0, "memory": 70498, "data_time": 0.00967, "decode.loss_ce": 0.14468, "decode.acc_seg": 93.68563, "aux.loss_ce": 0.06272, "aux.acc_seg": 93.15894, "loss": 0.2074, "time": 1.32484} {"mode": "train", "epoch": 60, "iter": 74650, "lr": 0.0, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.14707, "decode.acc_seg": 93.58356, "aux.loss_ce": 0.06365, "aux.acc_seg": 93.10603, "loss": 0.21072, "time": 1.32442} {"mode": "train", "epoch": 60, "iter": 74700, "lr": 0.0, "memory": 70498, "data_time": 0.00965, "decode.loss_ce": 0.14775, "decode.acc_seg": 93.48777, "aux.loss_ce": 0.0644, "aux.acc_seg": 92.9461, "loss": 0.21215, "time": 1.32627} {"mode": "train", "epoch": 60, "iter": 74750, "lr": 0.0, "memory": 70498, "data_time": 0.00956, "decode.loss_ce": 0.14261, "decode.acc_seg": 93.58519, "aux.loss_ce": 0.06208, "aux.acc_seg": 93.10427, "loss": 0.20469, "time": 1.32531} {"mode": "train", "epoch": 60, "iter": 74800, "lr": 0.0, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.15217, "decode.acc_seg": 93.49034, "aux.loss_ce": 0.06562, "aux.acc_seg": 92.97882, "loss": 0.2178, "time": 1.33116} {"mode": "train", "epoch": 60, "iter": 74850, "lr": 0.0, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.14343, "decode.acc_seg": 93.80299, "aux.loss_ce": 0.06202, "aux.acc_seg": 93.26722, "loss": 0.20545, "time": 1.32843} {"mode": "train", "epoch": 60, "iter": 74900, "lr": 0.0, "memory": 70498, "data_time": 0.00943, "decode.loss_ce": 0.14032, "decode.acc_seg": 93.80538, "aux.loss_ce": 0.06117, "aux.acc_seg": 93.31387, "loss": 0.20149, "time": 1.32979} {"mode": "train", "epoch": 60, "iter": 74950, "lr": 0.0, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.14503, "decode.acc_seg": 93.43612, "aux.loss_ce": 0.0629, "aux.acc_seg": 92.95514, "loss": 0.20793, "time": 1.33145} {"mode": "train", "epoch": 60, "iter": 75000, "lr": 0.0, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.1416, "decode.acc_seg": 93.77674, "aux.loss_ce": 0.06156, "aux.acc_seg": 93.28332, "loss": 0.20316, "time": 1.32469} {"mode": "val", "epoch": 60, "iter": 250, "lr": 0.0, "aAcc": 0.8637, "mIoU": 0.5776, "mAcc": 0.703, "IoU.wall": 0.8279, "IoU.building": 0.8577, "IoU.sky": 0.9502, "IoU.floor": 0.8499, "IoU.tree": 0.7723, "IoU.ceiling": 0.8783, "IoU.road": 0.8708, "IoU.bed ": 0.9243, "IoU.windowpane": 0.6685, "IoU.grass": 0.6655, "IoU.cabinet": 0.6609, "IoU.sidewalk": 0.7244, "IoU.person": 0.8571, "IoU.earth": 0.3888, "IoU.door": 0.6042, "IoU.table": 0.7073, "IoU.mountain": 0.6108, "IoU.plant": 0.5601, "IoU.curtain": 0.781, "IoU.chair": 0.6805, "IoU.car": 0.875, "IoU.water": 0.6544, "IoU.painting": 0.7766, "IoU.sofa": 0.826, "IoU.shelf": 0.5102, "IoU.house": 0.5155, "IoU.sea": 0.6933, "IoU.mirror": 0.7912, "IoU.rug": 0.6574, "IoU.field": 0.3407, "IoU.armchair": 0.6189, "IoU.seat": 0.6571, "IoU.fence": 0.5089, "IoU.desk": 0.5834, "IoU.rock": 0.5567, "IoU.wardrobe": 0.5634, "IoU.lamp": 0.7495, "IoU.bathtub": 0.8487, "IoU.railing": 0.4089, "IoU.cushion": 0.708, "IoU.base": 0.4246, "IoU.box": 0.3869, "IoU.column": 0.5641, "IoU.signboard": 0.4167, "IoU.chest of drawers": 0.4704, "IoU.counter": 0.4595, "IoU.sand": 0.5366, "IoU.sink": 0.7802, "IoU.skyscraper": 0.5023, "IoU.fireplace": 0.7657, "IoU.refrigerator": 0.8172, "IoU.grandstand": 0.5002, "IoU.path": 0.3039, "IoU.stairs": 0.2426, "IoU.runway": 0.7304, "IoU.case": 0.5878, "IoU.pool table": 0.9483, "IoU.pillow": 0.6931, "IoU.screen door": 0.7635, "IoU.stairway": 0.431, "IoU.river": 0.2101, "IoU.bridge": 0.7586, "IoU.bookcase": 0.4777, "IoU.blind": 0.4429, "IoU.coffee table": 0.68, "IoU.toilet": 0.8992, "IoU.flower": 0.4528, "IoU.book": 0.5904, "IoU.hill": 0.0732, "IoU.bench": 0.5604, "IoU.countertop": 0.6296, "IoU.stove": 0.8782, "IoU.palm": 0.5738, "IoU.kitchen island": 0.4702, "IoU.computer": 0.7965, "IoU.swivel chair": 0.5137, "IoU.boat": 0.6944, "IoU.bar": 0.5513, "IoU.arcade machine": 0.7716, "IoU.hovel": 0.4368, "IoU.bus": 0.9322, "IoU.towel": 0.7403, "IoU.light": 0.6074, "IoU.truck": 0.461, "IoU.tower": 0.1202, "IoU.chandelier": 0.7191, "IoU.awning": 0.434, "IoU.streetlight": 0.3601, "IoU.booth": 0.4525, "IoU.television receiver": 0.8175, "IoU.airplane": 0.8422, "IoU.dirt track": 0.0721, "IoU.apparel": 0.4839, "IoU.pole": 0.2912, "IoU.land": 0.0406, "IoU.bannister": 0.1801, "IoU.escalator": 0.5751, "IoU.ottoman": 0.4875, "IoU.bottle": 0.427, "IoU.buffet": 0.5162, "IoU.poster": 0.3678, "IoU.stage": 0.2587, "IoU.van": 0.4427, "IoU.ship": 0.9289, "IoU.fountain": 0.2161, "IoU.conveyer belt": 0.7843, "IoU.canopy": 0.5626, "IoU.washer": 0.8052, "IoU.plaything": 0.4023, "IoU.swimming pool": 0.6522, "IoU.stool": 0.5204, "IoU.barrel": 0.4606, "IoU.basket": 0.3955, "IoU.waterfall": 0.5765, "IoU.tent": 0.902, "IoU.bag": 0.2116, "IoU.minibike": 0.7618, "IoU.cradle": 0.8452, "IoU.oven": 0.6508, "IoU.ball": 0.4985, "IoU.food": 0.5912, "IoU.step": 0.1643, "IoU.tank": 0.6638, "IoU.trade name": 0.3087, "IoU.microwave": 0.9032, "IoU.pot": 0.584, "IoU.animal": 0.653, "IoU.bicycle": 0.6001, "IoU.lake": 0.5853, "IoU.dishwasher": 0.7423, "IoU.screen": 0.5685, "IoU.blanket": 0.3142, "IoU.sculpture": 0.752, "IoU.hood": 0.6253, "IoU.sconce": 0.5583, "IoU.vase": 0.4887, "IoU.traffic light": 0.4215, "IoU.tray": 0.1541, "IoU.ashcan": 0.4872, "IoU.fan": 0.666, "IoU.pier": 0.4006, "IoU.crt screen": 0.2032, "IoU.plate": 0.5968, "IoU.monitor": 0.6887, "IoU.bulletin board": 0.5685, "IoU.shower": 0.0595, "IoU.radiator": 0.6498, "IoU.glass": 0.1963, "IoU.clock": 0.4566, "IoU.flag": 0.7139, "Acc.wall": 0.9059, "Acc.building": 0.9395, "Acc.sky": 0.9782, "Acc.floor": 0.9214, "Acc.tree": 0.8962, "Acc.ceiling": 0.9386, "Acc.road": 0.9194, "Acc.bed ": 0.9689, "Acc.windowpane": 0.8184, "Acc.grass": 0.8027, "Acc.cabinet": 0.7544, "Acc.sidewalk": 0.8614, "Acc.person": 0.9378, "Acc.earth": 0.5137, "Acc.door": 0.7545, "Acc.table": 0.8296, "Acc.mountain": 0.7318, "Acc.plant": 0.6597, "Acc.curtain": 0.8804, "Acc.chair": 0.7894, "Acc.car": 0.9407, "Acc.water": 0.7881, "Acc.painting": 0.9019, "Acc.sofa": 0.9186, "Acc.shelf": 0.6892, "Acc.house": 0.6044, "Acc.sea": 0.8385, "Acc.mirror": 0.855, "Acc.rug": 0.7595, "Acc.field": 0.6481, "Acc.armchair": 0.779, "Acc.seat": 0.8841, "Acc.fence": 0.6508, "Acc.desk": 0.7926, "Acc.rock": 0.8354, "Acc.wardrobe": 0.7552, "Acc.lamp": 0.8579, "Acc.bathtub": 0.8693, "Acc.railing": 0.5868, "Acc.cushion": 0.8195, "Acc.base": 0.5672, "Acc.box": 0.5068, "Acc.column": 0.6876, "Acc.signboard": 0.564, "Acc.chest of drawers": 0.7027, "Acc.counter": 0.5522, "Acc.sand": 0.7536, "Acc.sink": 0.837, "Acc.skyscraper": 0.6207, "Acc.fireplace": 0.9261, "Acc.refrigerator": 0.9318, "Acc.grandstand": 0.8387, "Acc.path": 0.4218, "Acc.stairs": 0.3165, "Acc.runway": 0.9609, "Acc.case": 0.8147, "Acc.pool table": 0.9777, "Acc.pillow": 0.7839, "Acc.screen door": 0.788, "Acc.stairway": 0.5785, "Acc.river": 0.4374, "Acc.bridge": 0.867, "Acc.bookcase": 0.6291, "Acc.blind": 0.5073, "Acc.coffee table": 0.8747, "Acc.toilet": 0.935, "Acc.flower": 0.5792, "Acc.book": 0.7737, "Acc.hill": 0.1053, "Acc.bench": 0.6542, "Acc.countertop": 0.8414, "Acc.stove": 0.9432, "Acc.palm": 0.8304, "Acc.kitchen island": 0.7532, "Acc.computer": 0.9216, "Acc.swivel chair": 0.76, "Acc.boat": 0.8904, "Acc.bar": 0.753, "Acc.arcade machine": 0.8054, "Acc.hovel": 0.4909, "Acc.bus": 0.9632, "Acc.towel": 0.8172, "Acc.light": 0.6956, "Acc.truck": 0.5965, "Acc.tower": 0.1698, "Acc.chandelier": 0.8605, "Acc.awning": 0.5507, "Acc.streetlight": 0.4794, "Acc.booth": 0.6516, "Acc.television receiver": 0.8711, "Acc.airplane": 0.9084, "Acc.dirt track": 0.3529, "Acc.apparel": 0.6741, "Acc.pole": 0.4111, "Acc.land": 0.0606, "Acc.bannister": 0.275, "Acc.escalator": 0.7947, "Acc.ottoman": 0.6382, "Acc.bottle": 0.6715, "Acc.buffet": 0.6574, "Acc.poster": 0.517, "Acc.stage": 0.4706, "Acc.van": 0.5984, "Acc.ship": 0.9674, "Acc.fountain": 0.2201, "Acc.conveyer belt": 0.9337, "Acc.canopy": 0.7827, "Acc.washer": 0.8276, "Acc.plaything": 0.5289, "Acc.swimming pool": 0.9183, "Acc.stool": 0.6891, "Acc.barrel": 0.6854, "Acc.basket": 0.581, "Acc.waterfall": 0.8644, "Acc.tent": 0.9883, "Acc.bag": 0.2467, "Acc.minibike": 0.8923, "Acc.cradle": 0.973, "Acc.oven": 0.7578, "Acc.ball": 0.5649, "Acc.food": 0.7106, "Acc.step": 0.2004, "Acc.tank": 0.7151, "Acc.trade name": 0.3572, "Acc.microwave": 0.9528, "Acc.pot": 0.6768, "Acc.animal": 0.6673, "Acc.bicycle": 0.7678, "Acc.lake": 0.634, "Acc.dishwasher": 0.8356, "Acc.screen": 0.8534, "Acc.blanket": 0.3532, "Acc.sculpture": 0.8836, "Acc.hood": 0.748, "Acc.sconce": 0.6316, "Acc.vase": 0.6202, "Acc.traffic light": 0.6173, "Acc.tray": 0.1939, "Acc.ashcan": 0.6274, "Acc.fan": 0.7917, "Acc.pier": 0.5311, "Acc.crt screen": 0.298, "Acc.plate": 0.7744, "Acc.monitor": 0.8432, "Acc.bulletin board": 0.6433, "Acc.shower": 0.0649, "Acc.radiator": 0.7596, "Acc.glass": 0.2124, "Acc.clock": 0.527, "Acc.flag": 0.792} {"mode": "train", "epoch": 60, "iter": 75050, "lr": 0.0, "memory": 70498, "data_time": 1.95332, "decode.loss_ce": 0.14977, "decode.acc_seg": 93.5126, "aux.loss_ce": 0.06493, "aux.acc_seg": 93.04006, "loss": 0.2147, "time": 3.27383} {"mode": "train", "epoch": 60, "iter": 75100, "lr": 0.0, "memory": 70498, "data_time": 0.00976, "decode.loss_ce": 0.14727, "decode.acc_seg": 93.32134, "aux.loss_ce": 0.06356, "aux.acc_seg": 92.85317, "loss": 0.21083, "time": 1.32853} {"mode": "train", "epoch": 60, "iter": 75150, "lr": 0.0, "memory": 70498, "data_time": 0.00961, "decode.loss_ce": 0.1354, "decode.acc_seg": 93.79982, "aux.loss_ce": 0.05889, "aux.acc_seg": 93.33077, "loss": 0.19429, "time": 1.33081} {"mode": "train", "epoch": 60, "iter": 75200, "lr": 0.0, "memory": 70498, "data_time": 0.00966, "decode.loss_ce": 0.14833, "decode.acc_seg": 93.74747, "aux.loss_ce": 0.06416, "aux.acc_seg": 93.28489, "loss": 0.21249, "time": 1.3266} {"mode": "train", "epoch": 60, "iter": 75250, "lr": 0.0, "memory": 70498, "data_time": 0.00955, "decode.loss_ce": 0.14835, "decode.acc_seg": 93.44652, "aux.loss_ce": 0.06403, "aux.acc_seg": 92.9797, "loss": 0.21238, "time": 1.32438} {"mode": "train", "epoch": 60, "iter": 75300, "lr": 0.0, "memory": 70498, "data_time": 0.00948, "decode.loss_ce": 0.13942, "decode.acc_seg": 93.92705, "aux.loss_ce": 0.06029, "aux.acc_seg": 93.49838, "loss": 0.19971, "time": 1.32551} {"mode": "train", "epoch": 60, "iter": 75350, "lr": 0.0, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.1445, "decode.acc_seg": 93.74093, "aux.loss_ce": 0.06268, "aux.acc_seg": 93.2234, "loss": 0.20718, "time": 1.32432} {"mode": "train", "epoch": 60, "iter": 75400, "lr": 0.0, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.14137, "decode.acc_seg": 93.7509, "aux.loss_ce": 0.06111, "aux.acc_seg": 93.27058, "loss": 0.20247, "time": 1.33291} {"mode": "train", "epoch": 60, "iter": 75450, "lr": 0.0, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.15575, "decode.acc_seg": 93.16048, "aux.loss_ce": 0.06729, "aux.acc_seg": 92.66141, "loss": 0.22304, "time": 1.32819} {"mode": "train", "epoch": 60, "iter": 75500, "lr": 0.0, "memory": 70498, "data_time": 0.00948, "decode.loss_ce": 0.14914, "decode.acc_seg": 93.35079, "aux.loss_ce": 0.06425, "aux.acc_seg": 92.92717, "loss": 0.21339, "time": 1.32413} {"mode": "train", "epoch": 60, "iter": 75550, "lr": 0.0, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.14074, "decode.acc_seg": 93.81706, "aux.loss_ce": 0.06108, "aux.acc_seg": 93.27434, "loss": 0.20182, "time": 1.32598} {"mode": "train", "epoch": 60, "iter": 75600, "lr": 0.0, "memory": 70498, "data_time": 0.00991, "decode.loss_ce": 0.14249, "decode.acc_seg": 93.69117, "aux.loss_ce": 0.06206, "aux.acc_seg": 93.16242, "loss": 0.20455, "time": 1.33041} {"mode": "train", "epoch": 60, "iter": 75650, "lr": 0.0, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.1539, "decode.acc_seg": 93.08968, "aux.loss_ce": 0.06699, "aux.acc_seg": 92.54147, "loss": 0.22089, "time": 1.32856} {"mode": "train", "epoch": 60, "iter": 75700, "lr": 0.0, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.15171, "decode.acc_seg": 93.38174, "aux.loss_ce": 0.06531, "aux.acc_seg": 92.93055, "loss": 0.21701, "time": 1.3262} {"mode": "train", "epoch": 60, "iter": 75750, "lr": 0.0, "memory": 70498, "data_time": 0.0097, "decode.loss_ce": 0.14397, "decode.acc_seg": 93.77223, "aux.loss_ce": 0.06221, "aux.acc_seg": 93.31311, "loss": 0.20618, "time": 1.32357} {"mode": "train", "epoch": 61, "iter": 75800, "lr": 0.0, "memory": 70498, "data_time": 0.06253, "decode.loss_ce": 0.14671, "decode.acc_seg": 93.70132, "aux.loss_ce": 0.06328, "aux.acc_seg": 93.2031, "loss": 0.20999, "time": 1.38224} {"mode": "train", "epoch": 61, "iter": 75850, "lr": 0.0, "memory": 70498, "data_time": 0.00961, "decode.loss_ce": 0.14002, "decode.acc_seg": 93.94246, "aux.loss_ce": 0.06126, "aux.acc_seg": 93.35787, "loss": 0.20127, "time": 1.32882} {"mode": "train", "epoch": 61, "iter": 75900, "lr": 0.0, "memory": 70498, "data_time": 0.0096, "decode.loss_ce": 0.14647, "decode.acc_seg": 93.64588, "aux.loss_ce": 0.06305, "aux.acc_seg": 93.15034, "loss": 0.20952, "time": 1.32566} {"mode": "train", "epoch": 61, "iter": 75950, "lr": 0.0, "memory": 70498, "data_time": 0.00984, "decode.loss_ce": 0.14374, "decode.acc_seg": 93.73874, "aux.loss_ce": 0.06258, "aux.acc_seg": 93.25602, "loss": 0.20632, "time": 1.32917} {"mode": "train", "epoch": 61, "iter": 76000, "lr": 0.0, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.14296, "decode.acc_seg": 93.69874, "aux.loss_ce": 0.0623, "aux.acc_seg": 93.13952, "loss": 0.20526, "time": 3.40351} {"mode": "val", "epoch": 61, "iter": 250, "lr": 0.0, "aAcc": 0.8635, "mIoU": 0.5766, "mAcc": 0.7002, "IoU.wall": 0.8261, "IoU.building": 0.8595, "IoU.sky": 0.9498, "IoU.floor": 0.85, "IoU.tree": 0.7712, "IoU.ceiling": 0.8795, "IoU.road": 0.8738, "IoU.bed ": 0.9256, "IoU.windowpane": 0.6711, "IoU.grass": 0.6625, "IoU.cabinet": 0.6537, "IoU.sidewalk": 0.7254, "IoU.person": 0.8587, "IoU.earth": 0.3824, "IoU.door": 0.6022, "IoU.table": 0.704, "IoU.mountain": 0.6153, "IoU.plant": 0.5554, "IoU.curtain": 0.7783, "IoU.chair": 0.6819, "IoU.car": 0.8743, "IoU.water": 0.6488, "IoU.painting": 0.772, "IoU.sofa": 0.8264, "IoU.shelf": 0.5026, "IoU.house": 0.555, "IoU.sea": 0.6906, "IoU.mirror": 0.7882, "IoU.rug": 0.6751, "IoU.field": 0.3118, "IoU.armchair": 0.6219, "IoU.seat": 0.6528, "IoU.fence": 0.5042, "IoU.desk": 0.5869, "IoU.rock": 0.5583, "IoU.wardrobe": 0.5518, "IoU.lamp": 0.7509, "IoU.bathtub": 0.8496, "IoU.railing": 0.4025, "IoU.cushion": 0.7138, "IoU.base": 0.4273, "IoU.box": 0.3836, "IoU.column": 0.5641, "IoU.signboard": 0.412, "IoU.chest of drawers": 0.4664, "IoU.counter": 0.4514, "IoU.sand": 0.5232, "IoU.sink": 0.78, "IoU.skyscraper": 0.5036, "IoU.fireplace": 0.7752, "IoU.refrigerator": 0.8258, "IoU.grandstand": 0.5008, "IoU.path": 0.2908, "IoU.stairs": 0.2518, "IoU.runway": 0.7312, "IoU.case": 0.5824, "IoU.pool table": 0.95, "IoU.pillow": 0.7087, "IoU.screen door": 0.8154, "IoU.stairway": 0.4363, "IoU.river": 0.2105, "IoU.bridge": 0.7586, "IoU.bookcase": 0.4474, "IoU.blind": 0.4326, "IoU.coffee table": 0.6782, "IoU.toilet": 0.9011, "IoU.flower": 0.4663, "IoU.book": 0.5738, "IoU.hill": 0.0745, "IoU.bench": 0.5593, "IoU.countertop": 0.625, "IoU.stove": 0.8803, "IoU.palm": 0.5804, "IoU.kitchen island": 0.4577, "IoU.computer": 0.8041, "IoU.swivel chair": 0.5178, "IoU.boat": 0.6937, "IoU.bar": 0.5571, "IoU.arcade machine": 0.7852, "IoU.hovel": 0.435, "IoU.bus": 0.9376, "IoU.towel": 0.7446, "IoU.light": 0.6106, "IoU.truck": 0.4684, "IoU.tower": 0.1104, "IoU.chandelier": 0.7239, "IoU.awning": 0.4688, "IoU.streetlight": 0.3594, "IoU.booth": 0.4237, "IoU.television receiver": 0.8183, "IoU.airplane": 0.8331, "IoU.dirt track": 0.0842, "IoU.apparel": 0.4899, "IoU.pole": 0.29, "IoU.land": 0.0415, "IoU.bannister": 0.1727, "IoU.escalator": 0.5754, "IoU.ottoman": 0.4772, "IoU.bottle": 0.4266, "IoU.buffet": 0.4897, "IoU.poster": 0.3798, "IoU.stage": 0.2642, "IoU.van": 0.4411, "IoU.ship": 0.9368, "IoU.fountain": 0.2183, "IoU.conveyer belt": 0.7739, "IoU.canopy": 0.596, "IoU.washer": 0.8284, "IoU.plaything": 0.4238, "IoU.swimming pool": 0.6437, "IoU.stool": 0.5442, "IoU.barrel": 0.4579, "IoU.basket": 0.4138, "IoU.waterfall": 0.5775, "IoU.tent": 0.912, "IoU.bag": 0.2136, "IoU.minibike": 0.7577, "IoU.cradle": 0.8507, "IoU.oven": 0.6129, "IoU.ball": 0.4751, "IoU.food": 0.5631, "IoU.step": 0.1249, "IoU.tank": 0.6521, "IoU.trade name": 0.2919, "IoU.microwave": 0.8903, "IoU.pot": 0.5893, "IoU.animal": 0.6545, "IoU.bicycle": 0.6101, "IoU.lake": 0.5684, "IoU.dishwasher": 0.7423, "IoU.screen": 0.5107, "IoU.blanket": 0.3113, "IoU.sculpture": 0.7544, "IoU.hood": 0.6266, "IoU.sconce": 0.5709, "IoU.vase": 0.4886, "IoU.traffic light": 0.4247, "IoU.tray": 0.1611, "IoU.ashcan": 0.4921, "IoU.fan": 0.6687, "IoU.pier": 0.383, "IoU.crt screen": 0.1859, "IoU.plate": 0.5945, "IoU.monitor": 0.6946, "IoU.bulletin board": 0.5224, "IoU.shower": 0.059, "IoU.radiator": 0.6473, "IoU.glass": 0.1999, "IoU.clock": 0.4459, "IoU.flag": 0.7146, "Acc.wall": 0.9029, "Acc.building": 0.9429, "Acc.sky": 0.9793, "Acc.floor": 0.9182, "Acc.tree": 0.8937, "Acc.ceiling": 0.9412, "Acc.road": 0.9175, "Acc.bed ": 0.9665, "Acc.windowpane": 0.83, "Acc.grass": 0.8053, "Acc.cabinet": 0.7575, "Acc.sidewalk": 0.8704, "Acc.person": 0.9388, "Acc.earth": 0.5074, "Acc.door": 0.7388, "Acc.table": 0.8297, "Acc.mountain": 0.7355, "Acc.plant": 0.6564, "Acc.curtain": 0.8783, "Acc.chair": 0.7962, "Acc.car": 0.9431, "Acc.water": 0.7897, "Acc.painting": 0.9044, "Acc.sofa": 0.9036, "Acc.shelf": 0.6899, "Acc.house": 0.6607, "Acc.sea": 0.8385, "Acc.mirror": 0.8454, "Acc.rug": 0.7962, "Acc.field": 0.5817, "Acc.armchair": 0.8046, "Acc.seat": 0.8868, "Acc.fence": 0.6297, "Acc.desk": 0.7711, "Acc.rock": 0.8411, "Acc.wardrobe": 0.772, "Acc.lamp": 0.8589, "Acc.bathtub": 0.8706, "Acc.railing": 0.5708, "Acc.cushion": 0.8384, "Acc.base": 0.5585, "Acc.box": 0.4951, "Acc.column": 0.6761, "Acc.signboard": 0.5635, "Acc.chest of drawers": 0.6779, "Acc.counter": 0.5444, "Acc.sand": 0.7679, "Acc.sink": 0.8375, "Acc.skyscraper": 0.6176, "Acc.fireplace": 0.9253, "Acc.refrigerator": 0.9278, "Acc.grandstand": 0.8228, "Acc.path": 0.3946, "Acc.stairs": 0.3296, "Acc.runway": 0.9608, "Acc.case": 0.8106, "Acc.pool table": 0.9755, "Acc.pillow": 0.819, "Acc.screen door": 0.8418, "Acc.stairway": 0.5667, "Acc.river": 0.4232, "Acc.bridge": 0.8684, "Acc.bookcase": 0.5858, "Acc.blind": 0.472, "Acc.coffee table": 0.8669, "Acc.toilet": 0.9381, "Acc.flower": 0.6127, "Acc.book": 0.8029, "Acc.hill": 0.1056, "Acc.bench": 0.645, "Acc.countertop": 0.8441, "Acc.stove": 0.9462, "Acc.palm": 0.821, "Acc.kitchen island": 0.7458, "Acc.computer": 0.9156, "Acc.swivel chair": 0.7518, "Acc.boat": 0.8885, "Acc.bar": 0.7452, "Acc.arcade machine": 0.846, "Acc.hovel": 0.4863, "Acc.bus": 0.96, "Acc.towel": 0.8285, "Acc.light": 0.7079, "Acc.truck": 0.5943, "Acc.tower": 0.15, "Acc.chandelier": 0.8691, "Acc.awning": 0.5966, "Acc.streetlight": 0.4898, "Acc.booth": 0.6282, "Acc.television receiver": 0.8666, "Acc.airplane": 0.9041, "Acc.dirt track": 0.3415, "Acc.apparel": 0.6785, "Acc.pole": 0.3951, "Acc.land": 0.0658, "Acc.bannister": 0.2412, "Acc.escalator": 0.7971, "Acc.ottoman": 0.6342, "Acc.bottle": 0.6462, "Acc.buffet": 0.6638, "Acc.poster": 0.5101, "Acc.stage": 0.4614, "Acc.van": 0.5984, "Acc.ship": 0.9654, "Acc.fountain": 0.2246, "Acc.conveyer belt": 0.9335, "Acc.canopy": 0.7937, "Acc.washer": 0.8521, "Acc.plaything": 0.5905, "Acc.swimming pool": 0.8918, "Acc.stool": 0.6606, "Acc.barrel": 0.6639, "Acc.basket": 0.5818, "Acc.waterfall": 0.831, "Acc.tent": 0.9876, "Acc.bag": 0.2494, "Acc.minibike": 0.9015, "Acc.cradle": 0.9716, "Acc.oven": 0.7062, "Acc.ball": 0.5372, "Acc.food": 0.678, "Acc.step": 0.1491, "Acc.tank": 0.6985, "Acc.trade name": 0.331, "Acc.microwave": 0.9571, "Acc.pot": 0.6791, "Acc.animal": 0.6694, "Acc.bicycle": 0.7816, "Acc.lake": 0.6373, "Acc.dishwasher": 0.8341, "Acc.screen": 0.7566, "Acc.blanket": 0.3466, "Acc.sculpture": 0.8774, "Acc.hood": 0.7511, "Acc.sconce": 0.6608, "Acc.vase": 0.6344, "Acc.traffic light": 0.6206, "Acc.tray": 0.2147, "Acc.ashcan": 0.6235, "Acc.fan": 0.7958, "Acc.pier": 0.5391, "Acc.crt screen": 0.3039, "Acc.plate": 0.7692, "Acc.monitor": 0.8343, "Acc.bulletin board": 0.5714, "Acc.shower": 0.0651, "Acc.radiator": 0.7361, "Acc.glass": 0.2176, "Acc.clock": 0.5063, "Acc.flag": 0.7941} {"mode": "train", "epoch": 61, "iter": 76050, "lr": 0.0, "memory": 70498, "data_time": 1.92804, "decode.loss_ce": 0.14651, "decode.acc_seg": 93.58616, "aux.loss_ce": 0.06324, "aux.acc_seg": 93.14102, "loss": 0.20975, "time": 3.25055} {"mode": "train", "epoch": 61, "iter": 76100, "lr": 0.0, "memory": 70498, "data_time": 0.00965, "decode.loss_ce": 0.15023, "decode.acc_seg": 93.46032, "aux.loss_ce": 0.06488, "aux.acc_seg": 92.97169, "loss": 0.2151, "time": 1.33328} {"mode": "train", "epoch": 61, "iter": 76150, "lr": 0.0, "memory": 70498, "data_time": 0.00968, "decode.loss_ce": 0.14033, "decode.acc_seg": 93.86225, "aux.loss_ce": 0.06085, "aux.acc_seg": 93.37163, "loss": 0.20118, "time": 1.32614} {"mode": "train", "epoch": 61, "iter": 76200, "lr": 0.0, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.1466, "decode.acc_seg": 93.60694, "aux.loss_ce": 0.06342, "aux.acc_seg": 93.12894, "loss": 0.21003, "time": 1.33036} {"mode": "train", "epoch": 61, "iter": 76250, "lr": 0.0, "memory": 70498, "data_time": 0.00962, "decode.loss_ce": 0.14616, "decode.acc_seg": 93.63414, "aux.loss_ce": 0.06335, "aux.acc_seg": 93.15334, "loss": 0.20951, "time": 1.32795} {"mode": "train", "epoch": 61, "iter": 76300, "lr": 0.0, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.14879, "decode.acc_seg": 93.42081, "aux.loss_ce": 0.06442, "aux.acc_seg": 92.93594, "loss": 0.21321, "time": 1.32922} {"mode": "train", "epoch": 61, "iter": 76350, "lr": 0.0, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.13947, "decode.acc_seg": 93.88974, "aux.loss_ce": 0.06079, "aux.acc_seg": 93.39882, "loss": 0.20027, "time": 1.32743} {"mode": "train", "epoch": 61, "iter": 76400, "lr": 0.0, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.14125, "decode.acc_seg": 93.71477, "aux.loss_ce": 0.06162, "aux.acc_seg": 93.15696, "loss": 0.20288, "time": 1.3328} {"mode": "train", "epoch": 61, "iter": 76450, "lr": 0.0, "memory": 70498, "data_time": 0.00949, "decode.loss_ce": 0.15056, "decode.acc_seg": 93.33468, "aux.loss_ce": 0.06551, "aux.acc_seg": 92.77945, "loss": 0.21607, "time": 1.32651} {"mode": "train", "epoch": 61, "iter": 76500, "lr": 0.0, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.14449, "decode.acc_seg": 93.74818, "aux.loss_ce": 0.06256, "aux.acc_seg": 93.27392, "loss": 0.20706, "time": 1.32878} {"mode": "train", "epoch": 61, "iter": 76550, "lr": 0.0, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.15101, "decode.acc_seg": 93.39853, "aux.loss_ce": 0.06525, "aux.acc_seg": 92.92155, "loss": 0.21626, "time": 1.32549} {"mode": "train", "epoch": 61, "iter": 76600, "lr": 0.0, "memory": 70498, "data_time": 0.0095, "decode.loss_ce": 0.14916, "decode.acc_seg": 93.34537, "aux.loss_ce": 0.06458, "aux.acc_seg": 92.91366, "loss": 0.21375, "time": 1.32568} {"mode": "train", "epoch": 61, "iter": 76650, "lr": 0.0, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.14439, "decode.acc_seg": 93.64629, "aux.loss_ce": 0.06266, "aux.acc_seg": 93.18393, "loss": 0.20705, "time": 1.32909} {"mode": "train", "epoch": 61, "iter": 76700, "lr": 0.0, "memory": 70498, "data_time": 0.00951, "decode.loss_ce": 0.14475, "decode.acc_seg": 93.72575, "aux.loss_ce": 0.06243, "aux.acc_seg": 93.29618, "loss": 0.20718, "time": 1.32973} {"mode": "train", "epoch": 61, "iter": 76750, "lr": 0.0, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.14061, "decode.acc_seg": 93.77592, "aux.loss_ce": 0.06098, "aux.acc_seg": 93.28074, "loss": 0.20158, "time": 1.33115} {"mode": "train", "epoch": 61, "iter": 76800, "lr": 0.0, "memory": 70498, "data_time": 0.00947, "decode.loss_ce": 0.14756, "decode.acc_seg": 93.41294, "aux.loss_ce": 0.06398, "aux.acc_seg": 92.91373, "loss": 0.21154, "time": 1.32595} {"mode": "train", "epoch": 61, "iter": 76850, "lr": 0.0, "memory": 70498, "data_time": 0.00941, "decode.loss_ce": 0.14516, "decode.acc_seg": 93.71348, "aux.loss_ce": 0.0634, "aux.acc_seg": 93.15205, "loss": 0.20857, "time": 1.33472} {"mode": "train", "epoch": 61, "iter": 76900, "lr": 0.0, "memory": 70498, "data_time": 0.00946, "decode.loss_ce": 0.14453, "decode.acc_seg": 93.63577, "aux.loss_ce": 0.06291, "aux.acc_seg": 93.13761, "loss": 0.20744, "time": 1.33843} {"mode": "train", "epoch": 61, "iter": 76950, "lr": 0.0, "memory": 70498, "data_time": 0.00962, "decode.loss_ce": 0.14136, "decode.acc_seg": 93.60004, "aux.loss_ce": 0.06077, "aux.acc_seg": 93.16732, "loss": 0.20213, "time": 1.33011} {"mode": "train", "epoch": 61, "iter": 77000, "lr": 0.0, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.15235, "decode.acc_seg": 93.09646, "aux.loss_ce": 0.06604, "aux.acc_seg": 92.62768, "loss": 0.21839, "time": 1.32743} {"mode": "val", "epoch": 61, "iter": 250, "lr": 0.0, "aAcc": 0.8635, "mIoU": 0.5757, "mAcc": 0.7019, "IoU.wall": 0.8255, "IoU.building": 0.86, "IoU.sky": 0.9507, "IoU.floor": 0.8492, "IoU.tree": 0.7736, "IoU.ceiling": 0.8773, "IoU.road": 0.8747, "IoU.bed ": 0.9244, "IoU.windowpane": 0.6698, "IoU.grass": 0.6646, "IoU.cabinet": 0.6609, "IoU.sidewalk": 0.7244, "IoU.person": 0.8578, "IoU.earth": 0.3854, "IoU.door": 0.6008, "IoU.table": 0.7087, "IoU.mountain": 0.6087, "IoU.plant": 0.5625, "IoU.curtain": 0.7845, "IoU.chair": 0.6807, "IoU.car": 0.8746, "IoU.water": 0.6504, "IoU.painting": 0.7711, "IoU.sofa": 0.8269, "IoU.shelf": 0.4973, "IoU.house": 0.5565, "IoU.sea": 0.6902, "IoU.mirror": 0.7843, "IoU.rug": 0.6765, "IoU.field": 0.3238, "IoU.armchair": 0.618, "IoU.seat": 0.6548, "IoU.fence": 0.5058, "IoU.desk": 0.5878, "IoU.rock": 0.5445, "IoU.wardrobe": 0.5679, "IoU.lamp": 0.7486, "IoU.bathtub": 0.8485, "IoU.railing": 0.3994, "IoU.cushion": 0.7132, "IoU.base": 0.4354, "IoU.box": 0.3812, "IoU.column": 0.5604, "IoU.signboard": 0.413, "IoU.chest of drawers": 0.4696, "IoU.counter": 0.4414, "IoU.sand": 0.5247, "IoU.sink": 0.7817, "IoU.skyscraper": 0.5041, "IoU.fireplace": 0.7709, "IoU.refrigerator": 0.826, "IoU.grandstand": 0.5015, "IoU.path": 0.2858, "IoU.stairs": 0.2503, "IoU.runway": 0.7321, "IoU.case": 0.5955, "IoU.pool table": 0.9495, "IoU.pillow": 0.7036, "IoU.screen door": 0.7667, "IoU.stairway": 0.4292, "IoU.river": 0.2127, "IoU.bridge": 0.7596, "IoU.bookcase": 0.4606, "IoU.blind": 0.4449, "IoU.coffee table": 0.674, "IoU.toilet": 0.9, "IoU.flower": 0.4725, "IoU.book": 0.5943, "IoU.hill": 0.0778, "IoU.bench": 0.5599, "IoU.countertop": 0.6254, "IoU.stove": 0.8785, "IoU.palm": 0.5788, "IoU.kitchen island": 0.4769, "IoU.computer": 0.8029, "IoU.swivel chair": 0.5166, "IoU.boat": 0.624, "IoU.bar": 0.5528, "IoU.arcade machine": 0.7979, "IoU.hovel": 0.4354, "IoU.bus": 0.9356, "IoU.towel": 0.7456, "IoU.light": 0.6131, "IoU.truck": 0.462, "IoU.tower": 0.1169, "IoU.chandelier": 0.7177, "IoU.awning": 0.4566, "IoU.streetlight": 0.3599, "IoU.booth": 0.4014, "IoU.television receiver": 0.8246, "IoU.airplane": 0.834, "IoU.dirt track": 0.0793, "IoU.apparel": 0.4934, "IoU.pole": 0.2909, "IoU.land": 0.0387, "IoU.bannister": 0.1805, "IoU.escalator": 0.5761, "IoU.ottoman": 0.4845, "IoU.bottle": 0.4271, "IoU.buffet": 0.5058, "IoU.poster": 0.3824, "IoU.stage": 0.2587, "IoU.van": 0.4392, "IoU.ship": 0.9251, "IoU.fountain": 0.2184, "IoU.conveyer belt": 0.8003, "IoU.canopy": 0.5781, "IoU.washer": 0.8086, "IoU.plaything": 0.4069, "IoU.swimming pool": 0.6455, "IoU.stool": 0.5261, "IoU.barrel": 0.433, "IoU.basket": 0.4052, "IoU.waterfall": 0.5994, "IoU.tent": 0.8978, "IoU.bag": 0.2146, "IoU.minibike": 0.7642, "IoU.cradle": 0.8566, "IoU.oven": 0.6016, "IoU.ball": 0.4538, "IoU.food": 0.5838, "IoU.step": 0.1308, "IoU.tank": 0.6803, "IoU.trade name": 0.3016, "IoU.microwave": 0.8871, "IoU.pot": 0.5898, "IoU.animal": 0.6428, "IoU.bicycle": 0.6036, "IoU.lake": 0.5651, "IoU.dishwasher": 0.732, "IoU.screen": 0.5008, "IoU.blanket": 0.3241, "IoU.sculpture": 0.748, "IoU.hood": 0.6232, "IoU.sconce": 0.5641, "IoU.vase": 0.4869, "IoU.traffic light": 0.4202, "IoU.tray": 0.1557, "IoU.ashcan": 0.4866, "IoU.fan": 0.6651, "IoU.pier": 0.376, "IoU.crt screen": 0.1845, "IoU.plate": 0.6001, "IoU.monitor": 0.6942, "IoU.bulletin board": 0.5164, "IoU.shower": 0.0623, "IoU.radiator": 0.6518, "IoU.glass": 0.1993, "IoU.clock": 0.4502, "IoU.flag": 0.7133, "Acc.wall": 0.9013, "Acc.building": 0.9392, "Acc.sky": 0.977, "Acc.floor": 0.9189, "Acc.tree": 0.9038, "Acc.ceiling": 0.9423, "Acc.road": 0.9196, "Acc.bed ": 0.968, "Acc.windowpane": 0.8244, "Acc.grass": 0.7928, "Acc.cabinet": 0.7603, "Acc.sidewalk": 0.8672, "Acc.person": 0.939, "Acc.earth": 0.5166, "Acc.door": 0.7589, "Acc.table": 0.8255, "Acc.mountain": 0.7366, "Acc.plant": 0.6683, "Acc.curtain": 0.882, "Acc.chair": 0.7893, "Acc.car": 0.9396, "Acc.water": 0.7916, "Acc.painting": 0.9052, "Acc.sofa": 0.9159, "Acc.shelf": 0.6638, "Acc.house": 0.6766, "Acc.sea": 0.8346, "Acc.mirror": 0.8424, "Acc.rug": 0.7938, "Acc.field": 0.6122, "Acc.armchair": 0.7842, "Acc.seat": 0.8811, "Acc.fence": 0.6349, "Acc.desk": 0.7878, "Acc.rock": 0.7849, "Acc.wardrobe": 0.7537, "Acc.lamp": 0.8567, "Acc.bathtub": 0.8671, "Acc.railing": 0.5699, "Acc.cushion": 0.8193, "Acc.base": 0.5826, "Acc.box": 0.5047, "Acc.column": 0.6675, "Acc.signboard": 0.5552, "Acc.chest of drawers": 0.6986, "Acc.counter": 0.5381, "Acc.sand": 0.7649, "Acc.sink": 0.8388, "Acc.skyscraper": 0.621, "Acc.fireplace": 0.9297, "Acc.refrigerator": 0.9286, "Acc.grandstand": 0.8235, "Acc.path": 0.3772, "Acc.stairs": 0.3261, "Acc.runway": 0.9626, "Acc.case": 0.7997, "Acc.pool table": 0.9774, "Acc.pillow": 0.8151, "Acc.screen door": 0.7929, "Acc.stairway": 0.5782, "Acc.river": 0.4144, "Acc.bridge": 0.8615, "Acc.bookcase": 0.6571, "Acc.blind": 0.4992, "Acc.coffee table": 0.8721, "Acc.toilet": 0.9408, "Acc.flower": 0.6119, "Acc.book": 0.7679, "Acc.hill": 0.1192, "Acc.bench": 0.6489, "Acc.countertop": 0.8466, "Acc.stove": 0.9453, "Acc.palm": 0.8307, "Acc.kitchen island": 0.7902, "Acc.computer": 0.9224, "Acc.swivel chair": 0.754, "Acc.boat": 0.893, "Acc.bar": 0.7416, "Acc.arcade machine": 0.8422, "Acc.hovel": 0.488, "Acc.bus": 0.9587, "Acc.towel": 0.8308, "Acc.light": 0.7124, "Acc.truck": 0.6003, "Acc.tower": 0.1585, "Acc.chandelier": 0.8578, "Acc.awning": 0.6009, "Acc.streetlight": 0.4773, "Acc.booth": 0.6598, "Acc.television receiver": 0.871, "Acc.airplane": 0.9004, "Acc.dirt track": 0.3401, "Acc.apparel": 0.693, "Acc.pole": 0.3969, "Acc.land": 0.063, "Acc.bannister": 0.2705, "Acc.escalator": 0.7987, "Acc.ottoman": 0.6524, "Acc.bottle": 0.6791, "Acc.buffet": 0.6609, "Acc.poster": 0.5111, "Acc.stage": 0.4565, "Acc.van": 0.5987, "Acc.ship": 0.9642, "Acc.fountain": 0.2231, "Acc.conveyer belt": 0.9313, "Acc.canopy": 0.8046, "Acc.washer": 0.8308, "Acc.plaything": 0.5354, "Acc.swimming pool": 0.9014, "Acc.stool": 0.6726, "Acc.barrel": 0.6771, "Acc.basket": 0.5849, "Acc.waterfall": 0.8624, "Acc.tent": 0.99, "Acc.bag": 0.2534, "Acc.minibike": 0.8936, "Acc.cradle": 0.9717, "Acc.oven": 0.6962, "Acc.ball": 0.5068, "Acc.food": 0.7156, "Acc.step": 0.1583, "Acc.tank": 0.7518, "Acc.trade name": 0.3475, "Acc.microwave": 0.9605, "Acc.pot": 0.6947, "Acc.animal": 0.6558, "Acc.bicycle": 0.802, "Acc.lake": 0.6376, "Acc.dishwasher": 0.8399, "Acc.screen": 0.7439, "Acc.blanket": 0.3685, "Acc.sculpture": 0.8843, "Acc.hood": 0.7555, "Acc.sconce": 0.6399, "Acc.vase": 0.6092, "Acc.traffic light": 0.6115, "Acc.tray": 0.1975, "Acc.ashcan": 0.6321, "Acc.fan": 0.7901, "Acc.pier": 0.5184, "Acc.crt screen": 0.3167, "Acc.plate": 0.7717, "Acc.monitor": 0.834, "Acc.bulletin board": 0.576, "Acc.shower": 0.0687, "Acc.radiator": 0.7481, "Acc.glass": 0.2167, "Acc.clock": 0.5203, "Acc.flag": 0.7909} {"mode": "train", "epoch": 62, "iter": 77050, "lr": 0.0, "memory": 70498, "data_time": 2.00573, "decode.loss_ce": 0.14061, "decode.acc_seg": 93.73331, "aux.loss_ce": 0.06123, "aux.acc_seg": 93.24406, "loss": 0.20184, "time": 3.32898} {"mode": "train", "epoch": 62, "iter": 77100, "lr": 0.0, "memory": 70498, "data_time": 0.0096, "decode.loss_ce": 0.14319, "decode.acc_seg": 93.62906, "aux.loss_ce": 0.06246, "aux.acc_seg": 93.08987, "loss": 0.20565, "time": 1.32548} {"mode": "train", "epoch": 62, "iter": 77150, "lr": 0.0, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.14009, "decode.acc_seg": 93.90538, "aux.loss_ce": 0.06067, "aux.acc_seg": 93.41457, "loss": 0.20076, "time": 1.32474} {"mode": "train", "epoch": 62, "iter": 77200, "lr": 0.0, "memory": 70498, "data_time": 0.00966, "decode.loss_ce": 0.14171, "decode.acc_seg": 93.89937, "aux.loss_ce": 0.06124, "aux.acc_seg": 93.42566, "loss": 0.20295, "time": 1.32817} {"mode": "train", "epoch": 62, "iter": 77250, "lr": 0.0, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.14378, "decode.acc_seg": 93.75905, "aux.loss_ce": 0.06236, "aux.acc_seg": 93.24352, "loss": 0.20614, "time": 1.33458} {"mode": "train", "epoch": 62, "iter": 77300, "lr": 0.0, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.14759, "decode.acc_seg": 93.28564, "aux.loss_ce": 0.06396, "aux.acc_seg": 92.76437, "loss": 0.21155, "time": 1.32895} {"mode": "train", "epoch": 62, "iter": 77350, "lr": 0.0, "memory": 70498, "data_time": 0.00977, "decode.loss_ce": 0.14248, "decode.acc_seg": 93.64638, "aux.loss_ce": 0.0624, "aux.acc_seg": 93.12435, "loss": 0.20488, "time": 1.33425} {"mode": "train", "epoch": 62, "iter": 77400, "lr": 0.0, "memory": 70498, "data_time": 0.00947, "decode.loss_ce": 0.13814, "decode.acc_seg": 93.88587, "aux.loss_ce": 0.06017, "aux.acc_seg": 93.41414, "loss": 0.19832, "time": 1.32753} {"mode": "train", "epoch": 62, "iter": 77450, "lr": 0.0, "memory": 70498, "data_time": 0.00969, "decode.loss_ce": 0.13299, "decode.acc_seg": 93.98209, "aux.loss_ce": 0.05818, "aux.acc_seg": 93.45484, "loss": 0.19118, "time": 1.32407} {"mode": "train", "epoch": 62, "iter": 77500, "lr": 0.0, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.1413, "decode.acc_seg": 94.05068, "aux.loss_ce": 0.0616, "aux.acc_seg": 93.51851, "loss": 0.2029, "time": 1.32909} {"mode": "train", "epoch": 62, "iter": 77550, "lr": 0.0, "memory": 70498, "data_time": 0.00944, "decode.loss_ce": 0.13789, "decode.acc_seg": 93.87158, "aux.loss_ce": 0.0602, "aux.acc_seg": 93.30578, "loss": 0.19809, "time": 1.33229} {"mode": "train", "epoch": 62, "iter": 77600, "lr": 0.0, "memory": 70498, "data_time": 0.00962, "decode.loss_ce": 0.16185, "decode.acc_seg": 93.14422, "aux.loss_ce": 0.06971, "aux.acc_seg": 92.65631, "loss": 0.23156, "time": 1.32957} {"mode": "train", "epoch": 62, "iter": 77650, "lr": 0.0, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.14164, "decode.acc_seg": 93.76605, "aux.loss_ce": 0.0617, "aux.acc_seg": 93.2903, "loss": 0.20334, "time": 1.33303} {"mode": "train", "epoch": 62, "iter": 77700, "lr": 0.0, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.14949, "decode.acc_seg": 93.63726, "aux.loss_ce": 0.06482, "aux.acc_seg": 93.1445, "loss": 0.21431, "time": 1.3304} {"mode": "train", "epoch": 62, "iter": 77750, "lr": 0.0, "memory": 70498, "data_time": 0.00966, "decode.loss_ce": 0.14433, "decode.acc_seg": 93.56973, "aux.loss_ce": 0.06276, "aux.acc_seg": 93.06952, "loss": 0.2071, "time": 1.32406} {"mode": "train", "epoch": 62, "iter": 77800, "lr": 0.0, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.14485, "decode.acc_seg": 93.59341, "aux.loss_ce": 0.06333, "aux.acc_seg": 93.05883, "loss": 0.20818, "time": 1.32366} {"mode": "train", "epoch": 62, "iter": 77850, "lr": 0.0, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.14509, "decode.acc_seg": 93.74156, "aux.loss_ce": 0.06283, "aux.acc_seg": 93.2088, "loss": 0.20792, "time": 1.32947} {"mode": "train", "epoch": 62, "iter": 77900, "lr": 0.0, "memory": 70498, "data_time": 0.00962, "decode.loss_ce": 0.14013, "decode.acc_seg": 93.74815, "aux.loss_ce": 0.06044, "aux.acc_seg": 93.4335, "loss": 0.20057, "time": 1.32547} {"mode": "train", "epoch": 62, "iter": 77950, "lr": 0.0, "memory": 70498, "data_time": 0.00972, "decode.loss_ce": 0.15457, "decode.acc_seg": 93.25701, "aux.loss_ce": 0.06716, "aux.acc_seg": 92.70799, "loss": 0.22173, "time": 1.32684} {"mode": "train", "epoch": 62, "iter": 78000, "lr": 0.0, "memory": 70498, "data_time": 0.00969, "decode.loss_ce": 0.1446, "decode.acc_seg": 93.76577, "aux.loss_ce": 0.06258, "aux.acc_seg": 93.28322, "loss": 0.20718, "time": 3.41793} {"mode": "val", "epoch": 62, "iter": 250, "lr": 0.0, "aAcc": 0.8635, "mIoU": 0.5754, "mAcc": 0.7001, "IoU.wall": 0.8265, "IoU.building": 0.8596, "IoU.sky": 0.9504, "IoU.floor": 0.8486, "IoU.tree": 0.7731, "IoU.ceiling": 0.8771, "IoU.road": 0.8761, "IoU.bed ": 0.9243, "IoU.windowpane": 0.6707, "IoU.grass": 0.6605, "IoU.cabinet": 0.6597, "IoU.sidewalk": 0.7253, "IoU.person": 0.8571, "IoU.earth": 0.3851, "IoU.door": 0.6072, "IoU.table": 0.7051, "IoU.mountain": 0.6068, "IoU.plant": 0.5608, "IoU.curtain": 0.7834, "IoU.chair": 0.6834, "IoU.car": 0.8737, "IoU.water": 0.6538, "IoU.painting": 0.7743, "IoU.sofa": 0.829, "IoU.shelf": 0.5042, "IoU.house": 0.5664, "IoU.sea": 0.6849, "IoU.mirror": 0.7815, "IoU.rug": 0.6719, "IoU.field": 0.3206, "IoU.armchair": 0.6234, "IoU.seat": 0.6584, "IoU.fence": 0.5093, "IoU.desk": 0.5854, "IoU.rock": 0.542, "IoU.wardrobe": 0.5555, "IoU.lamp": 0.7496, "IoU.bathtub": 0.8486, "IoU.railing": 0.3978, "IoU.cushion": 0.7146, "IoU.base": 0.4294, "IoU.box": 0.3782, "IoU.column": 0.5601, "IoU.signboard": 0.4114, "IoU.chest of drawers": 0.4677, "IoU.counter": 0.4376, "IoU.sand": 0.5217, "IoU.sink": 0.7822, "IoU.skyscraper": 0.5022, "IoU.fireplace": 0.7639, "IoU.refrigerator": 0.8208, "IoU.grandstand": 0.501, "IoU.path": 0.2974, "IoU.stairs": 0.2395, "IoU.runway": 0.7242, "IoU.case": 0.5897, "IoU.pool table": 0.9494, "IoU.pillow": 0.7014, "IoU.screen door": 0.8047, "IoU.stairway": 0.4139, "IoU.river": 0.2135, "IoU.bridge": 0.7589, "IoU.bookcase": 0.4662, "IoU.blind": 0.4387, "IoU.coffee table": 0.6691, "IoU.toilet": 0.9005, "IoU.flower": 0.4697, "IoU.book": 0.595, "IoU.hill": 0.0766, "IoU.bench": 0.5596, "IoU.countertop": 0.6248, "IoU.stove": 0.8786, "IoU.palm": 0.573, "IoU.kitchen island": 0.4697, "IoU.computer": 0.8011, "IoU.swivel chair": 0.5181, "IoU.boat": 0.6538, "IoU.bar": 0.5531, "IoU.arcade machine": 0.7956, "IoU.hovel": 0.4357, "IoU.bus": 0.933, "IoU.towel": 0.7435, "IoU.light": 0.6107, "IoU.truck": 0.4556, "IoU.tower": 0.1146, "IoU.chandelier": 0.7243, "IoU.awning": 0.433, "IoU.streetlight": 0.3652, "IoU.booth": 0.4054, "IoU.television receiver": 0.8123, "IoU.airplane": 0.8411, "IoU.dirt track": 0.0744, "IoU.apparel": 0.4886, "IoU.pole": 0.2985, "IoU.land": 0.0388, "IoU.bannister": 0.1821, "IoU.escalator": 0.5749, "IoU.ottoman": 0.4772, "IoU.bottle": 0.4289, "IoU.buffet": 0.5179, "IoU.poster": 0.3696, "IoU.stage": 0.2604, "IoU.van": 0.4408, "IoU.ship": 0.928, "IoU.fountain": 0.2146, "IoU.conveyer belt": 0.7851, "IoU.canopy": 0.5656, "IoU.washer": 0.8319, "IoU.plaything": 0.4071, "IoU.swimming pool": 0.6497, "IoU.stool": 0.5387, "IoU.barrel": 0.4791, "IoU.basket": 0.4027, "IoU.waterfall": 0.5964, "IoU.tent": 0.8997, "IoU.bag": 0.2191, "IoU.minibike": 0.7659, "IoU.cradle": 0.8545, "IoU.oven": 0.601, "IoU.ball": 0.4545, "IoU.food": 0.5776, "IoU.step": 0.1258, "IoU.tank": 0.6775, "IoU.trade name": 0.2916, "IoU.microwave": 0.8868, "IoU.pot": 0.588, "IoU.animal": 0.6434, "IoU.bicycle": 0.6026, "IoU.lake": 0.5581, "IoU.dishwasher": 0.7397, "IoU.screen": 0.509, "IoU.blanket": 0.3186, "IoU.sculpture": 0.7448, "IoU.hood": 0.6225, "IoU.sconce": 0.5672, "IoU.vase": 0.4911, "IoU.traffic light": 0.4198, "IoU.tray": 0.1499, "IoU.ashcan": 0.4907, "IoU.fan": 0.6627, "IoU.pier": 0.3731, "IoU.crt screen": 0.1852, "IoU.plate": 0.5965, "IoU.monitor": 0.7003, "IoU.bulletin board": 0.4987, "IoU.shower": 0.0607, "IoU.radiator": 0.6499, "IoU.glass": 0.1969, "IoU.clock": 0.4491, "IoU.flag": 0.716, "Acc.wall": 0.904, "Acc.building": 0.9373, "Acc.sky": 0.9776, "Acc.floor": 0.9183, "Acc.tree": 0.8989, "Acc.ceiling": 0.9402, "Acc.road": 0.9201, "Acc.bed ": 0.9686, "Acc.windowpane": 0.8211, "Acc.grass": 0.8009, "Acc.cabinet": 0.7577, "Acc.sidewalk": 0.8669, "Acc.person": 0.9436, "Acc.earth": 0.5159, "Acc.door": 0.7589, "Acc.table": 0.8252, "Acc.mountain": 0.7369, "Acc.plant": 0.6632, "Acc.curtain": 0.8798, "Acc.chair": 0.7916, "Acc.car": 0.9407, "Acc.water": 0.7972, "Acc.painting": 0.9015, "Acc.sofa": 0.9122, "Acc.shelf": 0.6849, "Acc.house": 0.7086, "Acc.sea": 0.836, "Acc.mirror": 0.8383, "Acc.rug": 0.7847, "Acc.field": 0.6027, "Acc.armchair": 0.7957, "Acc.seat": 0.8804, "Acc.fence": 0.6342, "Acc.desk": 0.7767, "Acc.rock": 0.7838, "Acc.wardrobe": 0.7556, "Acc.lamp": 0.8522, "Acc.bathtub": 0.8672, "Acc.railing": 0.5568, "Acc.cushion": 0.8274, "Acc.base": 0.5614, "Acc.box": 0.4888, "Acc.column": 0.6831, "Acc.signboard": 0.5756, "Acc.chest of drawers": 0.6755, "Acc.counter": 0.5322, "Acc.sand": 0.7649, "Acc.sink": 0.8365, "Acc.skyscraper": 0.6205, "Acc.fireplace": 0.9271, "Acc.refrigerator": 0.9297, "Acc.grandstand": 0.8161, "Acc.path": 0.398, "Acc.stairs": 0.3087, "Acc.runway": 0.9493, "Acc.case": 0.8064, "Acc.pool table": 0.977, "Acc.pillow": 0.8047, "Acc.screen door": 0.8339, "Acc.stairway": 0.5733, "Acc.river": 0.4048, "Acc.bridge": 0.8593, "Acc.bookcase": 0.6277, "Acc.blind": 0.4907, "Acc.coffee table": 0.8762, "Acc.toilet": 0.9389, "Acc.flower": 0.5935, "Acc.book": 0.7792, "Acc.hill": 0.1142, "Acc.bench": 0.6511, "Acc.countertop": 0.8465, "Acc.stove": 0.9445, "Acc.palm": 0.827, "Acc.kitchen island": 0.7684, "Acc.computer": 0.922, "Acc.swivel chair": 0.7439, "Acc.boat": 0.8851, "Acc.bar": 0.7462, "Acc.arcade machine": 0.8438, "Acc.hovel": 0.4898, "Acc.bus": 0.9612, "Acc.towel": 0.8306, "Acc.light": 0.7148, "Acc.truck": 0.5865, "Acc.tower": 0.1559, "Acc.chandelier": 0.8619, "Acc.awning": 0.553, "Acc.streetlight": 0.4828, "Acc.booth": 0.6605, "Acc.television receiver": 0.8789, "Acc.airplane": 0.9052, "Acc.dirt track": 0.3005, "Acc.apparel": 0.6841, "Acc.pole": 0.4184, "Acc.land": 0.0619, "Acc.bannister": 0.2668, "Acc.escalator": 0.7968, "Acc.ottoman": 0.6377, "Acc.bottle": 0.6758, "Acc.buffet": 0.6594, "Acc.poster": 0.5083, "Acc.stage": 0.4557, "Acc.van": 0.592, "Acc.ship": 0.9641, "Acc.fountain": 0.2189, "Acc.conveyer belt": 0.9312, "Acc.canopy": 0.801, "Acc.washer": 0.8599, "Acc.plaything": 0.5653, "Acc.swimming pool": 0.9035, "Acc.stool": 0.671, "Acc.barrel": 0.6744, "Acc.basket": 0.583, "Acc.waterfall": 0.8545, "Acc.tent": 0.9893, "Acc.bag": 0.2613, "Acc.minibike": 0.8904, "Acc.cradle": 0.9719, "Acc.oven": 0.7013, "Acc.ball": 0.5097, "Acc.food": 0.7063, "Acc.step": 0.1498, "Acc.tank": 0.7392, "Acc.trade name": 0.3329, "Acc.microwave": 0.9607, "Acc.pot": 0.6856, "Acc.animal": 0.6568, "Acc.bicycle": 0.7843, "Acc.lake": 0.6376, "Acc.dishwasher": 0.8359, "Acc.screen": 0.7551, "Acc.blanket": 0.3634, "Acc.sculpture": 0.8837, "Acc.hood": 0.7523, "Acc.sconce": 0.6482, "Acc.vase": 0.6094, "Acc.traffic light": 0.6255, "Acc.tray": 0.189, "Acc.ashcan": 0.6276, "Acc.fan": 0.7855, "Acc.pier": 0.5075, "Acc.crt screen": 0.306, "Acc.plate": 0.7749, "Acc.monitor": 0.8381, "Acc.bulletin board": 0.544, "Acc.shower": 0.0673, "Acc.radiator": 0.7438, "Acc.glass": 0.2134, "Acc.clock": 0.5146, "Acc.flag": 0.7949} {"mode": "train", "epoch": 62, "iter": 78050, "lr": 0.0, "memory": 70498, "data_time": 1.94802, "decode.loss_ce": 0.13876, "decode.acc_seg": 93.97307, "aux.loss_ce": 0.06028, "aux.acc_seg": 93.51921, "loss": 0.19904, "time": 3.26356} {"mode": "train", "epoch": 62, "iter": 78100, "lr": 0.0, "memory": 70498, "data_time": 0.00973, "decode.loss_ce": 0.14109, "decode.acc_seg": 93.94436, "aux.loss_ce": 0.06122, "aux.acc_seg": 93.42312, "loss": 0.20231, "time": 1.3286} {"mode": "train", "epoch": 62, "iter": 78150, "lr": 0.0, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.13998, "decode.acc_seg": 93.85492, "aux.loss_ce": 0.06056, "aux.acc_seg": 93.42373, "loss": 0.20054, "time": 1.33201} {"mode": "train", "epoch": 62, "iter": 78200, "lr": 0.0, "memory": 70498, "data_time": 0.00981, "decode.loss_ce": 0.1468, "decode.acc_seg": 93.59366, "aux.loss_ce": 0.06377, "aux.acc_seg": 93.04218, "loss": 0.21057, "time": 1.33039} {"mode": "train", "epoch": 62, "iter": 78250, "lr": 0.0, "memory": 70498, "data_time": 0.00975, "decode.loss_ce": 0.14295, "decode.acc_seg": 93.6049, "aux.loss_ce": 0.06181, "aux.acc_seg": 93.11279, "loss": 0.20476, "time": 1.33088} {"mode": "train", "epoch": 62, "iter": 78300, "lr": 0.0, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.14412, "decode.acc_seg": 93.74065, "aux.loss_ce": 0.06252, "aux.acc_seg": 93.22971, "loss": 0.20663, "time": 1.32833} {"mode": "train", "epoch": 63, "iter": 78350, "lr": 0.0, "memory": 70498, "data_time": 0.06627, "decode.loss_ce": 0.14343, "decode.acc_seg": 93.58777, "aux.loss_ce": 0.06199, "aux.acc_seg": 93.07375, "loss": 0.20542, "time": 1.38318} {"mode": "train", "epoch": 63, "iter": 78400, "lr": 0.0, "memory": 70498, "data_time": 0.00948, "decode.loss_ce": 0.14323, "decode.acc_seg": 93.75883, "aux.loss_ce": 0.06286, "aux.acc_seg": 93.22791, "loss": 0.20609, "time": 1.32753} {"mode": "train", "epoch": 63, "iter": 78450, "lr": 0.0, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.14924, "decode.acc_seg": 93.28343, "aux.loss_ce": 0.06481, "aux.acc_seg": 92.79074, "loss": 0.21405, "time": 1.32692} {"mode": "train", "epoch": 63, "iter": 78500, "lr": 0.0, "memory": 70498, "data_time": 0.0097, "decode.loss_ce": 0.14397, "decode.acc_seg": 93.56859, "aux.loss_ce": 0.06236, "aux.acc_seg": 93.05526, "loss": 0.20632, "time": 1.33471} {"mode": "train", "epoch": 63, "iter": 78550, "lr": 0.0, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.14768, "decode.acc_seg": 93.40863, "aux.loss_ce": 0.06381, "aux.acc_seg": 92.95988, "loss": 0.2115, "time": 1.32872} {"mode": "train", "epoch": 63, "iter": 78600, "lr": 0.0, "memory": 70498, "data_time": 0.00963, "decode.loss_ce": 0.14138, "decode.acc_seg": 93.58506, "aux.loss_ce": 0.06171, "aux.acc_seg": 93.0503, "loss": 0.2031, "time": 1.33028} {"mode": "train", "epoch": 63, "iter": 78650, "lr": 0.0, "memory": 70498, "data_time": 0.00962, "decode.loss_ce": 0.14084, "decode.acc_seg": 93.85309, "aux.loss_ce": 0.06104, "aux.acc_seg": 93.35466, "loss": 0.20188, "time": 1.33084} {"mode": "train", "epoch": 63, "iter": 78700, "lr": 0.0, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.14604, "decode.acc_seg": 93.5556, "aux.loss_ce": 0.06333, "aux.acc_seg": 93.03203, "loss": 0.20936, "time": 1.32576} {"mode": "train", "epoch": 63, "iter": 78750, "lr": 0.0, "memory": 70498, "data_time": 0.00972, "decode.loss_ce": 0.1406, "decode.acc_seg": 93.64437, "aux.loss_ce": 0.06109, "aux.acc_seg": 93.14629, "loss": 0.20169, "time": 1.32522} {"mode": "train", "epoch": 63, "iter": 78800, "lr": 0.0, "memory": 70498, "data_time": 0.00965, "decode.loss_ce": 0.13776, "decode.acc_seg": 93.93463, "aux.loss_ce": 0.05988, "aux.acc_seg": 93.45972, "loss": 0.19764, "time": 1.33207} {"mode": "train", "epoch": 63, "iter": 78850, "lr": 0.0, "memory": 70498, "data_time": 0.00972, "decode.loss_ce": 0.13741, "decode.acc_seg": 93.87437, "aux.loss_ce": 0.05985, "aux.acc_seg": 93.35721, "loss": 0.19726, "time": 1.33015} {"mode": "train", "epoch": 63, "iter": 78900, "lr": 0.0, "memory": 70498, "data_time": 0.00967, "decode.loss_ce": 0.14765, "decode.acc_seg": 93.52709, "aux.loss_ce": 0.06391, "aux.acc_seg": 93.03337, "loss": 0.21157, "time": 1.33132} {"mode": "train", "epoch": 63, "iter": 78950, "lr": 0.0, "memory": 70498, "data_time": 0.00959, "decode.loss_ce": 0.14226, "decode.acc_seg": 93.701, "aux.loss_ce": 0.06185, "aux.acc_seg": 93.1741, "loss": 0.20411, "time": 1.3315} {"mode": "train", "epoch": 63, "iter": 79000, "lr": 0.0, "memory": 70498, "data_time": 0.00958, "decode.loss_ce": 0.14478, "decode.acc_seg": 93.63612, "aux.loss_ce": 0.06309, "aux.acc_seg": 93.10604, "loss": 0.20788, "time": 1.33095} {"mode": "val", "epoch": 63, "iter": 250, "lr": 0.0, "aAcc": 0.8635, "mIoU": 0.5762, "mAcc": 0.7001, "IoU.wall": 0.8261, "IoU.building": 0.8595, "IoU.sky": 0.9505, "IoU.floor": 0.8478, "IoU.tree": 0.7743, "IoU.ceiling": 0.8779, "IoU.road": 0.8742, "IoU.bed ": 0.9245, "IoU.windowpane": 0.6691, "IoU.grass": 0.6634, "IoU.cabinet": 0.6589, "IoU.sidewalk": 0.7222, "IoU.person": 0.8579, "IoU.earth": 0.3864, "IoU.door": 0.6047, "IoU.table": 0.7073, "IoU.mountain": 0.6069, "IoU.plant": 0.5634, "IoU.curtain": 0.7835, "IoU.chair": 0.683, "IoU.car": 0.8745, "IoU.water": 0.653, "IoU.painting": 0.7735, "IoU.sofa": 0.8293, "IoU.shelf": 0.5062, "IoU.house": 0.565, "IoU.sea": 0.69, "IoU.mirror": 0.78, "IoU.rug": 0.664, "IoU.field": 0.3202, "IoU.armchair": 0.6227, "IoU.seat": 0.6563, "IoU.fence": 0.5094, "IoU.desk": 0.5859, "IoU.rock": 0.5437, "IoU.wardrobe": 0.5541, "IoU.lamp": 0.7517, "IoU.bathtub": 0.8485, "IoU.railing": 0.4012, "IoU.cushion": 0.717, "IoU.base": 0.4312, "IoU.box": 0.3828, "IoU.column": 0.5601, "IoU.signboard": 0.4132, "IoU.chest of drawers": 0.4675, "IoU.counter": 0.4306, "IoU.sand": 0.5239, "IoU.sink": 0.7835, "IoU.skyscraper": 0.5013, "IoU.fireplace": 0.7711, "IoU.refrigerator": 0.8287, "IoU.grandstand": 0.503, "IoU.path": 0.288, "IoU.stairs": 0.252, "IoU.runway": 0.7294, "IoU.case": 0.5887, "IoU.pool table": 0.9488, "IoU.pillow": 0.7015, "IoU.screen door": 0.8085, "IoU.stairway": 0.4262, "IoU.river": 0.2134, "IoU.bridge": 0.7675, "IoU.bookcase": 0.4494, "IoU.blind": 0.4507, "IoU.coffee table": 0.6734, "IoU.toilet": 0.9016, "IoU.flower": 0.463, "IoU.book": 0.5945, "IoU.hill": 0.079, "IoU.bench": 0.5623, "IoU.countertop": 0.6332, "IoU.stove": 0.8775, "IoU.palm": 0.5744, "IoU.kitchen island": 0.4557, "IoU.computer": 0.7999, "IoU.swivel chair": 0.5158, "IoU.boat": 0.6602, "IoU.bar": 0.5533, "IoU.arcade machine": 0.7991, "IoU.hovel": 0.4352, "IoU.bus": 0.9352, "IoU.towel": 0.7455, "IoU.light": 0.6101, "IoU.truck": 0.4582, "IoU.tower": 0.1228, "IoU.chandelier": 0.7267, "IoU.awning": 0.4331, "IoU.streetlight": 0.3637, "IoU.booth": 0.4107, "IoU.television receiver": 0.8129, "IoU.airplane": 0.84, "IoU.dirt track": 0.0843, "IoU.apparel": 0.4883, "IoU.pole": 0.3015, "IoU.land": 0.0387, "IoU.bannister": 0.1865, "IoU.escalator": 0.5724, "IoU.ottoman": 0.4766, "IoU.bottle": 0.4316, "IoU.buffet": 0.5227, "IoU.poster": 0.3667, "IoU.stage": 0.2585, "IoU.van": 0.4424, "IoU.ship": 0.924, "IoU.fountain": 0.2176, "IoU.conveyer belt": 0.7928, "IoU.canopy": 0.5747, "IoU.washer": 0.8245, "IoU.plaything": 0.4031, "IoU.swimming pool": 0.6448, "IoU.stool": 0.5359, "IoU.barrel": 0.4979, "IoU.basket": 0.4003, "IoU.waterfall": 0.595, "IoU.tent": 0.9046, "IoU.bag": 0.2105, "IoU.minibike": 0.7641, "IoU.cradle": 0.8526, "IoU.oven": 0.6131, "IoU.ball": 0.4654, "IoU.food": 0.5791, "IoU.step": 0.1256, "IoU.tank": 0.6748, "IoU.trade name": 0.2956, "IoU.microwave": 0.8901, "IoU.pot": 0.5904, "IoU.animal": 0.6356, "IoU.bicycle": 0.604, "IoU.lake": 0.5612, "IoU.dishwasher": 0.7336, "IoU.screen": 0.5032, "IoU.blanket": 0.3245, "IoU.sculpture": 0.7473, "IoU.hood": 0.6216, "IoU.sconce": 0.5662, "IoU.vase": 0.4915, "IoU.traffic light": 0.4196, "IoU.tray": 0.1512, "IoU.ashcan": 0.4877, "IoU.fan": 0.6598, "IoU.pier": 0.3763, "IoU.crt screen": 0.182, "IoU.plate": 0.5969, "IoU.monitor": 0.6878, "IoU.bulletin board": 0.5089, "IoU.shower": 0.065, "IoU.radiator": 0.6559, "IoU.glass": 0.1969, "IoU.clock": 0.4467, "IoU.flag": 0.7162, "Acc.wall": 0.9018, "Acc.building": 0.9362, "Acc.sky": 0.9772, "Acc.floor": 0.9204, "Acc.tree": 0.9, "Acc.ceiling": 0.9445, "Acc.road": 0.9228, "Acc.bed ": 0.9689, "Acc.windowpane": 0.8241, "Acc.grass": 0.7956, "Acc.cabinet": 0.7616, "Acc.sidewalk": 0.8593, "Acc.person": 0.9441, "Acc.earth": 0.5191, "Acc.door": 0.7549, "Acc.table": 0.8236, "Acc.mountain": 0.7337, "Acc.plant": 0.6679, "Acc.curtain": 0.8797, "Acc.chair": 0.7886, "Acc.car": 0.9424, "Acc.water": 0.7947, "Acc.painting": 0.9052, "Acc.sofa": 0.9154, "Acc.shelf": 0.6786, "Acc.house": 0.7114, "Acc.sea": 0.8378, "Acc.mirror": 0.8368, "Acc.rug": 0.7761, "Acc.field": 0.6009, "Acc.armchair": 0.7889, "Acc.seat": 0.8783, "Acc.fence": 0.6497, "Acc.desk": 0.7842, "Acc.rock": 0.7919, "Acc.wardrobe": 0.7537, "Acc.lamp": 0.8542, "Acc.bathtub": 0.8664, "Acc.railing": 0.5756, "Acc.cushion": 0.8306, "Acc.base": 0.5683, "Acc.box": 0.4997, "Acc.column": 0.676, "Acc.signboard": 0.5668, "Acc.chest of drawers": 0.6871, "Acc.counter": 0.5255, "Acc.sand": 0.7608, "Acc.sink": 0.8407, "Acc.skyscraper": 0.6226, "Acc.fireplace": 0.9249, "Acc.refrigerator": 0.926, "Acc.grandstand": 0.833, "Acc.path": 0.3898, "Acc.stairs": 0.3271, "Acc.runway": 0.9611, "Acc.case": 0.812, "Acc.pool table": 0.9767, "Acc.pillow": 0.803, "Acc.screen door": 0.8376, "Acc.stairway": 0.5812, "Acc.river": 0.4068, "Acc.bridge": 0.8769, "Acc.bookcase": 0.5966, "Acc.blind": 0.5093, "Acc.coffee table": 0.8776, "Acc.toilet": 0.938, "Acc.flower": 0.5897, "Acc.book": 0.7936, "Acc.hill": 0.1188, "Acc.bench": 0.6559, "Acc.countertop": 0.8442, "Acc.stove": 0.9414, "Acc.palm": 0.8315, "Acc.kitchen island": 0.73, "Acc.computer": 0.9199, "Acc.swivel chair": 0.751, "Acc.boat": 0.8853, "Acc.bar": 0.7442, "Acc.arcade machine": 0.8415, "Acc.hovel": 0.488, "Acc.bus": 0.9582, "Acc.towel": 0.8259, "Acc.light": 0.7059, "Acc.truck": 0.5922, "Acc.tower": 0.1703, "Acc.chandelier": 0.8725, "Acc.awning": 0.5463, "Acc.streetlight": 0.4823, "Acc.booth": 0.6446, "Acc.television receiver": 0.8693, "Acc.airplane": 0.9012, "Acc.dirt track": 0.3172, "Acc.apparel": 0.671, "Acc.pole": 0.421, "Acc.land": 0.0624, "Acc.bannister": 0.2697, "Acc.escalator": 0.797, "Acc.ottoman": 0.6333, "Acc.bottle": 0.6523, "Acc.buffet": 0.6569, "Acc.poster": 0.5128, "Acc.stage": 0.4532, "Acc.van": 0.5916, "Acc.ship": 0.9574, "Acc.fountain": 0.2225, "Acc.conveyer belt": 0.9325, "Acc.canopy": 0.7967, "Acc.washer": 0.8528, "Acc.plaything": 0.5326, "Acc.swimming pool": 0.9083, "Acc.stool": 0.6724, "Acc.barrel": 0.6769, "Acc.basket": 0.5787, "Acc.waterfall": 0.8543, "Acc.tent": 0.9891, "Acc.bag": 0.2464, "Acc.minibike": 0.8919, "Acc.cradle": 0.9736, "Acc.oven": 0.7151, "Acc.ball": 0.5242, "Acc.food": 0.696, "Acc.step": 0.1496, "Acc.tank": 0.7335, "Acc.trade name": 0.3409, "Acc.microwave": 0.9585, "Acc.pot": 0.694, "Acc.animal": 0.6488, "Acc.bicycle": 0.7745, "Acc.lake": 0.6375, "Acc.dishwasher": 0.8391, "Acc.screen": 0.747, "Acc.blanket": 0.3694, "Acc.sculpture": 0.882, "Acc.hood": 0.7468, "Acc.sconce": 0.6454, "Acc.vase": 0.6021, "Acc.traffic light": 0.6234, "Acc.tray": 0.1933, "Acc.ashcan": 0.6298, "Acc.fan": 0.7769, "Acc.pier": 0.5068, "Acc.crt screen": 0.3124, "Acc.plate": 0.7657, "Acc.monitor": 0.8397, "Acc.bulletin board": 0.5629, "Acc.shower": 0.0729, "Acc.radiator": 0.7546, "Acc.glass": 0.2118, "Acc.clock": 0.5114, "Acc.flag": 0.7969} {"mode": "train", "epoch": 63, "iter": 79050, "lr": 0.0, "memory": 70498, "data_time": 1.98219, "decode.loss_ce": 0.13952, "decode.acc_seg": 93.89183, "aux.loss_ce": 0.06115, "aux.acc_seg": 93.34815, "loss": 0.20066, "time": 3.29949} {"mode": "train", "epoch": 63, "iter": 79100, "lr": 0.0, "memory": 70498, "data_time": 0.00977, "decode.loss_ce": 0.14281, "decode.acc_seg": 93.74211, "aux.loss_ce": 0.06232, "aux.acc_seg": 93.21643, "loss": 0.20513, "time": 1.3333} {"mode": "train", "epoch": 63, "iter": 79150, "lr": 0.0, "memory": 70498, "data_time": 0.00985, "decode.loss_ce": 0.15181, "decode.acc_seg": 93.27663, "aux.loss_ce": 0.06562, "aux.acc_seg": 92.77568, "loss": 0.21743, "time": 1.32205} {"mode": "train", "epoch": 63, "iter": 79200, "lr": 0.0, "memory": 70498, "data_time": 0.00967, "decode.loss_ce": 0.14072, "decode.acc_seg": 93.81753, "aux.loss_ce": 0.06136, "aux.acc_seg": 93.25544, "loss": 0.20208, "time": 1.32131} {"mode": "train", "epoch": 63, "iter": 79250, "lr": 0.0, "memory": 70498, "data_time": 0.00964, "decode.loss_ce": 0.14209, "decode.acc_seg": 93.87842, "aux.loss_ce": 0.06178, "aux.acc_seg": 93.3901, "loss": 0.20387, "time": 1.32472} {"mode": "train", "epoch": 63, "iter": 79300, "lr": 0.0, "memory": 70498, "data_time": 0.00973, "decode.loss_ce": 0.13603, "decode.acc_seg": 93.94256, "aux.loss_ce": 0.05949, "aux.acc_seg": 93.43479, "loss": 0.19552, "time": 1.32821} {"mode": "train", "epoch": 63, "iter": 79350, "lr": 0.0, "memory": 70498, "data_time": 0.00956, "decode.loss_ce": 0.13727, "decode.acc_seg": 93.88172, "aux.loss_ce": 0.0603, "aux.acc_seg": 93.32649, "loss": 0.19756, "time": 1.32511} {"mode": "train", "epoch": 63, "iter": 79400, "lr": 0.0, "memory": 70498, "data_time": 0.0096, "decode.loss_ce": 0.14041, "decode.acc_seg": 93.83177, "aux.loss_ce": 0.06191, "aux.acc_seg": 93.22836, "loss": 0.20232, "time": 1.32855} {"mode": "train", "epoch": 63, "iter": 79450, "lr": 0.0, "memory": 70498, "data_time": 0.00965, "decode.loss_ce": 0.13891, "decode.acc_seg": 93.86784, "aux.loss_ce": 0.06059, "aux.acc_seg": 93.36233, "loss": 0.1995, "time": 1.32802} {"mode": "train", "epoch": 63, "iter": 79500, "lr": 0.0, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.13951, "decode.acc_seg": 93.91139, "aux.loss_ce": 0.061, "aux.acc_seg": 93.27817, "loss": 0.20051, "time": 1.32804} {"mode": "train", "epoch": 63, "iter": 79550, "lr": 0.0, "memory": 70498, "data_time": 0.00953, "decode.loss_ce": 0.14, "decode.acc_seg": 93.88777, "aux.loss_ce": 0.06122, "aux.acc_seg": 93.36018, "loss": 0.20122, "time": 1.33087} {"mode": "train", "epoch": 64, "iter": 79600, "lr": 0.0, "memory": 70498, "data_time": 0.05706, "decode.loss_ce": 0.13599, "decode.acc_seg": 94.17157, "aux.loss_ce": 0.05975, "aux.acc_seg": 93.63414, "loss": 0.19574, "time": 1.37839} {"mode": "train", "epoch": 64, "iter": 79650, "lr": 0.0, "memory": 70498, "data_time": 0.00966, "decode.loss_ce": 0.13899, "decode.acc_seg": 93.84867, "aux.loss_ce": 0.06044, "aux.acc_seg": 93.31478, "loss": 0.19943, "time": 1.32785} {"mode": "train", "epoch": 64, "iter": 79700, "lr": 0.0, "memory": 70498, "data_time": 0.00974, "decode.loss_ce": 0.13822, "decode.acc_seg": 93.91324, "aux.loss_ce": 0.06036, "aux.acc_seg": 93.39048, "loss": 0.19858, "time": 1.32792} {"mode": "train", "epoch": 64, "iter": 79750, "lr": 0.0, "memory": 70498, "data_time": 0.00981, "decode.loss_ce": 0.14098, "decode.acc_seg": 93.75287, "aux.loss_ce": 0.06115, "aux.acc_seg": 93.28821, "loss": 0.20212, "time": 1.33174} {"mode": "train", "epoch": 64, "iter": 79800, "lr": 0.0, "memory": 70498, "data_time": 0.00948, "decode.loss_ce": 0.15479, "decode.acc_seg": 93.21728, "aux.loss_ce": 0.0668, "aux.acc_seg": 92.67845, "loss": 0.22158, "time": 1.32399} {"mode": "train", "epoch": 64, "iter": 79850, "lr": 0.0, "memory": 70498, "data_time": 0.00943, "decode.loss_ce": 0.13634, "decode.acc_seg": 93.98187, "aux.loss_ce": 0.05954, "aux.acc_seg": 93.44709, "loss": 0.19588, "time": 1.32607} {"mode": "train", "epoch": 64, "iter": 79900, "lr": 0.0, "memory": 70498, "data_time": 0.00957, "decode.loss_ce": 0.14625, "decode.acc_seg": 93.64159, "aux.loss_ce": 0.06327, "aux.acc_seg": 93.18755, "loss": 0.20952, "time": 1.33075} {"mode": "train", "epoch": 64, "iter": 79950, "lr": 0.0, "memory": 70498, "data_time": 0.00952, "decode.loss_ce": 0.13825, "decode.acc_seg": 93.79918, "aux.loss_ce": 0.06034, "aux.acc_seg": 93.28363, "loss": 0.19859, "time": 1.33343} {"mode": "train", "epoch": 64, "iter": 80000, "lr": 0.0, "memory": 70498, "data_time": 0.00954, "decode.loss_ce": 0.14084, "decode.acc_seg": 93.88792, "aux.loss_ce": 0.06102, "aux.acc_seg": 93.41046, "loss": 0.20186, "time": 3.29179} {"mode": "val", "epoch": 64, "iter": 250, "lr": 0.0, "aAcc": 0.8637, "mIoU": 0.5762, "mAcc": 0.6989, "IoU.wall": 0.8267, "IoU.building": 0.8603, "IoU.sky": 0.9505, "IoU.floor": 0.8487, "IoU.tree": 0.7745, "IoU.ceiling": 0.8777, "IoU.road": 0.8752, "IoU.bed ": 0.9242, "IoU.windowpane": 0.6692, "IoU.grass": 0.6609, "IoU.cabinet": 0.6592, "IoU.sidewalk": 0.7225, "IoU.person": 0.858, "IoU.earth": 0.3865, "IoU.door": 0.6043, "IoU.table": 0.7065, "IoU.mountain": 0.6045, "IoU.plant": 0.565, "IoU.curtain": 0.7847, "IoU.chair": 0.683, "IoU.car": 0.8747, "IoU.water": 0.6523, "IoU.painting": 0.7739, "IoU.sofa": 0.828, "IoU.shelf": 0.5063, "IoU.house": 0.5707, "IoU.sea": 0.6886, "IoU.mirror": 0.7812, "IoU.rug": 0.6681, "IoU.field": 0.3186, "IoU.armchair": 0.6221, "IoU.seat": 0.6554, "IoU.fence": 0.5086, "IoU.desk": 0.5861, "IoU.rock": 0.5388, "IoU.wardrobe": 0.5518, "IoU.lamp": 0.7503, "IoU.bathtub": 0.8493, "IoU.railing": 0.4002, "IoU.cushion": 0.7149, "IoU.base": 0.4297, "IoU.box": 0.3809, "IoU.column": 0.56, "IoU.signboard": 0.4116, "IoU.chest of drawers": 0.4679, "IoU.counter": 0.4305, "IoU.sand": 0.5247, "IoU.sink": 0.784, "IoU.skyscraper": 0.5017, "IoU.fireplace": 0.7718, "IoU.refrigerator": 0.8318, "IoU.grandstand": 0.5041, "IoU.path": 0.2885, "IoU.stairs": 0.2465, "IoU.runway": 0.7298, "IoU.case": 0.5923, "IoU.pool table": 0.9489, "IoU.pillow": 0.6957, "IoU.screen door": 0.8093, "IoU.stairway": 0.4223, "IoU.river": 0.2106, "IoU.bridge": 0.764, "IoU.bookcase": 0.4564, "IoU.blind": 0.4444, "IoU.coffee table": 0.6717, "IoU.toilet": 0.9016, "IoU.flower": 0.4596, "IoU.book": 0.5966, "IoU.hill": 0.0782, "IoU.bench": 0.5627, "IoU.countertop": 0.6293, "IoU.stove": 0.8771, "IoU.palm": 0.5757, "IoU.kitchen island": 0.4607, "IoU.computer": 0.8033, "IoU.swivel chair": 0.5155, "IoU.boat": 0.6673, "IoU.bar": 0.5543, "IoU.arcade machine": 0.7999, "IoU.hovel": 0.4358, "IoU.bus": 0.9351, "IoU.towel": 0.7449, "IoU.light": 0.6096, "IoU.truck": 0.4532, "IoU.tower": 0.1162, "IoU.chandelier": 0.7251, "IoU.awning": 0.4322, "IoU.streetlight": 0.3662, "IoU.booth": 0.4122, "IoU.television receiver": 0.8174, "IoU.airplane": 0.8322, "IoU.dirt track": 0.0798, "IoU.apparel": 0.4861, "IoU.pole": 0.2965, "IoU.land": 0.0382, "IoU.bannister": 0.1864, "IoU.escalator": 0.5772, "IoU.ottoman": 0.4796, "IoU.bottle": 0.432, "IoU.buffet": 0.5254, "IoU.poster": 0.3689, "IoU.stage": 0.2601, "IoU.van": 0.4401, "IoU.ship": 0.9263, "IoU.fountain": 0.2161, "IoU.conveyer belt": 0.7981, "IoU.canopy": 0.575, "IoU.washer": 0.8277, "IoU.plaything": 0.4024, "IoU.swimming pool": 0.6467, "IoU.stool": 0.5346, "IoU.barrel": 0.4995, "IoU.basket": 0.4022, "IoU.waterfall": 0.5946, "IoU.tent": 0.9072, "IoU.bag": 0.2077, "IoU.minibike": 0.765, "IoU.cradle": 0.8521, "IoU.oven": 0.6131, "IoU.ball": 0.4627, "IoU.food": 0.5762, "IoU.step": 0.1231, "IoU.tank": 0.6727, "IoU.trade name": 0.3013, "IoU.microwave": 0.8902, "IoU.pot": 0.5903, "IoU.animal": 0.6457, "IoU.bicycle": 0.6031, "IoU.lake": 0.5594, "IoU.dishwasher": 0.7397, "IoU.screen": 0.517, "IoU.blanket": 0.3229, "IoU.sculpture": 0.7468, "IoU.hood": 0.6214, "IoU.sconce": 0.5664, "IoU.vase": 0.4921, "IoU.traffic light": 0.4207, "IoU.tray": 0.15, "IoU.ashcan": 0.4887, "IoU.fan": 0.6596, "IoU.pier": 0.3798, "IoU.crt screen": 0.1824, "IoU.plate": 0.5962, "IoU.monitor": 0.6888, "IoU.bulletin board": 0.4984, "IoU.shower": 0.0604, "IoU.radiator": 0.6531, "IoU.glass": 0.1986, "IoU.clock": 0.4469, "IoU.flag": 0.7166, "Acc.wall": 0.9049, "Acc.building": 0.9357, "Acc.sky": 0.9775, "Acc.floor": 0.9187, "Acc.tree": 0.9013, "Acc.ceiling": 0.9452, "Acc.road": 0.921, "Acc.bed ": 0.9688, "Acc.windowpane": 0.8184, "Acc.grass": 0.7985, "Acc.cabinet": 0.7603, "Acc.sidewalk": 0.8638, "Acc.person": 0.9433, "Acc.earth": 0.519, "Acc.door": 0.7534, "Acc.table": 0.8252, "Acc.mountain": 0.7289, "Acc.plant": 0.67, "Acc.curtain": 0.8774, "Acc.chair": 0.789, "Acc.car": 0.9391, "Acc.water": 0.7965, "Acc.painting": 0.9033, "Acc.sofa": 0.9168, "Acc.shelf": 0.6828, "Acc.house": 0.7156, "Acc.sea": 0.8349, "Acc.mirror": 0.8386, "Acc.rug": 0.7828, "Acc.field": 0.6019, "Acc.armchair": 0.7873, "Acc.seat": 0.8811, "Acc.fence": 0.6384, "Acc.desk": 0.7827, "Acc.rock": 0.7946, "Acc.wardrobe": 0.7548, "Acc.lamp": 0.8551, "Acc.bathtub": 0.8674, "Acc.railing": 0.5676, "Acc.cushion": 0.8292, "Acc.base": 0.5631, "Acc.box": 0.4937, "Acc.column": 0.6749, "Acc.signboard": 0.5681, "Acc.chest of drawers": 0.692, "Acc.counter": 0.5213, "Acc.sand": 0.7611, "Acc.sink": 0.8398, "Acc.skyscraper": 0.6203, "Acc.fireplace": 0.9263, "Acc.refrigerator": 0.9249, "Acc.grandstand": 0.8346, "Acc.path": 0.3888, "Acc.stairs": 0.3177, "Acc.runway": 0.9577, "Acc.case": 0.8073, "Acc.pool table": 0.9768, "Acc.pillow": 0.7887, "Acc.screen door": 0.8369, "Acc.stairway": 0.5757, "Acc.river": 0.4079, "Acc.bridge": 0.8685, "Acc.bookcase": 0.6145, "Acc.blind": 0.4966, "Acc.coffee table": 0.8779, "Acc.toilet": 0.9367, "Acc.flower": 0.5833, "Acc.book": 0.7832, "Acc.hill": 0.1162, "Acc.bench": 0.6528, "Acc.countertop": 0.847, "Acc.stove": 0.9387, "Acc.palm": 0.827, "Acc.kitchen island": 0.7429, "Acc.computer": 0.9181, "Acc.swivel chair": 0.7515, "Acc.boat": 0.8809, "Acc.bar": 0.7447, "Acc.arcade machine": 0.8415, "Acc.hovel": 0.4884, "Acc.bus": 0.96, "Acc.towel": 0.828, "Acc.light": 0.7019, "Acc.truck": 0.5847, "Acc.tower": 0.1575, "Acc.chandelier": 0.8669, "Acc.awning": 0.5487, "Acc.streetlight": 0.491, "Acc.booth": 0.6419, "Acc.television receiver": 0.8738, "Acc.airplane": 0.8909, "Acc.dirt track": 0.3085, "Acc.apparel": 0.6654, "Acc.pole": 0.4105, "Acc.land": 0.0614, "Acc.bannister": 0.2706, "Acc.escalator": 0.7954, "Acc.ottoman": 0.64, "Acc.bottle": 0.6449, "Acc.buffet": 0.6547, "Acc.poster": 0.5096, "Acc.stage": 0.4503, "Acc.van": 0.5973, "Acc.ship": 0.9556, "Acc.fountain": 0.2204, "Acc.conveyer belt": 0.9316, "Acc.canopy": 0.7881, "Acc.washer": 0.8562, "Acc.plaything": 0.5458, "Acc.swimming pool": 0.9041, "Acc.stool": 0.6772, "Acc.barrel": 0.6707, "Acc.basket": 0.58, "Acc.waterfall": 0.8552, "Acc.tent": 0.9881, "Acc.bag": 0.2414, "Acc.minibike": 0.8912, "Acc.cradle": 0.9735, "Acc.oven": 0.7106, "Acc.ball": 0.5225, "Acc.food": 0.6986, "Acc.step": 0.1462, "Acc.tank": 0.7243, "Acc.trade name": 0.3515, "Acc.microwave": 0.9565, "Acc.pot": 0.6899, "Acc.animal": 0.6586, "Acc.bicycle": 0.774, "Acc.lake": 0.6376, "Acc.dishwasher": 0.8369, "Acc.screen": 0.765, "Acc.blanket": 0.3671, "Acc.sculpture": 0.8818, "Acc.hood": 0.7459, "Acc.sconce": 0.6445, "Acc.vase": 0.6128, "Acc.traffic light": 0.624, "Acc.tray": 0.188, "Acc.ashcan": 0.6257, "Acc.fan": 0.7766, "Acc.pier": 0.5006, "Acc.crt screen": 0.296, "Acc.plate": 0.7721, "Acc.monitor": 0.8367, "Acc.bulletin board": 0.5416, "Acc.shower": 0.0668, "Acc.radiator": 0.7487, "Acc.glass": 0.2148, "Acc.clock": 0.5087, "Acc.flag": 0.7948}