{"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": 897239737, "exp_name": "upernet_internvit_h6b_384_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=384,\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_384_512_80k_ade20k_bs16_lr4e-5'\ngpu_ids = range(0, 8)\nauto_resume = False\ndevice = 'cuda'\nseed = 897239737\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": 71384, "data_time": 0.01563, "decode.loss_ce": 4.0621, "decode.acc_seg": 0.57475, "aux.loss_ce": 1.64594, "aux.acc_seg": 0.39965, "loss": 5.70804, "time": 1.90836} {"mode": "train", "epoch": 1, "iter": 100, "lr": 0.0, "memory": 71384, "data_time": 0.00928, "decode.loss_ce": 3.99178, "decode.acc_seg": 7.26899, "aux.loss_ce": 1.64072, "aux.acc_seg": 2.794, "loss": 5.6325, "time": 1.62583} {"mode": "train", "epoch": 1, "iter": 150, "lr": 0.0, "memory": 71384, "data_time": 0.00942, "decode.loss_ce": 3.49558, "decode.acc_seg": 27.81318, "aux.loss_ce": 1.53628, "aux.acc_seg": 14.40938, "loss": 5.03186, "time": 1.62072} {"mode": "train", "epoch": 1, "iter": 200, "lr": 1e-05, "memory": 71384, "data_time": 0.00929, "decode.loss_ce": 2.83574, "decode.acc_seg": 37.50093, "aux.loss_ce": 1.35767, "aux.acc_seg": 29.70831, "loss": 4.19341, "time": 1.62225} {"mode": "train", "epoch": 1, "iter": 250, "lr": 1e-05, "memory": 71384, "data_time": 0.00971, "decode.loss_ce": 2.30611, "decode.acc_seg": 45.44622, "aux.loss_ce": 1.08677, "aux.acc_seg": 39.62629, "loss": 3.39288, "time": 1.62182} {"mode": "train", "epoch": 1, "iter": 300, "lr": 1e-05, "memory": 71384, "data_time": 0.00998, "decode.loss_ce": 1.95771, "decode.acc_seg": 52.71902, "aux.loss_ce": 0.90658, "aux.acc_seg": 48.52777, "loss": 2.86429, "time": 1.62561} {"mode": "train", "epoch": 1, "iter": 350, "lr": 1e-05, "memory": 71384, "data_time": 0.00971, "decode.loss_ce": 1.71882, "decode.acc_seg": 57.77867, "aux.loss_ce": 0.79587, "aux.acc_seg": 54.15338, "loss": 2.51469, "time": 1.62129} {"mode": "train", "epoch": 1, "iter": 400, "lr": 1e-05, "memory": 71384, "data_time": 0.00972, "decode.loss_ce": 1.52247, "decode.acc_seg": 59.59721, "aux.loss_ce": 0.68566, "aux.acc_seg": 57.48529, "loss": 2.20814, "time": 1.62706} {"mode": "train", "epoch": 1, "iter": 450, "lr": 1e-05, "memory": 71384, "data_time": 0.0096, "decode.loss_ce": 1.38067, "decode.acc_seg": 62.47395, "aux.loss_ce": 0.6154, "aux.acc_seg": 60.8825, "loss": 1.99607, "time": 1.62403} {"mode": "train", "epoch": 1, "iter": 500, "lr": 1e-05, "memory": 71384, "data_time": 0.00974, "decode.loss_ce": 1.27694, "decode.acc_seg": 65.89324, "aux.loss_ce": 0.56487, "aux.acc_seg": 64.53956, "loss": 1.84181, "time": 1.62644} {"mode": "train", "epoch": 1, "iter": 550, "lr": 1e-05, "memory": 71384, "data_time": 0.00967, "decode.loss_ce": 1.19435, "decode.acc_seg": 66.36296, "aux.loss_ce": 0.52707, "aux.acc_seg": 65.268, "loss": 1.72142, "time": 1.62623} {"mode": "train", "epoch": 1, "iter": 600, "lr": 2e-05, "memory": 71384, "data_time": 0.01, "decode.loss_ce": 1.16338, "decode.acc_seg": 67.71231, "aux.loss_ce": 0.50593, "aux.acc_seg": 66.95392, "loss": 1.6693, "time": 1.62353} {"mode": "train", "epoch": 1, "iter": 650, "lr": 2e-05, "memory": 71384, "data_time": 0.01017, "decode.loss_ce": 1.05348, "decode.acc_seg": 69.19444, "aux.loss_ce": 0.45483, "aux.acc_seg": 68.86082, "loss": 1.50831, "time": 1.62492} {"mode": "train", "epoch": 1, "iter": 700, "lr": 2e-05, "memory": 71384, "data_time": 0.01002, "decode.loss_ce": 1.05618, "decode.acc_seg": 68.87782, "aux.loss_ce": 0.45311, "aux.acc_seg": 68.16568, "loss": 1.50929, "time": 1.62253} {"mode": "train", "epoch": 1, "iter": 750, "lr": 2e-05, "memory": 71384, "data_time": 0.01027, "decode.loss_ce": 0.9644, "decode.acc_seg": 70.58858, "aux.loss_ce": 0.40963, "aux.acc_seg": 70.52092, "loss": 1.37403, "time": 1.62702} {"mode": "train", "epoch": 1, "iter": 800, "lr": 2e-05, "memory": 71384, "data_time": 0.01006, "decode.loss_ce": 0.94733, "decode.acc_seg": 71.63983, "aux.loss_ce": 0.40132, "aux.acc_seg": 71.13877, "loss": 1.34866, "time": 1.62339} {"mode": "train", "epoch": 1, "iter": 850, "lr": 2e-05, "memory": 71384, "data_time": 0.00984, "decode.loss_ce": 0.92992, "decode.acc_seg": 71.76519, "aux.loss_ce": 0.38698, "aux.acc_seg": 71.52719, "loss": 1.31689, "time": 1.6287} {"mode": "train", "epoch": 1, "iter": 900, "lr": 2e-05, "memory": 71384, "data_time": 0.00964, "decode.loss_ce": 0.86416, "decode.acc_seg": 72.95024, "aux.loss_ce": 0.36375, "aux.acc_seg": 72.73656, "loss": 1.2279, "time": 1.62564} {"mode": "train", "epoch": 1, "iter": 950, "lr": 3e-05, "memory": 71384, "data_time": 0.00982, "decode.loss_ce": 0.86115, "decode.acc_seg": 73.73273, "aux.loss_ce": 0.35608, "aux.acc_seg": 73.98657, "loss": 1.21723, "time": 1.62368} {"mode": "train", "epoch": 1, "iter": 1000, "lr": 3e-05, "memory": 71384, "data_time": 0.00994, "decode.loss_ce": 0.85167, "decode.acc_seg": 73.01021, "aux.loss_ce": 0.35214, "aux.acc_seg": 73.0728, "loss": 1.20381, "time": 1.62523} {"mode": "val", "epoch": 1, "iter": 250, "lr": 3e-05, "aAcc": 0.7743, "mIoU": 0.2934, "mAcc": 0.393, "IoU.wall": 0.7178, "IoU.building": 0.7681, "IoU.sky": 0.8972, "IoU.floor": 0.7372, "IoU.tree": 0.6874, "IoU.ceiling": 0.792, "IoU.road": 0.7837, "IoU.bed ": 0.7901, "IoU.windowpane": 0.5318, "IoU.grass": 0.5738, "IoU.cabinet": 0.5248, "IoU.sidewalk": 0.5497, "IoU.person": 0.6888, "IoU.earth": 0.2701, "IoU.door": 0.4092, "IoU.table": 0.473, "IoU.mountain": 0.5438, "IoU.plant": 0.4826, "IoU.curtain": 0.6299, "IoU.chair": 0.462, "IoU.car": 0.742, "IoU.water": 0.4272, "IoU.painting": 0.6185, "IoU.sofa": 0.6575, "IoU.shelf": 0.3098, "IoU.house": 0.0787, "IoU.sea": 0.5403, "IoU.mirror": 0.6057, "IoU.rug": 0.5304, "IoU.field": 0.2237, "IoU.armchair": 0.4086, "IoU.seat": 0.5397, "IoU.fence": 0.3527, "IoU.desk": 0.3366, "IoU.rock": 0.4973, "IoU.wardrobe": 0.4736, "IoU.lamp": 0.4638, "IoU.bathtub": 0.6385, "IoU.railing": 0.2887, "IoU.cushion": 0.4268, "IoU.base": 0.3509, "IoU.box": 0.1761, "IoU.column": 0.2323, "IoU.signboard": 0.1039, "IoU.chest of drawers": 0.3898, "IoU.counter": 0.3582, "IoU.sand": 0.5003, "IoU.sink": 0.5789, "IoU.skyscraper": 0.2309, "IoU.fireplace": 0.6256, "IoU.refrigerator": 0.6261, "IoU.grandstand": 0.3668, "IoU.path": 0.0292, "IoU.stairs": 0.2899, "IoU.runway": 0.6275, "IoU.case": 0.2893, "IoU.pool table": 0.7729, "IoU.pillow": 0.1845, "IoU.screen door": 0.4113, "IoU.stairway": 0.003, "IoU.river": 0.0222, "IoU.bridge": 0.507, "IoU.bookcase": 0.0222, "IoU.blind": 0.0, "IoU.coffee table": 0.4768, "IoU.toilet": 0.7579, "IoU.flower": 0.1805, "IoU.book": 0.3621, "IoU.hill": 0.0, "IoU.bench": 0.2606, "IoU.countertop": 0.3646, "IoU.stove": 0.5986, "IoU.palm": 0.4228, "IoU.kitchen island": 0.2712, "IoU.computer": 0.5826, "IoU.swivel chair": 0.1626, "IoU.boat": 0.5798, "IoU.bar": 0.4155, "IoU.arcade machine": 0.7865, "IoU.hovel": 0.0, "IoU.bus": 0.8178, "IoU.towel": 0.4342, "IoU.light": 0.0, "IoU.truck": 0.2088, "IoU.tower": 0.0, "IoU.chandelier": 0.4849, "IoU.awning": 0.0, "IoU.streetlight": 0.0, "IoU.booth": 0.0, "IoU.television receiver": 0.5716, "IoU.airplane": 0.4405, "IoU.dirt track": 0.0, "IoU.apparel": 0.2448, "IoU.pole": 0.0, "IoU.land": 0.0, "IoU.bannister": 0.0, "IoU.escalator": 0.1327, "IoU.ottoman": 0.1286, "IoU.bottle": 0.0, "IoU.buffet": 0.0, "IoU.poster": 0.0, "IoU.stage": 0.0916, "IoU.van": 0.0695, "IoU.ship": 0.0, "IoU.fountain": 0.0733, "IoU.conveyer belt": 0.7506, "IoU.canopy": 0.0, "IoU.washer": 0.8355, "IoU.plaything": 0.0, "IoU.swimming pool": 0.3208, "IoU.stool": 0.0, "IoU.barrel": 0.1975, "IoU.basket": 0.0, "IoU.waterfall": 0.4863, "IoU.tent": 0.9163, "IoU.bag": 0.0, "IoU.minibike": 0.0, "IoU.cradle": 0.6769, "IoU.oven": 0.0, "IoU.ball": 0.0, "IoU.food": 0.0, "IoU.step": 0.0, "IoU.tank": 0.0, "IoU.trade name": 0.0, "IoU.microwave": 0.6364, "IoU.pot": 0.0, "IoU.animal": 0.0, "IoU.bicycle": 0.0, "IoU.lake": 0.0, "IoU.dishwasher": 0.0957, "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.8411, "Acc.building": 0.953, "Acc.sky": 0.9282, "Acc.floor": 0.8659, "Acc.tree": 0.8586, "Acc.ceiling": 0.8977, "Acc.road": 0.8495, "Acc.bed ": 0.9768, "Acc.windowpane": 0.8205, "Acc.grass": 0.6988, "Acc.cabinet": 0.5979, "Acc.sidewalk": 0.8527, "Acc.person": 0.8823, "Acc.earth": 0.3356, "Acc.door": 0.4783, "Acc.table": 0.6049, "Acc.mountain": 0.8312, "Acc.plant": 0.5951, "Acc.curtain": 0.7069, "Acc.chair": 0.7059, "Acc.car": 0.8692, "Acc.water": 0.5046, "Acc.painting": 0.8027, "Acc.sofa": 0.8141, "Acc.shelf": 0.4299, "Acc.house": 0.087, "Acc.sea": 0.85, "Acc.mirror": 0.7014, "Acc.rug": 0.5843, "Acc.field": 0.673, "Acc.armchair": 0.646, "Acc.seat": 0.9029, "Acc.fence": 0.4549, "Acc.desk": 0.6423, "Acc.rock": 0.7673, "Acc.wardrobe": 0.8067, "Acc.lamp": 0.6153, "Acc.bathtub": 0.8611, "Acc.railing": 0.4301, "Acc.cushion": 0.4975, "Acc.base": 0.5721, "Acc.box": 0.211, "Acc.column": 0.2408, "Acc.signboard": 0.1145, "Acc.chest of drawers": 0.6922, "Acc.counter": 0.6524, "Acc.sand": 0.6133, "Acc.sink": 0.7196, "Acc.skyscraper": 0.2409, "Acc.fireplace": 0.8569, "Acc.refrigerator": 0.8661, "Acc.grandstand": 0.8227, "Acc.path": 0.0297, "Acc.stairs": 0.4666, "Acc.runway": 0.8155, "Acc.case": 0.9044, "Acc.pool table": 0.9702, "Acc.pillow": 0.2048, "Acc.screen door": 0.464, "Acc.stairway": 0.003, "Acc.river": 0.0224, "Acc.bridge": 0.6447, "Acc.bookcase": 0.0228, "Acc.blind": 0.0, "Acc.coffee table": 0.7809, "Acc.toilet": 0.8702, "Acc.flower": 0.2012, "Acc.book": 0.7196, "Acc.hill": 0.0, "Acc.bench": 0.2641, "Acc.countertop": 0.4643, "Acc.stove": 0.8855, "Acc.palm": 0.565, "Acc.kitchen island": 0.8782, "Acc.computer": 0.8725, "Acc.swivel chair": 0.1941, "Acc.boat": 0.7584, "Acc.bar": 0.4634, "Acc.arcade machine": 0.8681, "Acc.hovel": 0.0, "Acc.bus": 0.9153, "Acc.towel": 0.5165, "Acc.light": 0.0, "Acc.truck": 0.2354, "Acc.tower": 0.0, "Acc.chandelier": 0.552, "Acc.awning": 0.0, "Acc.streetlight": 0.0, "Acc.booth": 0.0, "Acc.television receiver": 0.6922, "Acc.airplane": 0.546, "Acc.dirt track": 0.0, "Acc.apparel": 0.3152, "Acc.pole": 0.0, "Acc.land": 0.0, "Acc.bannister": 0.0, "Acc.escalator": 0.138, "Acc.ottoman": 0.1304, "Acc.bottle": 0.0, "Acc.buffet": 0.0, "Acc.poster": 0.0, "Acc.stage": 0.1409, "Acc.van": 0.0744, "Acc.ship": 0.0, "Acc.fountain": 0.0737, "Acc.conveyer belt": 0.8826, "Acc.canopy": 0.0, "Acc.washer": 0.9442, "Acc.plaything": 0.0, "Acc.swimming pool": 0.7759, "Acc.stool": 0.0, "Acc.barrel": 0.1975, "Acc.basket": 0.0, "Acc.waterfall": 0.9542, "Acc.tent": 0.9524, "Acc.bag": 0.0, "Acc.minibike": 0.0, "Acc.cradle": 0.9506, "Acc.oven": 0.0, "Acc.ball": 0.0, "Acc.food": 0.0, "Acc.step": 0.0, "Acc.tank": 0.0, "Acc.trade name": 0.0, "Acc.microwave": 0.7036, "Acc.pot": 0.0, "Acc.animal": 0.0, "Acc.bicycle": 0.0, "Acc.lake": 0.0, "Acc.dishwasher": 0.0965, "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": 71384, "data_time": 3.00713, "decode.loss_ce": 0.77907, "decode.acc_seg": 74.25094, "aux.loss_ce": 0.3199, "aux.acc_seg": 74.48419, "loss": 1.09896, "time": 4.62277} {"mode": "train", "epoch": 1, "iter": 1100, "lr": 3e-05, "memory": 71384, "data_time": 0.01009, "decode.loss_ce": 0.78889, "decode.acc_seg": 73.9263, "aux.loss_ce": 0.32316, "aux.acc_seg": 74.51361, "loss": 1.11206, "time": 1.62837} {"mode": "train", "epoch": 1, "iter": 1150, "lr": 3e-05, "memory": 71384, "data_time": 0.00995, "decode.loss_ce": 0.80761, "decode.acc_seg": 73.36896, "aux.loss_ce": 0.32749, "aux.acc_seg": 73.94018, "loss": 1.1351, "time": 1.6229} {"mode": "train", "epoch": 1, "iter": 1200, "lr": 3e-05, "memory": 71384, "data_time": 0.00989, "decode.loss_ce": 0.76935, "decode.acc_seg": 75.5559, "aux.loss_ce": 0.31523, "aux.acc_seg": 75.5395, "loss": 1.08458, "time": 1.62791} {"mode": "train", "epoch": 1, "iter": 1250, "lr": 3e-05, "memory": 71384, "data_time": 0.00993, "decode.loss_ce": 0.79579, "decode.acc_seg": 72.81227, "aux.loss_ce": 0.31671, "aux.acc_seg": 73.59495, "loss": 1.11249, "time": 1.62591} {"mode": "train", "epoch": 2, "iter": 1300, "lr": 3e-05, "memory": 71384, "data_time": 0.05167, "decode.loss_ce": 0.76178, "decode.acc_seg": 74.8471, "aux.loss_ce": 0.30753, "aux.acc_seg": 75.4197, "loss": 1.06932, "time": 1.66991} {"mode": "train", "epoch": 2, "iter": 1350, "lr": 4e-05, "memory": 71384, "data_time": 0.00972, "decode.loss_ce": 0.74354, "decode.acc_seg": 74.18139, "aux.loss_ce": 0.29737, "aux.acc_seg": 75.32487, "loss": 1.04091, "time": 1.62343} {"mode": "train", "epoch": 2, "iter": 1400, "lr": 4e-05, "memory": 71384, "data_time": 0.00977, "decode.loss_ce": 0.71492, "decode.acc_seg": 75.34668, "aux.loss_ce": 0.28763, "aux.acc_seg": 75.88033, "loss": 1.00255, "time": 1.62314} {"mode": "train", "epoch": 2, "iter": 1450, "lr": 4e-05, "memory": 71384, "data_time": 0.00995, "decode.loss_ce": 0.73949, "decode.acc_seg": 74.42477, "aux.loss_ce": 0.29438, "aux.acc_seg": 75.38759, "loss": 1.03387, "time": 1.62766} {"mode": "train", "epoch": 2, "iter": 1500, "lr": 4e-05, "memory": 71384, "data_time": 0.00963, "decode.loss_ce": 0.71154, "decode.acc_seg": 75.13918, "aux.loss_ce": 0.28651, "aux.acc_seg": 75.49195, "loss": 0.99805, "time": 1.62454} {"mode": "train", "epoch": 2, "iter": 1550, "lr": 4e-05, "memory": 71384, "data_time": 0.0099, "decode.loss_ce": 0.73811, "decode.acc_seg": 75.57349, "aux.loss_ce": 0.29535, "aux.acc_seg": 76.19304, "loss": 1.03346, "time": 1.62996} {"mode": "train", "epoch": 2, "iter": 1600, "lr": 4e-05, "memory": 71384, "data_time": 0.0095, "decode.loss_ce": 0.69079, "decode.acc_seg": 76.02083, "aux.loss_ce": 0.27609, "aux.acc_seg": 76.29541, "loss": 0.96688, "time": 1.62563} {"mode": "train", "epoch": 2, "iter": 1650, "lr": 4e-05, "memory": 71384, "data_time": 0.00972, "decode.loss_ce": 0.66239, "decode.acc_seg": 76.58112, "aux.loss_ce": 0.26219, "aux.acc_seg": 77.0481, "loss": 0.92457, "time": 1.62388} {"mode": "train", "epoch": 2, "iter": 1700, "lr": 4e-05, "memory": 71384, "data_time": 0.00983, "decode.loss_ce": 0.66855, "decode.acc_seg": 76.29026, "aux.loss_ce": 0.26521, "aux.acc_seg": 77.07805, "loss": 0.93376, "time": 1.62411} {"mode": "train", "epoch": 2, "iter": 1750, "lr": 4e-05, "memory": 71384, "data_time": 0.00988, "decode.loss_ce": 0.68709, "decode.acc_seg": 75.63999, "aux.loss_ce": 0.27236, "aux.acc_seg": 76.35808, "loss": 0.95944, "time": 1.62646} {"mode": "train", "epoch": 2, "iter": 1800, "lr": 4e-05, "memory": 71384, "data_time": 0.00974, "decode.loss_ce": 0.71106, "decode.acc_seg": 75.34839, "aux.loss_ce": 0.28161, "aux.acc_seg": 76.06822, "loss": 0.99268, "time": 1.62534} {"mode": "train", "epoch": 2, "iter": 1850, "lr": 4e-05, "memory": 71384, "data_time": 0.00966, "decode.loss_ce": 0.69198, "decode.acc_seg": 75.55787, "aux.loss_ce": 0.2717, "aux.acc_seg": 76.3042, "loss": 0.96367, "time": 1.6269} {"mode": "train", "epoch": 2, "iter": 1900, "lr": 4e-05, "memory": 71384, "data_time": 0.00985, "decode.loss_ce": 0.66937, "decode.acc_seg": 76.26192, "aux.loss_ce": 0.26363, "aux.acc_seg": 77.03551, "loss": 0.933, "time": 1.62638} {"mode": "train", "epoch": 2, "iter": 1950, "lr": 4e-05, "memory": 71384, "data_time": 0.0096, "decode.loss_ce": 0.65874, "decode.acc_seg": 76.30525, "aux.loss_ce": 0.26243, "aux.acc_seg": 77.09826, "loss": 0.92118, "time": 1.62238} {"mode": "train", "epoch": 2, "iter": 2000, "lr": 4e-05, "memory": 71384, "data_time": 0.00946, "decode.loss_ce": 0.6365, "decode.acc_seg": 77.23435, "aux.loss_ce": 0.25542, "aux.acc_seg": 77.51935, "loss": 0.89192, "time": 3.14298} {"mode": "val", "epoch": 2, "iter": 250, "lr": 4e-05, "aAcc": 0.8058, "mIoU": 0.4016, "mAcc": 0.5238, "IoU.wall": 0.7418, "IoU.building": 0.7965, "IoU.sky": 0.9094, "IoU.floor": 0.7716, "IoU.tree": 0.7099, "IoU.ceiling": 0.8088, "IoU.road": 0.7885, "IoU.bed ": 0.8592, "IoU.windowpane": 0.5592, "IoU.grass": 0.6546, "IoU.cabinet": 0.5746, "IoU.sidewalk": 0.5877, "IoU.person": 0.7389, "IoU.earth": 0.3688, "IoU.door": 0.4871, "IoU.table": 0.533, "IoU.mountain": 0.5845, "IoU.plant": 0.4897, "IoU.curtain": 0.6843, "IoU.chair": 0.5074, "IoU.car": 0.7281, "IoU.water": 0.4867, "IoU.painting": 0.6426, "IoU.sofa": 0.6666, "IoU.shelf": 0.3777, "IoU.house": 0.5171, "IoU.sea": 0.5861, "IoU.mirror": 0.6711, "IoU.rug": 0.5166, "IoU.field": 0.4201, "IoU.armchair": 0.4135, "IoU.seat": 0.6355, "IoU.fence": 0.4656, "IoU.desk": 0.4194, "IoU.rock": 0.5631, "IoU.wardrobe": 0.5672, "IoU.lamp": 0.5008, "IoU.bathtub": 0.7479, "IoU.railing": 0.3439, "IoU.cushion": 0.5513, "IoU.base": 0.2792, "IoU.box": 0.2554, "IoU.column": 0.4179, "IoU.signboard": 0.2596, "IoU.chest of drawers": 0.4227, "IoU.counter": 0.4795, "IoU.sand": 0.3792, "IoU.sink": 0.6639, "IoU.skyscraper": 0.4735, "IoU.fireplace": 0.6751, "IoU.refrigerator": 0.68, "IoU.grandstand": 0.5088, "IoU.path": 0.1903, "IoU.stairs": 0.2651, "IoU.runway": 0.5117, "IoU.case": 0.5756, "IoU.pool table": 0.864, "IoU.pillow": 0.4913, "IoU.screen door": 0.6704, "IoU.stairway": 0.3449, "IoU.river": 0.1979, "IoU.bridge": 0.3907, "IoU.bookcase": 0.2798, "IoU.blind": 0.0041, "IoU.coffee table": 0.4688, "IoU.toilet": 0.8189, "IoU.flower": 0.2861, "IoU.book": 0.428, "IoU.hill": 0.0369, "IoU.bench": 0.6132, "IoU.countertop": 0.5489, "IoU.stove": 0.7356, "IoU.palm": 0.3769, "IoU.kitchen island": 0.2953, "IoU.computer": 0.6578, "IoU.swivel chair": 0.3666, "IoU.boat": 0.4989, "IoU.bar": 0.5742, "IoU.arcade machine": 0.2948, "IoU.hovel": 0.1994, "IoU.bus": 0.5441, "IoU.towel": 0.5609, "IoU.light": 0.0464, "IoU.truck": 0.1946, "IoU.tower": 0.0243, "IoU.chandelier": 0.5531, "IoU.awning": 0.2903, "IoU.streetlight": 0.0644, "IoU.booth": 0.4419, "IoU.television receiver": 0.689, "IoU.airplane": 0.5307, "IoU.dirt track": 0.0, "IoU.apparel": 0.334, "IoU.pole": 0.0007, "IoU.land": 0.0, "IoU.bannister": 0.0, "IoU.escalator": 0.5485, "IoU.ottoman": 0.4099, "IoU.bottle": 0.2166, "IoU.buffet": 0.1162, "IoU.poster": 0.0285, "IoU.stage": 0.1423, "IoU.van": 0.0, "IoU.ship": 0.0, "IoU.fountain": 0.7064, "IoU.conveyer belt": 0.6107, "IoU.canopy": 0.2502, "IoU.washer": 0.8278, "IoU.plaything": 0.287, "IoU.swimming pool": 0.2361, "IoU.stool": 0.0893, "IoU.barrel": 0.1634, "IoU.basket": 0.2619, "IoU.waterfall": 0.5973, "IoU.tent": 0.7174, "IoU.bag": 0.0104, "IoU.minibike": 0.5748, "IoU.cradle": 0.7083, "IoU.oven": 0.2048, "IoU.ball": 0.4683, "IoU.food": 0.4344, "IoU.step": 0.0, "IoU.tank": 0.5429, "IoU.trade name": 0.0, "IoU.microwave": 0.7661, "IoU.pot": 0.4491, "IoU.animal": 0.5107, "IoU.bicycle": 0.404, "IoU.lake": 0.0, "IoU.dishwasher": 0.5081, "IoU.screen": 0.4599, "IoU.blanket": 0.0, "IoU.sculpture": 0.354, "IoU.hood": 0.5296, "IoU.sconce": 0.0204, "IoU.vase": 0.1928, "IoU.traffic light": 0.0, "IoU.tray": 0.0, "IoU.ashcan": 0.0, "IoU.fan": 0.4216, "IoU.pier": 0.3705, "IoU.crt screen": 0.0, "IoU.plate": 0.1478, "IoU.monitor": 0.0, "IoU.bulletin board": 0.1399, "IoU.shower": 0.0, "IoU.radiator": 0.0817, "IoU.glass": 0.0, "IoU.clock": 0.0, "IoU.flag": 0.0, "Acc.wall": 0.8533, "Acc.building": 0.9256, "Acc.sky": 0.9331, "Acc.floor": 0.8713, "Acc.tree": 0.8719, "Acc.ceiling": 0.9037, "Acc.road": 0.8484, "Acc.bed ": 0.9614, "Acc.windowpane": 0.8304, "Acc.grass": 0.8244, "Acc.cabinet": 0.748, "Acc.sidewalk": 0.8353, "Acc.person": 0.8728, "Acc.earth": 0.4964, "Acc.door": 0.5639, "Acc.table": 0.6589, "Acc.mountain": 0.7472, "Acc.plant": 0.5745, "Acc.curtain": 0.8053, "Acc.chair": 0.6782, "Acc.car": 0.9315, "Acc.water": 0.5653, "Acc.painting": 0.723, "Acc.sofa": 0.9142, "Acc.shelf": 0.5101, "Acc.house": 0.7552, "Acc.sea": 0.8715, "Acc.mirror": 0.8692, "Acc.rug": 0.5486, "Acc.field": 0.6198, "Acc.armchair": 0.6058, "Acc.seat": 0.8657, "Acc.fence": 0.5932, "Acc.desk": 0.5994, "Acc.rock": 0.7748, "Acc.wardrobe": 0.7878, "Acc.lamp": 0.6187, "Acc.bathtub": 0.8251, "Acc.railing": 0.4677, "Acc.cushion": 0.6893, "Acc.base": 0.3875, "Acc.box": 0.3229, "Acc.column": 0.6954, "Acc.signboard": 0.3389, "Acc.chest of drawers": 0.6833, "Acc.counter": 0.5944, "Acc.sand": 0.5178, "Acc.sink": 0.7604, "Acc.skyscraper": 0.6971, "Acc.fireplace": 0.9005, "Acc.refrigerator": 0.838, "Acc.grandstand": 0.82, "Acc.path": 0.2842, "Acc.stairs": 0.2997, "Acc.runway": 0.9763, "Acc.case": 0.7292, "Acc.pool table": 0.9174, "Acc.pillow": 0.5445, "Acc.screen door": 0.8553, "Acc.stairway": 0.5001, "Acc.river": 0.5028, "Acc.bridge": 0.4978, "Acc.bookcase": 0.547, "Acc.blind": 0.0041, "Acc.coffee table": 0.8665, "Acc.toilet": 0.922, "Acc.flower": 0.4567, "Acc.book": 0.57, "Acc.hill": 0.0393, "Acc.bench": 0.6553, "Acc.countertop": 0.6693, "Acc.stove": 0.9023, "Acc.palm": 0.4256, "Acc.kitchen island": 0.9109, "Acc.computer": 0.9212, "Acc.swivel chair": 0.4938, "Acc.boat": 0.7967, "Acc.bar": 0.6764, "Acc.arcade machine": 0.2984, "Acc.hovel": 0.2102, "Acc.bus": 0.5498, "Acc.towel": 0.6455, "Acc.light": 0.0468, "Acc.truck": 0.5016, "Acc.tower": 0.0272, "Acc.chandelier": 0.7734, "Acc.awning": 0.3564, "Acc.streetlight": 0.0705, "Acc.booth": 0.5526, "Acc.television receiver": 0.773, "Acc.airplane": 0.6706, "Acc.dirt track": 0.0, "Acc.apparel": 0.4708, "Acc.pole": 0.0007, "Acc.land": 0.0, "Acc.bannister": 0.0, "Acc.escalator": 0.7474, "Acc.ottoman": 0.6994, "Acc.bottle": 0.2223, "Acc.buffet": 0.1166, "Acc.poster": 0.0295, "Acc.stage": 0.193, "Acc.van": 0.0, "Acc.ship": 0.0, "Acc.fountain": 0.9628, "Acc.conveyer belt": 0.9649, "Acc.canopy": 0.2547, "Acc.washer": 0.9682, "Acc.plaything": 0.395, "Acc.swimming pool": 0.2421, "Acc.stool": 0.0955, "Acc.barrel": 0.6512, "Acc.basket": 0.3106, "Acc.waterfall": 0.9472, "Acc.tent": 0.9974, "Acc.bag": 0.0104, "Acc.minibike": 0.6425, "Acc.cradle": 0.9664, "Acc.oven": 0.212, "Acc.ball": 0.6027, "Acc.food": 0.6288, "Acc.step": 0.0, "Acc.tank": 0.5879, "Acc.trade name": 0.0, "Acc.microwave": 0.9137, "Acc.pot": 0.5451, "Acc.animal": 0.5384, "Acc.bicycle": 0.469, "Acc.lake": 0.0, "Acc.dishwasher": 0.6929, "Acc.screen": 0.8871, "Acc.blanket": 0.0, "Acc.sculpture": 0.3711, "Acc.hood": 0.6575, "Acc.sconce": 0.0204, "Acc.vase": 0.2334, "Acc.traffic light": 0.0, "Acc.tray": 0.0, "Acc.ashcan": 0.0, "Acc.fan": 0.5688, "Acc.pier": 0.4291, "Acc.crt screen": 0.0, "Acc.plate": 0.1631, "Acc.monitor": 0.0, "Acc.bulletin board": 0.141, "Acc.shower": 0.0, "Acc.radiator": 0.0817, "Acc.glass": 0.0, "Acc.clock": 0.0, "Acc.flag": 0.0} {"mode": "train", "epoch": 2, "iter": 2050, "lr": 4e-05, "memory": 71384, "data_time": 1.91163, "decode.loss_ce": 0.62807, "decode.acc_seg": 77.99784, "aux.loss_ce": 0.24892, "aux.acc_seg": 78.26046, "loss": 0.87699, "time": 3.53066} {"mode": "train", "epoch": 2, "iter": 2100, "lr": 4e-05, "memory": 71384, "data_time": 0.01046, "decode.loss_ce": 0.66312, "decode.acc_seg": 75.56764, "aux.loss_ce": 0.26174, "aux.acc_seg": 76.26528, "loss": 0.92486, "time": 1.62728} {"mode": "train", "epoch": 2, "iter": 2150, "lr": 4e-05, "memory": 71384, "data_time": 0.01023, "decode.loss_ce": 0.64008, "decode.acc_seg": 76.68983, "aux.loss_ce": 0.25414, "aux.acc_seg": 77.01877, "loss": 0.89423, "time": 1.62884} {"mode": "train", "epoch": 2, "iter": 2200, "lr": 4e-05, "memory": 71384, "data_time": 0.01048, "decode.loss_ce": 0.69168, "decode.acc_seg": 75.56008, "aux.loss_ce": 0.27491, "aux.acc_seg": 76.05703, "loss": 0.96659, "time": 1.6279} {"mode": "train", "epoch": 2, "iter": 2250, "lr": 4e-05, "memory": 71384, "data_time": 0.01003, "decode.loss_ce": 0.65278, "decode.acc_seg": 77.13436, "aux.loss_ce": 0.25666, "aux.acc_seg": 77.67346, "loss": 0.90944, "time": 1.6245} {"mode": "train", "epoch": 2, "iter": 2300, "lr": 4e-05, "memory": 71384, "data_time": 0.01018, "decode.loss_ce": 0.66231, "decode.acc_seg": 76.44754, "aux.loss_ce": 0.2598, "aux.acc_seg": 76.92961, "loss": 0.92211, "time": 1.62463} {"mode": "train", "epoch": 2, "iter": 2350, "lr": 4e-05, "memory": 71384, "data_time": 0.00998, "decode.loss_ce": 0.64268, "decode.acc_seg": 76.81292, "aux.loss_ce": 0.25558, "aux.acc_seg": 77.28615, "loss": 0.89826, "time": 1.62489} {"mode": "train", "epoch": 2, "iter": 2400, "lr": 4e-05, "memory": 71384, "data_time": 0.00998, "decode.loss_ce": 0.60615, "decode.acc_seg": 77.08953, "aux.loss_ce": 0.24282, "aux.acc_seg": 77.45338, "loss": 0.84896, "time": 1.62443} {"mode": "train", "epoch": 2, "iter": 2450, "lr": 4e-05, "memory": 71384, "data_time": 0.00998, "decode.loss_ce": 0.62136, "decode.acc_seg": 77.26655, "aux.loss_ce": 0.24592, "aux.acc_seg": 77.75105, "loss": 0.86728, "time": 1.62613} {"mode": "train", "epoch": 2, "iter": 2500, "lr": 4e-05, "memory": 71384, "data_time": 0.01031, "decode.loss_ce": 0.64687, "decode.acc_seg": 76.49272, "aux.loss_ce": 0.25665, "aux.acc_seg": 76.89408, "loss": 0.90352, "time": 1.62699} {"mode": "train", "epoch": 3, "iter": 2550, "lr": 4e-05, "memory": 71384, "data_time": 0.06624, "decode.loss_ce": 0.61899, "decode.acc_seg": 77.35509, "aux.loss_ce": 0.24497, "aux.acc_seg": 77.84765, "loss": 0.86397, "time": 1.68157} {"mode": "train", "epoch": 3, "iter": 2600, "lr": 4e-05, "memory": 71384, "data_time": 0.00986, "decode.loss_ce": 0.59665, "decode.acc_seg": 78.18258, "aux.loss_ce": 0.23628, "aux.acc_seg": 78.61929, "loss": 0.83292, "time": 1.62431} {"mode": "train", "epoch": 3, "iter": 2650, "lr": 4e-05, "memory": 71384, "data_time": 0.01022, "decode.loss_ce": 0.59442, "decode.acc_seg": 77.80983, "aux.loss_ce": 0.23565, "aux.acc_seg": 78.44964, "loss": 0.83008, "time": 1.62435} {"mode": "train", "epoch": 3, "iter": 2700, "lr": 4e-05, "memory": 71384, "data_time": 0.01003, "decode.loss_ce": 0.61316, "decode.acc_seg": 77.56968, "aux.loss_ce": 0.24385, "aux.acc_seg": 77.87922, "loss": 0.857, "time": 1.63084} {"mode": "train", "epoch": 3, "iter": 2750, "lr": 4e-05, "memory": 71384, "data_time": 0.01006, "decode.loss_ce": 0.58859, "decode.acc_seg": 77.66626, "aux.loss_ce": 0.23107, "aux.acc_seg": 78.30828, "loss": 0.81966, "time": 1.62558} {"mode": "train", "epoch": 3, "iter": 2800, "lr": 4e-05, "memory": 71384, "data_time": 0.0101, "decode.loss_ce": 0.60109, "decode.acc_seg": 77.76383, "aux.loss_ce": 0.23681, "aux.acc_seg": 78.33786, "loss": 0.83791, "time": 1.62619} {"mode": "train", "epoch": 3, "iter": 2850, "lr": 4e-05, "memory": 71384, "data_time": 0.00984, "decode.loss_ce": 0.5894, "decode.acc_seg": 78.2744, "aux.loss_ce": 0.23425, "aux.acc_seg": 78.70593, "loss": 0.82365, "time": 1.62526} {"mode": "train", "epoch": 3, "iter": 2900, "lr": 4e-05, "memory": 71384, "data_time": 0.01007, "decode.loss_ce": 0.55647, "decode.acc_seg": 79.31597, "aux.loss_ce": 0.21999, "aux.acc_seg": 79.78202, "loss": 0.77647, "time": 1.62678} {"mode": "train", "epoch": 3, "iter": 2950, "lr": 4e-05, "memory": 71384, "data_time": 0.00995, "decode.loss_ce": 0.56069, "decode.acc_seg": 78.97292, "aux.loss_ce": 0.22231, "aux.acc_seg": 79.46417, "loss": 0.78299, "time": 1.62464} {"mode": "train", "epoch": 3, "iter": 3000, "lr": 4e-05, "memory": 71384, "data_time": 0.01009, "decode.loss_ce": 0.6129, "decode.acc_seg": 77.06797, "aux.loss_ce": 0.24127, "aux.acc_seg": 77.66999, "loss": 0.85417, "time": 1.62497} {"mode": "val", "epoch": 3, "iter": 250, "lr": 4e-05, "aAcc": 0.8079, "mIoU": 0.4512, "mAcc": 0.5967, "IoU.wall": 0.7473, "IoU.building": 0.7995, "IoU.sky": 0.9283, "IoU.floor": 0.782, "IoU.tree": 0.7332, "IoU.ceiling": 0.8128, "IoU.road": 0.8266, "IoU.bed ": 0.8697, "IoU.windowpane": 0.5436, "IoU.grass": 0.5962, "IoU.cabinet": 0.5714, "IoU.sidewalk": 0.6236, "IoU.person": 0.7531, "IoU.earth": 0.3257, "IoU.door": 0.4683, "IoU.table": 0.5288, "IoU.mountain": 0.4823, "IoU.plant": 0.4962, "IoU.curtain": 0.7191, "IoU.chair": 0.5223, "IoU.car": 0.7698, "IoU.water": 0.5396, "IoU.painting": 0.6226, "IoU.sofa": 0.6372, "IoU.shelf": 0.3615, "IoU.house": 0.4659, "IoU.sea": 0.6026, "IoU.mirror": 0.7083, "IoU.rug": 0.4223, "IoU.field": 0.2905, "IoU.armchair": 0.3908, "IoU.seat": 0.6763, "IoU.fence": 0.4483, "IoU.desk": 0.4189, "IoU.rock": 0.5681, "IoU.wardrobe": 0.4105, "IoU.lamp": 0.5534, "IoU.bathtub": 0.7709, "IoU.railing": 0.3592, "IoU.cushion": 0.5261, "IoU.base": 0.3116, "IoU.box": 0.2521, "IoU.column": 0.4193, "IoU.signboard": 0.3153, "IoU.chest of drawers": 0.4369, "IoU.counter": 0.3963, "IoU.sand": 0.5252, "IoU.sink": 0.6574, "IoU.skyscraper": 0.2659, "IoU.fireplace": 0.6607, "IoU.refrigerator": 0.588, "IoU.grandstand": 0.4189, "IoU.path": 0.2095, "IoU.stairs": 0.271, "IoU.runway": 0.6888, "IoU.case": 0.3176, "IoU.pool table": 0.8372, "IoU.pillow": 0.5785, "IoU.screen door": 0.429, "IoU.stairway": 0.4672, "IoU.river": 0.2389, "IoU.bridge": 0.6815, "IoU.bookcase": 0.3626, "IoU.blind": 0.4649, "IoU.coffee table": 0.4363, "IoU.toilet": 0.8367, "IoU.flower": 0.3436, "IoU.book": 0.3655, "IoU.hill": 0.0647, "IoU.bench": 0.6075, "IoU.countertop": 0.551, "IoU.stove": 0.7703, "IoU.palm": 0.5437, "IoU.kitchen island": 0.3386, "IoU.computer": 0.659, "IoU.swivel chair": 0.4347, "IoU.boat": 0.6353, "IoU.bar": 0.5541, "IoU.arcade machine": 0.822, "IoU.hovel": 0.295, "IoU.bus": 0.6132, "IoU.towel": 0.562, "IoU.light": 0.2108, "IoU.truck": 0.3771, "IoU.tower": 0.0792, "IoU.chandelier": 0.5857, "IoU.awning": 0.2347, "IoU.streetlight": 0.1405, "IoU.booth": 0.3759, "IoU.television receiver": 0.6699, "IoU.airplane": 0.6284, "IoU.dirt track": 0.0, "IoU.apparel": 0.2429, "IoU.pole": 0.1788, "IoU.land": 0.0001, "IoU.bannister": 0.0391, "IoU.escalator": 0.5125, "IoU.ottoman": 0.4493, "IoU.bottle": 0.3493, "IoU.buffet": 0.5027, "IoU.poster": 0.1017, "IoU.stage": 0.1226, "IoU.van": 0.2806, "IoU.ship": 0.2934, "IoU.fountain": 0.5291, "IoU.conveyer belt": 0.6992, "IoU.canopy": 0.4675, "IoU.washer": 0.8402, "IoU.plaything": 0.2651, "IoU.swimming pool": 0.4811, "IoU.stool": 0.3227, "IoU.barrel": 0.4657, "IoU.basket": 0.3275, "IoU.waterfall": 0.4776, "IoU.tent": 0.8083, "IoU.bag": 0.1555, "IoU.minibike": 0.6765, "IoU.cradle": 0.6586, "IoU.oven": 0.4336, "IoU.ball": 0.4395, "IoU.food": 0.4961, "IoU.step": 0.0, "IoU.tank": 0.5361, "IoU.trade name": 0.003, "IoU.microwave": 0.7698, "IoU.pot": 0.4227, "IoU.animal": 0.5255, "IoU.bicycle": 0.4807, "IoU.lake": 0.0, "IoU.dishwasher": 0.4571, "IoU.screen": 0.4506, "IoU.blanket": 0.0249, "IoU.sculpture": 0.5164, "IoU.hood": 0.5631, "IoU.sconce": 0.2272, "IoU.vase": 0.2575, "IoU.traffic light": 0.1124, "IoU.tray": 0.0033, "IoU.ashcan": 0.392, "IoU.fan": 0.4732, "IoU.pier": 0.3405, "IoU.crt screen": 0.0109, "IoU.plate": 0.4396, "IoU.monitor": 0.0, "IoU.bulletin board": 0.4988, "IoU.shower": 0.0, "IoU.radiator": 0.4605, "IoU.glass": 0.0022, "IoU.clock": 0.292, "IoU.flag": 0.6047, "Acc.wall": 0.8614, "Acc.building": 0.9033, "Acc.sky": 0.9581, "Acc.floor": 0.9013, "Acc.tree": 0.8823, "Acc.ceiling": 0.8992, "Acc.road": 0.8674, "Acc.bed ": 0.9516, "Acc.windowpane": 0.6189, "Acc.grass": 0.7478, "Acc.cabinet": 0.6464, "Acc.sidewalk": 0.7591, "Acc.person": 0.901, "Acc.earth": 0.3939, "Acc.door": 0.7826, "Acc.table": 0.6174, "Acc.mountain": 0.5317, "Acc.plant": 0.5536, "Acc.curtain": 0.8561, "Acc.chair": 0.621, "Acc.car": 0.9353, "Acc.water": 0.6456, "Acc.painting": 0.8284, "Acc.sofa": 0.846, "Acc.shelf": 0.5607, "Acc.house": 0.8129, "Acc.sea": 0.7989, "Acc.mirror": 0.8055, "Acc.rug": 0.4387, "Acc.field": 0.7528, "Acc.armchair": 0.5174, "Acc.seat": 0.8585, "Acc.fence": 0.6597, "Acc.desk": 0.6518, "Acc.rock": 0.8151, "Acc.wardrobe": 0.9018, "Acc.lamp": 0.6851, "Acc.bathtub": 0.8578, "Acc.railing": 0.6738, "Acc.cushion": 0.6785, "Acc.base": 0.487, "Acc.box": 0.3055, "Acc.column": 0.5226, "Acc.signboard": 0.3698, "Acc.chest of drawers": 0.6005, "Acc.counter": 0.4693, "Acc.sand": 0.7851, "Acc.sink": 0.7381, "Acc.skyscraper": 0.2665, "Acc.fireplace": 0.8957, "Acc.refrigerator": 0.8946, "Acc.grandstand": 0.899, "Acc.path": 0.3124, "Acc.stairs": 0.3311, "Acc.runway": 0.9321, "Acc.case": 0.319, "Acc.pool table": 0.9783, "Acc.pillow": 0.7513, "Acc.screen door": 0.443, "Acc.stairway": 0.6323, "Acc.river": 0.5894, "Acc.bridge": 0.8176, "Acc.bookcase": 0.6669, "Acc.blind": 0.6212, "Acc.coffee table": 0.9002, "Acc.toilet": 0.8968, "Acc.flower": 0.5708, "Acc.book": 0.4463, "Acc.hill": 0.206, "Acc.bench": 0.7338, "Acc.countertop": 0.7507, "Acc.stove": 0.8804, "Acc.palm": 0.7325, "Acc.kitchen island": 0.7514, "Acc.computer": 0.9415, "Acc.swivel chair": 0.7253, "Acc.boat": 0.8703, "Acc.bar": 0.6775, "Acc.arcade machine": 0.9799, "Acc.hovel": 0.3324, "Acc.bus": 0.9656, "Acc.towel": 0.679, "Acc.light": 0.2226, "Acc.truck": 0.4549, "Acc.tower": 0.0932, "Acc.chandelier": 0.823, "Acc.awning": 0.2727, "Acc.streetlight": 0.1754, "Acc.booth": 0.5001, "Acc.television receiver": 0.7396, "Acc.airplane": 0.9464, "Acc.dirt track": 0.0, "Acc.apparel": 0.3539, "Acc.pole": 0.2329, "Acc.land": 0.0001, "Acc.bannister": 0.047, "Acc.escalator": 0.9056, "Acc.ottoman": 0.7384, "Acc.bottle": 0.6577, "Acc.buffet": 0.6987, "Acc.poster": 0.1326, "Acc.stage": 0.2616, "Acc.van": 0.3461, "Acc.ship": 0.2958, "Acc.fountain": 0.6495, "Acc.conveyer belt": 0.9702, "Acc.canopy": 0.8772, "Acc.washer": 0.9327, "Acc.plaything": 0.4881, "Acc.swimming pool": 0.8021, "Acc.stool": 0.451, "Acc.barrel": 0.6456, "Acc.basket": 0.4256, "Acc.waterfall": 0.6254, "Acc.tent": 0.997, "Acc.bag": 0.1605, "Acc.minibike": 0.8423, "Acc.cradle": 0.9847, "Acc.oven": 0.4767, "Acc.ball": 0.6409, "Acc.food": 0.756, "Acc.step": 0.0, "Acc.tank": 0.6996, "Acc.trade name": 0.003, "Acc.microwave": 0.9442, "Acc.pot": 0.5053, "Acc.animal": 0.5411, "Acc.bicycle": 0.6341, "Acc.lake": 0.0, "Acc.dishwasher": 0.8109, "Acc.screen": 0.9333, "Acc.blanket": 0.0273, "Acc.sculpture": 0.6015, "Acc.hood": 0.6824, "Acc.sconce": 0.2525, "Acc.vase": 0.3193, "Acc.traffic light": 0.1244, "Acc.tray": 0.0033, "Acc.ashcan": 0.4512, "Acc.fan": 0.6848, "Acc.pier": 0.3801, "Acc.crt screen": 0.0354, "Acc.plate": 0.6273, "Acc.monitor": 0.0, "Acc.bulletin board": 0.5184, "Acc.shower": 0.0, "Acc.radiator": 0.4763, "Acc.glass": 0.0022, "Acc.clock": 0.3138, "Acc.flag": 0.6655} {"mode": "train", "epoch": 3, "iter": 3050, "lr": 4e-05, "memory": 71384, "data_time": 1.92026, "decode.loss_ce": 0.59318, "decode.acc_seg": 78.55491, "aux.loss_ce": 0.23309, "aux.acc_seg": 79.01326, "loss": 0.82627, "time": 3.53542} {"mode": "train", "epoch": 3, "iter": 3100, "lr": 4e-05, "memory": 71384, "data_time": 0.0098, "decode.loss_ce": 0.59479, "decode.acc_seg": 78.38511, "aux.loss_ce": 0.23597, "aux.acc_seg": 78.55894, "loss": 0.83075, "time": 1.62625} {"mode": "train", "epoch": 3, "iter": 3150, "lr": 4e-05, "memory": 71384, "data_time": 0.00966, "decode.loss_ce": 0.55596, "decode.acc_seg": 79.19135, "aux.loss_ce": 0.21874, "aux.acc_seg": 79.88952, "loss": 0.77469, "time": 1.6249} {"mode": "train", "epoch": 3, "iter": 3200, "lr": 4e-05, "memory": 71384, "data_time": 0.00993, "decode.loss_ce": 0.57148, "decode.acc_seg": 79.11289, "aux.loss_ce": 0.22461, "aux.acc_seg": 79.62064, "loss": 0.79608, "time": 1.62614} {"mode": "train", "epoch": 3, "iter": 3250, "lr": 4e-05, "memory": 71384, "data_time": 0.01008, "decode.loss_ce": 0.56872, "decode.acc_seg": 78.65301, "aux.loss_ce": 0.22582, "aux.acc_seg": 79.09907, "loss": 0.79454, "time": 1.62828} {"mode": "train", "epoch": 3, "iter": 3300, "lr": 4e-05, "memory": 71384, "data_time": 0.00996, "decode.loss_ce": 0.61136, "decode.acc_seg": 77.59027, "aux.loss_ce": 0.24148, "aux.acc_seg": 77.87328, "loss": 0.85285, "time": 1.62535} {"mode": "train", "epoch": 3, "iter": 3350, "lr": 4e-05, "memory": 71384, "data_time": 0.00996, "decode.loss_ce": 0.58835, "decode.acc_seg": 78.90668, "aux.loss_ce": 0.23205, "aux.acc_seg": 79.37032, "loss": 0.8204, "time": 1.62459} {"mode": "train", "epoch": 3, "iter": 3400, "lr": 4e-05, "memory": 71384, "data_time": 0.00993, "decode.loss_ce": 0.60796, "decode.acc_seg": 77.32514, "aux.loss_ce": 0.24096, "aux.acc_seg": 77.74602, "loss": 0.84892, "time": 1.6233} {"mode": "train", "epoch": 3, "iter": 3450, "lr": 4e-05, "memory": 71384, "data_time": 0.01007, "decode.loss_ce": 0.55894, "decode.acc_seg": 79.08098, "aux.loss_ce": 0.22034, "aux.acc_seg": 79.28632, "loss": 0.77928, "time": 1.62506} {"mode": "train", "epoch": 3, "iter": 3500, "lr": 4e-05, "memory": 71384, "data_time": 0.01013, "decode.loss_ce": 0.5455, "decode.acc_seg": 79.4941, "aux.loss_ce": 0.21551, "aux.acc_seg": 80.00196, "loss": 0.76101, "time": 1.62563} {"mode": "train", "epoch": 3, "iter": 3550, "lr": 4e-05, "memory": 71384, "data_time": 0.01004, "decode.loss_ce": 0.55086, "decode.acc_seg": 79.9287, "aux.loss_ce": 0.21779, "aux.acc_seg": 80.13828, "loss": 0.76865, "time": 1.62858} {"mode": "train", "epoch": 3, "iter": 3600, "lr": 4e-05, "memory": 71384, "data_time": 0.01039, "decode.loss_ce": 0.53777, "decode.acc_seg": 79.64911, "aux.loss_ce": 0.2131, "aux.acc_seg": 79.93595, "loss": 0.75087, "time": 1.62594} {"mode": "train", "epoch": 3, "iter": 3650, "lr": 4e-05, "memory": 71384, "data_time": 0.00993, "decode.loss_ce": 0.58497, "decode.acc_seg": 78.50183, "aux.loss_ce": 0.23075, "aux.acc_seg": 78.68709, "loss": 0.81572, "time": 1.62738} {"mode": "train", "epoch": 3, "iter": 3700, "lr": 4e-05, "memory": 71384, "data_time": 0.01028, "decode.loss_ce": 0.5608, "decode.acc_seg": 78.80485, "aux.loss_ce": 0.22162, "aux.acc_seg": 79.429, "loss": 0.78241, "time": 1.62527} {"mode": "train", "epoch": 3, "iter": 3750, "lr": 4e-05, "memory": 71384, "data_time": 0.00985, "decode.loss_ce": 0.55286, "decode.acc_seg": 79.23264, "aux.loss_ce": 0.21722, "aux.acc_seg": 79.52788, "loss": 0.77008, "time": 1.6266} {"mode": "train", "epoch": 4, "iter": 3800, "lr": 4e-05, "memory": 71384, "data_time": 0.05205, "decode.loss_ce": 0.54101, "decode.acc_seg": 79.33417, "aux.loss_ce": 0.2135, "aux.acc_seg": 79.79929, "loss": 0.75451, "time": 1.66655} {"mode": "train", "epoch": 4, "iter": 3850, "lr": 4e-05, "memory": 71384, "data_time": 0.00995, "decode.loss_ce": 0.52672, "decode.acc_seg": 79.95802, "aux.loss_ce": 0.20774, "aux.acc_seg": 80.27864, "loss": 0.73446, "time": 1.62553} {"mode": "train", "epoch": 4, "iter": 3900, "lr": 4e-05, "memory": 71384, "data_time": 0.01021, "decode.loss_ce": 0.48954, "decode.acc_seg": 80.99266, "aux.loss_ce": 0.19264, "aux.acc_seg": 81.40224, "loss": 0.68217, "time": 1.62756} {"mode": "train", "epoch": 4, "iter": 3950, "lr": 4e-05, "memory": 71384, "data_time": 0.00989, "decode.loss_ce": 0.53021, "decode.acc_seg": 80.17661, "aux.loss_ce": 0.21079, "aux.acc_seg": 80.48608, "loss": 0.74101, "time": 1.62481} {"mode": "train", "epoch": 4, "iter": 4000, "lr": 4e-05, "memory": 71384, "data_time": 0.01, "decode.loss_ce": 0.51686, "decode.acc_seg": 80.00716, "aux.loss_ce": 0.20369, "aux.acc_seg": 80.3645, "loss": 0.72055, "time": 3.30505} {"mode": "val", "epoch": 4, "iter": 250, "lr": 4e-05, "aAcc": 0.8184, "mIoU": 0.4726, "mAcc": 0.6271, "IoU.wall": 0.7534, "IoU.building": 0.8131, "IoU.sky": 0.9343, "IoU.floor": 0.8059, "IoU.tree": 0.7438, "IoU.ceiling": 0.8305, "IoU.road": 0.8357, "IoU.bed ": 0.8529, "IoU.windowpane": 0.5705, "IoU.grass": 0.6332, "IoU.cabinet": 0.5949, "IoU.sidewalk": 0.6625, "IoU.person": 0.782, "IoU.earth": 0.3097, "IoU.door": 0.5364, "IoU.table": 0.5682, "IoU.mountain": 0.4786, "IoU.plant": 0.5473, "IoU.curtain": 0.6612, "IoU.chair": 0.5783, "IoU.car": 0.8265, "IoU.water": 0.5597, "IoU.painting": 0.7077, "IoU.sofa": 0.6999, "IoU.shelf": 0.3577, "IoU.house": 0.4861, "IoU.sea": 0.6852, "IoU.mirror": 0.7146, "IoU.rug": 0.676, "IoU.field": 0.3202, "IoU.armchair": 0.4512, "IoU.seat": 0.6861, "IoU.fence": 0.4205, "IoU.desk": 0.4389, "IoU.rock": 0.2582, "IoU.wardrobe": 0.4707, "IoU.lamp": 0.5615, "IoU.bathtub": 0.785, "IoU.railing": 0.3919, "IoU.cushion": 0.5887, "IoU.base": 0.3585, "IoU.box": 0.3035, "IoU.column": 0.4678, "IoU.signboard": 0.3185, "IoU.chest of drawers": 0.4416, "IoU.counter": 0.4339, "IoU.sand": 0.485, "IoU.sink": 0.695, "IoU.skyscraper": 0.489, "IoU.fireplace": 0.665, "IoU.refrigerator": 0.718, "IoU.grandstand": 0.452, "IoU.path": 0.2282, "IoU.stairs": 0.0949, "IoU.runway": 0.689, "IoU.case": 0.5137, "IoU.pool table": 0.8347, "IoU.pillow": 0.2646, "IoU.screen door": 0.6041, "IoU.stairway": 0.335, "IoU.river": 0.2333, "IoU.bridge": 0.4279, "IoU.bookcase": 0.3017, "IoU.blind": 0.2751, "IoU.coffee table": 0.4955, "IoU.toilet": 0.8374, "IoU.flower": 0.3358, "IoU.book": 0.4401, "IoU.hill": 0.0212, "IoU.bench": 0.4848, "IoU.countertop": 0.5861, "IoU.stove": 0.7712, "IoU.palm": 0.5211, "IoU.kitchen island": 0.2981, "IoU.computer": 0.6974, "IoU.swivel chair": 0.4605, "IoU.boat": 0.4556, "IoU.bar": 0.4992, "IoU.arcade machine": 0.8535, "IoU.hovel": 0.396, "IoU.bus": 0.8825, "IoU.towel": 0.6026, "IoU.light": 0.3432, "IoU.truck": 0.4055, "IoU.tower": 0.2493, "IoU.chandelier": 0.6108, "IoU.awning": 0.1914, "IoU.streetlight": 0.1863, "IoU.booth": 0.4015, "IoU.television receiver": 0.7139, "IoU.airplane": 0.7387, "IoU.dirt track": 0.0272, "IoU.apparel": 0.3672, "IoU.pole": 0.1762, "IoU.land": 0.0, "IoU.bannister": 0.0, "IoU.escalator": 0.5892, "IoU.ottoman": 0.2788, "IoU.bottle": 0.3396, "IoU.buffet": 0.4809, "IoU.poster": 0.2037, "IoU.stage": 0.2029, "IoU.van": 0.4375, "IoU.ship": 0.5467, "IoU.fountain": 0.264, "IoU.conveyer belt": 0.7135, "IoU.canopy": 0.4373, "IoU.washer": 0.7643, "IoU.plaything": 0.2205, "IoU.swimming pool": 0.5808, "IoU.stool": 0.244, "IoU.barrel": 0.4158, "IoU.basket": 0.363, "IoU.waterfall": 0.5525, "IoU.tent": 0.768, "IoU.bag": 0.1798, "IoU.minibike": 0.6471, "IoU.cradle": 0.6898, "IoU.oven": 0.3185, "IoU.ball": 0.5001, "IoU.food": 0.4615, "IoU.step": 0.0786, "IoU.tank": 0.582, "IoU.trade name": 0.177, "IoU.microwave": 0.6923, "IoU.pot": 0.5002, "IoU.animal": 0.5663, "IoU.bicycle": 0.5188, "IoU.lake": 0.0187, "IoU.dishwasher": 0.5587, "IoU.screen": 0.546, "IoU.blanket": 0.0261, "IoU.sculpture": 0.6075, "IoU.hood": 0.5935, "IoU.sconce": 0.4505, "IoU.vase": 0.3116, "IoU.traffic light": 0.2253, "IoU.tray": 0.058, "IoU.ashcan": 0.4034, "IoU.fan": 0.5442, "IoU.pier": 0.4425, "IoU.crt screen": 0.0324, "IoU.plate": 0.4858, "IoU.monitor": 0.0202, "IoU.bulletin board": 0.521, "IoU.shower": 0.0, "IoU.radiator": 0.6115, "IoU.glass": 0.0693, "IoU.clock": 0.3671, "IoU.flag": 0.42, "Acc.wall": 0.836, "Acc.building": 0.9048, "Acc.sky": 0.9562, "Acc.floor": 0.8658, "Acc.tree": 0.8529, "Acc.ceiling": 0.9151, "Acc.road": 0.9036, "Acc.bed ": 0.977, "Acc.windowpane": 0.8791, "Acc.grass": 0.8264, "Acc.cabinet": 0.7633, "Acc.sidewalk": 0.8147, "Acc.person": 0.8936, "Acc.earth": 0.3757, "Acc.door": 0.7186, "Acc.table": 0.6894, "Acc.mountain": 0.7608, "Acc.plant": 0.6654, "Acc.curtain": 0.7294, "Acc.chair": 0.7365, "Acc.car": 0.9243, "Acc.water": 0.7199, "Acc.painting": 0.8559, "Acc.sofa": 0.8828, "Acc.shelf": 0.4838, "Acc.house": 0.8408, "Acc.sea": 0.9235, "Acc.mirror": 0.8137, "Acc.rug": 0.845, "Acc.field": 0.6282, "Acc.armchair": 0.5137, "Acc.seat": 0.8309, "Acc.fence": 0.515, "Acc.desk": 0.617, "Acc.rock": 0.3155, "Acc.wardrobe": 0.512, "Acc.lamp": 0.6495, "Acc.bathtub": 0.8333, "Acc.railing": 0.5116, "Acc.cushion": 0.7828, "Acc.base": 0.7284, "Acc.box": 0.4076, "Acc.column": 0.6934, "Acc.signboard": 0.4527, "Acc.chest of drawers": 0.6976, "Acc.counter": 0.5971, "Acc.sand": 0.7345, "Acc.sink": 0.8211, "Acc.skyscraper": 0.6738, "Acc.fireplace": 0.9191, "Acc.refrigerator": 0.8009, "Acc.grandstand": 0.8179, "Acc.path": 0.3033, "Acc.stairs": 0.102, "Acc.runway": 0.9471, "Acc.case": 0.8959, "Acc.pool table": 0.9831, "Acc.pillow": 0.2701, "Acc.screen door": 0.9645, "Acc.stairway": 0.7767, "Acc.river": 0.3854, "Acc.bridge": 0.5051, "Acc.bookcase": 0.472, "Acc.blind": 0.2833, "Acc.coffee table": 0.8779, "Acc.toilet": 0.9276, "Acc.flower": 0.5512, "Acc.book": 0.6244, "Acc.hill": 0.0343, "Acc.bench": 0.7933, "Acc.countertop": 0.74, "Acc.stove": 0.9279, "Acc.palm": 0.8036, "Acc.kitchen island": 0.9637, "Acc.computer": 0.9316, "Acc.swivel chair": 0.6885, "Acc.boat": 0.4756, "Acc.bar": 0.555, "Acc.arcade machine": 0.9877, "Acc.hovel": 0.5023, "Acc.bus": 0.9415, "Acc.towel": 0.7357, "Acc.light": 0.4051, "Acc.truck": 0.5687, "Acc.tower": 0.3928, "Acc.chandelier": 0.8347, "Acc.awning": 0.2081, "Acc.streetlight": 0.2509, "Acc.booth": 0.5947, "Acc.television receiver": 0.884, "Acc.airplane": 0.9547, "Acc.dirt track": 0.0327, "Acc.apparel": 0.4387, "Acc.pole": 0.2208, "Acc.land": 0.0, "Acc.bannister": 0.0, "Acc.escalator": 0.8094, "Acc.ottoman": 0.3769, "Acc.bottle": 0.429, "Acc.buffet": 0.8496, "Acc.poster": 0.2525, "Acc.stage": 0.4824, "Acc.van": 0.6034, "Acc.ship": 0.9499, "Acc.fountain": 0.2933, "Acc.conveyer belt": 0.9372, "Acc.canopy": 0.7478, "Acc.washer": 0.8503, "Acc.plaything": 0.5844, "Acc.swimming pool": 0.8583, "Acc.stool": 0.4642, "Acc.barrel": 0.7819, "Acc.basket": 0.5598, "Acc.waterfall": 0.9851, "Acc.tent": 0.9566, "Acc.bag": 0.1921, "Acc.minibike": 0.9033, "Acc.cradle": 0.9899, "Acc.oven": 0.3676, "Acc.ball": 0.6271, "Acc.food": 0.4934, "Acc.step": 0.0799, "Acc.tank": 0.905, "Acc.trade name": 0.1992, "Acc.microwave": 0.9717, "Acc.pot": 0.5981, "Acc.animal": 0.582, "Acc.bicycle": 0.728, "Acc.lake": 0.0305, "Acc.dishwasher": 0.6982, "Acc.screen": 0.9296, "Acc.blanket": 0.0271, "Acc.sculpture": 0.7295, "Acc.hood": 0.7031, "Acc.sconce": 0.6425, "Acc.vase": 0.4668, "Acc.traffic light": 0.3928, "Acc.tray": 0.061, "Acc.ashcan": 0.4798, "Acc.fan": 0.7793, "Acc.pier": 0.4909, "Acc.crt screen": 0.1166, "Acc.plate": 0.652, "Acc.monitor": 0.021, "Acc.bulletin board": 0.6188, "Acc.shower": 0.0, "Acc.radiator": 0.7803, "Acc.glass": 0.0712, "Acc.clock": 0.3887, "Acc.flag": 0.431} {"mode": "train", "epoch": 4, "iter": 4050, "lr": 4e-05, "memory": 71384, "data_time": 1.93844, "decode.loss_ce": 0.50991, "decode.acc_seg": 80.20022, "aux.loss_ce": 0.20042, "aux.acc_seg": 80.70141, "loss": 0.71033, "time": 3.55502} {"mode": "train", "epoch": 4, "iter": 4100, "lr": 4e-05, "memory": 71384, "data_time": 0.00987, "decode.loss_ce": 0.55087, "decode.acc_seg": 79.44097, "aux.loss_ce": 0.21888, "aux.acc_seg": 79.88341, "loss": 0.76975, "time": 1.62645} {"mode": "train", "epoch": 4, "iter": 4150, "lr": 4e-05, "memory": 71384, "data_time": 0.00982, "decode.loss_ce": 0.54603, "decode.acc_seg": 79.56582, "aux.loss_ce": 0.21551, "aux.acc_seg": 79.72655, "loss": 0.76154, "time": 1.62396} {"mode": "train", "epoch": 4, "iter": 4200, "lr": 4e-05, "memory": 71384, "data_time": 0.01016, "decode.loss_ce": 0.54257, "decode.acc_seg": 80.04558, "aux.loss_ce": 0.21573, "aux.acc_seg": 80.41724, "loss": 0.7583, "time": 1.62803} {"mode": "train", "epoch": 4, "iter": 4250, "lr": 4e-05, "memory": 71384, "data_time": 0.00997, "decode.loss_ce": 0.51105, "decode.acc_seg": 80.50996, "aux.loss_ce": 0.20258, "aux.acc_seg": 80.89497, "loss": 0.71363, "time": 1.626} {"mode": "train", "epoch": 4, "iter": 4300, "lr": 4e-05, "memory": 71384, "data_time": 0.0102, "decode.loss_ce": 0.52638, "decode.acc_seg": 79.99478, "aux.loss_ce": 0.20901, "aux.acc_seg": 80.32755, "loss": 0.73539, "time": 1.62554} {"mode": "train", "epoch": 4, "iter": 4350, "lr": 4e-05, "memory": 71384, "data_time": 0.01013, "decode.loss_ce": 0.53265, "decode.acc_seg": 79.98673, "aux.loss_ce": 0.21162, "aux.acc_seg": 80.36326, "loss": 0.74428, "time": 1.62411} {"mode": "train", "epoch": 4, "iter": 4400, "lr": 4e-05, "memory": 71384, "data_time": 0.01024, "decode.loss_ce": 0.51017, "decode.acc_seg": 80.97163, "aux.loss_ce": 0.20032, "aux.acc_seg": 81.50083, "loss": 0.71049, "time": 1.62593} {"mode": "train", "epoch": 4, "iter": 4450, "lr": 4e-05, "memory": 71384, "data_time": 0.01029, "decode.loss_ce": 0.51146, "decode.acc_seg": 80.6393, "aux.loss_ce": 0.20303, "aux.acc_seg": 81.27987, "loss": 0.71449, "time": 1.62733} {"mode": "train", "epoch": 4, "iter": 4500, "lr": 4e-05, "memory": 71384, "data_time": 0.00989, "decode.loss_ce": 0.57665, "decode.acc_seg": 78.16472, "aux.loss_ce": 0.22529, "aux.acc_seg": 78.46923, "loss": 0.80194, "time": 1.62643} {"mode": "train", "epoch": 4, "iter": 4550, "lr": 4e-05, "memory": 71384, "data_time": 0.00985, "decode.loss_ce": 0.57098, "decode.acc_seg": 79.37251, "aux.loss_ce": 0.22457, "aux.acc_seg": 79.53533, "loss": 0.79555, "time": 1.62602} {"mode": "train", "epoch": 4, "iter": 4600, "lr": 4e-05, "memory": 71384, "data_time": 0.00977, "decode.loss_ce": 0.52557, "decode.acc_seg": 79.44497, "aux.loss_ce": 0.20615, "aux.acc_seg": 79.79834, "loss": 0.73173, "time": 1.62347} {"mode": "train", "epoch": 4, "iter": 4650, "lr": 4e-05, "memory": 71384, "data_time": 0.01002, "decode.loss_ce": 0.51924, "decode.acc_seg": 79.70728, "aux.loss_ce": 0.20465, "aux.acc_seg": 80.12963, "loss": 0.72388, "time": 1.62611} {"mode": "train", "epoch": 4, "iter": 4700, "lr": 4e-05, "memory": 71384, "data_time": 0.01015, "decode.loss_ce": 0.52515, "decode.acc_seg": 80.03028, "aux.loss_ce": 0.20681, "aux.acc_seg": 80.57487, "loss": 0.73195, "time": 1.6227} {"mode": "train", "epoch": 4, "iter": 4750, "lr": 4e-05, "memory": 71384, "data_time": 0.01015, "decode.loss_ce": 0.49384, "decode.acc_seg": 81.11958, "aux.loss_ce": 0.19741, "aux.acc_seg": 81.39299, "loss": 0.69125, "time": 1.62345} {"mode": "train", "epoch": 4, "iter": 4800, "lr": 4e-05, "memory": 71384, "data_time": 0.01051, "decode.loss_ce": 0.54021, "decode.acc_seg": 79.93997, "aux.loss_ce": 0.21383, "aux.acc_seg": 80.16591, "loss": 0.75404, "time": 1.62673} {"mode": "train", "epoch": 4, "iter": 4850, "lr": 4e-05, "memory": 71384, "data_time": 0.01037, "decode.loss_ce": 0.5452, "decode.acc_seg": 78.87097, "aux.loss_ce": 0.21419, "aux.acc_seg": 79.40516, "loss": 0.75939, "time": 1.62788} {"mode": "train", "epoch": 4, "iter": 4900, "lr": 4e-05, "memory": 71384, "data_time": 0.01048, "decode.loss_ce": 0.58169, "decode.acc_seg": 77.92797, "aux.loss_ce": 0.22891, "aux.acc_seg": 78.55855, "loss": 0.81061, "time": 1.62442} {"mode": "train", "epoch": 4, "iter": 4950, "lr": 4e-05, "memory": 71384, "data_time": 0.01047, "decode.loss_ce": 0.53455, "decode.acc_seg": 79.99604, "aux.loss_ce": 0.21071, "aux.acc_seg": 80.34615, "loss": 0.74527, "time": 1.62485} {"mode": "train", "epoch": 4, "iter": 5000, "lr": 4e-05, "memory": 71384, "data_time": 0.01023, "decode.loss_ce": 0.52881, "decode.acc_seg": 80.19907, "aux.loss_ce": 0.20799, "aux.acc_seg": 80.88617, "loss": 0.7368, "time": 1.62992} {"mode": "val", "epoch": 4, "iter": 250, "lr": 4e-05, "aAcc": 0.8325, "mIoU": 0.4891, "mAcc": 0.6162, "IoU.wall": 0.7712, "IoU.building": 0.8187, "IoU.sky": 0.9377, "IoU.floor": 0.7991, "IoU.tree": 0.7382, "IoU.ceiling": 0.8239, "IoU.road": 0.8385, "IoU.bed ": 0.8948, "IoU.windowpane": 0.6117, "IoU.grass": 0.7146, "IoU.cabinet": 0.6189, "IoU.sidewalk": 0.6459, "IoU.person": 0.7908, "IoU.earth": 0.4018, "IoU.door": 0.5764, "IoU.table": 0.6002, "IoU.mountain": 0.582, "IoU.plant": 0.5334, "IoU.curtain": 0.7191, "IoU.chair": 0.596, "IoU.car": 0.8109, "IoU.water": 0.5537, "IoU.painting": 0.7328, "IoU.sofa": 0.73, "IoU.shelf": 0.458, "IoU.house": 0.5017, "IoU.sea": 0.6204, "IoU.mirror": 0.7386, "IoU.rug": 0.6189, "IoU.field": 0.421, "IoU.armchair": 0.5568, "IoU.seat": 0.6366, "IoU.fence": 0.4515, "IoU.desk": 0.4599, "IoU.rock": 0.4538, "IoU.wardrobe": 0.5381, "IoU.lamp": 0.6043, "IoU.bathtub": 0.8057, "IoU.railing": 0.3609, "IoU.cushion": 0.5727, "IoU.base": 0.2273, "IoU.box": 0.3298, "IoU.column": 0.5052, "IoU.signboard": 0.3373, "IoU.chest of drawers": 0.456, "IoU.counter": 0.5167, "IoU.sand": 0.411, "IoU.sink": 0.6957, "IoU.skyscraper": 0.4942, "IoU.fireplace": 0.6523, "IoU.refrigerator": 0.7405, "IoU.grandstand": 0.5011, "IoU.path": 0.2268, "IoU.stairs": 0.3602, "IoU.runway": 0.6959, "IoU.case": 0.5761, "IoU.pool table": 0.9071, "IoU.pillow": 0.6384, "IoU.screen door": 0.6582, "IoU.stairway": 0.5559, "IoU.river": 0.0862, "IoU.bridge": 0.3931, "IoU.bookcase": 0.3021, "IoU.blind": 0.3932, "IoU.coffee table": 0.5442, "IoU.toilet": 0.8576, "IoU.flower": 0.3364, "IoU.book": 0.4414, "IoU.hill": 0.0082, "IoU.bench": 0.5981, "IoU.countertop": 0.5916, "IoU.stove": 0.7847, "IoU.palm": 0.5453, "IoU.kitchen island": 0.2984, "IoU.computer": 0.6846, "IoU.swivel chair": 0.4852, "IoU.boat": 0.7193, "IoU.bar": 0.6569, "IoU.arcade machine": 0.8892, "IoU.hovel": 0.2376, "IoU.bus": 0.8952, "IoU.towel": 0.6096, "IoU.light": 0.3291, "IoU.truck": 0.4208, "IoU.tower": 0.2498, "IoU.chandelier": 0.6086, "IoU.awning": 0.2833, "IoU.streetlight": 0.198, "IoU.booth": 0.3758, "IoU.television receiver": 0.7051, "IoU.airplane": 0.6102, "IoU.dirt track": 0.0551, "IoU.apparel": 0.2589, "IoU.pole": 0.1202, "IoU.land": 0.0232, "IoU.bannister": 0.0889, "IoU.escalator": 0.5148, "IoU.ottoman": 0.5116, "IoU.bottle": 0.1842, "IoU.buffet": 0.5688, "IoU.poster": 0.31, "IoU.stage": 0.1587, "IoU.van": 0.0168, "IoU.ship": 0.073, "IoU.fountain": 0.3444, "IoU.conveyer belt": 0.7872, "IoU.canopy": 0.2469, "IoU.washer": 0.7445, "IoU.plaything": 0.2103, "IoU.swimming pool": 0.5123, "IoU.stool": 0.3317, "IoU.barrel": 0.5511, "IoU.basket": 0.3, "IoU.waterfall": 0.6182, "IoU.tent": 0.7023, "IoU.bag": 0.2255, "IoU.minibike": 0.6829, "IoU.cradle": 0.5045, "IoU.oven": 0.5747, "IoU.ball": 0.4325, "IoU.food": 0.5332, "IoU.step": 0.0003, "IoU.tank": 0.6002, "IoU.trade name": 0.2559, "IoU.microwave": 0.849, "IoU.pot": 0.423, "IoU.animal": 0.6792, "IoU.bicycle": 0.5554, "IoU.lake": 0.0, "IoU.dishwasher": 0.5764, "IoU.screen": 0.5643, "IoU.blanket": 0.1164, "IoU.sculpture": 0.6497, "IoU.hood": 0.5709, "IoU.sconce": 0.4926, "IoU.vase": 0.3189, "IoU.traffic light": 0.1822, "IoU.tray": 0.0254, "IoU.ashcan": 0.4405, "IoU.fan": 0.5105, "IoU.pier": 0.3611, "IoU.crt screen": 0.0012, "IoU.plate": 0.4939, "IoU.monitor": 0.0297, "IoU.bulletin board": 0.5072, "IoU.shower": 0.0, "IoU.radiator": 0.6187, "IoU.glass": 0.0987, "IoU.clock": 0.3568, "IoU.flag": 0.6317, "Acc.wall": 0.8565, "Acc.building": 0.9275, "Acc.sky": 0.9695, "Acc.floor": 0.851, "Acc.tree": 0.8946, "Acc.ceiling": 0.9277, "Acc.road": 0.8887, "Acc.bed ": 0.9423, "Acc.windowpane": 0.7952, "Acc.grass": 0.8629, "Acc.cabinet": 0.7041, "Acc.sidewalk": 0.8551, "Acc.person": 0.9017, "Acc.earth": 0.5289, "Acc.door": 0.7455, "Acc.table": 0.7522, "Acc.mountain": 0.7537, "Acc.plant": 0.7053, "Acc.curtain": 0.8795, "Acc.chair": 0.7525, "Acc.car": 0.9365, "Acc.water": 0.7272, "Acc.painting": 0.8616, "Acc.sofa": 0.9215, "Acc.shelf": 0.6811, "Acc.house": 0.5724, "Acc.sea": 0.886, "Acc.mirror": 0.8412, "Acc.rug": 0.8828, "Acc.field": 0.606, "Acc.armchair": 0.6843, "Acc.seat": 0.8705, "Acc.fence": 0.5909, "Acc.desk": 0.7341, "Acc.rock": 0.5412, "Acc.wardrobe": 0.7576, "Acc.lamp": 0.7057, "Acc.bathtub": 0.8438, "Acc.railing": 0.458, "Acc.cushion": 0.6398, "Acc.base": 0.2625, "Acc.box": 0.4968, "Acc.column": 0.6595, "Acc.signboard": 0.5603, "Acc.chest of drawers": 0.6773, "Acc.counter": 0.6963, "Acc.sand": 0.5662, "Acc.sink": 0.7596, "Acc.skyscraper": 0.7162, "Acc.fireplace": 0.9291, "Acc.refrigerator": 0.8225, "Acc.grandstand": 0.8125, "Acc.path": 0.3178, "Acc.stairs": 0.4873, "Acc.runway": 0.946, "Acc.case": 0.7536, "Acc.pool table": 0.9688, "Acc.pillow": 0.7619, "Acc.screen door": 0.7397, "Acc.stairway": 0.6284, "Acc.river": 0.0923, "Acc.bridge": 0.434, "Acc.bookcase": 0.3615, "Acc.blind": 0.4473, "Acc.coffee table": 0.8588, "Acc.toilet": 0.8994, "Acc.flower": 0.5385, "Acc.book": 0.7686, "Acc.hill": 0.0082, "Acc.bench": 0.7164, "Acc.countertop": 0.6793, "Acc.stove": 0.8533, "Acc.palm": 0.6879, "Acc.kitchen island": 0.4188, "Acc.computer": 0.9239, "Acc.swivel chair": 0.7226, "Acc.boat": 0.8452, "Acc.bar": 0.7896, "Acc.arcade machine": 0.9614, "Acc.hovel": 0.2652, "Acc.bus": 0.9469, "Acc.towel": 0.8499, "Acc.light": 0.348, "Acc.truck": 0.5301, "Acc.tower": 0.5721, "Acc.chandelier": 0.8615, "Acc.awning": 0.3597, "Acc.streetlight": 0.2981, "Acc.booth": 0.7117, "Acc.television receiver": 0.7441, "Acc.airplane": 0.7789, "Acc.dirt track": 0.2352, "Acc.apparel": 0.2956, "Acc.pole": 0.1355, "Acc.land": 0.0312, "Acc.bannister": 0.1233, "Acc.escalator": 0.9081, "Acc.ottoman": 0.6705, "Acc.bottle": 0.2195, "Acc.buffet": 0.7848, "Acc.poster": 0.3957, "Acc.stage": 0.5338, "Acc.van": 0.0174, "Acc.ship": 0.073, "Acc.fountain": 0.3634, "Acc.conveyer belt": 0.8988, "Acc.canopy": 0.4895, "Acc.washer": 0.8064, "Acc.plaything": 0.5334, "Acc.swimming pool": 0.7926, "Acc.stool": 0.3679, "Acc.barrel": 0.5782, "Acc.basket": 0.4426, "Acc.waterfall": 0.7201, "Acc.tent": 0.9937, "Acc.bag": 0.2759, "Acc.minibike": 0.8504, "Acc.cradle": 0.9909, "Acc.oven": 0.63, "Acc.ball": 0.5706, "Acc.food": 0.5699, "Acc.step": 0.0003, "Acc.tank": 0.6738, "Acc.trade name": 0.3125, "Acc.microwave": 0.8989, "Acc.pot": 0.4568, "Acc.animal": 0.7079, "Acc.bicycle": 0.754, "Acc.lake": 0.0, "Acc.dishwasher": 0.6831, "Acc.screen": 0.903, "Acc.blanket": 0.1413, "Acc.sculpture": 0.7175, "Acc.hood": 0.6786, "Acc.sconce": 0.671, "Acc.vase": 0.4992, "Acc.traffic light": 0.1925, "Acc.tray": 0.0259, "Acc.ashcan": 0.5652, "Acc.fan": 0.574, "Acc.pier": 0.3751, "Acc.crt screen": 0.0034, "Acc.plate": 0.612, "Acc.monitor": 0.0297, "Acc.bulletin board": 0.7335, "Acc.shower": 0.0, "Acc.radiator": 0.6962, "Acc.glass": 0.1037, "Acc.clock": 0.3771, "Acc.flag": 0.6754} {"mode": "train", "epoch": 4, "iter": 5050, "lr": 4e-05, "memory": 71384, "data_time": 1.91766, "decode.loss_ce": 0.52314, "decode.acc_seg": 80.70871, "aux.loss_ce": 0.2065, "aux.acc_seg": 81.09628, "loss": 0.72964, "time": 3.53392} {"mode": "train", "epoch": 5, "iter": 5100, "lr": 4e-05, "memory": 71384, "data_time": 0.05417, "decode.loss_ce": 0.50325, "decode.acc_seg": 80.80586, "aux.loss_ce": 0.19616, "aux.acc_seg": 81.01333, "loss": 0.69941, "time": 1.67531} {"mode": "train", "epoch": 5, "iter": 5150, "lr": 4e-05, "memory": 71384, "data_time": 0.00965, "decode.loss_ce": 0.52823, "decode.acc_seg": 79.72631, "aux.loss_ce": 0.20964, "aux.acc_seg": 79.88816, "loss": 0.73787, "time": 1.62392} {"mode": "train", "epoch": 5, "iter": 5200, "lr": 4e-05, "memory": 71384, "data_time": 0.0095, "decode.loss_ce": 0.45899, "decode.acc_seg": 82.11223, "aux.loss_ce": 0.18176, "aux.acc_seg": 82.31486, "loss": 0.64076, "time": 1.62266} {"mode": "train", "epoch": 5, "iter": 5250, "lr": 4e-05, "memory": 71384, "data_time": 0.00949, "decode.loss_ce": 0.50843, "decode.acc_seg": 80.39454, "aux.loss_ce": 0.20036, "aux.acc_seg": 80.6456, "loss": 0.70879, "time": 1.62249} {"mode": "train", "epoch": 5, "iter": 5300, "lr": 4e-05, "memory": 71384, "data_time": 0.00954, "decode.loss_ce": 0.49559, "decode.acc_seg": 81.61885, "aux.loss_ce": 0.19748, "aux.acc_seg": 81.71271, "loss": 0.69308, "time": 1.62573} {"mode": "train", "epoch": 5, "iter": 5350, "lr": 4e-05, "memory": 71384, "data_time": 0.00977, "decode.loss_ce": 0.49992, "decode.acc_seg": 81.18442, "aux.loss_ce": 0.19682, "aux.acc_seg": 81.47453, "loss": 0.69674, "time": 1.62557} {"mode": "train", "epoch": 5, "iter": 5400, "lr": 4e-05, "memory": 71384, "data_time": 0.00974, "decode.loss_ce": 0.51235, "decode.acc_seg": 80.64573, "aux.loss_ce": 0.20195, "aux.acc_seg": 81.15514, "loss": 0.7143, "time": 1.6253} {"mode": "train", "epoch": 5, "iter": 5450, "lr": 4e-05, "memory": 71384, "data_time": 0.00964, "decode.loss_ce": 0.50654, "decode.acc_seg": 80.91819, "aux.loss_ce": 0.20163, "aux.acc_seg": 81.34301, "loss": 0.70817, "time": 1.62716} {"mode": "train", "epoch": 5, "iter": 5500, "lr": 4e-05, "memory": 71384, "data_time": 0.00951, "decode.loss_ce": 0.44274, "decode.acc_seg": 82.81626, "aux.loss_ce": 0.17679, "aux.acc_seg": 83.03322, "loss": 0.61953, "time": 1.62449} {"mode": "train", "epoch": 5, "iter": 5550, "lr": 4e-05, "memory": 71384, "data_time": 0.0096, "decode.loss_ce": 0.47977, "decode.acc_seg": 81.32288, "aux.loss_ce": 0.19078, "aux.acc_seg": 81.54106, "loss": 0.67055, "time": 1.62373} {"mode": "train", "epoch": 5, "iter": 5600, "lr": 4e-05, "memory": 71384, "data_time": 0.00959, "decode.loss_ce": 0.47475, "decode.acc_seg": 82.48639, "aux.loss_ce": 0.18767, "aux.acc_seg": 82.7484, "loss": 0.66242, "time": 1.6228} {"mode": "train", "epoch": 5, "iter": 5650, "lr": 4e-05, "memory": 71384, "data_time": 0.00965, "decode.loss_ce": 0.49047, "decode.acc_seg": 81.97207, "aux.loss_ce": 0.19607, "aux.acc_seg": 82.00168, "loss": 0.68654, "time": 1.62458} {"mode": "train", "epoch": 5, "iter": 5700, "lr": 4e-05, "memory": 71384, "data_time": 0.00962, "decode.loss_ce": 0.48589, "decode.acc_seg": 81.3596, "aux.loss_ce": 0.19257, "aux.acc_seg": 81.66875, "loss": 0.67846, "time": 1.62289} {"mode": "train", "epoch": 5, "iter": 5750, "lr": 4e-05, "memory": 71384, "data_time": 0.00959, "decode.loss_ce": 0.51218, "decode.acc_seg": 80.70726, "aux.loss_ce": 0.20249, "aux.acc_seg": 80.99885, "loss": 0.71468, "time": 1.62589} {"mode": "train", "epoch": 5, "iter": 5800, "lr": 4e-05, "memory": 71384, "data_time": 0.00962, "decode.loss_ce": 0.47101, "decode.acc_seg": 81.20767, "aux.loss_ce": 0.18506, "aux.acc_seg": 81.5802, "loss": 0.65607, "time": 1.62403} {"mode": "train", "epoch": 5, "iter": 5850, "lr": 4e-05, "memory": 71384, "data_time": 0.00947, "decode.loss_ce": 0.46198, "decode.acc_seg": 82.05558, "aux.loss_ce": 0.18221, "aux.acc_seg": 82.30497, "loss": 0.6442, "time": 1.62446} {"mode": "train", "epoch": 5, "iter": 5900, "lr": 4e-05, "memory": 71384, "data_time": 0.00956, "decode.loss_ce": 0.49102, "decode.acc_seg": 81.4864, "aux.loss_ce": 0.19459, "aux.acc_seg": 81.67948, "loss": 0.68561, "time": 1.62289} {"mode": "train", "epoch": 5, "iter": 5950, "lr": 4e-05, "memory": 71384, "data_time": 0.00966, "decode.loss_ce": 0.47118, "decode.acc_seg": 81.69323, "aux.loss_ce": 0.18443, "aux.acc_seg": 81.95109, "loss": 0.6556, "time": 1.62561} {"mode": "train", "epoch": 5, "iter": 6000, "lr": 4e-05, "memory": 71384, "data_time": 0.00953, "decode.loss_ce": 0.48143, "decode.acc_seg": 82.63658, "aux.loss_ce": 0.19152, "aux.acc_seg": 82.70864, "loss": 0.67294, "time": 3.3526} {"mode": "val", "epoch": 5, "iter": 250, "lr": 4e-05, "aAcc": 0.8289, "mIoU": 0.5021, "mAcc": 0.649, "IoU.wall": 0.7724, "IoU.building": 0.83, "IoU.sky": 0.9363, "IoU.floor": 0.8134, "IoU.tree": 0.7543, "IoU.ceiling": 0.8374, "IoU.road": 0.8098, "IoU.bed ": 0.8878, "IoU.windowpane": 0.6179, "IoU.grass": 0.5994, "IoU.cabinet": 0.5705, "IoU.sidewalk": 0.5986, "IoU.person": 0.8122, "IoU.earth": 0.3403, "IoU.door": 0.5372, "IoU.table": 0.6169, "IoU.mountain": 0.5788, "IoU.plant": 0.5718, "IoU.curtain": 0.7094, "IoU.chair": 0.555, "IoU.car": 0.8247, "IoU.water": 0.633, "IoU.painting": 0.7273, "IoU.sofa": 0.7614, "IoU.shelf": 0.2545, "IoU.house": 0.4673, "IoU.sea": 0.697, "IoU.mirror": 0.731, "IoU.rug": 0.6619, "IoU.field": 0.2844, "IoU.armchair": 0.5684, "IoU.seat": 0.6454, "IoU.fence": 0.4907, "IoU.desk": 0.4762, "IoU.rock": 0.4742, "IoU.wardrobe": 0.4769, "IoU.lamp": 0.6386, "IoU.bathtub": 0.8025, "IoU.railing": 0.3071, "IoU.cushion": 0.6308, "IoU.base": 0.3457, "IoU.box": 0.2295, "IoU.column": 0.4557, "IoU.signboard": 0.3505, "IoU.chest of drawers": 0.5066, "IoU.counter": 0.3928, "IoU.sand": 0.3616, "IoU.sink": 0.7162, "IoU.skyscraper": 0.4149, "IoU.fireplace": 0.711, "IoU.refrigerator": 0.6518, "IoU.grandstand": 0.4988, "IoU.path": 0.1732, "IoU.stairs": 0.3069, "IoU.runway": 0.6763, "IoU.case": 0.5818, "IoU.pool table": 0.9124, "IoU.pillow": 0.5757, "IoU.screen door": 0.678, "IoU.stairway": 0.4015, "IoU.river": 0.2028, "IoU.bridge": 0.591, "IoU.bookcase": 0.2725, "IoU.blind": 0.3367, "IoU.coffee table": 0.6244, "IoU.toilet": 0.8356, "IoU.flower": 0.3626, "IoU.book": 0.4591, "IoU.hill": 0.0142, "IoU.bench": 0.5886, "IoU.countertop": 0.582, "IoU.stove": 0.7532, "IoU.palm": 0.5532, "IoU.kitchen island": 0.4072, "IoU.computer": 0.6967, "IoU.swivel chair": 0.4673, "IoU.boat": 0.4833, "IoU.bar": 0.5925, "IoU.arcade machine": 0.8107, "IoU.hovel": 0.2449, "IoU.bus": 0.9099, "IoU.towel": 0.6918, "IoU.light": 0.4642, "IoU.truck": 0.463, "IoU.tower": 0.1975, "IoU.chandelier": 0.6434, "IoU.awning": 0.4698, "IoU.streetlight": 0.2204, "IoU.booth": 0.3743, "IoU.television receiver": 0.7325, "IoU.airplane": 0.8153, "IoU.dirt track": 0.0277, "IoU.apparel": 0.4816, "IoU.pole": 0.2363, "IoU.land": 0.0011, "IoU.bannister": 0.0967, "IoU.escalator": 0.5512, "IoU.ottoman": 0.4261, "IoU.bottle": 0.3403, "IoU.buffet": 0.4229, "IoU.poster": 0.2475, "IoU.stage": 0.2364, "IoU.van": 0.4169, "IoU.ship": 0.2403, "IoU.fountain": 0.3753, "IoU.conveyer belt": 0.6817, "IoU.canopy": 0.5697, "IoU.washer": 0.82, "IoU.plaything": 0.2398, "IoU.swimming pool": 0.5593, "IoU.stool": 0.3625, "IoU.barrel": 0.5061, "IoU.basket": 0.33, "IoU.waterfall": 0.7477, "IoU.tent": 0.8751, "IoU.bag": 0.2438, "IoU.minibike": 0.7197, "IoU.cradle": 0.5698, "IoU.oven": 0.4802, "IoU.ball": 0.3661, "IoU.food": 0.5993, "IoU.step": 0.056, "IoU.tank": 0.4242, "IoU.trade name": 0.282, "IoU.microwave": 0.8386, "IoU.pot": 0.4966, "IoU.animal": 0.7038, "IoU.bicycle": 0.5636, "IoU.lake": 0.0, "IoU.dishwasher": 0.5478, "IoU.screen": 0.578, "IoU.blanket": 0.1943, "IoU.sculpture": 0.6038, "IoU.hood": 0.6223, "IoU.sconce": 0.5048, "IoU.vase": 0.3739, "IoU.traffic light": 0.2025, "IoU.tray": 0.0891, "IoU.ashcan": 0.4081, "IoU.fan": 0.5853, "IoU.pier": 0.3852, "IoU.crt screen": 0.077, "IoU.plate": 0.5142, "IoU.monitor": 0.0003, "IoU.bulletin board": 0.576, "IoU.shower": 0.0133, "IoU.radiator": 0.661, "IoU.glass": 0.0961, "IoU.clock": 0.389, "IoU.flag": 0.6544, "Acc.wall": 0.84, "Acc.building": 0.9372, "Acc.sky": 0.9662, "Acc.floor": 0.8815, "Acc.tree": 0.8824, "Acc.ceiling": 0.9238, "Acc.road": 0.9316, "Acc.bed ": 0.97, "Acc.windowpane": 0.7873, "Acc.grass": 0.748, "Acc.cabinet": 0.6591, "Acc.sidewalk": 0.7526, "Acc.person": 0.924, "Acc.earth": 0.4594, "Acc.door": 0.6726, "Acc.table": 0.8174, "Acc.mountain": 0.7263, "Acc.plant": 0.6818, "Acc.curtain": 0.9143, "Acc.chair": 0.6331, "Acc.car": 0.9286, "Acc.water": 0.8072, "Acc.painting": 0.8773, "Acc.sofa": 0.8471, "Acc.shelf": 0.286, "Acc.house": 0.5392, "Acc.sea": 0.811, "Acc.mirror": 0.7904, "Acc.rug": 0.8396, "Acc.field": 0.7584, "Acc.armchair": 0.7976, "Acc.seat": 0.8798, "Acc.fence": 0.6982, "Acc.desk": 0.7309, "Acc.rock": 0.7652, "Acc.wardrobe": 0.8665, "Acc.lamp": 0.7878, "Acc.bathtub": 0.8385, "Acc.railing": 0.3872, "Acc.cushion": 0.7402, "Acc.base": 0.4975, "Acc.box": 0.2644, "Acc.column": 0.7925, "Acc.signboard": 0.5786, "Acc.chest of drawers": 0.7135, "Acc.counter": 0.5026, "Acc.sand": 0.5385, "Acc.sink": 0.8032, "Acc.skyscraper": 0.4449, "Acc.fireplace": 0.8567, "Acc.refrigerator": 0.8871, "Acc.grandstand": 0.818, "Acc.path": 0.2239, "Acc.stairs": 0.5158, "Acc.runway": 0.8688, "Acc.case": 0.8404, "Acc.pool table": 0.9796, "Acc.pillow": 0.6308, "Acc.screen door": 0.9486, "Acc.stairway": 0.461, "Acc.river": 0.2536, "Acc.bridge": 0.6652, "Acc.bookcase": 0.4326, "Acc.blind": 0.3669, "Acc.coffee table": 0.7373, "Acc.toilet": 0.9423, "Acc.flower": 0.4617, "Acc.book": 0.6903, "Acc.hill": 0.0168, "Acc.bench": 0.6957, "Acc.countertop": 0.8109, "Acc.stove": 0.9433, "Acc.palm": 0.7215, "Acc.kitchen island": 0.8803, "Acc.computer": 0.9264, "Acc.swivel chair": 0.7684, "Acc.boat": 0.5212, "Acc.bar": 0.9016, "Acc.arcade machine": 0.8652, "Acc.hovel": 0.3746, "Acc.bus": 0.9546, "Acc.towel": 0.8001, "Acc.light": 0.5521, "Acc.truck": 0.606, "Acc.tower": 0.3035, "Acc.chandelier": 0.8842, "Acc.awning": 0.5517, "Acc.streetlight": 0.2681, "Acc.booth": 0.5895, "Acc.television receiver": 0.8525, "Acc.airplane": 0.9411, "Acc.dirt track": 0.0454, "Acc.apparel": 0.693, "Acc.pole": 0.3641, "Acc.land": 0.0015, "Acc.bannister": 0.1369, "Acc.escalator": 0.905, "Acc.ottoman": 0.7285, "Acc.bottle": 0.654, "Acc.buffet": 0.9171, "Acc.poster": 0.2929, "Acc.stage": 0.3273, "Acc.van": 0.5169, "Acc.ship": 0.3532, "Acc.fountain": 0.3911, "Acc.conveyer belt": 0.9623, "Acc.canopy": 0.661, "Acc.washer": 0.9063, "Acc.plaything": 0.7102, "Acc.swimming pool": 0.8589, "Acc.stool": 0.5329, "Acc.barrel": 0.6689, "Acc.basket": 0.4501, "Acc.waterfall": 0.881, "Acc.tent": 0.9938, "Acc.bag": 0.2965, "Acc.minibike": 0.8114, "Acc.cradle": 0.9957, "Acc.oven": 0.5277, "Acc.ball": 0.7444, "Acc.food": 0.7438, "Acc.step": 0.0632, "Acc.tank": 0.5527, "Acc.trade name": 0.3607, "Acc.microwave": 0.9449, "Acc.pot": 0.6219, "Acc.animal": 0.7388, "Acc.bicycle": 0.7611, "Acc.lake": 0.0, "Acc.dishwasher": 0.799, "Acc.screen": 0.8823, "Acc.blanket": 0.2255, "Acc.sculpture": 0.7634, "Acc.hood": 0.7513, "Acc.sconce": 0.6135, "Acc.vase": 0.4981, "Acc.traffic light": 0.2231, "Acc.tray": 0.1251, "Acc.ashcan": 0.6795, "Acc.fan": 0.8025, "Acc.pier": 0.4196, "Acc.crt screen": 0.3311, "Acc.plate": 0.6686, "Acc.monitor": 0.0003, "Acc.bulletin board": 0.7223, "Acc.shower": 0.0152, "Acc.radiator": 0.7642, "Acc.glass": 0.0999, "Acc.clock": 0.5132, "Acc.flag": 0.8136} {"mode": "train", "epoch": 5, "iter": 6050, "lr": 4e-05, "memory": 71384, "data_time": 1.93493, "decode.loss_ce": 0.51429, "decode.acc_seg": 80.90329, "aux.loss_ce": 0.20228, "aux.acc_seg": 81.0711, "loss": 0.71657, "time": 3.5504} {"mode": "train", "epoch": 5, "iter": 6100, "lr": 4e-05, "memory": 71384, "data_time": 0.00951, "decode.loss_ce": 0.48764, "decode.acc_seg": 81.05577, "aux.loss_ce": 0.19286, "aux.acc_seg": 81.39172, "loss": 0.6805, "time": 1.62259} {"mode": "train", "epoch": 5, "iter": 6150, "lr": 4e-05, "memory": 71384, "data_time": 0.00962, "decode.loss_ce": 0.51766, "decode.acc_seg": 80.47804, "aux.loss_ce": 0.20416, "aux.acc_seg": 80.62284, "loss": 0.72182, "time": 1.62143} {"mode": "train", "epoch": 5, "iter": 6200, "lr": 4e-05, "memory": 71384, "data_time": 0.00956, "decode.loss_ce": 0.51709, "decode.acc_seg": 80.0713, "aux.loss_ce": 0.20604, "aux.acc_seg": 80.13711, "loss": 0.72313, "time": 1.62625} {"mode": "train", "epoch": 5, "iter": 6250, "lr": 4e-05, "memory": 71384, "data_time": 0.00953, "decode.loss_ce": 0.50587, "decode.acc_seg": 80.17829, "aux.loss_ce": 0.20099, "aux.acc_seg": 80.57334, "loss": 0.70686, "time": 1.62119} {"mode": "train", "epoch": 5, "iter": 6300, "lr": 4e-05, "memory": 71384, "data_time": 0.00945, "decode.loss_ce": 0.46601, "decode.acc_seg": 82.42949, "aux.loss_ce": 0.18489, "aux.acc_seg": 82.55463, "loss": 0.6509, "time": 1.62707} {"mode": "train", "epoch": 6, "iter": 6350, "lr": 4e-05, "memory": 71384, "data_time": 0.05334, "decode.loss_ce": 0.45708, "decode.acc_seg": 82.26749, "aux.loss_ce": 0.18192, "aux.acc_seg": 82.4345, "loss": 0.639, "time": 1.66657} {"mode": "train", "epoch": 6, "iter": 6400, "lr": 4e-05, "memory": 71384, "data_time": 0.00971, "decode.loss_ce": 0.44659, "decode.acc_seg": 82.48235, "aux.loss_ce": 0.1781, "aux.acc_seg": 82.61559, "loss": 0.62469, "time": 1.62732} {"mode": "train", "epoch": 6, "iter": 6450, "lr": 4e-05, "memory": 71384, "data_time": 0.00954, "decode.loss_ce": 0.44348, "decode.acc_seg": 83.38736, "aux.loss_ce": 0.17654, "aux.acc_seg": 83.30551, "loss": 0.62002, "time": 1.62196} {"mode": "train", "epoch": 6, "iter": 6500, "lr": 4e-05, "memory": 71384, "data_time": 0.00972, "decode.loss_ce": 0.45692, "decode.acc_seg": 82.02903, "aux.loss_ce": 0.18166, "aux.acc_seg": 82.2305, "loss": 0.63858, "time": 1.62408} {"mode": "train", "epoch": 6, "iter": 6550, "lr": 4e-05, "memory": 71384, "data_time": 0.00957, "decode.loss_ce": 0.45073, "decode.acc_seg": 82.16798, "aux.loss_ce": 0.17948, "aux.acc_seg": 82.53815, "loss": 0.63021, "time": 1.62645} {"mode": "train", "epoch": 6, "iter": 6600, "lr": 4e-05, "memory": 71384, "data_time": 0.0095, "decode.loss_ce": 0.43613, "decode.acc_seg": 82.86854, "aux.loss_ce": 0.17617, "aux.acc_seg": 82.64651, "loss": 0.6123, "time": 1.6231} {"mode": "train", "epoch": 6, "iter": 6650, "lr": 4e-05, "memory": 71384, "data_time": 0.0097, "decode.loss_ce": 0.46709, "decode.acc_seg": 81.69416, "aux.loss_ce": 0.18514, "aux.acc_seg": 81.97679, "loss": 0.65222, "time": 1.62888} {"mode": "train", "epoch": 6, "iter": 6700, "lr": 4e-05, "memory": 71384, "data_time": 0.00952, "decode.loss_ce": 0.47205, "decode.acc_seg": 81.93399, "aux.loss_ce": 0.18599, "aux.acc_seg": 82.09352, "loss": 0.65805, "time": 1.62226} {"mode": "train", "epoch": 6, "iter": 6750, "lr": 4e-05, "memory": 71384, "data_time": 0.00963, "decode.loss_ce": 0.48248, "decode.acc_seg": 81.44356, "aux.loss_ce": 0.19123, "aux.acc_seg": 81.57523, "loss": 0.67372, "time": 1.62278} {"mode": "train", "epoch": 6, "iter": 6800, "lr": 4e-05, "memory": 71384, "data_time": 0.0098, "decode.loss_ce": 0.43695, "decode.acc_seg": 82.38327, "aux.loss_ce": 0.17339, "aux.acc_seg": 82.55521, "loss": 0.61034, "time": 1.62326} {"mode": "train", "epoch": 6, "iter": 6850, "lr": 4e-05, "memory": 71384, "data_time": 0.00959, "decode.loss_ce": 0.45547, "decode.acc_seg": 82.4573, "aux.loss_ce": 0.18093, "aux.acc_seg": 82.45609, "loss": 0.6364, "time": 1.62783} {"mode": "train", "epoch": 6, "iter": 6900, "lr": 4e-05, "memory": 71384, "data_time": 0.00957, "decode.loss_ce": 0.46654, "decode.acc_seg": 82.25231, "aux.loss_ce": 0.18528, "aux.acc_seg": 82.2201, "loss": 0.65183, "time": 1.62223} {"mode": "train", "epoch": 6, "iter": 6950, "lr": 4e-05, "memory": 71384, "data_time": 0.00949, "decode.loss_ce": 0.47724, "decode.acc_seg": 81.64961, "aux.loss_ce": 0.18826, "aux.acc_seg": 81.93023, "loss": 0.6655, "time": 1.62242} {"mode": "train", "epoch": 6, "iter": 7000, "lr": 4e-05, "memory": 71384, "data_time": 0.00975, "decode.loss_ce": 0.45759, "decode.acc_seg": 82.11297, "aux.loss_ce": 0.18285, "aux.acc_seg": 82.14872, "loss": 0.64044, "time": 1.62437} {"mode": "val", "epoch": 6, "iter": 250, "lr": 4e-05, "aAcc": 0.8353, "mIoU": 0.5116, "mAcc": 0.6646, "IoU.wall": 0.7909, "IoU.building": 0.8423, "IoU.sky": 0.9411, "IoU.floor": 0.8252, "IoU.tree": 0.7507, "IoU.ceiling": 0.8326, "IoU.road": 0.8468, "IoU.bed ": 0.909, "IoU.windowpane": 0.6183, "IoU.grass": 0.6601, "IoU.cabinet": 0.5991, "IoU.sidewalk": 0.662, "IoU.person": 0.8174, "IoU.earth": 0.3242, "IoU.door": 0.5876, "IoU.table": 0.605, "IoU.mountain": 0.5267, "IoU.plant": 0.5636, "IoU.curtain": 0.7393, "IoU.chair": 0.6157, "IoU.car": 0.8001, "IoU.water": 0.4293, "IoU.painting": 0.7579, "IoU.sofa": 0.7238, "IoU.shelf": 0.4089, "IoU.house": 0.5432, "IoU.sea": 0.6158, "IoU.mirror": 0.7503, "IoU.rug": 0.6674, "IoU.field": 0.2775, "IoU.armchair": 0.5205, "IoU.seat": 0.6485, "IoU.fence": 0.3689, "IoU.desk": 0.4818, "IoU.rock": 0.5934, "IoU.wardrobe": 0.5404, "IoU.lamp": 0.6298, "IoU.bathtub": 0.805, "IoU.railing": 0.4004, "IoU.cushion": 0.6027, "IoU.base": 0.4846, "IoU.box": 0.2613, "IoU.column": 0.5092, "IoU.signboard": 0.3645, "IoU.chest of drawers": 0.4184, "IoU.counter": 0.4211, "IoU.sand": 0.4064, "IoU.sink": 0.7096, "IoU.skyscraper": 0.3252, "IoU.fireplace": 0.6943, "IoU.refrigerator": 0.7123, "IoU.grandstand": 0.5054, "IoU.path": 0.1556, "IoU.stairs": 0.3806, "IoU.runway": 0.7104, "IoU.case": 0.4464, "IoU.pool table": 0.8857, "IoU.pillow": 0.6199, "IoU.screen door": 0.7222, "IoU.stairway": 0.531, "IoU.river": 0.1904, "IoU.bridge": 0.5381, "IoU.bookcase": 0.3708, "IoU.blind": 0.4487, "IoU.coffee table": 0.5901, "IoU.toilet": 0.8628, "IoU.flower": 0.4064, "IoU.book": 0.4818, "IoU.hill": 0.0475, "IoU.bench": 0.5704, "IoU.countertop": 0.4849, "IoU.stove": 0.7735, "IoU.palm": 0.5228, "IoU.kitchen island": 0.4244, "IoU.computer": 0.7472, "IoU.swivel chair": 0.4801, "IoU.boat": 0.4809, "IoU.bar": 0.5756, "IoU.arcade machine": 0.7827, "IoU.hovel": 0.2367, "IoU.bus": 0.903, "IoU.towel": 0.6095, "IoU.light": 0.4677, "IoU.truck": 0.4304, "IoU.tower": 0.2273, "IoU.chandelier": 0.6641, "IoU.awning": 0.4547, "IoU.streetlight": 0.2647, "IoU.booth": 0.2705, "IoU.television receiver": 0.7466, "IoU.airplane": 0.6712, "IoU.dirt track": 0.0, "IoU.apparel": 0.3863, "IoU.pole": 0.2307, "IoU.land": 0.0092, "IoU.bannister": 0.1037, "IoU.escalator": 0.5841, "IoU.ottoman": 0.4509, "IoU.bottle": 0.3601, "IoU.buffet": 0.4335, "IoU.poster": 0.2903, "IoU.stage": 0.2462, "IoU.van": 0.2598, "IoU.ship": 0.684, "IoU.fountain": 0.3273, "IoU.conveyer belt": 0.8216, "IoU.canopy": 0.3922, "IoU.washer": 0.7963, "IoU.plaything": 0.2624, "IoU.swimming pool": 0.5885, "IoU.stool": 0.44, "IoU.barrel": 0.5368, "IoU.basket": 0.3661, "IoU.waterfall": 0.5242, "IoU.tent": 0.8074, "IoU.bag": 0.2171, "IoU.minibike": 0.6812, "IoU.cradle": 0.8055, "IoU.oven": 0.6172, "IoU.ball": 0.3414, "IoU.food": 0.5075, "IoU.step": 0.2207, "IoU.tank": 0.5331, "IoU.trade name": 0.0399, "IoU.microwave": 0.8555, "IoU.pot": 0.4797, "IoU.animal": 0.6094, "IoU.bicycle": 0.115, "IoU.lake": 0.2112, "IoU.dishwasher": 0.6025, "IoU.screen": 0.578, "IoU.blanket": 0.3489, "IoU.sculpture": 0.7232, "IoU.hood": 0.6559, "IoU.sconce": 0.5043, "IoU.vase": 0.3723, "IoU.traffic light": 0.2807, "IoU.tray": 0.1478, "IoU.ashcan": 0.4447, "IoU.fan": 0.6032, "IoU.pier": 0.4134, "IoU.crt screen": 0.0, "IoU.plate": 0.5481, "IoU.monitor": 0.4966, "IoU.bulletin board": 0.4157, "IoU.shower": 0.0, "IoU.radiator": 0.6527, "IoU.glass": 0.1483, "IoU.clock": 0.3775, "IoU.flag": 0.6707, "Acc.wall": 0.877, "Acc.building": 0.9241, "Acc.sky": 0.9639, "Acc.floor": 0.873, "Acc.tree": 0.8749, "Acc.ceiling": 0.9501, "Acc.road": 0.9049, "Acc.bed ": 0.9479, "Acc.windowpane": 0.7602, "Acc.grass": 0.7991, "Acc.cabinet": 0.6684, "Acc.sidewalk": 0.8428, "Acc.person": 0.9317, "Acc.earth": 0.4456, "Acc.door": 0.6992, "Acc.table": 0.7464, "Acc.mountain": 0.5842, "Acc.plant": 0.7225, "Acc.curtain": 0.815, "Acc.chair": 0.7993, "Acc.car": 0.9394, "Acc.water": 0.4991, "Acc.painting": 0.8724, "Acc.sofa": 0.8421, "Acc.shelf": 0.5073, "Acc.house": 0.7543, "Acc.sea": 0.9358, "Acc.mirror": 0.8395, "Acc.rug": 0.8503, "Acc.field": 0.7378, "Acc.armchair": 0.6304, "Acc.seat": 0.8317, "Acc.fence": 0.4189, "Acc.desk": 0.7738, "Acc.rock": 0.7785, "Acc.wardrobe": 0.7993, "Acc.lamp": 0.7357, "Acc.bathtub": 0.842, "Acc.railing": 0.6531, "Acc.cushion": 0.8514, "Acc.base": 0.6152, "Acc.box": 0.3705, "Acc.column": 0.677, "Acc.signboard": 0.5028, "Acc.chest of drawers": 0.7534, "Acc.counter": 0.5107, "Acc.sand": 0.5596, "Acc.sink": 0.7663, "Acc.skyscraper": 0.3288, "Acc.fireplace": 0.7753, "Acc.refrigerator": 0.8689, "Acc.grandstand": 0.8677, "Acc.path": 0.1779, "Acc.stairs": 0.4534, "Acc.runway": 0.9618, "Acc.case": 0.9141, "Acc.pool table": 0.9055, "Acc.pillow": 0.7109, "Acc.screen door": 0.9006, "Acc.stairway": 0.7247, "Acc.river": 0.2139, "Acc.bridge": 0.6649, "Acc.bookcase": 0.4851, "Acc.blind": 0.5982, "Acc.coffee table": 0.8469, "Acc.toilet": 0.9574, "Acc.flower": 0.5355, "Acc.book": 0.7256, "Acc.hill": 0.1606, "Acc.bench": 0.6731, "Acc.countertop": 0.8574, "Acc.stove": 0.9085, "Acc.palm": 0.6348, "Acc.kitchen island": 0.8119, "Acc.computer": 0.9027, "Acc.swivel chair": 0.7505, "Acc.boat": 0.6647, "Acc.bar": 0.8006, "Acc.arcade machine": 0.961, "Acc.hovel": 0.2699, "Acc.bus": 0.9614, "Acc.towel": 0.8793, "Acc.light": 0.5202, "Acc.truck": 0.6252, "Acc.tower": 0.3664, "Acc.chandelier": 0.8373, "Acc.awning": 0.5806, "Acc.streetlight": 0.3484, "Acc.booth": 0.5658, "Acc.television receiver": 0.8777, "Acc.airplane": 0.955, "Acc.dirt track": 0.0, "Acc.apparel": 0.523, "Acc.pole": 0.311, "Acc.land": 0.0149, "Acc.bannister": 0.1674, "Acc.escalator": 0.8896, "Acc.ottoman": 0.7619, "Acc.bottle": 0.6376, "Acc.buffet": 0.5889, "Acc.poster": 0.336, "Acc.stage": 0.3614, "Acc.van": 0.2877, "Acc.ship": 0.9622, "Acc.fountain": 0.3289, "Acc.conveyer belt": 0.8991, "Acc.canopy": 0.7317, "Acc.washer": 0.8697, "Acc.plaything": 0.7269, "Acc.swimming pool": 0.9402, "Acc.stool": 0.5374, "Acc.barrel": 0.6509, "Acc.basket": 0.5899, "Acc.waterfall": 0.5546, "Acc.tent": 0.9883, "Acc.bag": 0.2687, "Acc.minibike": 0.8259, "Acc.cradle": 0.9787, "Acc.oven": 0.7762, "Acc.ball": 0.748, "Acc.food": 0.8127, "Acc.step": 0.3039, "Acc.tank": 0.7415, "Acc.trade name": 0.0407, "Acc.microwave": 0.9501, "Acc.pot": 0.5345, "Acc.animal": 0.6244, "Acc.bicycle": 0.1169, "Acc.lake": 0.9625, "Acc.dishwasher": 0.7559, "Acc.screen": 0.9447, "Acc.blanket": 0.4022, "Acc.sculpture": 0.861, "Acc.hood": 0.8757, "Acc.sconce": 0.5832, "Acc.vase": 0.5704, "Acc.traffic light": 0.4263, "Acc.tray": 0.1764, "Acc.ashcan": 0.6622, "Acc.fan": 0.7355, "Acc.pier": 0.4261, "Acc.crt screen": 0.0, "Acc.plate": 0.6925, "Acc.monitor": 0.8152, "Acc.bulletin board": 0.8395, "Acc.shower": 0.0, "Acc.radiator": 0.763, "Acc.glass": 0.1614, "Acc.clock": 0.4219, "Acc.flag": 0.7172} {"mode": "train", "epoch": 6, "iter": 7050, "lr": 4e-05, "memory": 71384, "data_time": 2.04008, "decode.loss_ce": 0.47073, "decode.acc_seg": 82.18496, "aux.loss_ce": 0.18763, "aux.acc_seg": 82.19819, "loss": 0.65835, "time": 3.65991} {"mode": "train", "epoch": 6, "iter": 7100, "lr": 4e-05, "memory": 71384, "data_time": 0.00964, "decode.loss_ce": 0.44949, "decode.acc_seg": 82.97589, "aux.loss_ce": 0.1794, "aux.acc_seg": 83.22369, "loss": 0.62889, "time": 1.62416} {"mode": "train", "epoch": 6, "iter": 7150, "lr": 4e-05, "memory": 71384, "data_time": 0.00956, "decode.loss_ce": 0.45387, "decode.acc_seg": 82.49185, "aux.loss_ce": 0.1801, "aux.acc_seg": 82.66613, "loss": 0.63396, "time": 1.62322} {"mode": "train", "epoch": 6, "iter": 7200, "lr": 4e-05, "memory": 71384, "data_time": 0.0095, "decode.loss_ce": 0.48429, "decode.acc_seg": 81.36265, "aux.loss_ce": 0.19177, "aux.acc_seg": 81.70441, "loss": 0.67606, "time": 1.62336} {"mode": "train", "epoch": 6, "iter": 7250, "lr": 4e-05, "memory": 71384, "data_time": 0.00952, "decode.loss_ce": 0.46881, "decode.acc_seg": 82.30692, "aux.loss_ce": 0.18525, "aux.acc_seg": 82.48618, "loss": 0.65406, "time": 1.62595} {"mode": "train", "epoch": 6, "iter": 7300, "lr": 4e-05, "memory": 71384, "data_time": 0.00964, "decode.loss_ce": 0.43952, "decode.acc_seg": 83.12183, "aux.loss_ce": 0.17458, "aux.acc_seg": 83.26197, "loss": 0.61411, "time": 1.62787} {"mode": "train", "epoch": 6, "iter": 7350, "lr": 4e-05, "memory": 71384, "data_time": 0.00958, "decode.loss_ce": 0.43335, "decode.acc_seg": 83.18897, "aux.loss_ce": 0.1699, "aux.acc_seg": 83.7186, "loss": 0.60325, "time": 1.62365} {"mode": "train", "epoch": 6, "iter": 7400, "lr": 4e-05, "memory": 71384, "data_time": 0.00948, "decode.loss_ce": 0.48188, "decode.acc_seg": 81.82758, "aux.loss_ce": 0.19168, "aux.acc_seg": 81.93641, "loss": 0.67356, "time": 1.62442} {"mode": "train", "epoch": 6, "iter": 7450, "lr": 4e-05, "memory": 71384, "data_time": 0.00951, "decode.loss_ce": 0.44238, "decode.acc_seg": 82.69425, "aux.loss_ce": 0.17757, "aux.acc_seg": 82.77158, "loss": 0.61995, "time": 1.62249} {"mode": "train", "epoch": 6, "iter": 7500, "lr": 4e-05, "memory": 71384, "data_time": 0.00958, "decode.loss_ce": 0.46341, "decode.acc_seg": 81.75001, "aux.loss_ce": 0.18476, "aux.acc_seg": 81.8316, "loss": 0.64816, "time": 1.62587} {"mode": "train", "epoch": 6, "iter": 7550, "lr": 4e-05, "memory": 71384, "data_time": 0.00947, "decode.loss_ce": 0.47206, "decode.acc_seg": 81.87308, "aux.loss_ce": 0.18744, "aux.acc_seg": 81.91211, "loss": 0.6595, "time": 1.62169} {"mode": "train", "epoch": 7, "iter": 7600, "lr": 4e-05, "memory": 71384, "data_time": 0.0607, "decode.loss_ce": 0.44881, "decode.acc_seg": 82.67997, "aux.loss_ce": 0.1786, "aux.acc_seg": 82.70216, "loss": 0.62741, "time": 1.68154} {"mode": "train", "epoch": 7, "iter": 7650, "lr": 4e-05, "memory": 71384, "data_time": 0.00957, "decode.loss_ce": 0.41772, "decode.acc_seg": 83.34013, "aux.loss_ce": 0.1659, "aux.acc_seg": 83.39741, "loss": 0.58362, "time": 1.62358} {"mode": "train", "epoch": 7, "iter": 7700, "lr": 4e-05, "memory": 71384, "data_time": 0.00959, "decode.loss_ce": 0.45065, "decode.acc_seg": 82.10802, "aux.loss_ce": 0.18018, "aux.acc_seg": 82.29676, "loss": 0.63083, "time": 1.62199} {"mode": "train", "epoch": 7, "iter": 7750, "lr": 4e-05, "memory": 71384, "data_time": 0.00957, "decode.loss_ce": 0.42354, "decode.acc_seg": 83.59955, "aux.loss_ce": 0.1685, "aux.acc_seg": 83.56469, "loss": 0.59205, "time": 1.62689} {"mode": "train", "epoch": 7, "iter": 7800, "lr": 4e-05, "memory": 71384, "data_time": 0.00952, "decode.loss_ce": 0.43351, "decode.acc_seg": 83.49158, "aux.loss_ce": 0.17272, "aux.acc_seg": 83.58141, "loss": 0.60622, "time": 1.62198} {"mode": "train", "epoch": 7, "iter": 7850, "lr": 4e-05, "memory": 71384, "data_time": 0.00967, "decode.loss_ce": 0.43567, "decode.acc_seg": 83.31236, "aux.loss_ce": 0.17445, "aux.acc_seg": 83.15333, "loss": 0.61012, "time": 1.62785} {"mode": "train", "epoch": 7, "iter": 7900, "lr": 4e-05, "memory": 71384, "data_time": 0.00962, "decode.loss_ce": 0.45107, "decode.acc_seg": 82.69938, "aux.loss_ce": 0.17865, "aux.acc_seg": 82.84051, "loss": 0.62972, "time": 1.62365} {"mode": "train", "epoch": 7, "iter": 7950, "lr": 4e-05, "memory": 71384, "data_time": 0.0097, "decode.loss_ce": 0.42953, "decode.acc_seg": 83.60581, "aux.loss_ce": 0.17168, "aux.acc_seg": 83.65063, "loss": 0.60121, "time": 1.62363} {"mode": "train", "epoch": 7, "iter": 8000, "lr": 4e-05, "memory": 71384, "data_time": 0.00957, "decode.loss_ce": 0.43435, "decode.acc_seg": 83.06072, "aux.loss_ce": 0.17275, "aux.acc_seg": 83.09595, "loss": 0.60711, "time": 3.36036} {"mode": "val", "epoch": 7, "iter": 250, "lr": 4e-05, "aAcc": 0.8362, "mIoU": 0.5081, "mAcc": 0.6467, "IoU.wall": 0.7862, "IoU.building": 0.8284, "IoU.sky": 0.941, "IoU.floor": 0.83, "IoU.tree": 0.7613, "IoU.ceiling": 0.8434, "IoU.road": 0.8198, "IoU.bed ": 0.9062, "IoU.windowpane": 0.6312, "IoU.grass": 0.6324, "IoU.cabinet": 0.6374, "IoU.sidewalk": 0.6401, "IoU.person": 0.8266, "IoU.earth": 0.3583, "IoU.door": 0.5482, "IoU.table": 0.6027, "IoU.mountain": 0.5821, "IoU.plant": 0.5564, "IoU.curtain": 0.7218, "IoU.chair": 0.6023, "IoU.car": 0.8376, "IoU.water": 0.5999, "IoU.painting": 0.6998, "IoU.sofa": 0.7639, "IoU.shelf": 0.4405, "IoU.house": 0.453, "IoU.sea": 0.6903, "IoU.mirror": 0.7209, "IoU.rug": 0.6777, "IoU.field": 0.3141, "IoU.armchair": 0.5695, "IoU.seat": 0.6355, "IoU.fence": 0.4565, "IoU.desk": 0.5084, "IoU.rock": 0.2508, "IoU.wardrobe": 0.5608, "IoU.lamp": 0.6831, "IoU.bathtub": 0.8752, "IoU.railing": 0.4085, "IoU.cushion": 0.5793, "IoU.base": 0.3429, "IoU.box": 0.2829, "IoU.column": 0.4636, "IoU.signboard": 0.3595, "IoU.chest of drawers": 0.5159, "IoU.counter": 0.4871, "IoU.sand": 0.4796, "IoU.sink": 0.7413, "IoU.skyscraper": 0.5372, "IoU.fireplace": 0.659, "IoU.refrigerator": 0.7607, "IoU.grandstand": 0.4693, "IoU.path": 0.2456, "IoU.stairs": 0.213, "IoU.runway": 0.6807, "IoU.case": 0.566, "IoU.pool table": 0.9249, "IoU.pillow": 0.6346, "IoU.screen door": 0.7123, "IoU.stairway": 0.4907, "IoU.river": 0.1904, "IoU.bridge": 0.5762, "IoU.bookcase": 0.3476, "IoU.blind": 0.1678, "IoU.coffee table": 0.5385, "IoU.toilet": 0.8769, "IoU.flower": 0.3954, "IoU.book": 0.4513, "IoU.hill": 0.1021, "IoU.bench": 0.4741, "IoU.countertop": 0.5994, "IoU.stove": 0.626, "IoU.palm": 0.5441, "IoU.kitchen island": 0.3115, "IoU.computer": 0.7618, "IoU.swivel chair": 0.4981, "IoU.boat": 0.4728, "IoU.bar": 0.6156, "IoU.arcade machine": 0.8989, "IoU.hovel": 0.1831, "IoU.bus": 0.9212, "IoU.towel": 0.6919, "IoU.light": 0.4055, "IoU.truck": 0.3721, "IoU.tower": 0.0405, "IoU.chandelier": 0.6959, "IoU.awning": 0.3149, "IoU.streetlight": 0.2451, "IoU.booth": 0.3537, "IoU.television receiver": 0.7404, "IoU.airplane": 0.809, "IoU.dirt track": 0.0448, "IoU.apparel": 0.4433, "IoU.pole": 0.1295, "IoU.land": 0.0005, "IoU.bannister": 0.1091, "IoU.escalator": 0.5969, "IoU.ottoman": 0.4897, "IoU.bottle": 0.3161, "IoU.buffet": 0.4322, "IoU.poster": 0.3141, "IoU.stage": 0.1521, "IoU.van": 0.296, "IoU.ship": 0.5979, "IoU.fountain": 0.273, "IoU.conveyer belt": 0.8406, "IoU.canopy": 0.4581, "IoU.washer": 0.8272, "IoU.plaything": 0.2488, "IoU.swimming pool": 0.5356, "IoU.stool": 0.3828, "IoU.barrel": 0.4997, "IoU.basket": 0.3728, "IoU.waterfall": 0.6245, "IoU.tent": 0.8322, "IoU.bag": 0.2212, "IoU.minibike": 0.6954, "IoU.cradle": 0.7066, "IoU.oven": 0.3392, "IoU.ball": 0.3917, "IoU.food": 0.6, "IoU.step": 0.0924, "IoU.tank": 0.5352, "IoU.trade name": 0.085, "IoU.microwave": 0.8543, "IoU.pot": 0.5364, "IoU.animal": 0.7012, "IoU.bicycle": 0.5494, "IoU.lake": 0.0, "IoU.dishwasher": 0.6339, "IoU.screen": 0.6132, "IoU.blanket": 0.2771, "IoU.sculpture": 0.6289, "IoU.hood": 0.6624, "IoU.sconce": 0.5104, "IoU.vase": 0.4007, "IoU.traffic light": 0.2721, "IoU.tray": 0.1731, "IoU.ashcan": 0.4705, "IoU.fan": 0.6123, "IoU.pier": 0.5217, "IoU.crt screen": 0.0586, "IoU.plate": 0.558, "IoU.monitor": 0.0441, "IoU.bulletin board": 0.6443, "IoU.shower": 0.0, "IoU.radiator": 0.3499, "IoU.glass": 0.1172, "IoU.clock": 0.2968, "IoU.flag": 0.673, "Acc.wall": 0.8974, "Acc.building": 0.9007, "Acc.sky": 0.9721, "Acc.floor": 0.8963, "Acc.tree": 0.868, "Acc.ceiling": 0.9042, "Acc.road": 0.8527, "Acc.bed ": 0.9567, "Acc.windowpane": 0.7747, "Acc.grass": 0.7949, "Acc.cabinet": 0.7692, "Acc.sidewalk": 0.8725, "Acc.person": 0.9173, "Acc.earth": 0.4641, "Acc.door": 0.6761, "Acc.table": 0.7219, "Acc.mountain": 0.7732, "Acc.plant": 0.7138, "Acc.curtain": 0.9012, "Acc.chair": 0.7256, "Acc.car": 0.9155, "Acc.water": 0.7573, "Acc.painting": 0.9197, "Acc.sofa": 0.9117, "Acc.shelf": 0.5601, "Acc.house": 0.6689, "Acc.sea": 0.8327, "Acc.mirror": 0.7776, "Acc.rug": 0.8496, "Acc.field": 0.7081, "Acc.armchair": 0.7127, "Acc.seat": 0.8738, "Acc.fence": 0.5842, "Acc.desk": 0.7586, "Acc.rock": 0.2615, "Acc.wardrobe": 0.7995, "Acc.lamp": 0.8195, "Acc.bathtub": 0.9315, "Acc.railing": 0.5131, "Acc.cushion": 0.6208, "Acc.base": 0.7013, "Acc.box": 0.3985, "Acc.column": 0.4971, "Acc.signboard": 0.6243, "Acc.chest of drawers": 0.692, "Acc.counter": 0.6436, "Acc.sand": 0.5761, "Acc.sink": 0.809, "Acc.skyscraper": 0.6732, "Acc.fireplace": 0.7532, "Acc.refrigerator": 0.8352, "Acc.grandstand": 0.889, "Acc.path": 0.2938, "Acc.stairs": 0.2606, "Acc.runway": 0.902, "Acc.case": 0.6831, "Acc.pool table": 0.981, "Acc.pillow": 0.845, "Acc.screen door": 0.9397, "Acc.stairway": 0.7773, "Acc.river": 0.4461, "Acc.bridge": 0.9109, "Acc.bookcase": 0.6231, "Acc.blind": 0.1725, "Acc.coffee table": 0.8744, "Acc.toilet": 0.9219, "Acc.flower": 0.5314, "Acc.book": 0.6938, "Acc.hill": 0.163, "Acc.bench": 0.5501, "Acc.countertop": 0.6937, "Acc.stove": 0.6839, "Acc.palm": 0.6886, "Acc.kitchen island": 0.9594, "Acc.computer": 0.8973, "Acc.swivel chair": 0.7709, "Acc.boat": 0.59, "Acc.bar": 0.6487, "Acc.arcade machine": 0.981, "Acc.hovel": 0.1963, "Acc.bus": 0.9559, "Acc.towel": 0.8583, "Acc.light": 0.4263, "Acc.truck": 0.4742, "Acc.tower": 0.0503, "Acc.chandelier": 0.8339, "Acc.awning": 0.3458, "Acc.streetlight": 0.3373, "Acc.booth": 0.373, "Acc.television receiver": 0.8234, "Acc.airplane": 0.9268, "Acc.dirt track": 0.2257, "Acc.apparel": 0.8424, "Acc.pole": 0.1477, "Acc.land": 0.0006, "Acc.bannister": 0.1294, "Acc.escalator": 0.8464, "Acc.ottoman": 0.7076, "Acc.bottle": 0.376, "Acc.buffet": 0.5454, "Acc.poster": 0.4641, "Acc.stage": 0.5829, "Acc.van": 0.3724, "Acc.ship": 0.9907, "Acc.fountain": 0.2796, "Acc.conveyer belt": 0.9069, "Acc.canopy": 0.6291, "Acc.washer": 0.8937, "Acc.plaything": 0.4385, "Acc.swimming pool": 0.9425, "Acc.stool": 0.4769, "Acc.barrel": 0.651, "Acc.basket": 0.4867, "Acc.waterfall": 0.9706, "Acc.tent": 0.9922, "Acc.bag": 0.2588, "Acc.minibike": 0.8718, "Acc.cradle": 0.9677, "Acc.oven": 0.6162, "Acc.ball": 0.7279, "Acc.food": 0.7016, "Acc.step": 0.0992, "Acc.tank": 0.7168, "Acc.trade name": 0.0917, "Acc.microwave": 0.9424, "Acc.pot": 0.653, "Acc.animal": 0.7661, "Acc.bicycle": 0.6942, "Acc.lake": 0.0, "Acc.dishwasher": 0.7029, "Acc.screen": 0.9262, "Acc.blanket": 0.3334, "Acc.sculpture": 0.882, "Acc.hood": 0.7024, "Acc.sconce": 0.5873, "Acc.vase": 0.5563, "Acc.traffic light": 0.4091, "Acc.tray": 0.4013, "Acc.ashcan": 0.6176, "Acc.fan": 0.7019, "Acc.pier": 0.6465, "Acc.crt screen": 0.1597, "Acc.plate": 0.7851, "Acc.monitor": 0.0456, "Acc.bulletin board": 0.6986, "Acc.shower": 0.0, "Acc.radiator": 0.3511, "Acc.glass": 0.1222, "Acc.clock": 0.3248, "Acc.flag": 0.7358} {"mode": "train", "epoch": 7, "iter": 8050, "lr": 4e-05, "memory": 71384, "data_time": 1.9271, "decode.loss_ce": 0.45007, "decode.acc_seg": 82.6927, "aux.loss_ce": 0.17995, "aux.acc_seg": 82.65859, "loss": 0.63002, "time": 3.54311} {"mode": "train", "epoch": 7, "iter": 8100, "lr": 4e-05, "memory": 71384, "data_time": 0.00999, "decode.loss_ce": 0.41116, "decode.acc_seg": 83.97763, "aux.loss_ce": 0.16458, "aux.acc_seg": 83.75722, "loss": 0.57574, "time": 1.62207} {"mode": "train", "epoch": 7, "iter": 8150, "lr": 4e-05, "memory": 71384, "data_time": 0.00981, "decode.loss_ce": 0.41546, "decode.acc_seg": 84.66343, "aux.loss_ce": 0.16559, "aux.acc_seg": 84.60769, "loss": 0.58106, "time": 1.62264} {"mode": "train", "epoch": 7, "iter": 8200, "lr": 4e-05, "memory": 71384, "data_time": 0.00983, "decode.loss_ce": 0.41957, "decode.acc_seg": 83.40657, "aux.loss_ce": 0.16712, "aux.acc_seg": 83.51324, "loss": 0.58669, "time": 1.62274} {"mode": "train", "epoch": 7, "iter": 8250, "lr": 4e-05, "memory": 71384, "data_time": 0.00978, "decode.loss_ce": 0.4382, "decode.acc_seg": 82.65273, "aux.loss_ce": 0.17463, "aux.acc_seg": 82.80832, "loss": 0.61284, "time": 1.62693} {"mode": "train", "epoch": 7, "iter": 8300, "lr": 4e-05, "memory": 71384, "data_time": 0.01038, "decode.loss_ce": 0.40769, "decode.acc_seg": 83.65625, "aux.loss_ce": 0.16302, "aux.acc_seg": 83.62868, "loss": 0.57071, "time": 1.62412} {"mode": "train", "epoch": 7, "iter": 8350, "lr": 4e-05, "memory": 71384, "data_time": 0.00974, "decode.loss_ce": 0.43499, "decode.acc_seg": 82.92832, "aux.loss_ce": 0.17468, "aux.acc_seg": 82.98397, "loss": 0.60967, "time": 1.62508} {"mode": "train", "epoch": 7, "iter": 8400, "lr": 4e-05, "memory": 71384, "data_time": 0.00989, "decode.loss_ce": 0.44743, "decode.acc_seg": 82.47759, "aux.loss_ce": 0.17854, "aux.acc_seg": 82.4536, "loss": 0.62597, "time": 1.62761} {"mode": "train", "epoch": 7, "iter": 8450, "lr": 4e-05, "memory": 71384, "data_time": 0.00993, "decode.loss_ce": 0.42831, "decode.acc_seg": 83.39851, "aux.loss_ce": 0.17141, "aux.acc_seg": 83.51642, "loss": 0.59973, "time": 1.62234} {"mode": "train", "epoch": 7, "iter": 8500, "lr": 4e-05, "memory": 71384, "data_time": 0.00994, "decode.loss_ce": 0.40582, "decode.acc_seg": 83.47823, "aux.loss_ce": 0.16284, "aux.acc_seg": 83.67894, "loss": 0.56866, "time": 1.62544} {"mode": "train", "epoch": 7, "iter": 8550, "lr": 4e-05, "memory": 71384, "data_time": 0.00993, "decode.loss_ce": 0.41133, "decode.acc_seg": 83.59394, "aux.loss_ce": 0.16326, "aux.acc_seg": 83.73181, "loss": 0.57459, "time": 1.62167} {"mode": "train", "epoch": 7, "iter": 8600, "lr": 4e-05, "memory": 71384, "data_time": 0.00973, "decode.loss_ce": 0.45314, "decode.acc_seg": 83.09786, "aux.loss_ce": 0.18079, "aux.acc_seg": 83.09896, "loss": 0.63394, "time": 1.62307} {"mode": "train", "epoch": 7, "iter": 8650, "lr": 4e-05, "memory": 71384, "data_time": 0.00989, "decode.loss_ce": 0.46711, "decode.acc_seg": 81.98571, "aux.loss_ce": 0.1833, "aux.acc_seg": 82.06337, "loss": 0.65041, "time": 1.62182} {"mode": "train", "epoch": 7, "iter": 8700, "lr": 4e-05, "memory": 71384, "data_time": 0.01008, "decode.loss_ce": 0.47127, "decode.acc_seg": 82.11315, "aux.loss_ce": 0.18398, "aux.acc_seg": 82.39446, "loss": 0.65524, "time": 1.62588} {"mode": "train", "epoch": 7, "iter": 8750, "lr": 4e-05, "memory": 71384, "data_time": 0.01002, "decode.loss_ce": 0.44045, "decode.acc_seg": 83.31068, "aux.loss_ce": 0.17469, "aux.acc_seg": 83.32363, "loss": 0.61514, "time": 1.62708} {"mode": "train", "epoch": 7, "iter": 8800, "lr": 4e-05, "memory": 71384, "data_time": 0.00978, "decode.loss_ce": 0.42158, "decode.acc_seg": 83.41527, "aux.loss_ce": 0.16755, "aux.acc_seg": 83.44014, "loss": 0.58912, "time": 1.62476} {"mode": "train", "epoch": 8, "iter": 8850, "lr": 4e-05, "memory": 71384, "data_time": 0.05539, "decode.loss_ce": 0.43872, "decode.acc_seg": 83.26591, "aux.loss_ce": 0.17356, "aux.acc_seg": 83.41447, "loss": 0.61229, "time": 1.67373} {"mode": "train", "epoch": 8, "iter": 8900, "lr": 4e-05, "memory": 71384, "data_time": 0.00977, "decode.loss_ce": 0.40366, "decode.acc_seg": 83.98642, "aux.loss_ce": 0.1611, "aux.acc_seg": 84.07067, "loss": 0.56477, "time": 1.62344} {"mode": "train", "epoch": 8, "iter": 8950, "lr": 4e-05, "memory": 71384, "data_time": 0.00991, "decode.loss_ce": 0.40555, "decode.acc_seg": 83.9268, "aux.loss_ce": 0.16242, "aux.acc_seg": 83.94208, "loss": 0.56797, "time": 1.62509} {"mode": "train", "epoch": 8, "iter": 9000, "lr": 4e-05, "memory": 71384, "data_time": 0.00996, "decode.loss_ce": 0.4174, "decode.acc_seg": 83.97471, "aux.loss_ce": 0.16654, "aux.acc_seg": 84.0026, "loss": 0.58394, "time": 1.62185} {"mode": "val", "epoch": 8, "iter": 250, "lr": 4e-05, "aAcc": 0.845, "mIoU": 0.5245, "mAcc": 0.6724, "IoU.wall": 0.7981, "IoU.building": 0.8401, "IoU.sky": 0.9436, "IoU.floor": 0.8283, "IoU.tree": 0.7598, "IoU.ceiling": 0.8533, "IoU.road": 0.8464, "IoU.bed ": 0.901, "IoU.windowpane": 0.647, "IoU.grass": 0.6989, "IoU.cabinet": 0.6329, "IoU.sidewalk": 0.6781, "IoU.person": 0.8185, "IoU.earth": 0.4015, "IoU.door": 0.592, "IoU.table": 0.6298, "IoU.mountain": 0.6054, "IoU.plant": 0.5621, "IoU.curtain": 0.778, "IoU.chair": 0.5998, "IoU.car": 0.8354, "IoU.water": 0.5923, "IoU.painting": 0.7596, "IoU.sofa": 0.7924, "IoU.shelf": 0.4666, "IoU.house": 0.5477, "IoU.sea": 0.6895, "IoU.mirror": 0.7763, "IoU.rug": 0.6678, "IoU.field": 0.2617, "IoU.armchair": 0.6047, "IoU.seat": 0.6581, "IoU.fence": 0.4355, "IoU.desk": 0.4345, "IoU.rock": 0.5545, "IoU.wardrobe": 0.5451, "IoU.lamp": 0.6649, "IoU.bathtub": 0.7982, "IoU.railing": 0.3696, "IoU.cushion": 0.6247, "IoU.base": 0.4259, "IoU.box": 0.3387, "IoU.column": 0.5133, "IoU.signboard": 0.3739, "IoU.chest of drawers": 0.3978, "IoU.counter": 0.4162, "IoU.sand": 0.4313, "IoU.sink": 0.4609, "IoU.skyscraper": 0.5057, "IoU.fireplace": 0.6956, "IoU.refrigerator": 0.8274, "IoU.grandstand": 0.3669, "IoU.path": 0.278, "IoU.stairs": 0.3145, "IoU.runway": 0.6735, "IoU.case": 0.5258, "IoU.pool table": 0.9069, "IoU.pillow": 0.6532, "IoU.screen door": 0.7525, "IoU.stairway": 0.4364, "IoU.river": 0.1834, "IoU.bridge": 0.5006, "IoU.bookcase": 0.3508, "IoU.blind": 0.4076, "IoU.coffee table": 0.6107, "IoU.toilet": 0.231, "IoU.flower": 0.366, "IoU.book": 0.4826, "IoU.hill": 0.0498, "IoU.bench": 0.5856, "IoU.countertop": 0.6142, "IoU.stove": 0.7806, "IoU.palm": 0.5568, "IoU.kitchen island": 0.4625, "IoU.computer": 0.7074, "IoU.swivel chair": 0.4903, "IoU.boat": 0.635, "IoU.bar": 0.6136, "IoU.arcade machine": 0.8146, "IoU.hovel": 0.5264, "IoU.bus": 0.8568, "IoU.towel": 0.691, "IoU.light": 0.4423, "IoU.truck": 0.374, "IoU.tower": 0.4086, "IoU.chandelier": 0.6912, "IoU.awning": 0.4421, "IoU.streetlight": 0.2681, "IoU.booth": 0.269, "IoU.television receiver": 0.7316, "IoU.airplane": 0.8566, "IoU.dirt track": 0.0001, "IoU.apparel": 0.3062, "IoU.pole": 0.2469, "IoU.land": 0.0188, "IoU.bannister": 0.1302, "IoU.escalator": 0.5786, "IoU.ottoman": 0.5127, "IoU.bottle": 0.3995, "IoU.buffet": 0.5028, "IoU.poster": 0.2986, "IoU.stage": 0.1773, "IoU.van": 0.1583, "IoU.ship": 0.8861, "IoU.fountain": 0.4515, "IoU.conveyer belt": 0.6224, "IoU.canopy": 0.4914, "IoU.washer": 0.8236, "IoU.plaything": 0.1879, "IoU.swimming pool": 0.5934, "IoU.stool": 0.3776, "IoU.barrel": 0.5121, "IoU.basket": 0.3811, "IoU.waterfall": 0.599, "IoU.tent": 0.9453, "IoU.bag": 0.2594, "IoU.minibike": 0.7066, "IoU.cradle": 0.6212, "IoU.oven": 0.6578, "IoU.ball": 0.4256, "IoU.food": 0.5576, "IoU.step": 0.1974, "IoU.tank": 0.6391, "IoU.trade name": 0.2374, "IoU.microwave": 0.8772, "IoU.pot": 0.4561, "IoU.animal": 0.452, "IoU.bicycle": 0.5592, "IoU.lake": 0.0, "IoU.dishwasher": 0.6166, "IoU.screen": 0.5281, "IoU.blanket": 0.1301, "IoU.sculpture": 0.7061, "IoU.hood": 0.6286, "IoU.sconce": 0.5345, "IoU.vase": 0.4198, "IoU.traffic light": 0.2953, "IoU.tray": 0.17, "IoU.ashcan": 0.4585, "IoU.fan": 0.6536, "IoU.pier": 0.2835, "IoU.crt screen": 0.0, "IoU.plate": 0.5757, "IoU.monitor": 0.6218, "IoU.bulletin board": 0.5468, "IoU.shower": 0.0009, "IoU.radiator": 0.6531, "IoU.glass": 0.1515, "IoU.clock": 0.3937, "IoU.flag": 0.6741, "Acc.wall": 0.8876, "Acc.building": 0.9346, "Acc.sky": 0.9759, "Acc.floor": 0.8842, "Acc.tree": 0.8524, "Acc.ceiling": 0.9185, "Acc.road": 0.9037, "Acc.bed ": 0.9655, "Acc.windowpane": 0.7767, "Acc.grass": 0.826, "Acc.cabinet": 0.7267, "Acc.sidewalk": 0.8283, "Acc.person": 0.9128, "Acc.earth": 0.5562, "Acc.door": 0.7797, "Acc.table": 0.7448, "Acc.mountain": 0.7822, "Acc.plant": 0.6713, "Acc.curtain": 0.8699, "Acc.chair": 0.6938, "Acc.car": 0.9456, "Acc.water": 0.7312, "Acc.painting": 0.8832, "Acc.sofa": 0.904, "Acc.shelf": 0.6193, "Acc.house": 0.662, "Acc.sea": 0.79, "Acc.mirror": 0.8746, "Acc.rug": 0.8199, "Acc.field": 0.4024, "Acc.armchair": 0.803, "Acc.seat": 0.8969, "Acc.fence": 0.5686, "Acc.desk": 0.5635, "Acc.rock": 0.7174, "Acc.wardrobe": 0.8218, "Acc.lamp": 0.8169, "Acc.bathtub": 0.838, "Acc.railing": 0.516, "Acc.cushion": 0.7035, "Acc.base": 0.6527, "Acc.box": 0.4653, "Acc.column": 0.6804, "Acc.signboard": 0.4526, "Acc.chest of drawers": 0.7957, "Acc.counter": 0.4659, "Acc.sand": 0.5842, "Acc.sink": 0.8238, "Acc.skyscraper": 0.6329, "Acc.fireplace": 0.9097, "Acc.refrigerator": 0.8907, "Acc.grandstand": 0.9313, "Acc.path": 0.4169, "Acc.stairs": 0.382, "Acc.runway": 0.8815, "Acc.case": 0.7519, "Acc.pool table": 0.9885, "Acc.pillow": 0.767, "Acc.screen door": 0.8968, "Acc.stairway": 0.7394, "Acc.river": 0.5611, "Acc.bridge": 0.6133, "Acc.bookcase": 0.6325, "Acc.blind": 0.4731, "Acc.coffee table": 0.8832, "Acc.toilet": 0.2315, "Acc.flower": 0.4487, "Acc.book": 0.7384, "Acc.hill": 0.1032, "Acc.bench": 0.7777, "Acc.countertop": 0.8026, "Acc.stove": 0.9037, "Acc.palm": 0.816, "Acc.kitchen island": 0.8172, "Acc.computer": 0.9361, "Acc.swivel chair": 0.9023, "Acc.boat": 0.7732, "Acc.bar": 0.83, "Acc.arcade machine": 0.9951, "Acc.hovel": 0.6472, "Acc.bus": 0.9739, "Acc.towel": 0.7698, "Acc.light": 0.4655, "Acc.truck": 0.4699, "Acc.tower": 0.7811, "Acc.chandelier": 0.8252, "Acc.awning": 0.6695, "Acc.streetlight": 0.343, "Acc.booth": 0.5022, "Acc.television receiver": 0.814, "Acc.airplane": 0.921, "Acc.dirt track": 0.0001, "Acc.apparel": 0.4116, "Acc.pole": 0.3346, "Acc.land": 0.0349, "Acc.bannister": 0.2339, "Acc.escalator": 0.905, "Acc.ottoman": 0.7393, "Acc.bottle": 0.5765, "Acc.buffet": 0.5769, "Acc.poster": 0.3464, "Acc.stage": 0.5763, "Acc.van": 0.1792, "Acc.ship": 0.9674, "Acc.fountain": 0.5544, "Acc.conveyer belt": 0.9877, "Acc.canopy": 0.6091, "Acc.washer": 0.8998, "Acc.plaything": 0.2573, "Acc.swimming pool": 0.9305, "Acc.stool": 0.6011, "Acc.barrel": 0.6508, "Acc.basket": 0.5084, "Acc.waterfall": 0.6755, "Acc.tent": 0.9862, "Acc.bag": 0.2947, "Acc.minibike": 0.8701, "Acc.cradle": 0.989, "Acc.oven": 0.7744, "Acc.ball": 0.7622, "Acc.food": 0.6196, "Acc.step": 0.276, "Acc.tank": 0.9553, "Acc.trade name": 0.272, "Acc.microwave": 0.9439, "Acc.pot": 0.7223, "Acc.animal": 0.4598, "Acc.bicycle": 0.7607, "Acc.lake": 0.0, "Acc.dishwasher": 0.6696, "Acc.screen": 0.9359, "Acc.blanket": 0.1405, "Acc.sculpture": 0.8525, "Acc.hood": 0.7868, "Acc.sconce": 0.6312, "Acc.vase": 0.5636, "Acc.traffic light": 0.5421, "Acc.tray": 0.2348, "Acc.ashcan": 0.6348, "Acc.fan": 0.8069, "Acc.pier": 0.7454, "Acc.crt screen": 0.0, "Acc.plate": 0.7344, "Acc.monitor": 0.6902, "Acc.bulletin board": 0.6362, "Acc.shower": 0.0012, "Acc.radiator": 0.7585, "Acc.glass": 0.1648, "Acc.clock": 0.4782, "Acc.flag": 0.7132} {"mode": "train", "epoch": 8, "iter": 9050, "lr": 4e-05, "memory": 71384, "data_time": 1.95916, "decode.loss_ce": 0.40492, "decode.acc_seg": 84.10724, "aux.loss_ce": 0.16229, "aux.acc_seg": 84.19338, "loss": 0.5672, "time": 3.57576} {"mode": "train", "epoch": 8, "iter": 9100, "lr": 4e-05, "memory": 71384, "data_time": 0.00961, "decode.loss_ce": 0.42792, "decode.acc_seg": 83.82897, "aux.loss_ce": 0.17019, "aux.acc_seg": 83.7647, "loss": 0.59811, "time": 1.62752} {"mode": "train", "epoch": 8, "iter": 9150, "lr": 4e-05, "memory": 71384, "data_time": 0.00953, "decode.loss_ce": 0.39096, "decode.acc_seg": 84.44649, "aux.loss_ce": 0.15728, "aux.acc_seg": 84.45079, "loss": 0.54825, "time": 1.62282} {"mode": "train", "epoch": 8, "iter": 9200, "lr": 4e-05, "memory": 71384, "data_time": 0.00952, "decode.loss_ce": 0.41772, "decode.acc_seg": 83.90247, "aux.loss_ce": 0.16852, "aux.acc_seg": 83.56501, "loss": 0.58623, "time": 1.62708} {"mode": "train", "epoch": 8, "iter": 9250, "lr": 4e-05, "memory": 71384, "data_time": 0.00948, "decode.loss_ce": 0.38416, "decode.acc_seg": 84.91256, "aux.loss_ce": 0.15511, "aux.acc_seg": 84.70235, "loss": 0.53927, "time": 1.62337} {"mode": "train", "epoch": 8, "iter": 9300, "lr": 4e-05, "memory": 71384, "data_time": 0.00972, "decode.loss_ce": 0.39243, "decode.acc_seg": 85.03231, "aux.loss_ce": 0.15705, "aux.acc_seg": 85.12147, "loss": 0.54948, "time": 1.62369} {"mode": "train", "epoch": 8, "iter": 9350, "lr": 4e-05, "memory": 71384, "data_time": 0.00963, "decode.loss_ce": 0.40172, "decode.acc_seg": 84.18921, "aux.loss_ce": 0.16153, "aux.acc_seg": 84.16855, "loss": 0.56326, "time": 1.62695} {"mode": "train", "epoch": 8, "iter": 9400, "lr": 4e-05, "memory": 71384, "data_time": 0.00953, "decode.loss_ce": 0.43859, "decode.acc_seg": 82.69023, "aux.loss_ce": 0.17647, "aux.acc_seg": 82.68293, "loss": 0.61506, "time": 1.625} {"mode": "train", "epoch": 8, "iter": 9450, "lr": 4e-05, "memory": 71384, "data_time": 0.0095, "decode.loss_ce": 0.41702, "decode.acc_seg": 83.72951, "aux.loss_ce": 0.16592, "aux.acc_seg": 83.94078, "loss": 0.58294, "time": 1.62831} {"mode": "train", "epoch": 8, "iter": 9500, "lr": 4e-05, "memory": 71384, "data_time": 0.00977, "decode.loss_ce": 0.39529, "decode.acc_seg": 84.238, "aux.loss_ce": 0.15874, "aux.acc_seg": 84.26598, "loss": 0.55403, "time": 1.62179} {"mode": "train", "epoch": 8, "iter": 9550, "lr": 4e-05, "memory": 71384, "data_time": 0.00985, "decode.loss_ce": 0.41052, "decode.acc_seg": 84.11306, "aux.loss_ce": 0.16464, "aux.acc_seg": 84.09147, "loss": 0.57516, "time": 1.62676} {"mode": "train", "epoch": 8, "iter": 9600, "lr": 4e-05, "memory": 71384, "data_time": 0.00959, "decode.loss_ce": 0.37733, "decode.acc_seg": 85.10895, "aux.loss_ce": 0.15162, "aux.acc_seg": 85.01599, "loss": 0.52895, "time": 1.62422} {"mode": "train", "epoch": 8, "iter": 9650, "lr": 4e-05, "memory": 71384, "data_time": 0.00953, "decode.loss_ce": 0.42695, "decode.acc_seg": 83.51393, "aux.loss_ce": 0.16997, "aux.acc_seg": 83.59651, "loss": 0.59692, "time": 1.62127} {"mode": "train", "epoch": 8, "iter": 9700, "lr": 4e-05, "memory": 71384, "data_time": 0.00967, "decode.loss_ce": 0.39435, "decode.acc_seg": 84.88224, "aux.loss_ce": 0.15863, "aux.acc_seg": 84.84435, "loss": 0.55298, "time": 1.62275} {"mode": "train", "epoch": 8, "iter": 9750, "lr": 4e-05, "memory": 71384, "data_time": 0.00971, "decode.loss_ce": 0.40516, "decode.acc_seg": 84.14545, "aux.loss_ce": 0.1621, "aux.acc_seg": 84.1277, "loss": 0.56726, "time": 1.627} {"mode": "train", "epoch": 8, "iter": 9800, "lr": 4e-05, "memory": 71384, "data_time": 0.0096, "decode.loss_ce": 0.42996, "decode.acc_seg": 82.94702, "aux.loss_ce": 0.17206, "aux.acc_seg": 83.00659, "loss": 0.60202, "time": 1.62299} {"mode": "train", "epoch": 8, "iter": 9850, "lr": 4e-05, "memory": 71384, "data_time": 0.01012, "decode.loss_ce": 0.40646, "decode.acc_seg": 83.79891, "aux.loss_ce": 0.16057, "aux.acc_seg": 83.64247, "loss": 0.56703, "time": 1.62353} {"mode": "train", "epoch": 8, "iter": 9900, "lr": 4e-05, "memory": 71384, "data_time": 0.00951, "decode.loss_ce": 0.40302, "decode.acc_seg": 84.38217, "aux.loss_ce": 0.16109, "aux.acc_seg": 84.44996, "loss": 0.56411, "time": 1.62408} {"mode": "train", "epoch": 8, "iter": 9950, "lr": 4e-05, "memory": 71384, "data_time": 0.00957, "decode.loss_ce": 0.39722, "decode.acc_seg": 83.77575, "aux.loss_ce": 0.15748, "aux.acc_seg": 83.86111, "loss": 0.5547, "time": 1.62359} {"mode": "train", "epoch": 8, "iter": 10000, "lr": 4e-05, "memory": 71384, "data_time": 0.00953, "decode.loss_ce": 0.42132, "decode.acc_seg": 83.79705, "aux.loss_ce": 0.16747, "aux.acc_seg": 83.73902, "loss": 0.58879, "time": 3.26582} {"mode": "val", "epoch": 8, "iter": 250, "lr": 4e-05, "aAcc": 0.8429, "mIoU": 0.5376, "mAcc": 0.6835, "IoU.wall": 0.7858, "IoU.building": 0.8389, "IoU.sky": 0.944, "IoU.floor": 0.8353, "IoU.tree": 0.761, "IoU.ceiling": 0.849, "IoU.road": 0.8246, "IoU.bed ": 0.9079, "IoU.windowpane": 0.6396, "IoU.grass": 0.6853, "IoU.cabinet": 0.6346, "IoU.sidewalk": 0.6542, "IoU.person": 0.8369, "IoU.earth": 0.4044, "IoU.door": 0.5607, "IoU.table": 0.6437, "IoU.mountain": 0.5371, "IoU.plant": 0.5468, "IoU.curtain": 0.7879, "IoU.chair": 0.6013, "IoU.car": 0.8504, "IoU.water": 0.5487, "IoU.painting": 0.7271, "IoU.sofa": 0.7498, "IoU.shelf": 0.4383, "IoU.house": 0.5138, "IoU.sea": 0.6865, "IoU.mirror": 0.7622, "IoU.rug": 0.6895, "IoU.field": 0.3505, "IoU.armchair": 0.5496, "IoU.seat": 0.643, "IoU.fence": 0.4499, "IoU.desk": 0.5158, "IoU.rock": 0.5529, "IoU.wardrobe": 0.5476, "IoU.lamp": 0.6827, "IoU.bathtub": 0.8042, "IoU.railing": 0.3158, "IoU.cushion": 0.6393, "IoU.base": 0.3832, "IoU.box": 0.3087, "IoU.column": 0.527, "IoU.signboard": 0.3955, "IoU.chest of drawers": 0.5065, "IoU.counter": 0.3731, "IoU.sand": 0.3825, "IoU.sink": 0.733, "IoU.skyscraper": 0.5055, "IoU.fireplace": 0.6713, "IoU.refrigerator": 0.7902, "IoU.grandstand": 0.4947, "IoU.path": 0.259, "IoU.stairs": 0.3463, "IoU.runway": 0.6977, "IoU.case": 0.5972, "IoU.pool table": 0.9286, "IoU.pillow": 0.6791, "IoU.screen door": 0.7758, "IoU.stairway": 0.5188, "IoU.river": 0.1611, "IoU.bridge": 0.7064, "IoU.bookcase": 0.3372, "IoU.blind": 0.3327, "IoU.coffee table": 0.5781, "IoU.toilet": 0.8563, "IoU.flower": 0.3818, "IoU.book": 0.5079, "IoU.hill": 0.0628, "IoU.bench": 0.5178, "IoU.countertop": 0.5563, "IoU.stove": 0.8067, "IoU.palm": 0.5488, "IoU.kitchen island": 0.4338, "IoU.computer": 0.7726, "IoU.swivel chair": 0.5169, "IoU.boat": 0.6049, "IoU.bar": 0.5441, "IoU.arcade machine": 0.9082, "IoU.hovel": 0.6956, "IoU.bus": 0.9229, "IoU.towel": 0.7062, "IoU.light": 0.3824, "IoU.truck": 0.3991, "IoU.tower": 0.2464, "IoU.chandelier": 0.6622, "IoU.awning": 0.3832, "IoU.streetlight": 0.2778, "IoU.booth": 0.3739, "IoU.television receiver": 0.7208, "IoU.airplane": 0.8534, "IoU.dirt track": 0.1716, "IoU.apparel": 0.4986, "IoU.pole": 0.2139, "IoU.land": 0.0001, "IoU.bannister": 0.1224, "IoU.escalator": 0.5719, "IoU.ottoman": 0.4806, "IoU.bottle": 0.4169, "IoU.buffet": 0.5912, "IoU.poster": 0.3146, "IoU.stage": 0.2766, "IoU.van": 0.4402, "IoU.ship": 0.5138, "IoU.fountain": 0.2668, "IoU.conveyer belt": 0.8084, "IoU.canopy": 0.3744, "IoU.washer": 0.7922, "IoU.plaything": 0.2627, "IoU.swimming pool": 0.5858, "IoU.stool": 0.3716, "IoU.barrel": 0.5841, "IoU.basket": 0.4177, "IoU.waterfall": 0.723, "IoU.tent": 0.9355, "IoU.bag": 0.2834, "IoU.minibike": 0.6976, "IoU.cradle": 0.829, "IoU.oven": 0.6139, "IoU.ball": 0.3963, "IoU.food": 0.5073, "IoU.step": 0.1538, "IoU.tank": 0.7177, "IoU.trade name": 0.1979, "IoU.microwave": 0.8588, "IoU.pot": 0.5216, "IoU.animal": 0.6832, "IoU.bicycle": 0.5862, "IoU.lake": 0.0969, "IoU.dishwasher": 0.6362, "IoU.screen": 0.5322, "IoU.blanket": 0.3488, "IoU.sculpture": 0.6724, "IoU.hood": 0.6122, "IoU.sconce": 0.5608, "IoU.vase": 0.3742, "IoU.traffic light": 0.2911, "IoU.tray": 0.1309, "IoU.ashcan": 0.4409, "IoU.fan": 0.633, "IoU.pier": 0.3575, "IoU.crt screen": 0.0002, "IoU.plate": 0.5244, "IoU.monitor": 0.2506, "IoU.bulletin board": 0.6137, "IoU.shower": 0.0, "IoU.radiator": 0.6589, "IoU.glass": 0.143, "IoU.clock": 0.3545, "IoU.flag": 0.6908, "Acc.wall": 0.8638, "Acc.building": 0.9373, "Acc.sky": 0.974, "Acc.floor": 0.8903, "Acc.tree": 0.8833, "Acc.ceiling": 0.9241, "Acc.road": 0.8993, "Acc.bed ": 0.9531, "Acc.windowpane": 0.8214, "Acc.grass": 0.822, "Acc.cabinet": 0.7066, "Acc.sidewalk": 0.8325, "Acc.person": 0.9377, "Acc.earth": 0.559, "Acc.door": 0.7272, "Acc.table": 0.7675, "Acc.mountain": 0.6652, "Acc.plant": 0.6522, "Acc.curtain": 0.8592, "Acc.chair": 0.6936, "Acc.car": 0.9472, "Acc.water": 0.6459, "Acc.painting": 0.906, "Acc.sofa": 0.8036, "Acc.shelf": 0.5857, "Acc.house": 0.6099, "Acc.sea": 0.7957, "Acc.mirror": 0.8208, "Acc.rug": 0.8399, "Acc.field": 0.5015, "Acc.armchair": 0.8732, "Acc.seat": 0.8618, "Acc.fence": 0.7276, "Acc.desk": 0.7831, "Acc.rock": 0.7366, "Acc.wardrobe": 0.8087, "Acc.lamp": 0.7957, "Acc.bathtub": 0.8278, "Acc.railing": 0.4568, "Acc.cushion": 0.7992, "Acc.base": 0.5076, "Acc.box": 0.3864, "Acc.column": 0.768, "Acc.signboard": 0.4971, "Acc.chest of drawers": 0.7153, "Acc.counter": 0.4624, "Acc.sand": 0.6411, "Acc.sink": 0.8556, "Acc.skyscraper": 0.5684, "Acc.fireplace": 0.9485, "Acc.refrigerator": 0.8885, "Acc.grandstand": 0.8003, "Acc.path": 0.397, "Acc.stairs": 0.4665, "Acc.runway": 0.906, "Acc.case": 0.8055, "Acc.pool table": 0.985, "Acc.pillow": 0.8437, "Acc.screen door": 0.9387, "Acc.stairway": 0.6835, "Acc.river": 0.6144, "Acc.bridge": 0.9046, "Acc.bookcase": 0.5722, "Acc.blind": 0.3522, "Acc.coffee table": 0.859, "Acc.toilet": 0.9419, "Acc.flower": 0.4969, "Acc.book": 0.7004, "Acc.hill": 0.1399, "Acc.bench": 0.7331, "Acc.countertop": 0.6708, "Acc.stove": 0.8867, "Acc.palm": 0.8384, "Acc.kitchen island": 0.8883, "Acc.computer": 0.9046, "Acc.swivel chair": 0.8123, "Acc.boat": 0.9101, "Acc.bar": 0.9071, "Acc.arcade machine": 0.9732, "Acc.hovel": 0.8706, "Acc.bus": 0.9608, "Acc.towel": 0.8268, "Acc.light": 0.3985, "Acc.truck": 0.4937, "Acc.tower": 0.4134, "Acc.chandelier": 0.876, "Acc.awning": 0.4343, "Acc.streetlight": 0.383, "Acc.booth": 0.5618, "Acc.television receiver": 0.8745, "Acc.airplane": 0.9525, "Acc.dirt track": 0.1928, "Acc.apparel": 0.6938, "Acc.pole": 0.2865, "Acc.land": 0.0001, "Acc.bannister": 0.4242, "Acc.escalator": 0.8281, "Acc.ottoman": 0.7513, "Acc.bottle": 0.6218, "Acc.buffet": 0.8461, "Acc.poster": 0.3754, "Acc.stage": 0.5099, "Acc.van": 0.5718, "Acc.ship": 0.5138, "Acc.fountain": 0.2962, "Acc.conveyer belt": 0.9292, "Acc.canopy": 0.595, "Acc.washer": 0.8423, "Acc.plaything": 0.4586, "Acc.swimming pool": 0.8467, "Acc.stool": 0.7165, "Acc.barrel": 0.7043, "Acc.basket": 0.6332, "Acc.waterfall": 0.9352, "Acc.tent": 0.9896, "Acc.bag": 0.3576, "Acc.minibike": 0.8843, "Acc.cradle": 0.9824, "Acc.oven": 0.7161, "Acc.ball": 0.7301, "Acc.food": 0.5277, "Acc.step": 0.2801, "Acc.tank": 0.9119, "Acc.trade name": 0.2133, "Acc.microwave": 0.9516, "Acc.pot": 0.6106, "Acc.animal": 0.7211, "Acc.bicycle": 0.734, "Acc.lake": 0.1054, "Acc.dishwasher": 0.8356, "Acc.screen": 0.948, "Acc.blanket": 0.4366, "Acc.sculpture": 0.823, "Acc.hood": 0.7112, "Acc.sconce": 0.7112, "Acc.vase": 0.6082, "Acc.traffic light": 0.5604, "Acc.tray": 0.1397, "Acc.ashcan": 0.6277, "Acc.fan": 0.726, "Acc.pier": 0.3725, "Acc.crt screen": 0.0004, "Acc.plate": 0.8087, "Acc.monitor": 0.2865, "Acc.bulletin board": 0.7614, "Acc.shower": 0.0, "Acc.radiator": 0.8217, "Acc.glass": 0.1529, "Acc.clock": 0.4599, "Acc.flag": 0.7329} {"mode": "train", "epoch": 8, "iter": 10050, "lr": 3e-05, "memory": 71384, "data_time": 1.93573, "decode.loss_ce": 0.40428, "decode.acc_seg": 84.45724, "aux.loss_ce": 0.16161, "aux.acc_seg": 84.27399, "loss": 0.56589, "time": 3.55123} {"mode": "train", "epoch": 8, "iter": 10100, "lr": 3e-05, "memory": 71384, "data_time": 0.01013, "decode.loss_ce": 0.39363, "decode.acc_seg": 84.56993, "aux.loss_ce": 0.1595, "aux.acc_seg": 84.28399, "loss": 0.55313, "time": 1.62564} {"mode": "train", "epoch": 9, "iter": 10150, "lr": 3e-05, "memory": 71384, "data_time": 0.0632, "decode.loss_ce": 0.3658, "decode.acc_seg": 85.88953, "aux.loss_ce": 0.14674, "aux.acc_seg": 86.01403, "loss": 0.51254, "time": 1.68694} {"mode": "train", "epoch": 9, "iter": 10200, "lr": 3e-05, "memory": 71384, "data_time": 0.0102, "decode.loss_ce": 0.37466, "decode.acc_seg": 84.94722, "aux.loss_ce": 0.1497, "aux.acc_seg": 84.98578, "loss": 0.52435, "time": 1.62476} {"mode": "train", "epoch": 9, "iter": 10250, "lr": 3e-05, "memory": 71384, "data_time": 0.01001, "decode.loss_ce": 0.35609, "decode.acc_seg": 86.13531, "aux.loss_ce": 0.14423, "aux.acc_seg": 86.05933, "loss": 0.50033, "time": 1.62464} {"mode": "train", "epoch": 9, "iter": 10300, "lr": 3e-05, "memory": 71384, "data_time": 0.01032, "decode.loss_ce": 0.36313, "decode.acc_seg": 85.74174, "aux.loss_ce": 0.14568, "aux.acc_seg": 85.76176, "loss": 0.5088, "time": 1.62278} {"mode": "train", "epoch": 9, "iter": 10350, "lr": 3e-05, "memory": 71384, "data_time": 0.01017, "decode.loss_ce": 0.40896, "decode.acc_seg": 84.05626, "aux.loss_ce": 0.16517, "aux.acc_seg": 83.79002, "loss": 0.57412, "time": 1.6263} {"mode": "train", "epoch": 9, "iter": 10400, "lr": 3e-05, "memory": 71384, "data_time": 0.01025, "decode.loss_ce": 0.35782, "decode.acc_seg": 85.10019, "aux.loss_ce": 0.14363, "aux.acc_seg": 85.01143, "loss": 0.50145, "time": 1.62655} {"mode": "train", "epoch": 9, "iter": 10450, "lr": 3e-05, "memory": 71384, "data_time": 0.01028, "decode.loss_ce": 0.39139, "decode.acc_seg": 84.64553, "aux.loss_ce": 0.1569, "aux.acc_seg": 84.55684, "loss": 0.54829, "time": 1.62384} {"mode": "train", "epoch": 9, "iter": 10500, "lr": 3e-05, "memory": 71384, "data_time": 0.01033, "decode.loss_ce": 0.37194, "decode.acc_seg": 85.17653, "aux.loss_ce": 0.14905, "aux.acc_seg": 85.11918, "loss": 0.52099, "time": 1.62527} {"mode": "train", "epoch": 9, "iter": 10550, "lr": 3e-05, "memory": 71384, "data_time": 0.01005, "decode.loss_ce": 0.39044, "decode.acc_seg": 84.44773, "aux.loss_ce": 0.1565, "aux.acc_seg": 84.37841, "loss": 0.54694, "time": 1.62474} {"mode": "train", "epoch": 9, "iter": 10600, "lr": 3e-05, "memory": 71384, "data_time": 0.01017, "decode.loss_ce": 0.41121, "decode.acc_seg": 84.25843, "aux.loss_ce": 0.16316, "aux.acc_seg": 84.34988, "loss": 0.57437, "time": 1.62301} {"mode": "train", "epoch": 9, "iter": 10650, "lr": 3e-05, "memory": 71384, "data_time": 0.00992, "decode.loss_ce": 0.38766, "decode.acc_seg": 84.72372, "aux.loss_ce": 0.15442, "aux.acc_seg": 84.65352, "loss": 0.54208, "time": 1.62539} {"mode": "train", "epoch": 9, "iter": 10700, "lr": 3e-05, "memory": 71384, "data_time": 0.00985, "decode.loss_ce": 0.36938, "decode.acc_seg": 85.1331, "aux.loss_ce": 0.14864, "aux.acc_seg": 84.76752, "loss": 0.51802, "time": 1.62447} {"mode": "train", "epoch": 9, "iter": 10750, "lr": 3e-05, "memory": 71384, "data_time": 0.0098, "decode.loss_ce": 0.39984, "decode.acc_seg": 84.14636, "aux.loss_ce": 0.16004, "aux.acc_seg": 84.25606, "loss": 0.55987, "time": 1.62764} {"mode": "train", "epoch": 9, "iter": 10800, "lr": 3e-05, "memory": 71384, "data_time": 0.00975, "decode.loss_ce": 0.39025, "decode.acc_seg": 84.22215, "aux.loss_ce": 0.1566, "aux.acc_seg": 84.04694, "loss": 0.54685, "time": 1.62397} {"mode": "train", "epoch": 9, "iter": 10850, "lr": 3e-05, "memory": 71384, "data_time": 0.00972, "decode.loss_ce": 0.40553, "decode.acc_seg": 84.35612, "aux.loss_ce": 0.16245, "aux.acc_seg": 84.23845, "loss": 0.56797, "time": 1.62386} {"mode": "train", "epoch": 9, "iter": 10900, "lr": 3e-05, "memory": 71384, "data_time": 0.00985, "decode.loss_ce": 0.40497, "decode.acc_seg": 83.94325, "aux.loss_ce": 0.16197, "aux.acc_seg": 84.04657, "loss": 0.56694, "time": 1.6231} {"mode": "train", "epoch": 9, "iter": 10950, "lr": 3e-05, "memory": 71384, "data_time": 0.00986, "decode.loss_ce": 0.38684, "decode.acc_seg": 84.5413, "aux.loss_ce": 0.15609, "aux.acc_seg": 84.4304, "loss": 0.54293, "time": 1.62632} {"mode": "train", "epoch": 9, "iter": 11000, "lr": 3e-05, "memory": 71384, "data_time": 0.0096, "decode.loss_ce": 0.3973, "decode.acc_seg": 84.40055, "aux.loss_ce": 0.15882, "aux.acc_seg": 84.37387, "loss": 0.55611, "time": 1.62615} {"mode": "val", "epoch": 9, "iter": 250, "lr": 3e-05, "aAcc": 0.8481, "mIoU": 0.5427, "mAcc": 0.6797, "IoU.wall": 0.7975, "IoU.building": 0.8374, "IoU.sky": 0.9454, "IoU.floor": 0.8472, "IoU.tree": 0.7574, "IoU.ceiling": 0.8555, "IoU.road": 0.8592, "IoU.bed ": 0.9127, "IoU.windowpane": 0.6524, "IoU.grass": 0.7024, "IoU.cabinet": 0.6442, "IoU.sidewalk": 0.6878, "IoU.person": 0.836, "IoU.earth": 0.3833, "IoU.door": 0.5953, "IoU.table": 0.6235, "IoU.mountain": 0.5078, "IoU.plant": 0.5567, "IoU.curtain": 0.7663, "IoU.chair": 0.6414, "IoU.car": 0.8579, "IoU.water": 0.5488, "IoU.painting": 0.7393, "IoU.sofa": 0.7922, "IoU.shelf": 0.4622, "IoU.house": 0.4706, "IoU.sea": 0.6716, "IoU.mirror": 0.7625, "IoU.rug": 0.7124, "IoU.field": 0.3593, "IoU.armchair": 0.6085, "IoU.seat": 0.6943, "IoU.fence": 0.4753, "IoU.desk": 0.5116, "IoU.rock": 0.4732, "IoU.wardrobe": 0.5601, "IoU.lamp": 0.689, "IoU.bathtub": 0.8654, "IoU.railing": 0.4207, "IoU.cushion": 0.6598, "IoU.base": 0.431, "IoU.box": 0.3166, "IoU.column": 0.5392, "IoU.signboard": 0.4169, "IoU.chest of drawers": 0.5294, "IoU.counter": 0.4779, "IoU.sand": 0.5753, "IoU.sink": 0.7284, "IoU.skyscraper": 0.4713, "IoU.fireplace": 0.6865, "IoU.refrigerator": 0.7958, "IoU.grandstand": 0.4925, "IoU.path": 0.2606, "IoU.stairs": 0.2476, "IoU.runway": 0.7373, "IoU.case": 0.6306, "IoU.pool table": 0.9384, "IoU.pillow": 0.6681, "IoU.screen door": 0.7836, "IoU.stairway": 0.4208, "IoU.river": 0.1971, "IoU.bridge": 0.7125, "IoU.bookcase": 0.3234, "IoU.blind": 0.4212, "IoU.coffee table": 0.5857, "IoU.toilet": 0.8952, "IoU.flower": 0.401, "IoU.book": 0.4871, "IoU.hill": 0.0313, "IoU.bench": 0.6185, "IoU.countertop": 0.617, "IoU.stove": 0.7897, "IoU.palm": 0.5301, "IoU.kitchen island": 0.3615, "IoU.computer": 0.5817, "IoU.swivel chair": 0.4707, "IoU.boat": 0.6766, "IoU.bar": 0.5986, "IoU.arcade machine": 0.9117, "IoU.hovel": 0.294, "IoU.bus": 0.929, "IoU.towel": 0.6869, "IoU.light": 0.4435, "IoU.truck": 0.4553, "IoU.tower": 0.2272, "IoU.chandelier": 0.6883, "IoU.awning": 0.4433, "IoU.streetlight": 0.2513, "IoU.booth": 0.5983, "IoU.television receiver": 0.7451, "IoU.airplane": 0.8058, "IoU.dirt track": 0.16, "IoU.apparel": 0.3768, "IoU.pole": 0.1555, "IoU.land": 0.0348, "IoU.bannister": 0.1634, "IoU.escalator": 0.6434, "IoU.ottoman": 0.5374, "IoU.bottle": 0.4073, "IoU.buffet": 0.5867, "IoU.poster": 0.3327, "IoU.stage": 0.2777, "IoU.van": 0.4542, "IoU.ship": 0.7228, "IoU.fountain": 0.3354, "IoU.conveyer belt": 0.7519, "IoU.canopy": 0.5169, "IoU.washer": 0.8422, "IoU.plaything": 0.2717, "IoU.swimming pool": 0.5794, "IoU.stool": 0.432, "IoU.barrel": 0.5384, "IoU.basket": 0.3332, "IoU.waterfall": 0.5365, "IoU.tent": 0.9483, "IoU.bag": 0.2827, "IoU.minibike": 0.7224, "IoU.cradle": 0.7914, "IoU.oven": 0.5386, "IoU.ball": 0.4305, "IoU.food": 0.631, "IoU.step": 0.1499, "IoU.tank": 0.5528, "IoU.trade name": 0.3062, "IoU.microwave": 0.8421, "IoU.pot": 0.5418, "IoU.animal": 0.5809, "IoU.bicycle": 0.5436, "IoU.lake": 0.0, "IoU.dishwasher": 0.6404, "IoU.screen": 0.5412, "IoU.blanket": 0.2346, "IoU.sculpture": 0.654, "IoU.hood": 0.6565, "IoU.sconce": 0.5026, "IoU.vase": 0.415, "IoU.traffic light": 0.2801, "IoU.tray": 0.1756, "IoU.ashcan": 0.4677, "IoU.fan": 0.6399, "IoU.pier": 0.3933, "IoU.crt screen": 0.1605, "IoU.plate": 0.5042, "IoU.monitor": 0.0384, "IoU.bulletin board": 0.6426, "IoU.shower": 0.0461, "IoU.radiator": 0.6517, "IoU.glass": 0.135, "IoU.clock": 0.3922, "IoU.flag": 0.7054, "Acc.wall": 0.8747, "Acc.building": 0.9106, "Acc.sky": 0.9776, "Acc.floor": 0.9007, "Acc.tree": 0.899, "Acc.ceiling": 0.9324, "Acc.road": 0.9067, "Acc.bed ": 0.958, "Acc.windowpane": 0.814, "Acc.grass": 0.801, "Acc.cabinet": 0.7399, "Acc.sidewalk": 0.8397, "Acc.person": 0.9411, "Acc.earth": 0.5256, "Acc.door": 0.778, "Acc.table": 0.7297, "Acc.mountain": 0.6903, "Acc.plant": 0.654, "Acc.curtain": 0.8772, "Acc.chair": 0.7746, "Acc.car": 0.9279, "Acc.water": 0.6405, "Acc.painting": 0.8935, "Acc.sofa": 0.8807, "Acc.shelf": 0.5807, "Acc.house": 0.8882, "Acc.sea": 0.9563, "Acc.mirror": 0.9076, "Acc.rug": 0.8733, "Acc.field": 0.5892, "Acc.armchair": 0.7678, "Acc.seat": 0.8205, "Acc.fence": 0.6257, "Acc.desk": 0.7425, "Acc.rock": 0.6695, "Acc.wardrobe": 0.7656, "Acc.lamp": 0.7971, "Acc.bathtub": 0.9185, "Acc.railing": 0.5864, "Acc.cushion": 0.7816, "Acc.base": 0.6588, "Acc.box": 0.4444, "Acc.column": 0.7394, "Acc.signboard": 0.5219, "Acc.chest of drawers": 0.7405, "Acc.counter": 0.6613, "Acc.sand": 0.8676, "Acc.sink": 0.842, "Acc.skyscraper": 0.4922, "Acc.fireplace": 0.935, "Acc.refrigerator": 0.9326, "Acc.grandstand": 0.8414, "Acc.path": 0.3719, "Acc.stairs": 0.2851, "Acc.runway": 0.9495, "Acc.case": 0.6836, "Acc.pool table": 0.9742, "Acc.pillow": 0.7973, "Acc.screen door": 0.9401, "Acc.stairway": 0.6834, "Acc.river": 0.522, "Acc.bridge": 0.8713, "Acc.bookcase": 0.504, "Acc.blind": 0.4917, "Acc.coffee table": 0.869, "Acc.toilet": 0.9379, "Acc.flower": 0.4976, "Acc.book": 0.774, "Acc.hill": 0.0617, "Acc.bench": 0.7688, "Acc.countertop": 0.8155, "Acc.stove": 0.9243, "Acc.palm": 0.5778, "Acc.kitchen island": 0.6712, "Acc.computer": 0.9303, "Acc.swivel chair": 0.9257, "Acc.boat": 0.8804, "Acc.bar": 0.8451, "Acc.arcade machine": 0.9715, "Acc.hovel": 0.3319, "Acc.bus": 0.9471, "Acc.towel": 0.8796, "Acc.light": 0.4632, "Acc.truck": 0.559, "Acc.tower": 0.3825, "Acc.chandelier": 0.8277, "Acc.awning": 0.5547, "Acc.streetlight": 0.3032, "Acc.booth": 0.6668, "Acc.television receiver": 0.9249, "Acc.airplane": 0.8836, "Acc.dirt track": 0.652, "Acc.apparel": 0.4815, "Acc.pole": 0.1764, "Acc.land": 0.106, "Acc.bannister": 0.2354, "Acc.escalator": 0.8661, "Acc.ottoman": 0.7266, "Acc.bottle": 0.6081, "Acc.buffet": 0.7993, "Acc.poster": 0.6002, "Acc.stage": 0.3851, "Acc.van": 0.729, "Acc.ship": 0.8265, "Acc.fountain": 0.3586, "Acc.conveyer belt": 0.9706, "Acc.canopy": 0.8443, "Acc.washer": 0.8909, "Acc.plaything": 0.3192, "Acc.swimming pool": 0.8425, "Acc.stool": 0.4997, "Acc.barrel": 0.6541, "Acc.basket": 0.4295, "Acc.waterfall": 0.6034, "Acc.tent": 0.9821, "Acc.bag": 0.3622, "Acc.minibike": 0.8866, "Acc.cradle": 0.9639, "Acc.oven": 0.6444, "Acc.ball": 0.7226, "Acc.food": 0.7057, "Acc.step": 0.1805, "Acc.tank": 0.7597, "Acc.trade name": 0.3834, "Acc.microwave": 0.9569, "Acc.pot": 0.6159, "Acc.animal": 0.5871, "Acc.bicycle": 0.6782, "Acc.lake": 0.0, "Acc.dishwasher": 0.6837, "Acc.screen": 0.7981, "Acc.blanket": 0.2889, "Acc.sculpture": 0.6952, "Acc.hood": 0.7822, "Acc.sconce": 0.6129, "Acc.vase": 0.531, "Acc.traffic light": 0.4924, "Acc.tray": 0.2124, "Acc.ashcan": 0.6156, "Acc.fan": 0.7345, "Acc.pier": 0.4273, "Acc.crt screen": 0.2113, "Acc.plate": 0.8093, "Acc.monitor": 0.0452, "Acc.bulletin board": 0.7295, "Acc.shower": 0.051, "Acc.radiator": 0.74, "Acc.glass": 0.1416, "Acc.clock": 0.4594, "Acc.flag": 0.795} {"mode": "train", "epoch": 9, "iter": 11050, "lr": 3e-05, "memory": 71384, "data_time": 1.97041, "decode.loss_ce": 0.42773, "decode.acc_seg": 83.54102, "aux.loss_ce": 0.16927, "aux.acc_seg": 83.4564, "loss": 0.59701, "time": 3.58782} {"mode": "train", "epoch": 9, "iter": 11100, "lr": 3e-05, "memory": 71384, "data_time": 0.00963, "decode.loss_ce": 0.4003, "decode.acc_seg": 84.6134, "aux.loss_ce": 0.16025, "aux.acc_seg": 84.57636, "loss": 0.56055, "time": 1.62188} {"mode": "train", "epoch": 9, "iter": 11150, "lr": 3e-05, "memory": 71384, "data_time": 0.00954, "decode.loss_ce": 0.3797, "decode.acc_seg": 84.60422, "aux.loss_ce": 0.15305, "aux.acc_seg": 84.50994, "loss": 0.53276, "time": 1.62339} {"mode": "train", "epoch": 9, "iter": 11200, "lr": 3e-05, "memory": 71384, "data_time": 0.00956, "decode.loss_ce": 0.38853, "decode.acc_seg": 85.09687, "aux.loss_ce": 0.15487, "aux.acc_seg": 85.21943, "loss": 0.54339, "time": 1.62559} {"mode": "train", "epoch": 9, "iter": 11250, "lr": 3e-05, "memory": 71384, "data_time": 0.00951, "decode.loss_ce": 0.39032, "decode.acc_seg": 84.73467, "aux.loss_ce": 0.15621, "aux.acc_seg": 84.83392, "loss": 0.54652, "time": 1.6236} {"mode": "train", "epoch": 9, "iter": 11300, "lr": 3e-05, "memory": 71384, "data_time": 0.00967, "decode.loss_ce": 0.39576, "decode.acc_seg": 84.52529, "aux.loss_ce": 0.15816, "aux.acc_seg": 84.43595, "loss": 0.55391, "time": 1.62446} {"mode": "train", "epoch": 9, "iter": 11350, "lr": 3e-05, "memory": 71384, "data_time": 0.00965, "decode.loss_ce": 0.39148, "decode.acc_seg": 84.61309, "aux.loss_ce": 0.15707, "aux.acc_seg": 84.68838, "loss": 0.54855, "time": 1.62336} {"mode": "train", "epoch": 10, "iter": 11400, "lr": 3e-05, "memory": 71384, "data_time": 0.05167, "decode.loss_ce": 0.34979, "decode.acc_seg": 85.80955, "aux.loss_ce": 0.14015, "aux.acc_seg": 85.64875, "loss": 0.48994, "time": 1.67032} {"mode": "train", "epoch": 10, "iter": 11450, "lr": 3e-05, "memory": 71384, "data_time": 0.00966, "decode.loss_ce": 0.36628, "decode.acc_seg": 85.19851, "aux.loss_ce": 0.14823, "aux.acc_seg": 85.03647, "loss": 0.51451, "time": 1.62454} {"mode": "train", "epoch": 10, "iter": 11500, "lr": 3e-05, "memory": 71384, "data_time": 0.00961, "decode.loss_ce": 0.36005, "decode.acc_seg": 86.20131, "aux.loss_ce": 0.14421, "aux.acc_seg": 86.05177, "loss": 0.50425, "time": 1.62328} {"mode": "train", "epoch": 10, "iter": 11550, "lr": 3e-05, "memory": 71384, "data_time": 0.00963, "decode.loss_ce": 0.34289, "decode.acc_seg": 86.40558, "aux.loss_ce": 0.1389, "aux.acc_seg": 86.32765, "loss": 0.48179, "time": 1.62615} {"mode": "train", "epoch": 10, "iter": 11600, "lr": 3e-05, "memory": 71384, "data_time": 0.00967, "decode.loss_ce": 0.38512, "decode.acc_seg": 85.16601, "aux.loss_ce": 0.15476, "aux.acc_seg": 85.06705, "loss": 0.53988, "time": 1.62455} {"mode": "train", "epoch": 10, "iter": 11650, "lr": 3e-05, "memory": 71384, "data_time": 0.00965, "decode.loss_ce": 0.36562, "decode.acc_seg": 85.51433, "aux.loss_ce": 0.14668, "aux.acc_seg": 85.52006, "loss": 0.5123, "time": 1.62352} {"mode": "train", "epoch": 10, "iter": 11700, "lr": 3e-05, "memory": 71384, "data_time": 0.00965, "decode.loss_ce": 0.37841, "decode.acc_seg": 85.2146, "aux.loss_ce": 0.15166, "aux.acc_seg": 85.13851, "loss": 0.53007, "time": 1.62157} {"mode": "train", "epoch": 10, "iter": 11750, "lr": 3e-05, "memory": 71384, "data_time": 0.00958, "decode.loss_ce": 0.39294, "decode.acc_seg": 84.58016, "aux.loss_ce": 0.1577, "aux.acc_seg": 84.36243, "loss": 0.55064, "time": 1.62797} {"mode": "train", "epoch": 10, "iter": 11800, "lr": 3e-05, "memory": 71384, "data_time": 0.0096, "decode.loss_ce": 0.3742, "decode.acc_seg": 85.44059, "aux.loss_ce": 0.15127, "aux.acc_seg": 85.27616, "loss": 0.52548, "time": 1.62236} {"mode": "train", "epoch": 10, "iter": 11850, "lr": 3e-05, "memory": 71384, "data_time": 0.00983, "decode.loss_ce": 0.38016, "decode.acc_seg": 85.50643, "aux.loss_ce": 0.15256, "aux.acc_seg": 85.36305, "loss": 0.53272, "time": 1.62513} {"mode": "train", "epoch": 10, "iter": 11900, "lr": 3e-05, "memory": 71384, "data_time": 0.00964, "decode.loss_ce": 0.35038, "decode.acc_seg": 85.90196, "aux.loss_ce": 0.14124, "aux.acc_seg": 85.79294, "loss": 0.49162, "time": 1.62091} {"mode": "train", "epoch": 10, "iter": 11950, "lr": 3e-05, "memory": 71384, "data_time": 0.00985, "decode.loss_ce": 0.37387, "decode.acc_seg": 85.15382, "aux.loss_ce": 0.15116, "aux.acc_seg": 85.08116, "loss": 0.52502, "time": 1.62891} {"mode": "train", "epoch": 10, "iter": 12000, "lr": 3e-05, "memory": 71384, "data_time": 0.00988, "decode.loss_ce": 0.40225, "decode.acc_seg": 84.35165, "aux.loss_ce": 0.16077, "aux.acc_seg": 84.49925, "loss": 0.56302, "time": 3.29088} {"mode": "val", "epoch": 10, "iter": 250, "lr": 3e-05, "aAcc": 0.8445, "mIoU": 0.5198, "mAcc": 0.6565, "IoU.wall": 0.7951, "IoU.building": 0.8433, "IoU.sky": 0.9454, "IoU.floor": 0.845, "IoU.tree": 0.7546, "IoU.ceiling": 0.8424, "IoU.road": 0.842, "IoU.bed ": 0.9112, "IoU.windowpane": 0.6394, "IoU.grass": 0.6774, "IoU.cabinet": 0.6183, "IoU.sidewalk": 0.6845, "IoU.person": 0.8355, "IoU.earth": 0.3547, "IoU.door": 0.5604, "IoU.table": 0.6384, "IoU.mountain": 0.5833, "IoU.plant": 0.541, "IoU.curtain": 0.777, "IoU.chair": 0.6236, "IoU.car": 0.8652, "IoU.water": 0.6085, "IoU.painting": 0.7648, "IoU.sofa": 0.8014, "IoU.shelf": 0.4319, "IoU.house": 0.5467, "IoU.sea": 0.6058, "IoU.mirror": 0.786, "IoU.rug": 0.7295, "IoU.field": 0.3809, "IoU.armchair": 0.5504, "IoU.seat": 0.6893, "IoU.fence": 0.4738, "IoU.desk": 0.4188, "IoU.rock": 0.5163, "IoU.wardrobe": 0.5516, "IoU.lamp": 0.6845, "IoU.bathtub": 0.7563, "IoU.railing": 0.4178, "IoU.cushion": 0.6773, "IoU.base": 0.3772, "IoU.box": 0.3373, "IoU.column": 0.4568, "IoU.signboard": 0.3959, "IoU.chest of drawers": 0.4989, "IoU.counter": 0.0396, "IoU.sand": 0.4981, "IoU.sink": 0.7486, "IoU.skyscraper": 0.4467, "IoU.fireplace": 0.7136, "IoU.refrigerator": 0.8126, "IoU.grandstand": 0.4022, "IoU.path": 0.3082, "IoU.stairs": 0.1274, "IoU.runway": 0.7251, "IoU.case": 0.5784, "IoU.pool table": 0.928, "IoU.pillow": 0.6558, "IoU.screen door": 0.5946, "IoU.stairway": 0.3227, "IoU.river": 0.1994, "IoU.bridge": 0.7558, "IoU.bookcase": 0.2598, "IoU.blind": 0.3711, "IoU.coffee table": 0.5246, "IoU.toilet": 0.8827, "IoU.flower": 0.4296, "IoU.book": 0.518, "IoU.hill": 0.0493, "IoU.bench": 0.5819, "IoU.countertop": 0.5339, "IoU.stove": 0.7479, "IoU.palm": 0.537, "IoU.kitchen island": 0.4243, "IoU.computer": 0.7244, "IoU.swivel chair": 0.5031, "IoU.boat": 0.5061, "IoU.bar": 0.5966, "IoU.arcade machine": 0.9151, "IoU.hovel": 0.3417, "IoU.bus": 0.8961, "IoU.towel": 0.6669, "IoU.light": 0.5542, "IoU.truck": 0.3207, "IoU.tower": 0.2824, "IoU.chandelier": 0.6748, "IoU.awning": 0.391, "IoU.streetlight": 0.2568, "IoU.booth": 0.3515, "IoU.television receiver": 0.7276, "IoU.airplane": 0.8557, "IoU.dirt track": 0.0525, "IoU.apparel": 0.1858, "IoU.pole": 0.1837, "IoU.land": 0.0022, "IoU.bannister": 0.1175, "IoU.escalator": 0.4536, "IoU.ottoman": 0.4024, "IoU.bottle": 0.2299, "IoU.buffet": 0.574, "IoU.poster": 0.2161, "IoU.stage": 0.269, "IoU.van": 0.4335, "IoU.ship": 0.5795, "IoU.fountain": 0.3505, "IoU.conveyer belt": 0.5629, "IoU.canopy": 0.4696, "IoU.washer": 0.8095, "IoU.plaything": 0.2023, "IoU.swimming pool": 0.6078, "IoU.stool": 0.4032, "IoU.barrel": 0.5643, "IoU.basket": 0.3785, "IoU.waterfall": 0.5962, "IoU.tent": 0.8776, "IoU.bag": 0.2316, "IoU.minibike": 0.7156, "IoU.cradle": 0.8335, "IoU.oven": 0.6679, "IoU.ball": 0.3273, "IoU.food": 0.5562, "IoU.step": 0.1711, "IoU.tank": 0.5597, "IoU.trade name": 0.0876, "IoU.microwave": 0.8665, "IoU.pot": 0.5442, "IoU.animal": 0.6358, "IoU.bicycle": 0.5769, "IoU.lake": 0.0, "IoU.dishwasher": 0.5757, "IoU.screen": 0.5692, "IoU.blanket": 0.248, "IoU.sculpture": 0.7439, "IoU.hood": 0.6693, "IoU.sconce": 0.5391, "IoU.vase": 0.4037, "IoU.traffic light": 0.3029, "IoU.tray": 0.1806, "IoU.ashcan": 0.4581, "IoU.fan": 0.6385, "IoU.pier": 0.3656, "IoU.crt screen": 0.0042, "IoU.plate": 0.5815, "IoU.monitor": 0.0402, "IoU.bulletin board": 0.5761, "IoU.shower": 0.0, "IoU.radiator": 0.6553, "IoU.glass": 0.122, "IoU.clock": 0.3993, "IoU.flag": 0.6867, "Acc.wall": 0.9036, "Acc.building": 0.9099, "Acc.sky": 0.9773, "Acc.floor": 0.9045, "Acc.tree": 0.9076, "Acc.ceiling": 0.8864, "Acc.road": 0.8865, "Acc.bed ": 0.9703, "Acc.windowpane": 0.767, "Acc.grass": 0.7655, "Acc.cabinet": 0.7232, "Acc.sidewalk": 0.8541, "Acc.person": 0.9179, "Acc.earth": 0.4582, "Acc.door": 0.7106, "Acc.table": 0.7741, "Acc.mountain": 0.7458, "Acc.plant": 0.6178, "Acc.curtain": 0.8446, "Acc.chair": 0.7329, "Acc.car": 0.9422, "Acc.water": 0.805, "Acc.painting": 0.8534, "Acc.sofa": 0.8942, "Acc.shelf": 0.5322, "Acc.house": 0.8742, "Acc.sea": 0.6771, "Acc.mirror": 0.8573, "Acc.rug": 0.8366, "Acc.field": 0.6792, "Acc.armchair": 0.6327, "Acc.seat": 0.9033, "Acc.fence": 0.6692, "Acc.desk": 0.7747, "Acc.rock": 0.7931, "Acc.wardrobe": 0.9057, "Acc.lamp": 0.765, "Acc.bathtub": 0.774, "Acc.railing": 0.5812, "Acc.cushion": 0.8275, "Acc.base": 0.6713, "Acc.box": 0.4887, "Acc.column": 0.518, "Acc.signboard": 0.5402, "Acc.chest of drawers": 0.7416, "Acc.counter": 0.0407, "Acc.sand": 0.8849, "Acc.sink": 0.8501, "Acc.skyscraper": 0.5127, "Acc.fireplace": 0.9393, "Acc.refrigerator": 0.9263, "Acc.grandstand": 0.9145, "Acc.path": 0.4107, "Acc.stairs": 0.1383, "Acc.runway": 0.9778, "Acc.case": 0.9253, "Acc.pool table": 0.9849, "Acc.pillow": 0.7583, "Acc.screen door": 0.9483, "Acc.stairway": 0.8775, "Acc.river": 0.5114, "Acc.bridge": 0.8431, "Acc.bookcase": 0.2913, "Acc.blind": 0.3814, "Acc.coffee table": 0.9169, "Acc.toilet": 0.9254, "Acc.flower": 0.5574, "Acc.book": 0.7492, "Acc.hill": 0.0985, "Acc.bench": 0.7791, "Acc.countertop": 0.5731, "Acc.stove": 0.9386, "Acc.palm": 0.7285, "Acc.kitchen island": 0.8598, "Acc.computer": 0.9399, "Acc.swivel chair": 0.7709, "Acc.boat": 0.6711, "Acc.bar": 0.87, "Acc.arcade machine": 0.9711, "Acc.hovel": 0.4381, "Acc.bus": 0.9715, "Acc.towel": 0.7554, "Acc.light": 0.631, "Acc.truck": 0.3971, "Acc.tower": 0.4838, "Acc.chandelier": 0.8316, "Acc.awning": 0.5495, "Acc.streetlight": 0.3255, "Acc.booth": 0.401, "Acc.television receiver": 0.7925, "Acc.airplane": 0.9545, "Acc.dirt track": 0.1883, "Acc.apparel": 0.2297, "Acc.pole": 0.2204, "Acc.land": 0.0032, "Acc.bannister": 0.1495, "Acc.escalator": 0.5663, "Acc.ottoman": 0.4663, "Acc.bottle": 0.2454, "Acc.buffet": 0.8, "Acc.poster": 0.2345, "Acc.stage": 0.469, "Acc.van": 0.574, "Acc.ship": 0.9212, "Acc.fountain": 0.3873, "Acc.conveyer belt": 0.9749, "Acc.canopy": 0.7263, "Acc.washer": 0.88, "Acc.plaything": 0.3333, "Acc.swimming pool": 0.8991, "Acc.stool": 0.6013, "Acc.barrel": 0.6497, "Acc.basket": 0.5497, "Acc.waterfall": 0.6512, "Acc.tent": 0.9914, "Acc.bag": 0.2705, "Acc.minibike": 0.8753, "Acc.cradle": 0.9877, "Acc.oven": 0.7854, "Acc.ball": 0.3557, "Acc.food": 0.6404, "Acc.step": 0.1793, "Acc.tank": 0.7659, "Acc.trade name": 0.0929, "Acc.microwave": 0.9581, "Acc.pot": 0.6482, "Acc.animal": 0.6504, "Acc.bicycle": 0.7801, "Acc.lake": 0.0, "Acc.dishwasher": 0.7837, "Acc.screen": 0.8693, "Acc.blanket": 0.3102, "Acc.sculpture": 0.8279, "Acc.hood": 0.7521, "Acc.sconce": 0.612, "Acc.vase": 0.6456, "Acc.traffic light": 0.5117, "Acc.tray": 0.2458, "Acc.ashcan": 0.5882, "Acc.fan": 0.7526, "Acc.pier": 0.4423, "Acc.crt screen": 0.0121, "Acc.plate": 0.7753, "Acc.monitor": 0.0431, "Acc.bulletin board": 0.7395, "Acc.shower": 0.0, "Acc.radiator": 0.8025, "Acc.glass": 0.1258, "Acc.clock": 0.4295, "Acc.flag": 0.7124} {"mode": "train", "epoch": 10, "iter": 12050, "lr": 3e-05, "memory": 71384, "data_time": 1.92051, "decode.loss_ce": 0.38115, "decode.acc_seg": 84.87251, "aux.loss_ce": 0.15296, "aux.acc_seg": 84.86503, "loss": 0.53411, "time": 3.53423} {"mode": "train", "epoch": 10, "iter": 12100, "lr": 3e-05, "memory": 71384, "data_time": 0.0096, "decode.loss_ce": 0.37876, "decode.acc_seg": 85.44956, "aux.loss_ce": 0.15325, "aux.acc_seg": 85.40759, "loss": 0.53201, "time": 1.62123} {"mode": "train", "epoch": 10, "iter": 12150, "lr": 3e-05, "memory": 71384, "data_time": 0.00971, "decode.loss_ce": 0.34644, "decode.acc_seg": 86.2607, "aux.loss_ce": 0.13958, "aux.acc_seg": 86.14697, "loss": 0.48602, "time": 1.62723} {"mode": "train", "epoch": 10, "iter": 12200, "lr": 3e-05, "memory": 71384, "data_time": 0.00949, "decode.loss_ce": 0.34046, "decode.acc_seg": 86.1207, "aux.loss_ce": 0.13653, "aux.acc_seg": 86.10825, "loss": 0.47699, "time": 1.62064} {"mode": "train", "epoch": 10, "iter": 12250, "lr": 3e-05, "memory": 71384, "data_time": 0.00971, "decode.loss_ce": 0.36793, "decode.acc_seg": 85.95088, "aux.loss_ce": 0.14779, "aux.acc_seg": 85.81794, "loss": 0.51573, "time": 1.6215} {"mode": "train", "epoch": 10, "iter": 12300, "lr": 3e-05, "memory": 71384, "data_time": 0.00956, "decode.loss_ce": 0.37026, "decode.acc_seg": 85.41209, "aux.loss_ce": 0.14881, "aux.acc_seg": 85.25433, "loss": 0.51906, "time": 1.6245} {"mode": "train", "epoch": 10, "iter": 12350, "lr": 3e-05, "memory": 71384, "data_time": 0.00975, "decode.loss_ce": 0.36113, "decode.acc_seg": 86.04651, "aux.loss_ce": 0.14496, "aux.acc_seg": 86.04134, "loss": 0.50609, "time": 1.62284} {"mode": "train", "epoch": 10, "iter": 12400, "lr": 3e-05, "memory": 71384, "data_time": 0.00978, "decode.loss_ce": 0.3833, "decode.acc_seg": 84.75032, "aux.loss_ce": 0.15387, "aux.acc_seg": 84.81206, "loss": 0.53718, "time": 1.62149} {"mode": "train", "epoch": 10, "iter": 12450, "lr": 3e-05, "memory": 71384, "data_time": 0.00967, "decode.loss_ce": 0.3665, "decode.acc_seg": 85.44469, "aux.loss_ce": 0.14754, "aux.acc_seg": 85.40939, "loss": 0.51404, "time": 1.62162} {"mode": "train", "epoch": 10, "iter": 12500, "lr": 3e-05, "memory": 71384, "data_time": 0.00964, "decode.loss_ce": 0.35765, "decode.acc_seg": 85.92281, "aux.loss_ce": 0.14396, "aux.acc_seg": 85.84253, "loss": 0.50161, "time": 1.62455} {"mode": "train", "epoch": 10, "iter": 12550, "lr": 3e-05, "memory": 71384, "data_time": 0.00969, "decode.loss_ce": 0.37655, "decode.acc_seg": 85.14992, "aux.loss_ce": 0.15057, "aux.acc_seg": 85.02172, "loss": 0.52712, "time": 1.61996} {"mode": "train", "epoch": 10, "iter": 12600, "lr": 3e-05, "memory": 71384, "data_time": 0.00982, "decode.loss_ce": 0.37157, "decode.acc_seg": 85.15469, "aux.loss_ce": 0.14964, "aux.acc_seg": 85.01111, "loss": 0.52121, "time": 1.62814} {"mode": "train", "epoch": 11, "iter": 12650, "lr": 3e-05, "memory": 71384, "data_time": 0.05796, "decode.loss_ce": 0.37537, "decode.acc_seg": 85.44788, "aux.loss_ce": 0.15055, "aux.acc_seg": 85.40167, "loss": 0.52591, "time": 1.67095} {"mode": "train", "epoch": 11, "iter": 12700, "lr": 3e-05, "memory": 71384, "data_time": 0.0095, "decode.loss_ce": 0.34089, "decode.acc_seg": 86.50262, "aux.loss_ce": 0.13755, "aux.acc_seg": 86.23893, "loss": 0.47844, "time": 1.62117} {"mode": "train", "epoch": 11, "iter": 12750, "lr": 3e-05, "memory": 71384, "data_time": 0.00967, "decode.loss_ce": 0.38298, "decode.acc_seg": 85.1723, "aux.loss_ce": 0.15348, "aux.acc_seg": 84.95187, "loss": 0.53646, "time": 1.62478} {"mode": "train", "epoch": 11, "iter": 12800, "lr": 3e-05, "memory": 71384, "data_time": 0.00956, "decode.loss_ce": 0.34226, "decode.acc_seg": 86.74951, "aux.loss_ce": 0.13734, "aux.acc_seg": 86.63234, "loss": 0.4796, "time": 1.62438} {"mode": "train", "epoch": 11, "iter": 12850, "lr": 3e-05, "memory": 71384, "data_time": 0.0098, "decode.loss_ce": 0.33601, "decode.acc_seg": 86.48596, "aux.loss_ce": 0.13563, "aux.acc_seg": 86.28682, "loss": 0.47164, "time": 1.62194} {"mode": "train", "epoch": 11, "iter": 12900, "lr": 3e-05, "memory": 71384, "data_time": 0.00978, "decode.loss_ce": 0.36132, "decode.acc_seg": 85.85514, "aux.loss_ce": 0.14515, "aux.acc_seg": 85.65931, "loss": 0.50647, "time": 1.62113} {"mode": "train", "epoch": 11, "iter": 12950, "lr": 3e-05, "memory": 71384, "data_time": 0.00998, "decode.loss_ce": 0.36313, "decode.acc_seg": 85.06818, "aux.loss_ce": 0.14509, "aux.acc_seg": 85.1819, "loss": 0.50822, "time": 1.62387} {"mode": "train", "epoch": 11, "iter": 13000, "lr": 3e-05, "memory": 71384, "data_time": 0.0097, "decode.loss_ce": 0.34364, "decode.acc_seg": 86.26702, "aux.loss_ce": 0.13962, "aux.acc_seg": 85.96345, "loss": 0.48326, "time": 1.62745} {"mode": "val", "epoch": 11, "iter": 250, "lr": 3e-05, "aAcc": 0.8497, "mIoU": 0.5429, "mAcc": 0.6757, "IoU.wall": 0.8001, "IoU.building": 0.8457, "IoU.sky": 0.9461, "IoU.floor": 0.8384, "IoU.tree": 0.7737, "IoU.ceiling": 0.8648, "IoU.road": 0.8379, "IoU.bed ": 0.9182, "IoU.windowpane": 0.6567, "IoU.grass": 0.6506, "IoU.cabinet": 0.652, "IoU.sidewalk": 0.6795, "IoU.person": 0.8339, "IoU.earth": 0.3659, "IoU.door": 0.5693, "IoU.table": 0.6389, "IoU.mountain": 0.5819, "IoU.plant": 0.5684, "IoU.curtain": 0.7828, "IoU.chair": 0.6079, "IoU.car": 0.8374, "IoU.water": 0.6185, "IoU.painting": 0.7651, "IoU.sofa": 0.7771, "IoU.shelf": 0.4591, "IoU.house": 0.4816, "IoU.sea": 0.6718, "IoU.mirror": 0.7623, "IoU.rug": 0.696, "IoU.field": 0.3521, "IoU.armchair": 0.5568, "IoU.seat": 0.6213, "IoU.fence": 0.3937, "IoU.desk": 0.5124, "IoU.rock": 0.5719, "IoU.wardrobe": 0.5737, "IoU.lamp": 0.6776, "IoU.bathtub": 0.8516, "IoU.railing": 0.3995, "IoU.cushion": 0.6705, "IoU.base": 0.4623, "IoU.box": 0.3368, "IoU.column": 0.5014, "IoU.signboard": 0.418, "IoU.chest of drawers": 0.4252, "IoU.counter": 0.4847, "IoU.sand": 0.4056, "IoU.sink": 0.7634, "IoU.skyscraper": 0.4841, "IoU.fireplace": 0.6834, "IoU.refrigerator": 0.7862, "IoU.grandstand": 0.5236, "IoU.path": 0.2662, "IoU.stairs": 0.3872, "IoU.runway": 0.7322, "IoU.case": 0.5841, "IoU.pool table": 0.9385, "IoU.pillow": 0.6824, "IoU.screen door": 0.7021, "IoU.stairway": 0.6051, "IoU.river": 0.0612, "IoU.bridge": 0.7427, "IoU.bookcase": 0.3096, "IoU.blind": 0.3947, "IoU.coffee table": 0.5791, "IoU.toilet": 0.894, "IoU.flower": 0.4403, "IoU.book": 0.5006, "IoU.hill": 0.0377, "IoU.bench": 0.6183, "IoU.countertop": 0.6226, "IoU.stove": 0.8047, "IoU.palm": 0.5204, "IoU.kitchen island": 0.4929, "IoU.computer": 0.7751, "IoU.swivel chair": 0.4869, "IoU.boat": 0.5887, "IoU.bar": 0.703, "IoU.arcade machine": 0.8663, "IoU.hovel": 0.3137, "IoU.bus": 0.9336, "IoU.towel": 0.7094, "IoU.light": 0.5632, "IoU.truck": 0.3381, "IoU.tower": 0.2229, "IoU.chandelier": 0.6434, "IoU.awning": 0.4919, "IoU.streetlight": 0.2951, "IoU.booth": 0.3415, "IoU.television receiver": 0.7612, "IoU.airplane": 0.7956, "IoU.dirt track": 0.0491, "IoU.apparel": 0.4406, "IoU.pole": 0.2536, "IoU.land": 0.0337, "IoU.bannister": 0.1834, "IoU.escalator": 0.6278, "IoU.ottoman": 0.489, "IoU.bottle": 0.4145, "IoU.buffet": 0.6516, "IoU.poster": 0.2261, "IoU.stage": 0.1596, "IoU.van": 0.0, "IoU.ship": 0.539, "IoU.fountain": 0.7046, "IoU.conveyer belt": 0.6731, "IoU.canopy": 0.4885, "IoU.washer": 0.8562, "IoU.plaything": 0.2687, "IoU.swimming pool": 0.5854, "IoU.stool": 0.4762, "IoU.barrel": 0.5464, "IoU.basket": 0.3773, "IoU.waterfall": 0.5909, "IoU.tent": 0.8607, "IoU.bag": 0.2083, "IoU.minibike": 0.7152, "IoU.cradle": 0.8695, "IoU.oven": 0.508, "IoU.ball": 0.0672, "IoU.food": 0.5686, "IoU.step": 0.176, "IoU.tank": 0.5938, "IoU.trade name": 0.31, "IoU.microwave": 0.8641, "IoU.pot": 0.5492, "IoU.animal": 0.6753, "IoU.bicycle": 0.5455, "IoU.lake": 0.0, "IoU.dishwasher": 0.6717, "IoU.screen": 0.6163, "IoU.blanket": 0.2238, "IoU.sculpture": 0.7457, "IoU.hood": 0.6521, "IoU.sconce": 0.5887, "IoU.vase": 0.4435, "IoU.traffic light": 0.3017, "IoU.tray": 0.1106, "IoU.ashcan": 0.4929, "IoU.fan": 0.6596, "IoU.pier": 0.3365, "IoU.crt screen": 0.005, "IoU.plate": 0.583, "IoU.monitor": 0.6797, "IoU.bulletin board": 0.5903, "IoU.shower": 0.0225, "IoU.radiator": 0.6199, "IoU.glass": 0.1678, "IoU.clock": 0.3922, "IoU.flag": 0.7038, "Acc.wall": 0.8872, "Acc.building": 0.9323, "Acc.sky": 0.9766, "Acc.floor": 0.8865, "Acc.tree": 0.8823, "Acc.ceiling": 0.9264, "Acc.road": 0.8993, "Acc.bed ": 0.9636, "Acc.windowpane": 0.8234, "Acc.grass": 0.8156, "Acc.cabinet": 0.7644, "Acc.sidewalk": 0.8357, "Acc.person": 0.9387, "Acc.earth": 0.5015, "Acc.door": 0.7222, "Acc.table": 0.7128, "Acc.mountain": 0.6528, "Acc.plant": 0.6573, "Acc.curtain": 0.8934, "Acc.chair": 0.6851, "Acc.car": 0.9485, "Acc.water": 0.821, "Acc.painting": 0.9057, "Acc.sofa": 0.8894, "Acc.shelf": 0.5825, "Acc.house": 0.5459, "Acc.sea": 0.7283, "Acc.mirror": 0.8357, "Acc.rug": 0.8436, "Acc.field": 0.7115, "Acc.armchair": 0.8627, "Acc.seat": 0.9131, "Acc.fence": 0.8069, "Acc.desk": 0.7658, "Acc.rock": 0.7694, "Acc.wardrobe": 0.8637, "Acc.lamp": 0.7422, "Acc.bathtub": 0.8834, "Acc.railing": 0.5845, "Acc.cushion": 0.7682, "Acc.base": 0.6775, "Acc.box": 0.4943, "Acc.column": 0.5885, "Acc.signboard": 0.587, "Acc.chest of drawers": 0.592, "Acc.counter": 0.7496, "Acc.sand": 0.5755, "Acc.sink": 0.848, "Acc.skyscraper": 0.5865, "Acc.fireplace": 0.958, "Acc.refrigerator": 0.8934, "Acc.grandstand": 0.8435, "Acc.path": 0.2987, "Acc.stairs": 0.4631, "Acc.runway": 0.9521, "Acc.case": 0.7669, "Acc.pool table": 0.9809, "Acc.pillow": 0.8288, "Acc.screen door": 0.9455, "Acc.stairway": 0.6772, "Acc.river": 0.0976, "Acc.bridge": 0.8822, "Acc.bookcase": 0.4389, "Acc.blind": 0.4294, "Acc.coffee table": 0.8854, "Acc.toilet": 0.9307, "Acc.flower": 0.5934, "Acc.book": 0.795, "Acc.hill": 0.0723, "Acc.bench": 0.7529, "Acc.countertop": 0.7415, "Acc.stove": 0.9331, "Acc.palm": 0.8284, "Acc.kitchen island": 0.8651, "Acc.computer": 0.9339, "Acc.swivel chair": 0.7966, "Acc.boat": 0.892, "Acc.bar": 0.7904, "Acc.arcade machine": 0.9933, "Acc.hovel": 0.334, "Acc.bus": 0.9594, "Acc.towel": 0.8742, "Acc.light": 0.6613, "Acc.truck": 0.41, "Acc.tower": 0.3922, "Acc.chandelier": 0.9029, "Acc.awning": 0.616, "Acc.streetlight": 0.3703, "Acc.booth": 0.5939, "Acc.television receiver": 0.8988, "Acc.airplane": 0.9754, "Acc.dirt track": 0.1996, "Acc.apparel": 0.6564, "Acc.pole": 0.3623, "Acc.land": 0.0454, "Acc.bannister": 0.217, "Acc.escalator": 0.8797, "Acc.ottoman": 0.676, "Acc.bottle": 0.6058, "Acc.buffet": 0.796, "Acc.poster": 0.2385, "Acc.stage": 0.4577, "Acc.van": 0.0, "Acc.ship": 0.5786, "Acc.fountain": 0.7694, "Acc.conveyer belt": 0.9879, "Acc.canopy": 0.6559, "Acc.washer": 0.9549, "Acc.plaything": 0.3374, "Acc.swimming pool": 0.8726, "Acc.stool": 0.6859, "Acc.barrel": 0.6484, "Acc.basket": 0.5015, "Acc.waterfall": 0.7336, "Acc.tent": 0.9869, "Acc.bag": 0.2438, "Acc.minibike": 0.8643, "Acc.cradle": 0.9286, "Acc.oven": 0.5728, "Acc.ball": 0.0673, "Acc.food": 0.6032, "Acc.step": 0.2807, "Acc.tank": 0.7295, "Acc.trade name": 0.3836, "Acc.microwave": 0.9362, "Acc.pot": 0.6346, "Acc.animal": 0.7022, "Acc.bicycle": 0.6747, "Acc.lake": 0.0, "Acc.dishwasher": 0.7227, "Acc.screen": 0.8788, "Acc.blanket": 0.2777, "Acc.sculpture": 0.8602, "Acc.hood": 0.7701, "Acc.sconce": 0.6635, "Acc.vase": 0.5514, "Acc.traffic light": 0.6358, "Acc.tray": 0.1324, "Acc.ashcan": 0.6525, "Acc.fan": 0.7619, "Acc.pier": 0.4313, "Acc.crt screen": 0.0053, "Acc.plate": 0.7668, "Acc.monitor": 0.7865, "Acc.bulletin board": 0.7702, "Acc.shower": 0.0274, "Acc.radiator": 0.7774, "Acc.glass": 0.179, "Acc.clock": 0.4227, "Acc.flag": 0.7425} {"mode": "train", "epoch": 11, "iter": 13050, "lr": 3e-05, "memory": 71384, "data_time": 2.00724, "decode.loss_ce": 0.35862, "decode.acc_seg": 85.86716, "aux.loss_ce": 0.14417, "aux.acc_seg": 85.90407, "loss": 0.50278, "time": 3.62285} {"mode": "train", "epoch": 11, "iter": 13100, "lr": 3e-05, "memory": 71384, "data_time": 0.01008, "decode.loss_ce": 0.3466, "decode.acc_seg": 86.3054, "aux.loss_ce": 0.1393, "aux.acc_seg": 86.45063, "loss": 0.48591, "time": 1.62269} {"mode": "train", "epoch": 11, "iter": 13150, "lr": 3e-05, "memory": 71384, "data_time": 0.00975, "decode.loss_ce": 0.33951, "decode.acc_seg": 86.50588, "aux.loss_ce": 0.13602, "aux.acc_seg": 86.49969, "loss": 0.47553, "time": 1.62356} {"mode": "train", "epoch": 11, "iter": 13200, "lr": 3e-05, "memory": 71384, "data_time": 0.00989, "decode.loss_ce": 0.34463, "decode.acc_seg": 86.43955, "aux.loss_ce": 0.13796, "aux.acc_seg": 86.35469, "loss": 0.48259, "time": 1.62322} {"mode": "train", "epoch": 11, "iter": 13250, "lr": 3e-05, "memory": 71384, "data_time": 0.00968, "decode.loss_ce": 0.35654, "decode.acc_seg": 85.60476, "aux.loss_ce": 0.14407, "aux.acc_seg": 85.48429, "loss": 0.50061, "time": 1.6254} {"mode": "train", "epoch": 11, "iter": 13300, "lr": 3e-05, "memory": 71384, "data_time": 0.00978, "decode.loss_ce": 0.35848, "decode.acc_seg": 85.78514, "aux.loss_ce": 0.144, "aux.acc_seg": 85.78291, "loss": 0.50248, "time": 1.62327} {"mode": "train", "epoch": 11, "iter": 13350, "lr": 3e-05, "memory": 71384, "data_time": 0.00964, "decode.loss_ce": 0.34562, "decode.acc_seg": 86.42437, "aux.loss_ce": 0.13901, "aux.acc_seg": 86.24981, "loss": 0.48462, "time": 1.62188} {"mode": "train", "epoch": 11, "iter": 13400, "lr": 3e-05, "memory": 71384, "data_time": 0.00977, "decode.loss_ce": 0.34901, "decode.acc_seg": 86.12106, "aux.loss_ce": 0.13984, "aux.acc_seg": 86.20816, "loss": 0.48886, "time": 1.62402} {"mode": "train", "epoch": 11, "iter": 13450, "lr": 3e-05, "memory": 71384, "data_time": 0.00985, "decode.loss_ce": 0.37466, "decode.acc_seg": 85.6602, "aux.loss_ce": 0.15291, "aux.acc_seg": 85.31043, "loss": 0.52757, "time": 1.62716} {"mode": "train", "epoch": 11, "iter": 13500, "lr": 3e-05, "memory": 71384, "data_time": 0.00967, "decode.loss_ce": 0.34709, "decode.acc_seg": 86.23657, "aux.loss_ce": 0.14113, "aux.acc_seg": 85.98861, "loss": 0.48822, "time": 1.62448} {"mode": "train", "epoch": 11, "iter": 13550, "lr": 3e-05, "memory": 71384, "data_time": 0.00966, "decode.loss_ce": 0.35836, "decode.acc_seg": 85.488, "aux.loss_ce": 0.14458, "aux.acc_seg": 85.49422, "loss": 0.50295, "time": 1.62091} {"mode": "train", "epoch": 11, "iter": 13600, "lr": 3e-05, "memory": 71384, "data_time": 0.00968, "decode.loss_ce": 0.35234, "decode.acc_seg": 85.87866, "aux.loss_ce": 0.14197, "aux.acc_seg": 85.69207, "loss": 0.49431, "time": 1.62655} {"mode": "train", "epoch": 11, "iter": 13650, "lr": 3e-05, "memory": 71384, "data_time": 0.00967, "decode.loss_ce": 0.34396, "decode.acc_seg": 86.42751, "aux.loss_ce": 0.13914, "aux.acc_seg": 86.32778, "loss": 0.4831, "time": 1.62443} {"mode": "train", "epoch": 11, "iter": 13700, "lr": 3e-05, "memory": 71384, "data_time": 0.00987, "decode.loss_ce": 0.35905, "decode.acc_seg": 85.96827, "aux.loss_ce": 0.14586, "aux.acc_seg": 85.69588, "loss": 0.50492, "time": 1.62431} {"mode": "train", "epoch": 11, "iter": 13750, "lr": 3e-05, "memory": 71384, "data_time": 0.00991, "decode.loss_ce": 0.37773, "decode.acc_seg": 85.61867, "aux.loss_ce": 0.15279, "aux.acc_seg": 85.4067, "loss": 0.53051, "time": 1.62389} {"mode": "train", "epoch": 11, "iter": 13800, "lr": 3e-05, "memory": 71384, "data_time": 0.00971, "decode.loss_ce": 0.34125, "decode.acc_seg": 86.80874, "aux.loss_ce": 0.13772, "aux.acc_seg": 86.73369, "loss": 0.47896, "time": 1.62573} {"mode": "train", "epoch": 11, "iter": 13850, "lr": 3e-05, "memory": 71384, "data_time": 0.00979, "decode.loss_ce": 0.37449, "decode.acc_seg": 85.20882, "aux.loss_ce": 0.15032, "aux.acc_seg": 85.13307, "loss": 0.52481, "time": 1.62294} {"mode": "train", "epoch": 12, "iter": 13900, "lr": 3e-05, "memory": 71384, "data_time": 0.06337, "decode.loss_ce": 0.35613, "decode.acc_seg": 86.04111, "aux.loss_ce": 0.14405, "aux.acc_seg": 86.06612, "loss": 0.50018, "time": 1.6789} {"mode": "train", "epoch": 12, "iter": 13950, "lr": 3e-05, "memory": 71384, "data_time": 0.00985, "decode.loss_ce": 0.32651, "decode.acc_seg": 86.85107, "aux.loss_ce": 0.13244, "aux.acc_seg": 86.81282, "loss": 0.45895, "time": 1.62638} {"mode": "train", "epoch": 12, "iter": 14000, "lr": 3e-05, "memory": 71384, "data_time": 0.00962, "decode.loss_ce": 0.32445, "decode.acc_seg": 86.43207, "aux.loss_ce": 0.12983, "aux.acc_seg": 86.42345, "loss": 0.45428, "time": 3.37792} {"mode": "val", "epoch": 12, "iter": 250, "lr": 3e-05, "aAcc": 0.8522, "mIoU": 0.5485, "mAcc": 0.6874, "IoU.wall": 0.8083, "IoU.building": 0.8449, "IoU.sky": 0.9474, "IoU.floor": 0.8438, "IoU.tree": 0.7666, "IoU.ceiling": 0.8589, "IoU.road": 0.8405, "IoU.bed ": 0.9099, "IoU.windowpane": 0.6461, "IoU.grass": 0.676, "IoU.cabinet": 0.6483, "IoU.sidewalk": 0.671, "IoU.person": 0.8427, "IoU.earth": 0.3565, "IoU.door": 0.5499, "IoU.table": 0.642, "IoU.mountain": 0.6169, "IoU.plant": 0.5681, "IoU.curtain": 0.7837, "IoU.chair": 0.6472, "IoU.car": 0.8587, "IoU.water": 0.5284, "IoU.painting": 0.7616, "IoU.sofa": 0.7829, "IoU.shelf": 0.4659, "IoU.house": 0.5801, "IoU.sea": 0.6664, "IoU.mirror": 0.7898, "IoU.rug": 0.7176, "IoU.field": 0.3403, "IoU.armchair": 0.6147, "IoU.seat": 0.6701, "IoU.fence": 0.4665, "IoU.desk": 0.4997, "IoU.rock": 0.5222, "IoU.wardrobe": 0.5582, "IoU.lamp": 0.7063, "IoU.bathtub": 0.8732, "IoU.railing": 0.4083, "IoU.cushion": 0.6767, "IoU.base": 0.415, "IoU.box": 0.3193, "IoU.column": 0.5337, "IoU.signboard": 0.4102, "IoU.chest of drawers": 0.5231, "IoU.counter": 0.4805, "IoU.sand": 0.5661, "IoU.sink": 0.7475, "IoU.skyscraper": 0.4831, "IoU.fireplace": 0.6929, "IoU.refrigerator": 0.7655, "IoU.grandstand": 0.4589, "IoU.path": 0.2985, "IoU.stairs": 0.3331, "IoU.runway": 0.6907, "IoU.case": 0.5293, "IoU.pool table": 0.9355, "IoU.pillow": 0.6801, "IoU.screen door": 0.7581, "IoU.stairway": 0.4675, "IoU.river": 0.1793, "IoU.bridge": 0.7748, "IoU.bookcase": 0.3866, "IoU.blind": 0.4171, "IoU.coffee table": 0.598, "IoU.toilet": 0.8964, "IoU.flower": 0.434, "IoU.book": 0.4913, "IoU.hill": 0.0482, "IoU.bench": 0.6046, "IoU.countertop": 0.617, "IoU.stove": 0.8213, "IoU.palm": 0.5656, "IoU.kitchen island": 0.4914, "IoU.computer": 0.7402, "IoU.swivel chair": 0.5215, "IoU.boat": 0.6532, "IoU.bar": 0.6394, "IoU.arcade machine": 0.8788, "IoU.hovel": 0.6616, "IoU.bus": 0.9118, "IoU.towel": 0.6877, "IoU.light": 0.5276, "IoU.truck": 0.3801, "IoU.tower": 0.2436, "IoU.chandelier": 0.7134, "IoU.awning": 0.3963, "IoU.streetlight": 0.2596, "IoU.booth": 0.5147, "IoU.television receiver": 0.7462, "IoU.airplane": 0.7855, "IoU.dirt track": 0.0, "IoU.apparel": 0.4547, "IoU.pole": 0.261, "IoU.land": 0.0, "IoU.bannister": 0.1418, "IoU.escalator": 0.5835, "IoU.ottoman": 0.5035, "IoU.bottle": 0.2467, "IoU.buffet": 0.4487, "IoU.poster": 0.3419, "IoU.stage": 0.1068, "IoU.van": 0.3839, "IoU.ship": 0.6857, "IoU.fountain": 0.7416, "IoU.conveyer belt": 0.7758, "IoU.canopy": 0.3302, "IoU.washer": 0.8663, "IoU.plaything": 0.2137, "IoU.swimming pool": 0.4099, "IoU.stool": 0.4857, "IoU.barrel": 0.486, "IoU.basket": 0.4014, "IoU.waterfall": 0.5707, "IoU.tent": 0.9331, "IoU.bag": 0.2547, "IoU.minibike": 0.7328, "IoU.cradle": 0.8947, "IoU.oven": 0.4341, "IoU.ball": 0.3391, "IoU.food": 0.6085, "IoU.step": 0.1404, "IoU.tank": 0.6209, "IoU.trade name": 0.098, "IoU.microwave": 0.8324, "IoU.pot": 0.5629, "IoU.animal": 0.6646, "IoU.bicycle": 0.5878, "IoU.lake": 0.3595, "IoU.dishwasher": 0.7303, "IoU.screen": 0.5726, "IoU.blanket": 0.2126, "IoU.sculpture": 0.5728, "IoU.hood": 0.6222, "IoU.sconce": 0.6077, "IoU.vase": 0.3071, "IoU.traffic light": 0.3299, "IoU.tray": 0.1334, "IoU.ashcan": 0.458, "IoU.fan": 0.6712, "IoU.pier": 0.3941, "IoU.crt screen": 0.0084, "IoU.plate": 0.5817, "IoU.monitor": 0.3373, "IoU.bulletin board": 0.6306, "IoU.shower": 0.0015, "IoU.radiator": 0.6771, "IoU.glass": 0.1623, "IoU.clock": 0.4197, "IoU.flag": 0.7095, "Acc.wall": 0.8817, "Acc.building": 0.9171, "Acc.sky": 0.9737, "Acc.floor": 0.8968, "Acc.tree": 0.9103, "Acc.ceiling": 0.9133, "Acc.road": 0.9225, "Acc.bed ": 0.9635, "Acc.windowpane": 0.8401, "Acc.grass": 0.8536, "Acc.cabinet": 0.753, "Acc.sidewalk": 0.8008, "Acc.person": 0.9236, "Acc.earth": 0.4432, "Acc.door": 0.6838, "Acc.table": 0.771, "Acc.mountain": 0.7664, "Acc.plant": 0.6716, "Acc.curtain": 0.8939, "Acc.chair": 0.7519, "Acc.car": 0.9466, "Acc.water": 0.6027, "Acc.painting": 0.919, "Acc.sofa": 0.9253, "Acc.shelf": 0.761, "Acc.house": 0.8297, "Acc.sea": 0.9242, "Acc.mirror": 0.9093, "Acc.rug": 0.8516, "Acc.field": 0.5896, "Acc.armchair": 0.7249, "Acc.seat": 0.8889, "Acc.fence": 0.7283, "Acc.desk": 0.7828, "Acc.rock": 0.7483, "Acc.wardrobe": 0.7883, "Acc.lamp": 0.8616, "Acc.bathtub": 0.9076, "Acc.railing": 0.5878, "Acc.cushion": 0.7782, "Acc.base": 0.5348, "Acc.box": 0.4197, "Acc.column": 0.645, "Acc.signboard": 0.5677, "Acc.chest of drawers": 0.7801, "Acc.counter": 0.6165, "Acc.sand": 0.8777, "Acc.sink": 0.862, "Acc.skyscraper": 0.571, "Acc.fireplace": 0.9627, "Acc.refrigerator": 0.8867, "Acc.grandstand": 0.8772, "Acc.path": 0.4013, "Acc.stairs": 0.4024, "Acc.runway": 0.8783, "Acc.case": 0.5991, "Acc.pool table": 0.9801, "Acc.pillow": 0.8064, "Acc.screen door": 0.8912, "Acc.stairway": 0.6115, "Acc.river": 0.2615, "Acc.bridge": 0.8603, "Acc.bookcase": 0.5561, "Acc.blind": 0.455, "Acc.coffee table": 0.8583, "Acc.toilet": 0.9417, "Acc.flower": 0.5302, "Acc.book": 0.7991, "Acc.hill": 0.0706, "Acc.bench": 0.7992, "Acc.countertop": 0.6959, "Acc.stove": 0.9295, "Acc.palm": 0.7956, "Acc.kitchen island": 0.9, "Acc.computer": 0.9336, "Acc.swivel chair": 0.7771, "Acc.boat": 0.9145, "Acc.bar": 0.8726, "Acc.arcade machine": 0.9882, "Acc.hovel": 0.7685, "Acc.bus": 0.9691, "Acc.towel": 0.7593, "Acc.light": 0.5675, "Acc.truck": 0.4702, "Acc.tower": 0.404, "Acc.chandelier": 0.8409, "Acc.awning": 0.713, "Acc.streetlight": 0.3192, "Acc.booth": 0.8369, "Acc.television receiver": 0.8793, "Acc.airplane": 0.9651, "Acc.dirt track": 0.0, "Acc.apparel": 0.6241, "Acc.pole": 0.3681, "Acc.land": 0.0, "Acc.bannister": 0.2199, "Acc.escalator": 0.8598, "Acc.ottoman": 0.6258, "Acc.bottle": 0.3218, "Acc.buffet": 0.4891, "Acc.poster": 0.4124, "Acc.stage": 0.4916, "Acc.van": 0.5113, "Acc.ship": 0.8396, "Acc.fountain": 0.8528, "Acc.conveyer belt": 0.9562, "Acc.canopy": 0.4498, "Acc.washer": 0.9688, "Acc.plaything": 0.3411, "Acc.swimming pool": 0.9615, "Acc.stool": 0.5592, "Acc.barrel": 0.6768, "Acc.basket": 0.5343, "Acc.waterfall": 0.7769, "Acc.tent": 0.99, "Acc.bag": 0.2867, "Acc.minibike": 0.8611, "Acc.cradle": 0.9748, "Acc.oven": 0.4638, "Acc.ball": 0.7406, "Acc.food": 0.7861, "Acc.step": 0.1663, "Acc.tank": 0.7509, "Acc.trade name": 0.1039, "Acc.microwave": 0.9633, "Acc.pot": 0.6811, "Acc.animal": 0.6937, "Acc.bicycle": 0.7413, "Acc.lake": 0.3862, "Acc.dishwasher": 0.7975, "Acc.screen": 0.9205, "Acc.blanket": 0.2472, "Acc.sculpture": 0.8787, "Acc.hood": 0.7147, "Acc.sconce": 0.7404, "Acc.vase": 0.3499, "Acc.traffic light": 0.5844, "Acc.tray": 0.1649, "Acc.ashcan": 0.6584, "Acc.fan": 0.8073, "Acc.pier": 0.4424, "Acc.crt screen": 0.0161, "Acc.plate": 0.7794, "Acc.monitor": 0.4107, "Acc.bulletin board": 0.7591, "Acc.shower": 0.0015, "Acc.radiator": 0.7849, "Acc.glass": 0.1731, "Acc.clock": 0.4705, "Acc.flag": 0.7867} {"mode": "train", "epoch": 12, "iter": 14050, "lr": 3e-05, "memory": 71384, "data_time": 1.94459, "decode.loss_ce": 0.32027, "decode.acc_seg": 87.27221, "aux.loss_ce": 0.12992, "aux.acc_seg": 87.06031, "loss": 0.45019, "time": 3.5583} {"mode": "train", "epoch": 12, "iter": 14100, "lr": 3e-05, "memory": 71384, "data_time": 0.00983, "decode.loss_ce": 0.3242, "decode.acc_seg": 87.57613, "aux.loss_ce": 0.13135, "aux.acc_seg": 87.34721, "loss": 0.45555, "time": 1.62307} {"mode": "train", "epoch": 12, "iter": 14150, "lr": 3e-05, "memory": 71384, "data_time": 0.00971, "decode.loss_ce": 0.34702, "decode.acc_seg": 86.44566, "aux.loss_ce": 0.1403, "aux.acc_seg": 86.25437, "loss": 0.48732, "time": 1.62698} {"mode": "train", "epoch": 12, "iter": 14200, "lr": 3e-05, "memory": 71384, "data_time": 0.0098, "decode.loss_ce": 0.32003, "decode.acc_seg": 87.00348, "aux.loss_ce": 0.12919, "aux.acc_seg": 86.87793, "loss": 0.44922, "time": 1.62422} {"mode": "train", "epoch": 12, "iter": 14250, "lr": 3e-05, "memory": 71384, "data_time": 0.00962, "decode.loss_ce": 0.33849, "decode.acc_seg": 86.53932, "aux.loss_ce": 0.13572, "aux.acc_seg": 86.48054, "loss": 0.47421, "time": 1.62033} {"mode": "train", "epoch": 12, "iter": 14300, "lr": 3e-05, "memory": 71384, "data_time": 0.00959, "decode.loss_ce": 0.34269, "decode.acc_seg": 86.07189, "aux.loss_ce": 0.13788, "aux.acc_seg": 86.08445, "loss": 0.48057, "time": 1.62201} {"mode": "train", "epoch": 12, "iter": 14350, "lr": 3e-05, "memory": 71384, "data_time": 0.00966, "decode.loss_ce": 0.33438, "decode.acc_seg": 86.62408, "aux.loss_ce": 0.13426, "aux.acc_seg": 86.54536, "loss": 0.46864, "time": 1.62878} {"mode": "train", "epoch": 12, "iter": 14400, "lr": 3e-05, "memory": 71384, "data_time": 0.00966, "decode.loss_ce": 0.343, "decode.acc_seg": 86.03833, "aux.loss_ce": 0.13837, "aux.acc_seg": 85.87798, "loss": 0.48137, "time": 1.62691} {"mode": "train", "epoch": 12, "iter": 14450, "lr": 3e-05, "memory": 71384, "data_time": 0.00952, "decode.loss_ce": 0.34713, "decode.acc_seg": 86.4195, "aux.loss_ce": 0.14056, "aux.acc_seg": 86.20074, "loss": 0.48769, "time": 1.62281} {"mode": "train", "epoch": 12, "iter": 14500, "lr": 3e-05, "memory": 71384, "data_time": 0.00961, "decode.loss_ce": 0.34566, "decode.acc_seg": 86.00324, "aux.loss_ce": 0.13854, "aux.acc_seg": 86.02434, "loss": 0.4842, "time": 1.62733} {"mode": "train", "epoch": 12, "iter": 14550, "lr": 3e-05, "memory": 71384, "data_time": 0.00959, "decode.loss_ce": 0.33777, "decode.acc_seg": 86.17522, "aux.loss_ce": 0.13613, "aux.acc_seg": 85.96259, "loss": 0.4739, "time": 1.62429} {"mode": "train", "epoch": 12, "iter": 14600, "lr": 3e-05, "memory": 71384, "data_time": 0.00958, "decode.loss_ce": 0.37422, "decode.acc_seg": 85.53947, "aux.loss_ce": 0.15091, "aux.acc_seg": 85.33405, "loss": 0.52514, "time": 1.62428} {"mode": "train", "epoch": 12, "iter": 14650, "lr": 3e-05, "memory": 71384, "data_time": 0.0096, "decode.loss_ce": 0.32139, "decode.acc_seg": 87.10467, "aux.loss_ce": 0.12883, "aux.acc_seg": 87.09039, "loss": 0.45023, "time": 1.62393} {"mode": "train", "epoch": 12, "iter": 14700, "lr": 3e-05, "memory": 71384, "data_time": 0.01005, "decode.loss_ce": 0.32552, "decode.acc_seg": 87.04445, "aux.loss_ce": 0.1311, "aux.acc_seg": 86.87448, "loss": 0.45662, "time": 1.62505} {"mode": "train", "epoch": 12, "iter": 14750, "lr": 3e-05, "memory": 71384, "data_time": 0.00964, "decode.loss_ce": 0.34617, "decode.acc_seg": 86.78263, "aux.loss_ce": 0.13923, "aux.acc_seg": 86.64164, "loss": 0.4854, "time": 1.62659} {"mode": "train", "epoch": 12, "iter": 14800, "lr": 3e-05, "memory": 71384, "data_time": 0.00963, "decode.loss_ce": 0.31112, "decode.acc_seg": 87.13429, "aux.loss_ce": 0.12633, "aux.acc_seg": 86.87953, "loss": 0.43745, "time": 1.62411} {"mode": "train", "epoch": 12, "iter": 14850, "lr": 3e-05, "memory": 71384, "data_time": 0.00971, "decode.loss_ce": 0.33477, "decode.acc_seg": 86.65039, "aux.loss_ce": 0.13512, "aux.acc_seg": 86.56678, "loss": 0.46989, "time": 1.62159} {"mode": "train", "epoch": 12, "iter": 14900, "lr": 3e-05, "memory": 71384, "data_time": 0.00989, "decode.loss_ce": 0.348, "decode.acc_seg": 85.62401, "aux.loss_ce": 0.13954, "aux.acc_seg": 85.62344, "loss": 0.48755, "time": 1.62545} {"mode": "train", "epoch": 12, "iter": 14950, "lr": 3e-05, "memory": 71384, "data_time": 0.00966, "decode.loss_ce": 0.35204, "decode.acc_seg": 85.82728, "aux.loss_ce": 0.14159, "aux.acc_seg": 85.76611, "loss": 0.49363, "time": 1.62716} {"mode": "train", "epoch": 12, "iter": 15000, "lr": 3e-05, "memory": 71384, "data_time": 0.00956, "decode.loss_ce": 0.33933, "decode.acc_seg": 86.5721, "aux.loss_ce": 0.13648, "aux.acc_seg": 86.56286, "loss": 0.47582, "time": 1.62254} {"mode": "val", "epoch": 12, "iter": 250, "lr": 3e-05, "aAcc": 0.8494, "mIoU": 0.5467, "mAcc": 0.6907, "IoU.wall": 0.8097, "IoU.building": 0.8301, "IoU.sky": 0.9451, "IoU.floor": 0.846, "IoU.tree": 0.768, "IoU.ceiling": 0.8572, "IoU.road": 0.8535, "IoU.bed ": 0.9139, "IoU.windowpane": 0.655, "IoU.grass": 0.6775, "IoU.cabinet": 0.6298, "IoU.sidewalk": 0.7052, "IoU.person": 0.8394, "IoU.earth": 0.3389, "IoU.door": 0.5934, "IoU.table": 0.6529, "IoU.mountain": 0.5869, "IoU.plant": 0.5807, "IoU.curtain": 0.7777, "IoU.chair": 0.6585, "IoU.car": 0.8623, "IoU.water": 0.6406, "IoU.painting": 0.774, "IoU.sofa": 0.811, "IoU.shelf": 0.4344, "IoU.house": 0.4634, "IoU.sea": 0.6944, "IoU.mirror": 0.7963, "IoU.rug": 0.7238, "IoU.field": 0.3475, "IoU.armchair": 0.6465, "IoU.seat": 0.6213, "IoU.fence": 0.4904, "IoU.desk": 0.5093, "IoU.rock": 0.5661, "IoU.wardrobe": 0.5036, "IoU.lamp": 0.7152, "IoU.bathtub": 0.8345, "IoU.railing": 0.3874, "IoU.cushion": 0.661, "IoU.base": 0.3943, "IoU.box": 0.3214, "IoU.column": 0.5446, "IoU.signboard": 0.4071, "IoU.chest of drawers": 0.4649, "IoU.counter": 0.4921, "IoU.sand": 0.5682, "IoU.sink": 0.7614, "IoU.skyscraper": 0.4752, "IoU.fireplace": 0.6988, "IoU.refrigerator": 0.8354, "IoU.grandstand": 0.5311, "IoU.path": 0.2547, "IoU.stairs": 0.3563, "IoU.runway": 0.679, "IoU.case": 0.5777, "IoU.pool table": 0.9032, "IoU.pillow": 0.6753, "IoU.screen door": 0.8166, "IoU.stairway": 0.5253, "IoU.river": 0.1086, "IoU.bridge": 0.5847, "IoU.bookcase": 0.3549, "IoU.blind": 0.4098, "IoU.coffee table": 0.6178, "IoU.toilet": 0.8818, "IoU.flower": 0.4249, "IoU.book": 0.5293, "IoU.hill": 0.0419, "IoU.bench": 0.5108, "IoU.countertop": 0.6417, "IoU.stove": 0.8192, "IoU.palm": 0.5707, "IoU.kitchen island": 0.4579, "IoU.computer": 0.7267, "IoU.swivel chair": 0.5301, "IoU.boat": 0.4737, "IoU.bar": 0.6315, "IoU.arcade machine": 0.8714, "IoU.hovel": 0.2923, "IoU.bus": 0.9316, "IoU.towel": 0.7083, "IoU.light": 0.5548, "IoU.truck": 0.402, "IoU.tower": 0.2355, "IoU.chandelier": 0.7001, "IoU.awning": 0.449, "IoU.streetlight": 0.3121, "IoU.booth": 0.4164, "IoU.television receiver": 0.7498, "IoU.airplane": 0.8032, "IoU.dirt track": 0.0327, "IoU.apparel": 0.4308, "IoU.pole": 0.221, "IoU.land": 0.0028, "IoU.bannister": 0.1675, "IoU.escalator": 0.537, "IoU.ottoman": 0.5054, "IoU.bottle": 0.2595, "IoU.buffet": 0.5761, "IoU.poster": 0.3593, "IoU.stage": 0.2902, "IoU.van": 0.481, "IoU.ship": 0.5603, "IoU.fountain": 0.5373, "IoU.conveyer belt": 0.6563, "IoU.canopy": 0.2844, "IoU.washer": 0.7829, "IoU.plaything": 0.3352, "IoU.swimming pool": 0.5492, "IoU.stool": 0.5023, "IoU.barrel": 0.5887, "IoU.basket": 0.3441, "IoU.waterfall": 0.4424, "IoU.tent": 0.9317, "IoU.bag": 0.1808, "IoU.minibike": 0.7311, "IoU.cradle": 0.7049, "IoU.oven": 0.64, "IoU.ball": 0.3047, "IoU.food": 0.5248, "IoU.step": 0.1313, "IoU.tank": 0.6499, "IoU.trade name": 0.1633, "IoU.microwave": 0.8858, "IoU.pot": 0.5589, "IoU.animal": 0.6015, "IoU.bicycle": 0.5784, "IoU.lake": 0.5267, "IoU.dishwasher": 0.7141, "IoU.screen": 0.5861, "IoU.blanket": 0.2708, "IoU.sculpture": 0.6811, "IoU.hood": 0.6477, "IoU.sconce": 0.5761, "IoU.vase": 0.4157, "IoU.traffic light": 0.2881, "IoU.tray": 0.148, "IoU.ashcan": 0.4795, "IoU.fan": 0.6645, "IoU.pier": 0.4207, "IoU.crt screen": 0.0, "IoU.plate": 0.5991, "IoU.monitor": 0.5556, "IoU.bulletin board": 0.4654, "IoU.shower": 0.0, "IoU.radiator": 0.6409, "IoU.glass": 0.1751, "IoU.clock": 0.3984, "IoU.flag": 0.6907, "Acc.wall": 0.8888, "Acc.building": 0.8961, "Acc.sky": 0.971, "Acc.floor": 0.8991, "Acc.tree": 0.8793, "Acc.ceiling": 0.9168, "Acc.road": 0.9069, "Acc.bed ": 0.9516, "Acc.windowpane": 0.7728, "Acc.grass": 0.8038, "Acc.cabinet": 0.7192, "Acc.sidewalk": 0.8216, "Acc.person": 0.9412, "Acc.earth": 0.4225, "Acc.door": 0.7421, "Acc.table": 0.7438, "Acc.mountain": 0.7569, "Acc.plant": 0.7079, "Acc.curtain": 0.9054, "Acc.chair": 0.7742, "Acc.car": 0.9453, "Acc.water": 0.8114, "Acc.painting": 0.8889, "Acc.sofa": 0.9096, "Acc.shelf": 0.5644, "Acc.house": 0.9296, "Acc.sea": 0.7956, "Acc.mirror": 0.8852, "Acc.rug": 0.8874, "Acc.field": 0.7548, "Acc.armchair": 0.7728, "Acc.seat": 0.8898, "Acc.fence": 0.6392, "Acc.desk": 0.7994, "Acc.rock": 0.8401, "Acc.wardrobe": 0.9361, "Acc.lamp": 0.832, "Acc.bathtub": 0.8675, "Acc.railing": 0.4982, "Acc.cushion": 0.7361, "Acc.base": 0.7579, "Acc.box": 0.445, "Acc.column": 0.6783, "Acc.signboard": 0.5325, "Acc.chest of drawers": 0.771, "Acc.counter": 0.5898, "Acc.sand": 0.873, "Acc.sink": 0.8171, "Acc.skyscraper": 0.6623, "Acc.fireplace": 0.9462, "Acc.refrigerator": 0.9333, "Acc.grandstand": 0.8351, "Acc.path": 0.3822, "Acc.stairs": 0.4444, "Acc.runway": 0.8805, "Acc.case": 0.8757, "Acc.pool table": 0.9846, "Acc.pillow": 0.8476, "Acc.screen door": 0.9561, "Acc.stairway": 0.6273, "Acc.river": 0.171, "Acc.bridge": 0.8667, "Acc.bookcase": 0.5514, "Acc.blind": 0.4358, "Acc.coffee table": 0.9056, "Acc.toilet": 0.9542, "Acc.flower": 0.4982, "Acc.book": 0.7468, "Acc.hill": 0.176, "Acc.bench": 0.5889, "Acc.countertop": 0.8068, "Acc.stove": 0.9164, "Acc.palm": 0.7365, "Acc.kitchen island": 0.8692, "Acc.computer": 0.9443, "Acc.swivel chair": 0.8567, "Acc.boat": 0.5734, "Acc.bar": 0.7265, "Acc.arcade machine": 0.9326, "Acc.hovel": 0.3942, "Acc.bus": 0.9624, "Acc.towel": 0.8513, "Acc.light": 0.6124, "Acc.truck": 0.5781, "Acc.tower": 0.4123, "Acc.chandelier": 0.8141, "Acc.awning": 0.587, "Acc.streetlight": 0.4294, "Acc.booth": 0.5037, "Acc.television receiver": 0.8726, "Acc.airplane": 0.9668, "Acc.dirt track": 0.1763, "Acc.apparel": 0.5838, "Acc.pole": 0.2951, "Acc.land": 0.0054, "Acc.bannister": 0.2396, "Acc.escalator": 0.8932, "Acc.ottoman": 0.6885, "Acc.bottle": 0.3388, "Acc.buffet": 0.8703, "Acc.poster": 0.4941, "Acc.stage": 0.4227, "Acc.van": 0.6673, "Acc.ship": 0.82, "Acc.fountain": 0.5781, "Acc.conveyer belt": 0.9762, "Acc.canopy": 0.4206, "Acc.washer": 0.8451, "Acc.plaything": 0.5169, "Acc.swimming pool": 0.9038, "Acc.stool": 0.6349, "Acc.barrel": 0.6433, "Acc.basket": 0.4451, "Acc.waterfall": 0.4667, "Acc.tent": 0.9834, "Acc.bag": 0.2197, "Acc.minibike": 0.8633, "Acc.cradle": 0.9795, "Acc.oven": 0.8088, "Acc.ball": 0.3362, "Acc.food": 0.5639, "Acc.step": 0.1609, "Acc.tank": 0.9678, "Acc.trade name": 0.1754, "Acc.microwave": 0.9585, "Acc.pot": 0.633, "Acc.animal": 0.6128, "Acc.bicycle": 0.7921, "Acc.lake": 0.752, "Acc.dishwasher": 0.7844, "Acc.screen": 0.9405, "Acc.blanket": 0.3145, "Acc.sculpture": 0.8733, "Acc.hood": 0.82, "Acc.sconce": 0.6449, "Acc.vase": 0.5732, "Acc.traffic light": 0.6867, "Acc.tray": 0.1869, "Acc.ashcan": 0.6226, "Acc.fan": 0.7837, "Acc.pier": 0.4831, "Acc.crt screen": 0.0, "Acc.plate": 0.7561, "Acc.monitor": 0.8266, "Acc.bulletin board": 0.759, "Acc.shower": 0.0, "Acc.radiator": 0.7452, "Acc.glass": 0.1917, "Acc.clock": 0.4715, "Acc.flag": 0.721} {"mode": "train", "epoch": 12, "iter": 15050, "lr": 3e-05, "memory": 71384, "data_time": 1.97668, "decode.loss_ce": 0.32402, "decode.acc_seg": 86.92083, "aux.loss_ce": 0.132, "aux.acc_seg": 86.69275, "loss": 0.45602, "time": 3.59041} {"mode": "train", "epoch": 12, "iter": 15100, "lr": 3e-05, "memory": 71384, "data_time": 0.00971, "decode.loss_ce": 0.34813, "decode.acc_seg": 86.17263, "aux.loss_ce": 0.13957, "aux.acc_seg": 86.08024, "loss": 0.4877, "time": 1.62531} {"mode": "train", "epoch": 12, "iter": 15150, "lr": 3e-05, "memory": 71384, "data_time": 0.00983, "decode.loss_ce": 0.36054, "decode.acc_seg": 86.11493, "aux.loss_ce": 0.14488, "aux.acc_seg": 85.82619, "loss": 0.50542, "time": 1.62351} {"mode": "train", "epoch": 13, "iter": 15200, "lr": 3e-05, "memory": 71384, "data_time": 0.05174, "decode.loss_ce": 0.31501, "decode.acc_seg": 87.45522, "aux.loss_ce": 0.12657, "aux.acc_seg": 87.39558, "loss": 0.44158, "time": 1.66438} {"mode": "train", "epoch": 13, "iter": 15250, "lr": 3e-05, "memory": 71384, "data_time": 0.00961, "decode.loss_ce": 0.32298, "decode.acc_seg": 87.29821, "aux.loss_ce": 0.13092, "aux.acc_seg": 86.93582, "loss": 0.4539, "time": 1.62607} {"mode": "train", "epoch": 13, "iter": 15300, "lr": 3e-05, "memory": 71384, "data_time": 0.00989, "decode.loss_ce": 0.32505, "decode.acc_seg": 87.15029, "aux.loss_ce": 0.13076, "aux.acc_seg": 87.03882, "loss": 0.4558, "time": 1.6246} {"mode": "train", "epoch": 13, "iter": 15350, "lr": 3e-05, "memory": 71384, "data_time": 0.0098, "decode.loss_ce": 0.31648, "decode.acc_seg": 86.79598, "aux.loss_ce": 0.12805, "aux.acc_seg": 86.594, "loss": 0.44453, "time": 1.62308} {"mode": "train", "epoch": 13, "iter": 15400, "lr": 3e-05, "memory": 71384, "data_time": 0.00982, "decode.loss_ce": 0.32584, "decode.acc_seg": 87.08845, "aux.loss_ce": 0.13111, "aux.acc_seg": 86.9892, "loss": 0.45696, "time": 1.62477} {"mode": "train", "epoch": 13, "iter": 15450, "lr": 3e-05, "memory": 71384, "data_time": 0.0098, "decode.loss_ce": 0.33488, "decode.acc_seg": 87.20789, "aux.loss_ce": 0.13501, "aux.acc_seg": 86.92516, "loss": 0.46989, "time": 1.62476} {"mode": "train", "epoch": 13, "iter": 15500, "lr": 3e-05, "memory": 71384, "data_time": 0.00961, "decode.loss_ce": 0.30027, "decode.acc_seg": 87.72613, "aux.loss_ce": 0.12188, "aux.acc_seg": 87.47835, "loss": 0.42215, "time": 1.62401} {"mode": "train", "epoch": 13, "iter": 15550, "lr": 3e-05, "memory": 71384, "data_time": 0.00975, "decode.loss_ce": 0.31008, "decode.acc_seg": 87.30174, "aux.loss_ce": 0.12592, "aux.acc_seg": 87.06084, "loss": 0.436, "time": 1.6225} {"mode": "train", "epoch": 13, "iter": 15600, "lr": 3e-05, "memory": 71384, "data_time": 0.00971, "decode.loss_ce": 0.30993, "decode.acc_seg": 87.39122, "aux.loss_ce": 0.12544, "aux.acc_seg": 87.17114, "loss": 0.43537, "time": 1.6243} {"mode": "train", "epoch": 13, "iter": 15650, "lr": 3e-05, "memory": 71384, "data_time": 0.00974, "decode.loss_ce": 0.31718, "decode.acc_seg": 87.20266, "aux.loss_ce": 0.1282, "aux.acc_seg": 87.01135, "loss": 0.44538, "time": 1.62726} {"mode": "train", "epoch": 13, "iter": 15700, "lr": 3e-05, "memory": 71384, "data_time": 0.0097, "decode.loss_ce": 0.32816, "decode.acc_seg": 86.76105, "aux.loss_ce": 0.13254, "aux.acc_seg": 86.64072, "loss": 0.46071, "time": 1.62299} {"mode": "train", "epoch": 13, "iter": 15750, "lr": 3e-05, "memory": 71384, "data_time": 0.00979, "decode.loss_ce": 0.32296, "decode.acc_seg": 87.23599, "aux.loss_ce": 0.13006, "aux.acc_seg": 87.13838, "loss": 0.45302, "time": 1.6217} {"mode": "train", "epoch": 13, "iter": 15800, "lr": 3e-05, "memory": 71384, "data_time": 0.00991, "decode.loss_ce": 0.29357, "decode.acc_seg": 87.68823, "aux.loss_ce": 0.11874, "aux.acc_seg": 87.54643, "loss": 0.41231, "time": 1.62356} {"mode": "train", "epoch": 13, "iter": 15850, "lr": 3e-05, "memory": 71384, "data_time": 0.00972, "decode.loss_ce": 0.31206, "decode.acc_seg": 87.94063, "aux.loss_ce": 0.12584, "aux.acc_seg": 87.7127, "loss": 0.4379, "time": 1.6247} {"mode": "train", "epoch": 13, "iter": 15900, "lr": 3e-05, "memory": 71384, "data_time": 0.00966, "decode.loss_ce": 0.34822, "decode.acc_seg": 87.10462, "aux.loss_ce": 0.13978, "aux.acc_seg": 86.84294, "loss": 0.48801, "time": 1.62289} {"mode": "train", "epoch": 13, "iter": 15950, "lr": 3e-05, "memory": 71384, "data_time": 0.00961, "decode.loss_ce": 0.33219, "decode.acc_seg": 86.68074, "aux.loss_ce": 0.1341, "aux.acc_seg": 86.52289, "loss": 0.46629, "time": 1.62612} {"mode": "train", "epoch": 13, "iter": 16000, "lr": 3e-05, "memory": 71384, "data_time": 0.00984, "decode.loss_ce": 0.32167, "decode.acc_seg": 86.98256, "aux.loss_ce": 0.12987, "aux.acc_seg": 86.8065, "loss": 0.45154, "time": 3.34398} {"mode": "val", "epoch": 13, "iter": 250, "lr": 3e-05, "aAcc": 0.8519, "mIoU": 0.5376, "mAcc": 0.6745, "IoU.wall": 0.8065, "IoU.building": 0.8479, "IoU.sky": 0.9409, "IoU.floor": 0.8376, "IoU.tree": 0.7667, "IoU.ceiling": 0.8531, "IoU.road": 0.8525, "IoU.bed ": 0.9199, "IoU.windowpane": 0.6532, "IoU.grass": 0.6966, "IoU.cabinet": 0.624, "IoU.sidewalk": 0.696, "IoU.person": 0.8454, "IoU.earth": 0.3548, "IoU.door": 0.5834, "IoU.table": 0.6244, "IoU.mountain": 0.529, "IoU.plant": 0.5829, "IoU.curtain": 0.7764, "IoU.chair": 0.6616, "IoU.car": 0.8726, "IoU.water": 0.6717, "IoU.painting": 0.7804, "IoU.sofa": 0.8024, "IoU.shelf": 0.4716, "IoU.house": 0.5393, "IoU.sea": 0.7803, "IoU.mirror": 0.7981, "IoU.rug": 0.6994, "IoU.field": 0.3248, "IoU.armchair": 0.5989, "IoU.seat": 0.6147, "IoU.fence": 0.4596, "IoU.desk": 0.4863, "IoU.rock": 0.5354, "IoU.wardrobe": 0.5384, "IoU.lamp": 0.7255, "IoU.bathtub": 0.8858, "IoU.railing": 0.3603, "IoU.cushion": 0.6826, "IoU.base": 0.4288, "IoU.box": 0.349, "IoU.column": 0.5436, "IoU.signboard": 0.3707, "IoU.chest of drawers": 0.4415, "IoU.counter": 0.5059, "IoU.sand": 0.4967, "IoU.sink": 0.7554, "IoU.skyscraper": 0.496, "IoU.fireplace": 0.7099, "IoU.refrigerator": 0.7725, "IoU.grandstand": 0.428, "IoU.path": 0.2839, "IoU.stairs": 0.3712, "IoU.runway": 0.6933, "IoU.case": 0.4648, "IoU.pool table": 0.9403, "IoU.pillow": 0.6743, "IoU.screen door": 0.6804, "IoU.stairway": 0.5404, "IoU.river": 0.2014, "IoU.bridge": 0.2768, "IoU.bookcase": 0.3409, "IoU.blind": 0.4181, "IoU.coffee table": 0.5811, "IoU.toilet": 0.7835, "IoU.flower": 0.4315, "IoU.book": 0.5194, "IoU.hill": 0.0766, "IoU.bench": 0.448, "IoU.countertop": 0.6452, "IoU.stove": 0.794, "IoU.palm": 0.5623, "IoU.kitchen island": 0.3918, "IoU.computer": 0.7848, "IoU.swivel chair": 0.5374, "IoU.boat": 0.7016, "IoU.bar": 0.6047, "IoU.arcade machine": 0.7914, "IoU.hovel": 0.1863, "IoU.bus": 0.9057, "IoU.towel": 0.7202, "IoU.light": 0.5614, "IoU.truck": 0.403, "IoU.tower": 0.2654, "IoU.chandelier": 0.7163, "IoU.awning": 0.4384, "IoU.streetlight": 0.3, "IoU.booth": 0.3416, "IoU.television receiver": 0.7739, "IoU.airplane": 0.6278, "IoU.dirt track": 0.0077, "IoU.apparel": 0.5197, "IoU.pole": 0.1774, "IoU.land": 0.0, "IoU.bannister": 0.1433, "IoU.escalator": 0.5676, "IoU.ottoman": 0.4326, "IoU.bottle": 0.2515, "IoU.buffet": 0.5562, "IoU.poster": 0.3141, "IoU.stage": 0.1723, "IoU.van": 0.4787, "IoU.ship": 0.0893, "IoU.fountain": 0.5852, "IoU.conveyer belt": 0.6515, "IoU.canopy": 0.5585, "IoU.washer": 0.8483, "IoU.plaything": 0.3534, "IoU.swimming pool": 0.5857, "IoU.stool": 0.4881, "IoU.barrel": 0.5182, "IoU.basket": 0.3402, "IoU.waterfall": 0.4964, "IoU.tent": 0.9222, "IoU.bag": 0.2489, "IoU.minibike": 0.72, "IoU.cradle": 0.7223, "IoU.oven": 0.547, "IoU.ball": 0.1047, "IoU.food": 0.5341, "IoU.step": 0.1663, "IoU.tank": 0.7052, "IoU.trade name": 0.1521, "IoU.microwave": 0.8373, "IoU.pot": 0.5546, "IoU.animal": 0.6018, "IoU.bicycle": 0.5768, "IoU.lake": 0.5606, "IoU.dishwasher": 0.6256, "IoU.screen": 0.5839, "IoU.blanket": 0.2877, "IoU.sculpture": 0.6508, "IoU.hood": 0.6565, "IoU.sconce": 0.5828, "IoU.vase": 0.4543, "IoU.traffic light": 0.2718, "IoU.tray": 0.1336, "IoU.ashcan": 0.4368, "IoU.fan": 0.6921, "IoU.pier": 0.3969, "IoU.crt screen": 0.0062, "IoU.plate": 0.5406, "IoU.monitor": 0.5552, "IoU.bulletin board": 0.5081, "IoU.shower": 0.0, "IoU.radiator": 0.6603, "IoU.glass": 0.1789, "IoU.clock": 0.4658, "IoU.flag": 0.6974, "Acc.wall": 0.887, "Acc.building": 0.9247, "Acc.sky": 0.9592, "Acc.floor": 0.9188, "Acc.tree": 0.9201, "Acc.ceiling": 0.9369, "Acc.road": 0.908, "Acc.bed ": 0.9634, "Acc.windowpane": 0.7943, "Acc.grass": 0.9092, "Acc.cabinet": 0.7238, "Acc.sidewalk": 0.8661, "Acc.person": 0.9149, "Acc.earth": 0.4413, "Acc.door": 0.7427, "Acc.table": 0.7057, "Acc.mountain": 0.596, "Acc.plant": 0.737, "Acc.curtain": 0.9032, "Acc.chair": 0.7707, "Acc.car": 0.9376, "Acc.water": 0.8449, "Acc.painting": 0.884, "Acc.sofa": 0.9115, "Acc.shelf": 0.6256, "Acc.house": 0.6316, "Acc.sea": 0.8745, "Acc.mirror": 0.8791, "Acc.rug": 0.7984, "Acc.field": 0.5055, "Acc.armchair": 0.7141, "Acc.seat": 0.9138, "Acc.fence": 0.6011, "Acc.desk": 0.7974, "Acc.rock": 0.7882, "Acc.wardrobe": 0.807, "Acc.lamp": 0.8076, "Acc.bathtub": 0.9258, "Acc.railing": 0.4502, "Acc.cushion": 0.8384, "Acc.base": 0.5783, "Acc.box": 0.478, "Acc.column": 0.673, "Acc.signboard": 0.5917, "Acc.chest of drawers": 0.6291, "Acc.counter": 0.6274, "Acc.sand": 0.7238, "Acc.sink": 0.8571, "Acc.skyscraper": 0.5871, "Acc.fireplace": 0.9521, "Acc.refrigerator": 0.9216, "Acc.grandstand": 0.8527, "Acc.path": 0.3924, "Acc.stairs": 0.4476, "Acc.runway": 0.8935, "Acc.case": 0.9596, "Acc.pool table": 0.977, "Acc.pillow": 0.7592, "Acc.screen door": 0.9657, "Acc.stairway": 0.6969, "Acc.river": 0.2833, "Acc.bridge": 0.2843, "Acc.bookcase": 0.5202, "Acc.blind": 0.4592, "Acc.coffee table": 0.8354, "Acc.toilet": 0.968, "Acc.flower": 0.5015, "Acc.book": 0.8172, "Acc.hill": 0.2107, "Acc.bench": 0.5147, "Acc.countertop": 0.7764, "Acc.stove": 0.8767, "Acc.palm": 0.8074, "Acc.kitchen island": 0.6434, "Acc.computer": 0.9291, "Acc.swivel chair": 0.863, "Acc.boat": 0.8829, "Acc.bar": 0.6322, "Acc.arcade machine": 0.8694, "Acc.hovel": 0.1979, "Acc.bus": 0.9596, "Acc.towel": 0.9045, "Acc.light": 0.6315, "Acc.truck": 0.501, "Acc.tower": 0.3877, "Acc.chandelier": 0.8391, "Acc.awning": 0.6912, "Acc.streetlight": 0.3831, "Acc.booth": 0.5322, "Acc.television receiver": 0.8871, "Acc.airplane": 0.7322, "Acc.dirt track": 0.0364, "Acc.apparel": 0.6309, "Acc.pole": 0.238, "Acc.land": 0.0, "Acc.bannister": 0.1842, "Acc.escalator": 0.8003, "Acc.ottoman": 0.5924, "Acc.bottle": 0.3266, "Acc.buffet": 0.9018, "Acc.poster": 0.4204, "Acc.stage": 0.3355, "Acc.van": 0.6731, "Acc.ship": 0.0896, "Acc.fountain": 0.6796, "Acc.conveyer belt": 0.9618, "Acc.canopy": 0.6827, "Acc.washer": 0.9641, "Acc.plaything": 0.6638, "Acc.swimming pool": 0.9112, "Acc.stool": 0.5891, "Acc.barrel": 0.6489, "Acc.basket": 0.482, "Acc.waterfall": 0.5556, "Acc.tent": 0.9877, "Acc.bag": 0.296, "Acc.minibike": 0.8874, "Acc.cradle": 0.9873, "Acc.oven": 0.6446, "Acc.ball": 0.1108, "Acc.food": 0.5765, "Acc.step": 0.1974, "Acc.tank": 0.9817, "Acc.trade name": 0.1774, "Acc.microwave": 0.9648, "Acc.pot": 0.6292, "Acc.animal": 0.6212, "Acc.bicycle": 0.8063, "Acc.lake": 0.6202, "Acc.dishwasher": 0.6987, "Acc.screen": 0.9659, "Acc.blanket": 0.3267, "Acc.sculpture": 0.8296, "Acc.hood": 0.7614, "Acc.sconce": 0.6919, "Acc.vase": 0.6243, "Acc.traffic light": 0.6321, "Acc.tray": 0.1807, "Acc.ashcan": 0.6841, "Acc.fan": 0.825, "Acc.pier": 0.5987, "Acc.crt screen": 0.0066, "Acc.plate": 0.8564, "Acc.monitor": 0.8019, "Acc.bulletin board": 0.5904, "Acc.shower": 0.0, "Acc.radiator": 0.7518, "Acc.glass": 0.1987, "Acc.clock": 0.5443, "Acc.flag": 0.8109} {"mode": "train", "epoch": 13, "iter": 16050, "lr": 3e-05, "memory": 71384, "data_time": 1.92235, "decode.loss_ce": 0.33386, "decode.acc_seg": 86.55948, "aux.loss_ce": 0.13385, "aux.acc_seg": 86.43225, "loss": 0.46772, "time": 3.53708} {"mode": "train", "epoch": 13, "iter": 16100, "lr": 3e-05, "memory": 71384, "data_time": 0.00972, "decode.loss_ce": 0.30696, "decode.acc_seg": 88.12526, "aux.loss_ce": 0.12376, "aux.acc_seg": 87.84712, "loss": 0.43072, "time": 1.6274} {"mode": "train", "epoch": 13, "iter": 16150, "lr": 3e-05, "memory": 71384, "data_time": 0.00948, "decode.loss_ce": 0.33025, "decode.acc_seg": 86.4808, "aux.loss_ce": 0.13368, "aux.acc_seg": 86.23831, "loss": 0.46393, "time": 1.62371} {"mode": "train", "epoch": 13, "iter": 16200, "lr": 3e-05, "memory": 71384, "data_time": 0.00974, "decode.loss_ce": 0.33175, "decode.acc_seg": 86.75445, "aux.loss_ce": 0.13421, "aux.acc_seg": 86.60994, "loss": 0.46596, "time": 1.62406} {"mode": "train", "epoch": 13, "iter": 16250, "lr": 3e-05, "memory": 71384, "data_time": 0.00969, "decode.loss_ce": 0.3242, "decode.acc_seg": 86.93384, "aux.loss_ce": 0.13108, "aux.acc_seg": 86.68544, "loss": 0.45528, "time": 1.6218} {"mode": "train", "epoch": 13, "iter": 16300, "lr": 3e-05, "memory": 71384, "data_time": 0.00971, "decode.loss_ce": 0.33532, "decode.acc_seg": 86.51156, "aux.loss_ce": 0.13627, "aux.acc_seg": 86.37826, "loss": 0.47159, "time": 1.6247} {"mode": "train", "epoch": 13, "iter": 16350, "lr": 3e-05, "memory": 71384, "data_time": 0.00983, "decode.loss_ce": 0.35395, "decode.acc_seg": 85.73469, "aux.loss_ce": 0.14316, "aux.acc_seg": 85.54518, "loss": 0.49712, "time": 1.6228} {"mode": "train", "epoch": 13, "iter": 16400, "lr": 3e-05, "memory": 71384, "data_time": 0.00979, "decode.loss_ce": 0.34356, "decode.acc_seg": 86.03288, "aux.loss_ce": 0.1372, "aux.acc_seg": 86.00842, "loss": 0.48076, "time": 1.62255} {"mode": "train", "epoch": 14, "iter": 16450, "lr": 3e-05, "memory": 71384, "data_time": 0.05751, "decode.loss_ce": 0.33476, "decode.acc_seg": 86.88052, "aux.loss_ce": 0.13625, "aux.acc_seg": 86.65728, "loss": 0.47101, "time": 1.67136} {"mode": "train", "epoch": 14, "iter": 16500, "lr": 3e-05, "memory": 71384, "data_time": 0.00993, "decode.loss_ce": 0.32018, "decode.acc_seg": 87.40804, "aux.loss_ce": 0.12951, "aux.acc_seg": 87.27189, "loss": 0.44969, "time": 1.62576} {"mode": "train", "epoch": 14, "iter": 16550, "lr": 3e-05, "memory": 71384, "data_time": 0.01, "decode.loss_ce": 0.30751, "decode.acc_seg": 87.74516, "aux.loss_ce": 0.12477, "aux.acc_seg": 87.59634, "loss": 0.43227, "time": 1.62338} {"mode": "train", "epoch": 14, "iter": 16600, "lr": 3e-05, "memory": 71384, "data_time": 0.03674, "decode.loss_ce": 0.29457, "decode.acc_seg": 88.36992, "aux.loss_ce": 0.1193, "aux.acc_seg": 88.21446, "loss": 0.41387, "time": 1.65152} {"mode": "train", "epoch": 14, "iter": 16650, "lr": 3e-05, "memory": 71384, "data_time": 0.00985, "decode.loss_ce": 0.29641, "decode.acc_seg": 87.92439, "aux.loss_ce": 0.12017, "aux.acc_seg": 87.76733, "loss": 0.41658, "time": 1.62509} {"mode": "train", "epoch": 14, "iter": 16700, "lr": 3e-05, "memory": 71384, "data_time": 0.00982, "decode.loss_ce": 0.30678, "decode.acc_seg": 87.39319, "aux.loss_ce": 0.12333, "aux.acc_seg": 87.36674, "loss": 0.43011, "time": 1.62283} {"mode": "train", "epoch": 14, "iter": 16750, "lr": 3e-05, "memory": 71384, "data_time": 0.00957, "decode.loss_ce": 0.30524, "decode.acc_seg": 87.89555, "aux.loss_ce": 0.12377, "aux.acc_seg": 87.77808, "loss": 0.42901, "time": 1.61987} {"mode": "train", "epoch": 14, "iter": 16800, "lr": 3e-05, "memory": 71384, "data_time": 0.00989, "decode.loss_ce": 0.30925, "decode.acc_seg": 87.65539, "aux.loss_ce": 0.12468, "aux.acc_seg": 87.51002, "loss": 0.43392, "time": 1.62377} {"mode": "train", "epoch": 14, "iter": 16850, "lr": 3e-05, "memory": 71384, "data_time": 0.00984, "decode.loss_ce": 0.31982, "decode.acc_seg": 87.52182, "aux.loss_ce": 0.12942, "aux.acc_seg": 87.45501, "loss": 0.44925, "time": 1.62622} {"mode": "train", "epoch": 14, "iter": 16900, "lr": 3e-05, "memory": 71384, "data_time": 0.00969, "decode.loss_ce": 0.32574, "decode.acc_seg": 87.20249, "aux.loss_ce": 0.13112, "aux.acc_seg": 86.94879, "loss": 0.45686, "time": 1.62625} {"mode": "train", "epoch": 14, "iter": 16950, "lr": 3e-05, "memory": 71384, "data_time": 0.00982, "decode.loss_ce": 0.31228, "decode.acc_seg": 87.84771, "aux.loss_ce": 0.12701, "aux.acc_seg": 87.53872, "loss": 0.43929, "time": 1.6234} {"mode": "train", "epoch": 14, "iter": 17000, "lr": 3e-05, "memory": 71384, "data_time": 0.00963, "decode.loss_ce": 0.30514, "decode.acc_seg": 87.85349, "aux.loss_ce": 0.12338, "aux.acc_seg": 87.59182, "loss": 0.42852, "time": 1.62221} {"mode": "val", "epoch": 14, "iter": 250, "lr": 3e-05, "aAcc": 0.8536, "mIoU": 0.5549, "mAcc": 0.6964, "IoU.wall": 0.8022, "IoU.building": 0.8492, "IoU.sky": 0.946, "IoU.floor": 0.8474, "IoU.tree": 0.7716, "IoU.ceiling": 0.8603, "IoU.road": 0.8567, "IoU.bed ": 0.9201, "IoU.windowpane": 0.6683, "IoU.grass": 0.6411, "IoU.cabinet": 0.6479, "IoU.sidewalk": 0.6913, "IoU.person": 0.8508, "IoU.earth": 0.4168, "IoU.door": 0.6277, "IoU.table": 0.6388, "IoU.mountain": 0.6036, "IoU.plant": 0.5784, "IoU.curtain": 0.7648, "IoU.chair": 0.6205, "IoU.car": 0.8676, "IoU.water": 0.5706, "IoU.painting": 0.7578, "IoU.sofa": 0.8138, "IoU.shelf": 0.511, "IoU.house": 0.6342, "IoU.sea": 0.7456, "IoU.mirror": 0.7916, "IoU.rug": 0.6937, "IoU.field": 0.2912, "IoU.armchair": 0.5574, "IoU.seat": 0.6402, "IoU.fence": 0.4858, "IoU.desk": 0.5161, "IoU.rock": 0.5133, "IoU.wardrobe": 0.5436, "IoU.lamp": 0.7265, "IoU.bathtub": 0.8439, "IoU.railing": 0.422, "IoU.cushion": 0.6943, "IoU.base": 0.4199, "IoU.box": 0.3288, "IoU.column": 0.5174, "IoU.signboard": 0.4072, "IoU.chest of drawers": 0.5314, "IoU.counter": 0.5044, "IoU.sand": 0.4775, "IoU.sink": 0.7641, "IoU.skyscraper": 0.4684, "IoU.fireplace": 0.7203, "IoU.refrigerator": 0.7812, "IoU.grandstand": 0.635, "IoU.path": 0.2793, "IoU.stairs": 0.2644, "IoU.runway": 0.7462, "IoU.case": 0.5162, "IoU.pool table": 0.9359, "IoU.pillow": 0.6482, "IoU.screen door": 0.5808, "IoU.stairway": 0.4386, "IoU.river": 0.1755, "IoU.bridge": 0.6282, "IoU.bookcase": 0.3987, "IoU.blind": 0.3543, "IoU.coffee table": 0.5962, "IoU.toilet": 0.8843, "IoU.flower": 0.4819, "IoU.book": 0.5328, "IoU.hill": 0.0557, "IoU.bench": 0.4726, "IoU.countertop": 0.6025, "IoU.stove": 0.771, "IoU.palm": 0.5242, "IoU.kitchen island": 0.4804, "IoU.computer": 0.7942, "IoU.swivel chair": 0.526, "IoU.boat": 0.6357, "IoU.bar": 0.6591, "IoU.arcade machine": 0.8055, "IoU.hovel": 0.3965, "IoU.bus": 0.9319, "IoU.towel": 0.7348, "IoU.light": 0.5607, "IoU.truck": 0.4785, "IoU.tower": 0.25, "IoU.chandelier": 0.72, "IoU.awning": 0.5013, "IoU.streetlight": 0.3125, "IoU.booth": 0.2616, "IoU.television receiver": 0.7763, "IoU.airplane": 0.8567, "IoU.dirt track": 0.0231, "IoU.apparel": 0.4505, "IoU.pole": 0.2057, "IoU.land": 0.0049, "IoU.bannister": 0.1233, "IoU.escalator": 0.5867, "IoU.ottoman": 0.4541, "IoU.bottle": 0.42, "IoU.buffet": 0.5519, "IoU.poster": 0.354, "IoU.stage": 0.2051, "IoU.van": 0.494, "IoU.ship": 0.6703, "IoU.fountain": 0.5961, "IoU.conveyer belt": 0.7265, "IoU.canopy": 0.4953, "IoU.washer": 0.8327, "IoU.plaything": 0.3141, "IoU.swimming pool": 0.5502, "IoU.stool": 0.464, "IoU.barrel": 0.607, "IoU.basket": 0.3453, "IoU.waterfall": 0.3212, "IoU.tent": 0.9645, "IoU.bag": 0.2179, "IoU.minibike": 0.7135, "IoU.cradle": 0.7897, "IoU.oven": 0.6301, "IoU.ball": 0.2143, "IoU.food": 0.5997, "IoU.step": 0.2161, "IoU.tank": 0.6678, "IoU.trade name": 0.3278, "IoU.microwave": 0.8909, "IoU.pot": 0.5758, "IoU.animal": 0.6599, "IoU.bicycle": 0.5185, "IoU.lake": 0.4805, "IoU.dishwasher": 0.6735, "IoU.screen": 0.5367, "IoU.blanket": 0.2604, "IoU.sculpture": 0.6476, "IoU.hood": 0.6956, "IoU.sconce": 0.5771, "IoU.vase": 0.4345, "IoU.traffic light": 0.2979, "IoU.tray": 0.2002, "IoU.ashcan": 0.4794, "IoU.fan": 0.6785, "IoU.pier": 0.4263, "IoU.crt screen": 0.0414, "IoU.plate": 0.5977, "IoU.monitor": 0.6345, "IoU.bulletin board": 0.4882, "IoU.shower": 0.0079, "IoU.radiator": 0.6379, "IoU.glass": 0.1718, "IoU.clock": 0.4245, "IoU.flag": 0.7091, "Acc.wall": 0.8681, "Acc.building": 0.9287, "Acc.sky": 0.9711, "Acc.floor": 0.9043, "Acc.tree": 0.9117, "Acc.ceiling": 0.9493, "Acc.road": 0.9102, "Acc.bed ": 0.9689, "Acc.windowpane": 0.8126, "Acc.grass": 0.7777, "Acc.cabinet": 0.7315, "Acc.sidewalk": 0.8148, "Acc.person": 0.9296, "Acc.earth": 0.5528, "Acc.door": 0.8245, "Acc.table": 0.7276, "Acc.mountain": 0.7381, "Acc.plant": 0.7144, "Acc.curtain": 0.9041, "Acc.chair": 0.7006, "Acc.car": 0.9302, "Acc.water": 0.6649, "Acc.painting": 0.8967, "Acc.sofa": 0.925, "Acc.shelf": 0.6759, "Acc.house": 0.7835, "Acc.sea": 0.8732, "Acc.mirror": 0.8962, "Acc.rug": 0.8466, "Acc.field": 0.5314, "Acc.armchair": 0.7879, "Acc.seat": 0.9082, "Acc.fence": 0.7117, "Acc.desk": 0.7675, "Acc.rock": 0.7213, "Acc.wardrobe": 0.8495, "Acc.lamp": 0.8213, "Acc.bathtub": 0.8763, "Acc.railing": 0.5635, "Acc.cushion": 0.8608, "Acc.base": 0.5558, "Acc.box": 0.4129, "Acc.column": 0.63, "Acc.signboard": 0.594, "Acc.chest of drawers": 0.7916, "Acc.counter": 0.727, "Acc.sand": 0.677, "Acc.sink": 0.8378, "Acc.skyscraper": 0.5558, "Acc.fireplace": 0.9566, "Acc.refrigerator": 0.9514, "Acc.grandstand": 0.8613, "Acc.path": 0.4441, "Acc.stairs": 0.3394, "Acc.runway": 0.9817, "Acc.case": 0.6644, "Acc.pool table": 0.9829, "Acc.pillow": 0.71, "Acc.screen door": 0.9422, "Acc.stairway": 0.6877, "Acc.river": 0.4855, "Acc.bridge": 0.9158, "Acc.bookcase": 0.4782, "Acc.blind": 0.3907, "Acc.coffee table": 0.8644, "Acc.toilet": 0.9222, "Acc.flower": 0.6325, "Acc.book": 0.7855, "Acc.hill": 0.0972, "Acc.bench": 0.5595, "Acc.countertop": 0.8476, "Acc.stove": 0.9511, "Acc.palm": 0.6282, "Acc.kitchen island": 0.8892, "Acc.computer": 0.9107, "Acc.swivel chair": 0.8617, "Acc.boat": 0.7625, "Acc.bar": 0.8635, "Acc.arcade machine": 0.8486, "Acc.hovel": 0.432, "Acc.bus": 0.9639, "Acc.towel": 0.8083, "Acc.light": 0.6078, "Acc.truck": 0.6513, "Acc.tower": 0.4305, "Acc.chandelier": 0.8339, "Acc.awning": 0.6387, "Acc.streetlight": 0.4196, "Acc.booth": 0.395, "Acc.television receiver": 0.9156, "Acc.airplane": 0.9599, "Acc.dirt track": 0.098, "Acc.apparel": 0.5228, "Acc.pole": 0.248, "Acc.land": 0.0074, "Acc.bannister": 0.2063, "Acc.escalator": 0.8758, "Acc.ottoman": 0.5622, "Acc.bottle": 0.5972, "Acc.buffet": 0.8503, "Acc.poster": 0.4903, "Acc.stage": 0.5011, "Acc.van": 0.7013, "Acc.ship": 0.936, "Acc.fountain": 0.6386, "Acc.conveyer belt": 0.9776, "Acc.canopy": 0.6897, "Acc.washer": 0.8918, "Acc.plaything": 0.6974, "Acc.swimming pool": 0.8077, "Acc.stool": 0.6543, "Acc.barrel": 0.6633, "Acc.basket": 0.4635, "Acc.waterfall": 0.3264, "Acc.tent": 0.9813, "Acc.bag": 0.2557, "Acc.minibike": 0.887, "Acc.cradle": 0.9506, "Acc.oven": 0.7135, "Acc.ball": 0.2249, "Acc.food": 0.8757, "Acc.step": 0.3781, "Acc.tank": 0.7835, "Acc.trade name": 0.4948, "Acc.microwave": 0.957, "Acc.pot": 0.7013, "Acc.animal": 0.6732, "Acc.bicycle": 0.5862, "Acc.lake": 0.6306, "Acc.dishwasher": 0.7507, "Acc.screen": 0.9545, "Acc.blanket": 0.3187, "Acc.sculpture": 0.893, "Acc.hood": 0.8543, "Acc.sconce": 0.7402, "Acc.vase": 0.6499, "Acc.traffic light": 0.6534, "Acc.tray": 0.2661, "Acc.ashcan": 0.6324, "Acc.fan": 0.7675, "Acc.pier": 0.4884, "Acc.crt screen": 0.0472, "Acc.plate": 0.749, "Acc.monitor": 0.8374, "Acc.bulletin board": 0.5508, "Acc.shower": 0.0086, "Acc.radiator": 0.7368, "Acc.glass": 0.1814, "Acc.clock": 0.5161, "Acc.flag": 0.7823} {"mode": "train", "epoch": 14, "iter": 17050, "lr": 3e-05, "memory": 71384, "data_time": 1.97753, "decode.loss_ce": 0.32562, "decode.acc_seg": 86.73745, "aux.loss_ce": 0.13137, "aux.acc_seg": 86.5312, "loss": 0.45699, "time": 3.59077} {"mode": "train", "epoch": 14, "iter": 17100, "lr": 3e-05, "memory": 71384, "data_time": 0.00976, "decode.loss_ce": 0.3075, "decode.acc_seg": 87.56822, "aux.loss_ce": 0.12416, "aux.acc_seg": 87.41119, "loss": 0.43166, "time": 1.62361} {"mode": "train", "epoch": 14, "iter": 17150, "lr": 3e-05, "memory": 71384, "data_time": 0.00952, "decode.loss_ce": 0.31361, "decode.acc_seg": 87.39542, "aux.loss_ce": 0.12689, "aux.acc_seg": 87.26322, "loss": 0.4405, "time": 1.63314} {"mode": "train", "epoch": 14, "iter": 17200, "lr": 3e-05, "memory": 71384, "data_time": 0.00975, "decode.loss_ce": 0.33981, "decode.acc_seg": 86.86596, "aux.loss_ce": 0.13706, "aux.acc_seg": 86.72647, "loss": 0.47687, "time": 1.62057} {"mode": "train", "epoch": 14, "iter": 17250, "lr": 3e-05, "memory": 71384, "data_time": 0.00981, "decode.loss_ce": 0.33886, "decode.acc_seg": 86.28627, "aux.loss_ce": 0.1359, "aux.acc_seg": 86.33336, "loss": 0.47476, "time": 1.62669} {"mode": "train", "epoch": 14, "iter": 17300, "lr": 3e-05, "memory": 71384, "data_time": 0.00991, "decode.loss_ce": 0.3206, "decode.acc_seg": 87.14365, "aux.loss_ce": 0.12808, "aux.acc_seg": 87.19822, "loss": 0.44868, "time": 1.62394} {"mode": "train", "epoch": 14, "iter": 17350, "lr": 3e-05, "memory": 71384, "data_time": 0.00968, "decode.loss_ce": 0.31525, "decode.acc_seg": 87.5898, "aux.loss_ce": 0.12657, "aux.acc_seg": 87.35362, "loss": 0.44182, "time": 1.62074} {"mode": "train", "epoch": 14, "iter": 17400, "lr": 3e-05, "memory": 71384, "data_time": 0.0097, "decode.loss_ce": 0.3282, "decode.acc_seg": 87.39039, "aux.loss_ce": 0.13326, "aux.acc_seg": 87.18146, "loss": 0.46146, "time": 1.62268} {"mode": "train", "epoch": 14, "iter": 17450, "lr": 3e-05, "memory": 71384, "data_time": 0.00972, "decode.loss_ce": 0.30473, "decode.acc_seg": 87.82188, "aux.loss_ce": 0.12388, "aux.acc_seg": 87.62339, "loss": 0.42861, "time": 1.62585} {"mode": "train", "epoch": 14, "iter": 17500, "lr": 3e-05, "memory": 71384, "data_time": 0.00979, "decode.loss_ce": 0.33437, "decode.acc_seg": 86.74512, "aux.loss_ce": 0.13451, "aux.acc_seg": 86.72411, "loss": 0.46888, "time": 1.62548} {"mode": "train", "epoch": 14, "iter": 17550, "lr": 3e-05, "memory": 71384, "data_time": 0.00985, "decode.loss_ce": 0.31901, "decode.acc_seg": 87.30906, "aux.loss_ce": 0.1293, "aux.acc_seg": 87.07447, "loss": 0.44831, "time": 1.6238} {"mode": "train", "epoch": 14, "iter": 17600, "lr": 3e-05, "memory": 71384, "data_time": 0.00986, "decode.loss_ce": 0.32598, "decode.acc_seg": 86.73849, "aux.loss_ce": 0.13058, "aux.acc_seg": 86.54029, "loss": 0.45656, "time": 1.62841} {"mode": "train", "epoch": 14, "iter": 17650, "lr": 3e-05, "memory": 71384, "data_time": 0.00974, "decode.loss_ce": 0.32099, "decode.acc_seg": 86.82325, "aux.loss_ce": 0.12973, "aux.acc_seg": 86.66499, "loss": 0.45073, "time": 1.62425} {"mode": "train", "epoch": 15, "iter": 17700, "lr": 3e-05, "memory": 71384, "data_time": 0.06975, "decode.loss_ce": 0.35338, "decode.acc_seg": 85.50024, "aux.loss_ce": 0.14223, "aux.acc_seg": 85.42363, "loss": 0.49561, "time": 1.68414} {"mode": "train", "epoch": 15, "iter": 17750, "lr": 3e-05, "memory": 71384, "data_time": 0.00993, "decode.loss_ce": 0.31229, "decode.acc_seg": 87.79511, "aux.loss_ce": 0.12611, "aux.acc_seg": 87.68057, "loss": 0.4384, "time": 1.6243} {"mode": "train", "epoch": 15, "iter": 17800, "lr": 3e-05, "memory": 71384, "data_time": 0.00991, "decode.loss_ce": 0.28982, "decode.acc_seg": 87.95923, "aux.loss_ce": 0.11762, "aux.acc_seg": 87.88432, "loss": 0.40744, "time": 1.6252} {"mode": "train", "epoch": 15, "iter": 17850, "lr": 3e-05, "memory": 71384, "data_time": 0.00985, "decode.loss_ce": 0.30224, "decode.acc_seg": 88.07994, "aux.loss_ce": 0.12158, "aux.acc_seg": 87.8176, "loss": 0.42382, "time": 1.62337} {"mode": "train", "epoch": 15, "iter": 17900, "lr": 3e-05, "memory": 71384, "data_time": 0.00975, "decode.loss_ce": 0.31616, "decode.acc_seg": 87.39704, "aux.loss_ce": 0.12856, "aux.acc_seg": 87.14362, "loss": 0.44472, "time": 1.62127} {"mode": "train", "epoch": 15, "iter": 17950, "lr": 3e-05, "memory": 71384, "data_time": 0.00965, "decode.loss_ce": 0.31057, "decode.acc_seg": 87.35276, "aux.loss_ce": 0.1267, "aux.acc_seg": 87.13456, "loss": 0.43726, "time": 1.62387} {"mode": "train", "epoch": 15, "iter": 18000, "lr": 3e-05, "memory": 71384, "data_time": 0.00964, "decode.loss_ce": 0.30135, "decode.acc_seg": 87.7334, "aux.loss_ce": 0.12207, "aux.acc_seg": 87.6974, "loss": 0.42341, "time": 3.30095} {"mode": "val", "epoch": 15, "iter": 250, "lr": 3e-05, "aAcc": 0.8487, "mIoU": 0.5455, "mAcc": 0.6795, "IoU.wall": 0.807, "IoU.building": 0.8429, "IoU.sky": 0.9449, "IoU.floor": 0.8446, "IoU.tree": 0.7654, "IoU.ceiling": 0.8665, "IoU.road": 0.8475, "IoU.bed ": 0.9191, "IoU.windowpane": 0.658, "IoU.grass": 0.6626, "IoU.cabinet": 0.6307, "IoU.sidewalk": 0.6891, "IoU.person": 0.8426, "IoU.earth": 0.3648, "IoU.door": 0.5569, "IoU.table": 0.6529, "IoU.mountain": 0.6261, "IoU.plant": 0.5728, "IoU.curtain": 0.7991, "IoU.chair": 0.6502, "IoU.car": 0.8655, "IoU.water": 0.3509, "IoU.painting": 0.7678, "IoU.sofa": 0.8008, "IoU.shelf": 0.4853, "IoU.house": 0.5407, "IoU.sea": 0.6257, "IoU.mirror": 0.7331, "IoU.rug": 0.7231, "IoU.field": 0.3658, "IoU.armchair": 0.5789, "IoU.seat": 0.6696, "IoU.fence": 0.4528, "IoU.desk": 0.5444, "IoU.rock": 0.5314, "IoU.wardrobe": 0.525, "IoU.lamp": 0.7353, "IoU.bathtub": 0.8387, "IoU.railing": 0.3718, "IoU.cushion": 0.68, "IoU.base": 0.432, "IoU.box": 0.3351, "IoU.column": 0.539, "IoU.signboard": 0.4127, "IoU.chest of drawers": 0.5229, "IoU.counter": 0.393, "IoU.sand": 0.524, "IoU.sink": 0.7378, "IoU.skyscraper": 0.4865, "IoU.fireplace": 0.7018, "IoU.refrigerator": 0.7846, "IoU.grandstand": 0.419, "IoU.path": 0.2779, "IoU.stairs": 0.2042, "IoU.runway": 0.7141, "IoU.case": 0.5861, "IoU.pool table": 0.9327, "IoU.pillow": 0.6767, "IoU.screen door": 0.8209, "IoU.stairway": 0.4239, "IoU.river": 0.1315, "IoU.bridge": 0.6293, "IoU.bookcase": 0.4127, "IoU.blind": 0.4612, "IoU.coffee table": 0.6098, "IoU.toilet": 0.8886, "IoU.flower": 0.4018, "IoU.book": 0.503, "IoU.hill": 0.0398, "IoU.bench": 0.5708, "IoU.countertop": 0.6301, "IoU.stove": 0.7935, "IoU.palm": 0.546, "IoU.kitchen island": 0.4167, "IoU.computer": 0.7659, "IoU.swivel chair": 0.5081, "IoU.boat": 0.7269, "IoU.bar": 0.6297, "IoU.arcade machine": 0.8704, "IoU.hovel": 0.4143, "IoU.bus": 0.9175, "IoU.towel": 0.7366, "IoU.light": 0.5792, "IoU.truck": 0.4414, "IoU.tower": 0.2938, "IoU.chandelier": 0.7251, "IoU.awning": 0.3745, "IoU.streetlight": 0.2733, "IoU.booth": 0.3659, "IoU.television receiver": 0.7807, "IoU.airplane": 0.852, "IoU.dirt track": 0.0452, "IoU.apparel": 0.4289, "IoU.pole": 0.1991, "IoU.land": 0.0104, "IoU.bannister": 0.162, "IoU.escalator": 0.5766, "IoU.ottoman": 0.5068, "IoU.bottle": 0.4216, "IoU.buffet": 0.4179, "IoU.poster": 0.287, "IoU.stage": 0.2264, "IoU.van": 0.4355, "IoU.ship": 0.6017, "IoU.fountain": 0.2972, "IoU.conveyer belt": 0.4908, "IoU.canopy": 0.3646, "IoU.washer": 0.8546, "IoU.plaything": 0.2673, "IoU.swimming pool": 0.5739, "IoU.stool": 0.527, "IoU.barrel": 0.5167, "IoU.basket": 0.3828, "IoU.waterfall": 0.6478, "IoU.tent": 0.9588, "IoU.bag": 0.2173, "IoU.minibike": 0.7265, "IoU.cradle": 0.7149, "IoU.oven": 0.5981, "IoU.ball": 0.511, "IoU.food": 0.5654, "IoU.step": 0.1419, "IoU.tank": 0.6287, "IoU.trade name": 0.2234, "IoU.microwave": 0.8897, "IoU.pot": 0.564, "IoU.animal": 0.6804, "IoU.bicycle": 0.5629, "IoU.lake": 0.0837, "IoU.dishwasher": 0.6727, "IoU.screen": 0.5598, "IoU.blanket": 0.2176, "IoU.sculpture": 0.7583, "IoU.hood": 0.6065, "IoU.sconce": 0.5767, "IoU.vase": 0.4507, "IoU.traffic light": 0.3266, "IoU.tray": 0.1597, "IoU.ashcan": 0.4846, "IoU.fan": 0.6976, "IoU.pier": 0.3753, "IoU.crt screen": 0.0065, "IoU.plate": 0.5809, "IoU.monitor": 0.6552, "IoU.bulletin board": 0.5532, "IoU.shower": 0.0012, "IoU.radiator": 0.6783, "IoU.glass": 0.1304, "IoU.clock": 0.3747, "IoU.flag": 0.6996, "Acc.wall": 0.8914, "Acc.building": 0.9266, "Acc.sky": 0.9725, "Acc.floor": 0.9055, "Acc.tree": 0.8771, "Acc.ceiling": 0.9303, "Acc.road": 0.9049, "Acc.bed ": 0.9664, "Acc.windowpane": 0.8392, "Acc.grass": 0.753, "Acc.cabinet": 0.7617, "Acc.sidewalk": 0.857, "Acc.person": 0.9018, "Acc.earth": 0.514, "Acc.door": 0.6329, "Acc.table": 0.783, "Acc.mountain": 0.7747, "Acc.plant": 0.6884, "Acc.curtain": 0.8921, "Acc.chair": 0.7568, "Acc.car": 0.9234, "Acc.water": 0.4012, "Acc.painting": 0.892, "Acc.sofa": 0.8949, "Acc.shelf": 0.68, "Acc.house": 0.8179, "Acc.sea": 0.7396, "Acc.mirror": 0.7617, "Acc.rug": 0.815, "Acc.field": 0.7374, "Acc.armchair": 0.7752, "Acc.seat": 0.8619, "Acc.fence": 0.5609, "Acc.desk": 0.8087, "Acc.rock": 0.7713, "Acc.wardrobe": 0.9009, "Acc.lamp": 0.804, "Acc.bathtub": 0.8611, "Acc.railing": 0.568, "Acc.cushion": 0.7655, "Acc.base": 0.519, "Acc.box": 0.4389, "Acc.column": 0.6972, "Acc.signboard": 0.5079, "Acc.chest of drawers": 0.7805, "Acc.counter": 0.4444, "Acc.sand": 0.8707, "Acc.sink": 0.7872, "Acc.skyscraper": 0.5985, "Acc.fireplace": 0.9493, "Acc.refrigerator": 0.8539, "Acc.grandstand": 0.8668, "Acc.path": 0.3638, "Acc.stairs": 0.2199, "Acc.runway": 0.9919, "Acc.case": 0.8659, "Acc.pool table": 0.9809, "Acc.pillow": 0.7875, "Acc.screen door": 0.8427, "Acc.stairway": 0.7356, "Acc.river": 0.8362, "Acc.bridge": 0.9114, "Acc.bookcase": 0.5235, "Acc.blind": 0.5221, "Acc.coffee table": 0.8483, "Acc.toilet": 0.9245, "Acc.flower": 0.4402, "Acc.book": 0.7196, "Acc.hill": 0.0804, "Acc.bench": 0.6394, "Acc.countertop": 0.8619, "Acc.stove": 0.9152, "Acc.palm": 0.788, "Acc.kitchen island": 0.7352, "Acc.computer": 0.9231, "Acc.swivel chair": 0.7586, "Acc.boat": 0.8741, "Acc.bar": 0.8566, "Acc.arcade machine": 0.9737, "Acc.hovel": 0.4839, "Acc.bus": 0.968, "Acc.towel": 0.8673, "Acc.light": 0.6707, "Acc.truck": 0.6299, "Acc.tower": 0.4181, "Acc.chandelier": 0.8633, "Acc.awning": 0.4307, "Acc.streetlight": 0.3574, "Acc.booth": 0.668, "Acc.television receiver": 0.881, "Acc.airplane": 0.933, "Acc.dirt track": 0.1876, "Acc.apparel": 0.5601, "Acc.pole": 0.2366, "Acc.land": 0.0224, "Acc.bannister": 0.2233, "Acc.escalator": 0.7872, "Acc.ottoman": 0.6859, "Acc.bottle": 0.5889, "Acc.buffet": 0.4638, "Acc.poster": 0.3402, "Acc.stage": 0.3982, "Acc.van": 0.6823, "Acc.ship": 0.6181, "Acc.fountain": 0.3266, "Acc.conveyer belt": 0.9907, "Acc.canopy": 0.5176, "Acc.washer": 0.9158, "Acc.plaything": 0.3879, "Acc.swimming pool": 0.9051, "Acc.stool": 0.6612, "Acc.barrel": 0.6868, "Acc.basket": 0.5417, "Acc.waterfall": 0.7256, "Acc.tent": 0.9865, "Acc.bag": 0.2439, "Acc.minibike": 0.8802, "Acc.cradle": 0.9901, "Acc.oven": 0.8116, "Acc.ball": 0.6073, "Acc.food": 0.663, "Acc.step": 0.1681, "Acc.tank": 0.6623, "Acc.trade name": 0.2557, "Acc.microwave": 0.935, "Acc.pot": 0.6886, "Acc.animal": 0.7047, "Acc.bicycle": 0.7091, "Acc.lake": 0.1007, "Acc.dishwasher": 0.777, "Acc.screen": 0.9453, "Acc.blanket": 0.2428, "Acc.sculpture": 0.824, "Acc.hood": 0.7296, "Acc.sconce": 0.6554, "Acc.vase": 0.6072, "Acc.traffic light": 0.547, "Acc.tray": 0.2058, "Acc.ashcan": 0.6505, "Acc.fan": 0.8313, "Acc.pier": 0.3845, "Acc.crt screen": 0.0065, "Acc.plate": 0.6733, "Acc.monitor": 0.8082, "Acc.bulletin board": 0.8228, "Acc.shower": 0.0015, "Acc.radiator": 0.7564, "Acc.glass": 0.1337, "Acc.clock": 0.4294, "Acc.flag": 0.7558} {"mode": "train", "epoch": 15, "iter": 18050, "lr": 3e-05, "memory": 71384, "data_time": 1.94148, "decode.loss_ce": 0.30413, "decode.acc_seg": 87.88724, "aux.loss_ce": 0.12369, "aux.acc_seg": 87.80313, "loss": 0.42783, "time": 3.55737} {"mode": "train", "epoch": 15, "iter": 18100, "lr": 3e-05, "memory": 71384, "data_time": 0.01049, "decode.loss_ce": 0.3245, "decode.acc_seg": 87.32719, "aux.loss_ce": 0.13045, "aux.acc_seg": 87.18442, "loss": 0.45495, "time": 1.62286} {"mode": "train", "epoch": 15, "iter": 18150, "lr": 3e-05, "memory": 71384, "data_time": 0.01015, "decode.loss_ce": 0.30287, "decode.acc_seg": 88.28947, "aux.loss_ce": 0.12182, "aux.acc_seg": 88.06201, "loss": 0.42469, "time": 1.62649} {"mode": "train", "epoch": 15, "iter": 18200, "lr": 3e-05, "memory": 71384, "data_time": 0.01014, "decode.loss_ce": 0.30335, "decode.acc_seg": 87.95548, "aux.loss_ce": 0.12272, "aux.acc_seg": 87.82916, "loss": 0.42607, "time": 1.62426} {"mode": "train", "epoch": 15, "iter": 18250, "lr": 3e-05, "memory": 71384, "data_time": 0.01009, "decode.loss_ce": 0.28002, "decode.acc_seg": 88.50253, "aux.loss_ce": 0.11359, "aux.acc_seg": 88.33793, "loss": 0.3936, "time": 1.62142} {"mode": "train", "epoch": 15, "iter": 18300, "lr": 3e-05, "memory": 71384, "data_time": 0.00993, "decode.loss_ce": 0.30523, "decode.acc_seg": 87.78706, "aux.loss_ce": 0.12423, "aux.acc_seg": 87.56309, "loss": 0.42946, "time": 1.62331} {"mode": "train", "epoch": 15, "iter": 18350, "lr": 3e-05, "memory": 71384, "data_time": 0.01, "decode.loss_ce": 0.31702, "decode.acc_seg": 87.41726, "aux.loss_ce": 0.1272, "aux.acc_seg": 87.28556, "loss": 0.44421, "time": 1.62321} {"mode": "train", "epoch": 15, "iter": 18400, "lr": 3e-05, "memory": 71384, "data_time": 0.00987, "decode.loss_ce": 0.31329, "decode.acc_seg": 87.20234, "aux.loss_ce": 0.12755, "aux.acc_seg": 86.95923, "loss": 0.44083, "time": 1.62412} {"mode": "train", "epoch": 15, "iter": 18450, "lr": 3e-05, "memory": 71384, "data_time": 0.00974, "decode.loss_ce": 0.30484, "decode.acc_seg": 87.50635, "aux.loss_ce": 0.12337, "aux.acc_seg": 87.34895, "loss": 0.42822, "time": 1.62093} {"mode": "train", "epoch": 15, "iter": 18500, "lr": 3e-05, "memory": 71384, "data_time": 0.00974, "decode.loss_ce": 0.30936, "decode.acc_seg": 87.1942, "aux.loss_ce": 0.12575, "aux.acc_seg": 87.00638, "loss": 0.4351, "time": 1.62367} {"mode": "train", "epoch": 15, "iter": 18550, "lr": 3e-05, "memory": 71384, "data_time": 0.01015, "decode.loss_ce": 0.30083, "decode.acc_seg": 87.68394, "aux.loss_ce": 0.12177, "aux.acc_seg": 87.68531, "loss": 0.42259, "time": 1.62779} {"mode": "train", "epoch": 15, "iter": 18600, "lr": 3e-05, "memory": 71384, "data_time": 0.00988, "decode.loss_ce": 0.28061, "decode.acc_seg": 88.13696, "aux.loss_ce": 0.11439, "aux.acc_seg": 88.01689, "loss": 0.39501, "time": 1.6234} {"mode": "train", "epoch": 15, "iter": 18650, "lr": 3e-05, "memory": 71384, "data_time": 0.01009, "decode.loss_ce": 0.3152, "decode.acc_seg": 87.34551, "aux.loss_ce": 0.12695, "aux.acc_seg": 87.21909, "loss": 0.44215, "time": 1.623} {"mode": "train", "epoch": 15, "iter": 18700, "lr": 3e-05, "memory": 71384, "data_time": 0.01028, "decode.loss_ce": 0.30513, "decode.acc_seg": 87.85299, "aux.loss_ce": 0.12307, "aux.acc_seg": 87.69251, "loss": 0.4282, "time": 1.62199} {"mode": "train", "epoch": 15, "iter": 18750, "lr": 3e-05, "memory": 71384, "data_time": 0.00986, "decode.loss_ce": 0.30106, "decode.acc_seg": 87.97991, "aux.loss_ce": 0.12057, "aux.acc_seg": 87.84406, "loss": 0.42163, "time": 1.62679} {"mode": "train", "epoch": 15, "iter": 18800, "lr": 3e-05, "memory": 71384, "data_time": 0.00979, "decode.loss_ce": 0.3012, "decode.acc_seg": 88.29022, "aux.loss_ce": 0.12241, "aux.acc_seg": 87.98529, "loss": 0.42362, "time": 1.62469} {"mode": "train", "epoch": 15, "iter": 18850, "lr": 3e-05, "memory": 71384, "data_time": 0.00987, "decode.loss_ce": 0.31604, "decode.acc_seg": 87.45051, "aux.loss_ce": 0.12839, "aux.acc_seg": 87.31851, "loss": 0.44443, "time": 1.62476} {"mode": "train", "epoch": 15, "iter": 18900, "lr": 3e-05, "memory": 71384, "data_time": 0.00972, "decode.loss_ce": 0.29456, "decode.acc_seg": 88.38188, "aux.loss_ce": 0.11922, "aux.acc_seg": 88.14496, "loss": 0.41379, "time": 1.62126} {"mode": "train", "epoch": 16, "iter": 18950, "lr": 3e-05, "memory": 71384, "data_time": 0.06017, "decode.loss_ce": 0.33194, "decode.acc_seg": 86.36478, "aux.loss_ce": 0.13433, "aux.acc_seg": 86.17285, "loss": 0.46627, "time": 1.67661} {"mode": "train", "epoch": 16, "iter": 19000, "lr": 3e-05, "memory": 71384, "data_time": 0.00996, "decode.loss_ce": 0.30687, "decode.acc_seg": 87.21614, "aux.loss_ce": 0.12474, "aux.acc_seg": 86.8759, "loss": 0.43161, "time": 1.62463} {"mode": "val", "epoch": 16, "iter": 250, "lr": 3e-05, "aAcc": 0.854, "mIoU": 0.5587, "mAcc": 0.6898, "IoU.wall": 0.8063, "IoU.building": 0.8366, "IoU.sky": 0.947, "IoU.floor": 0.8531, "IoU.tree": 0.774, "IoU.ceiling": 0.864, "IoU.road": 0.8631, "IoU.bed ": 0.9221, "IoU.windowpane": 0.651, "IoU.grass": 0.6822, "IoU.cabinet": 0.6503, "IoU.sidewalk": 0.6978, "IoU.person": 0.8476, "IoU.earth": 0.3649, "IoU.door": 0.5892, "IoU.table": 0.6587, "IoU.mountain": 0.6253, "IoU.plant": 0.562, "IoU.curtain": 0.78, "IoU.chair": 0.6038, "IoU.car": 0.8718, "IoU.water": 0.5592, "IoU.painting": 0.777, "IoU.sofa": 0.8189, "IoU.shelf": 0.5065, "IoU.house": 0.5124, "IoU.sea": 0.6473, "IoU.mirror": 0.7958, "IoU.rug": 0.7185, "IoU.field": 0.3685, "IoU.armchair": 0.5708, "IoU.seat": 0.6645, "IoU.fence": 0.4226, "IoU.desk": 0.5187, "IoU.rock": 0.6173, "IoU.wardrobe": 0.5093, "IoU.lamp": 0.7337, "IoU.bathtub": 0.8889, "IoU.railing": 0.4036, "IoU.cushion": 0.5965, "IoU.base": 0.3452, "IoU.box": 0.3366, "IoU.column": 0.5262, "IoU.signboard": 0.4091, "IoU.chest of drawers": 0.4665, "IoU.counter": 0.4585, "IoU.sand": 0.4529, "IoU.sink": 0.7622, "IoU.skyscraper": 0.4698, "IoU.fireplace": 0.6708, "IoU.refrigerator": 0.8494, "IoU.grandstand": 0.5731, "IoU.path": 0.2838, "IoU.stairs": 0.3498, "IoU.runway": 0.7036, "IoU.case": 0.5445, "IoU.pool table": 0.9206, "IoU.pillow": 0.6408, "IoU.screen door": 0.8509, "IoU.stairway": 0.5033, "IoU.river": 0.1353, "IoU.bridge": 0.5041, "IoU.bookcase": 0.4106, "IoU.blind": 0.4125, "IoU.coffee table": 0.6086, "IoU.toilet": 0.8963, "IoU.flower": 0.4237, "IoU.book": 0.5414, "IoU.hill": 0.053, "IoU.bench": 0.5682, "IoU.countertop": 0.6256, "IoU.stove": 0.818, "IoU.palm": 0.5262, "IoU.kitchen island": 0.4449, "IoU.computer": 0.7677, "IoU.swivel chair": 0.4917, "IoU.boat": 0.5306, "IoU.bar": 0.7188, "IoU.arcade machine": 0.8548, "IoU.hovel": 0.4355, "IoU.bus": 0.928, "IoU.towel": 0.7429, "IoU.light": 0.5471, "IoU.truck": 0.4457, "IoU.tower": 0.2359, "IoU.chandelier": 0.7274, "IoU.awning": 0.3894, "IoU.streetlight": 0.3042, "IoU.booth": 0.4536, "IoU.television receiver": 0.7658, "IoU.airplane": 0.8219, "IoU.dirt track": 0.0537, "IoU.apparel": 0.529, "IoU.pole": 0.174, "IoU.land": 0.0342, "IoU.bannister": 0.1661, "IoU.escalator": 0.6147, "IoU.ottoman": 0.4886, "IoU.bottle": 0.3961, "IoU.buffet": 0.5869, "IoU.poster": 0.2817, "IoU.stage": 0.2341, "IoU.van": 0.435, "IoU.ship": 0.6581, "IoU.fountain": 0.38, "IoU.conveyer belt": 0.799, "IoU.canopy": 0.5476, "IoU.washer": 0.8562, "IoU.plaything": 0.2609, "IoU.swimming pool": 0.7292, "IoU.stool": 0.4728, "IoU.barrel": 0.6189, "IoU.basket": 0.4434, "IoU.waterfall": 0.5404, "IoU.tent": 0.9548, "IoU.bag": 0.2455, "IoU.minibike": 0.7402, "IoU.cradle": 0.7865, "IoU.oven": 0.6177, "IoU.ball": 0.4155, "IoU.food": 0.5655, "IoU.step": 0.1488, "IoU.tank": 0.6376, "IoU.trade name": 0.3659, "IoU.microwave": 0.8747, "IoU.pot": 0.5915, "IoU.animal": 0.6721, "IoU.bicycle": 0.5611, "IoU.lake": 0.5865, "IoU.dishwasher": 0.6807, "IoU.screen": 0.5785, "IoU.blanket": 0.2702, "IoU.sculpture": 0.763, "IoU.hood": 0.6216, "IoU.sconce": 0.5476, "IoU.vase": 0.4541, "IoU.traffic light": 0.3273, "IoU.tray": 0.2088, "IoU.ashcan": 0.4973, "IoU.fan": 0.6854, "IoU.pier": 0.541, "IoU.crt screen": 0.0342, "IoU.plate": 0.584, "IoU.monitor": 0.0829, "IoU.bulletin board": 0.6187, "IoU.shower": 0.0027, "IoU.radiator": 0.6796, "IoU.glass": 0.1449, "IoU.clock": 0.4066, "IoU.flag": 0.6855, "Acc.wall": 0.9083, "Acc.building": 0.9065, "Acc.sky": 0.9695, "Acc.floor": 0.9125, "Acc.tree": 0.9147, "Acc.ceiling": 0.9515, "Acc.road": 0.9185, "Acc.bed ": 0.9655, "Acc.windowpane": 0.7448, "Acc.grass": 0.8154, "Acc.cabinet": 0.731, "Acc.sidewalk": 0.7975, "Acc.person": 0.9422, "Acc.earth": 0.5111, "Acc.door": 0.7211, "Acc.table": 0.7614, "Acc.mountain": 0.7434, "Acc.plant": 0.7329, "Acc.curtain": 0.9054, "Acc.chair": 0.6694, "Acc.car": 0.9298, "Acc.water": 0.6766, "Acc.painting": 0.8912, "Acc.sofa": 0.9156, "Acc.shelf": 0.6804, "Acc.house": 0.7625, "Acc.sea": 0.845, "Acc.mirror": 0.8656, "Acc.rug": 0.8511, "Acc.field": 0.6075, "Acc.armchair": 0.8402, "Acc.seat": 0.8824, "Acc.fence": 0.4889, "Acc.desk": 0.8057, "Acc.rock": 0.7401, "Acc.wardrobe": 0.6776, "Acc.lamp": 0.8218, "Acc.bathtub": 0.9266, "Acc.railing": 0.5319, "Acc.cushion": 0.6446, "Acc.base": 0.5462, "Acc.box": 0.4359, "Acc.column": 0.6102, "Acc.signboard": 0.5048, "Acc.chest of drawers": 0.7165, "Acc.counter": 0.6173, "Acc.sand": 0.6703, "Acc.sink": 0.8266, "Acc.skyscraper": 0.5919, "Acc.fireplace": 0.8908, "Acc.refrigerator": 0.9133, "Acc.grandstand": 0.8412, "Acc.path": 0.4461, "Acc.stairs": 0.4309, "Acc.runway": 0.9245, "Acc.case": 0.7169, "Acc.pool table": 0.9885, "Acc.pillow": 0.8547, "Acc.screen door": 0.8952, "Acc.stairway": 0.7342, "Acc.river": 0.3334, "Acc.bridge": 0.7676, "Acc.bookcase": 0.4816, "Acc.blind": 0.4421, "Acc.coffee table": 0.8486, "Acc.toilet": 0.9276, "Acc.flower": 0.5025, "Acc.book": 0.7379, "Acc.hill": 0.1034, "Acc.bench": 0.6534, "Acc.countertop": 0.7895, "Acc.stove": 0.9049, "Acc.palm": 0.8716, "Acc.kitchen island": 0.9085, "Acc.computer": 0.9002, "Acc.swivel chair": 0.8263, "Acc.boat": 0.713, "Acc.bar": 0.8175, "Acc.arcade machine": 0.9808, "Acc.hovel": 0.5143, "Acc.bus": 0.958, "Acc.towel": 0.8201, "Acc.light": 0.5897, "Acc.truck": 0.549, "Acc.tower": 0.3877, "Acc.chandelier": 0.838, "Acc.awning": 0.4673, "Acc.streetlight": 0.426, "Acc.booth": 0.5035, "Acc.television receiver": 0.9182, "Acc.airplane": 0.9186, "Acc.dirt track": 0.2612, "Acc.apparel": 0.7944, "Acc.pole": 0.2025, "Acc.land": 0.0439, "Acc.bannister": 0.2349, "Acc.escalator": 0.878, "Acc.ottoman": 0.6606, "Acc.bottle": 0.688, "Acc.buffet": 0.7345, "Acc.poster": 0.4076, "Acc.stage": 0.3425, "Acc.van": 0.6708, "Acc.ship": 0.9925, "Acc.fountain": 0.4083, "Acc.conveyer belt": 0.9376, "Acc.canopy": 0.6213, "Acc.washer": 0.9232, "Acc.plaything": 0.4719, "Acc.swimming pool": 0.8257, "Acc.stool": 0.7387, "Acc.barrel": 0.8846, "Acc.basket": 0.6068, "Acc.waterfall": 0.6046, "Acc.tent": 0.9876, "Acc.bag": 0.3049, "Acc.minibike": 0.8641, "Acc.cradle": 0.9883, "Acc.oven": 0.686, "Acc.ball": 0.5321, "Acc.food": 0.6906, "Acc.step": 0.1814, "Acc.tank": 0.6848, "Acc.trade name": 0.5759, "Acc.microwave": 0.9537, "Acc.pot": 0.715, "Acc.animal": 0.7027, "Acc.bicycle": 0.6919, "Acc.lake": 0.62, "Acc.dishwasher": 0.832, "Acc.screen": 0.9527, "Acc.blanket": 0.3234, "Acc.sculpture": 0.862, "Acc.hood": 0.73, "Acc.sconce": 0.6201, "Acc.vase": 0.5295, "Acc.traffic light": 0.6474, "Acc.tray": 0.2507, "Acc.ashcan": 0.6701, "Acc.fan": 0.8246, "Acc.pier": 0.6183, "Acc.crt screen": 0.0913, "Acc.plate": 0.7885, "Acc.monitor": 0.0922, "Acc.bulletin board": 0.8136, "Acc.shower": 0.0028, "Acc.radiator": 0.7866, "Acc.glass": 0.1505, "Acc.clock": 0.5305, "Acc.flag": 0.7797} {"mode": "train", "epoch": 16, "iter": 19050, "lr": 3e-05, "memory": 71384, "data_time": 1.97634, "decode.loss_ce": 0.27966, "decode.acc_seg": 88.61741, "aux.loss_ce": 0.11324, "aux.acc_seg": 88.51041, "loss": 0.3929, "time": 3.58873} {"mode": "train", "epoch": 16, "iter": 19100, "lr": 3e-05, "memory": 71384, "data_time": 0.01015, "decode.loss_ce": 0.27744, "decode.acc_seg": 88.3156, "aux.loss_ce": 0.11296, "aux.acc_seg": 88.0432, "loss": 0.3904, "time": 1.62287} {"mode": "train", "epoch": 16, "iter": 19150, "lr": 3e-05, "memory": 71384, "data_time": 0.00999, "decode.loss_ce": 0.29017, "decode.acc_seg": 87.91813, "aux.loss_ce": 0.11845, "aux.acc_seg": 87.78832, "loss": 0.40862, "time": 1.62273} {"mode": "train", "epoch": 16, "iter": 19200, "lr": 3e-05, "memory": 71384, "data_time": 0.01046, "decode.loss_ce": 0.287, "decode.acc_seg": 88.46322, "aux.loss_ce": 0.11704, "aux.acc_seg": 88.17208, "loss": 0.40404, "time": 1.6257} {"mode": "train", "epoch": 16, "iter": 19250, "lr": 3e-05, "memory": 71384, "data_time": 0.01021, "decode.loss_ce": 0.28501, "decode.acc_seg": 88.53487, "aux.loss_ce": 0.11552, "aux.acc_seg": 88.34032, "loss": 0.40053, "time": 1.62353} {"mode": "train", "epoch": 16, "iter": 19300, "lr": 3e-05, "memory": 71384, "data_time": 0.01003, "decode.loss_ce": 0.3129, "decode.acc_seg": 88.05741, "aux.loss_ce": 0.12628, "aux.acc_seg": 87.7992, "loss": 0.43919, "time": 1.62455} {"mode": "train", "epoch": 16, "iter": 19350, "lr": 3e-05, "memory": 71384, "data_time": 0.01023, "decode.loss_ce": 0.28461, "decode.acc_seg": 88.59486, "aux.loss_ce": 0.11557, "aux.acc_seg": 88.49458, "loss": 0.40018, "time": 1.62459} {"mode": "train", "epoch": 16, "iter": 19400, "lr": 3e-05, "memory": 71384, "data_time": 0.01028, "decode.loss_ce": 0.28457, "decode.acc_seg": 88.46558, "aux.loss_ce": 0.11728, "aux.acc_seg": 88.17922, "loss": 0.40185, "time": 1.62413} {"mode": "train", "epoch": 16, "iter": 19450, "lr": 3e-05, "memory": 71384, "data_time": 0.01003, "decode.loss_ce": 0.28086, "decode.acc_seg": 88.5053, "aux.loss_ce": 0.11416, "aux.acc_seg": 88.31334, "loss": 0.39501, "time": 1.62024} {"mode": "train", "epoch": 16, "iter": 19500, "lr": 3e-05, "memory": 71384, "data_time": 0.01055, "decode.loss_ce": 0.28875, "decode.acc_seg": 88.07483, "aux.loss_ce": 0.11673, "aux.acc_seg": 87.88434, "loss": 0.40547, "time": 1.62653} {"mode": "train", "epoch": 16, "iter": 19550, "lr": 3e-05, "memory": 71384, "data_time": 0.01036, "decode.loss_ce": 0.26847, "decode.acc_seg": 88.86887, "aux.loss_ce": 0.11024, "aux.acc_seg": 88.70266, "loss": 0.37871, "time": 1.62425} {"mode": "train", "epoch": 16, "iter": 19600, "lr": 3e-05, "memory": 71384, "data_time": 0.01033, "decode.loss_ce": 0.27729, "decode.acc_seg": 88.60104, "aux.loss_ce": 0.11246, "aux.acc_seg": 88.51984, "loss": 0.38974, "time": 1.62469} {"mode": "train", "epoch": 16, "iter": 19650, "lr": 3e-05, "memory": 71384, "data_time": 0.01007, "decode.loss_ce": 0.30014, "decode.acc_seg": 88.19611, "aux.loss_ce": 0.12223, "aux.acc_seg": 87.94327, "loss": 0.42237, "time": 1.62509} {"mode": "train", "epoch": 16, "iter": 19700, "lr": 3e-05, "memory": 71384, "data_time": 0.01021, "decode.loss_ce": 0.28263, "decode.acc_seg": 88.53601, "aux.loss_ce": 0.11462, "aux.acc_seg": 88.44772, "loss": 0.39725, "time": 1.62131} {"mode": "train", "epoch": 16, "iter": 19750, "lr": 3e-05, "memory": 71384, "data_time": 0.01039, "decode.loss_ce": 0.28975, "decode.acc_seg": 87.89577, "aux.loss_ce": 0.11891, "aux.acc_seg": 87.62552, "loss": 0.40867, "time": 1.62476} {"mode": "train", "epoch": 16, "iter": 19800, "lr": 3e-05, "memory": 71384, "data_time": 0.01014, "decode.loss_ce": 0.30439, "decode.acc_seg": 87.48941, "aux.loss_ce": 0.12208, "aux.acc_seg": 87.43148, "loss": 0.42647, "time": 1.62453} {"mode": "train", "epoch": 16, "iter": 19850, "lr": 3e-05, "memory": 71384, "data_time": 0.01053, "decode.loss_ce": 0.28564, "decode.acc_seg": 88.41557, "aux.loss_ce": 0.11504, "aux.acc_seg": 88.15934, "loss": 0.40069, "time": 1.62568} {"mode": "train", "epoch": 16, "iter": 19900, "lr": 3e-05, "memory": 71384, "data_time": 0.01021, "decode.loss_ce": 0.29233, "decode.acc_seg": 88.29795, "aux.loss_ce": 0.11937, "aux.acc_seg": 88.09326, "loss": 0.4117, "time": 1.62492} {"mode": "train", "epoch": 16, "iter": 19950, "lr": 3e-05, "memory": 71384, "data_time": 0.01036, "decode.loss_ce": 0.27917, "decode.acc_seg": 88.7035, "aux.loss_ce": 0.11384, "aux.acc_seg": 88.46657, "loss": 0.39301, "time": 1.622} {"mode": "train", "epoch": 16, "iter": 20000, "lr": 3e-05, "memory": 71384, "data_time": 0.00994, "decode.loss_ce": 0.28664, "decode.acc_seg": 88.27638, "aux.loss_ce": 0.11625, "aux.acc_seg": 88.10574, "loss": 0.40289, "time": 3.32244} {"mode": "val", "epoch": 16, "iter": 250, "lr": 3e-05, "aAcc": 0.8561, "mIoU": 0.5599, "mAcc": 0.6951, "IoU.wall": 0.8152, "IoU.building": 0.8543, "IoU.sky": 0.949, "IoU.floor": 0.8462, "IoU.tree": 0.7794, "IoU.ceiling": 0.8619, "IoU.road": 0.8622, "IoU.bed ": 0.9165, "IoU.windowpane": 0.6522, "IoU.grass": 0.714, "IoU.cabinet": 0.6381, "IoU.sidewalk": 0.6957, "IoU.person": 0.8462, "IoU.earth": 0.3556, "IoU.door": 0.5922, "IoU.table": 0.6406, "IoU.mountain": 0.6076, "IoU.plant": 0.5522, "IoU.curtain": 0.7992, "IoU.chair": 0.6577, "IoU.car": 0.867, "IoU.water": 0.5777, "IoU.painting": 0.7955, "IoU.sofa": 0.801, "IoU.shelf": 0.4545, "IoU.house": 0.5908, "IoU.sea": 0.5857, "IoU.mirror": 0.7941, "IoU.rug": 0.6764, "IoU.field": 0.306, "IoU.armchair": 0.5743, "IoU.seat": 0.6343, "IoU.fence": 0.4218, "IoU.desk": 0.5345, "IoU.rock": 0.5441, "IoU.wardrobe": 0.5513, "IoU.lamp": 0.7255, "IoU.bathtub": 0.9008, "IoU.railing": 0.4043, "IoU.cushion": 0.6858, "IoU.base": 0.4455, "IoU.box": 0.3321, "IoU.column": 0.5531, "IoU.signboard": 0.4128, "IoU.chest of drawers": 0.4669, "IoU.counter": 0.463, "IoU.sand": 0.5172, "IoU.sink": 0.8067, "IoU.skyscraper": 0.5051, "IoU.fireplace": 0.7146, "IoU.refrigerator": 0.7908, "IoU.grandstand": 0.5621, "IoU.path": 0.288, "IoU.stairs": 0.3629, "IoU.runway": 0.7027, "IoU.case": 0.6126, "IoU.pool table": 0.9429, "IoU.pillow": 0.6642, "IoU.screen door": 0.8345, "IoU.stairway": 0.5365, "IoU.river": 0.2453, "IoU.bridge": 0.6757, "IoU.bookcase": 0.3434, "IoU.blind": 0.4279, "IoU.coffee table": 0.6008, "IoU.toilet": 0.9037, "IoU.flower": 0.4737, "IoU.book": 0.3476, "IoU.hill": 0.0734, "IoU.bench": 0.5407, "IoU.countertop": 0.5642, "IoU.stove": 0.8227, "IoU.palm": 0.5705, "IoU.kitchen island": 0.4423, "IoU.computer": 0.7606, "IoU.swivel chair": 0.4749, "IoU.boat": 0.8095, "IoU.bar": 0.6676, "IoU.arcade machine": 0.8781, "IoU.hovel": 0.5163, "IoU.bus": 0.921, "IoU.towel": 0.7652, "IoU.light": 0.5898, "IoU.truck": 0.4648, "IoU.tower": 0.315, "IoU.chandelier": 0.6866, "IoU.awning": 0.4344, "IoU.streetlight": 0.3256, "IoU.booth": 0.4586, "IoU.television receiver": 0.7606, "IoU.airplane": 0.8774, "IoU.dirt track": 0.0647, "IoU.apparel": 0.5374, "IoU.pole": 0.2086, "IoU.land": 0.0085, "IoU.bannister": 0.1505, "IoU.escalator": 0.6469, "IoU.ottoman": 0.5332, "IoU.bottle": 0.2153, "IoU.buffet": 0.5656, "IoU.poster": 0.3355, "IoU.stage": 0.1954, "IoU.van": 0.462, "IoU.ship": 0.1362, "IoU.fountain": 0.4547, "IoU.conveyer belt": 0.8016, "IoU.canopy": 0.4952, "IoU.washer": 0.7953, "IoU.plaything": 0.2942, "IoU.swimming pool": 0.5716, "IoU.stool": 0.5344, "IoU.barrel": 0.4616, "IoU.basket": 0.4131, "IoU.waterfall": 0.586, "IoU.tent": 0.9609, "IoU.bag": 0.2018, "IoU.minibike": 0.7401, "IoU.cradle": 0.8398, "IoU.oven": 0.6733, "IoU.ball": 0.1129, "IoU.food": 0.3819, "IoU.step": 0.1983, "IoU.tank": 0.7851, "IoU.trade name": 0.1721, "IoU.microwave": 0.8931, "IoU.pot": 0.5643, "IoU.animal": 0.6136, "IoU.bicycle": 0.5918, "IoU.lake": 0.5781, "IoU.dishwasher": 0.7276, "IoU.screen": 0.5721, "IoU.blanket": 0.3299, "IoU.sculpture": 0.763, "IoU.hood": 0.6508, "IoU.sconce": 0.6005, "IoU.vase": 0.4331, "IoU.traffic light": 0.2668, "IoU.tray": 0.1237, "IoU.ashcan": 0.4761, "IoU.fan": 0.6859, "IoU.pier": 0.4449, "IoU.crt screen": 0.0288, "IoU.plate": 0.6167, "IoU.monitor": 0.6269, "IoU.bulletin board": 0.5516, "IoU.shower": 0.0015, "IoU.radiator": 0.6801, "IoU.glass": 0.1719, "IoU.clock": 0.4534, "IoU.flag": 0.6957, "Acc.wall": 0.8818, "Acc.building": 0.9257, "Acc.sky": 0.9716, "Acc.floor": 0.915, "Acc.tree": 0.9077, "Acc.ceiling": 0.9514, "Acc.road": 0.9081, "Acc.bed ": 0.9676, "Acc.windowpane": 0.8058, "Acc.grass": 0.8867, "Acc.cabinet": 0.7208, "Acc.sidewalk": 0.8393, "Acc.person": 0.9453, "Acc.earth": 0.4841, "Acc.door": 0.7358, "Acc.table": 0.8087, "Acc.mountain": 0.6518, "Acc.plant": 0.7097, "Acc.curtain": 0.9071, "Acc.chair": 0.8331, "Acc.car": 0.9374, "Acc.water": 0.7457, "Acc.painting": 0.8898, "Acc.sofa": 0.897, "Acc.shelf": 0.6776, "Acc.house": 0.7471, "Acc.sea": 0.8093, "Acc.mirror": 0.8704, "Acc.rug": 0.7613, "Acc.field": 0.4356, "Acc.armchair": 0.7219, "Acc.seat": 0.8952, "Acc.fence": 0.5566, "Acc.desk": 0.7184, "Acc.rock": 0.8647, "Acc.wardrobe": 0.7887, "Acc.lamp": 0.808, "Acc.bathtub": 0.9341, "Acc.railing": 0.5279, "Acc.cushion": 0.7937, "Acc.base": 0.6683, "Acc.box": 0.4436, "Acc.column": 0.6782, "Acc.signboard": 0.594, "Acc.chest of drawers": 0.5992, "Acc.counter": 0.6437, "Acc.sand": 0.8356, "Acc.sink": 0.8772, "Acc.skyscraper": 0.6158, "Acc.fireplace": 0.9147, "Acc.refrigerator": 0.8499, "Acc.grandstand": 0.8737, "Acc.path": 0.4393, "Acc.stairs": 0.441, "Acc.runway": 0.9897, "Acc.case": 0.7593, "Acc.pool table": 0.9749, "Acc.pillow": 0.7411, "Acc.screen door": 0.8996, "Acc.stairway": 0.7035, "Acc.river": 0.3022, "Acc.bridge": 0.8513, "Acc.bookcase": 0.7759, "Acc.blind": 0.4715, "Acc.coffee table": 0.889, "Acc.toilet": 0.9371, "Acc.flower": 0.576, "Acc.book": 0.41, "Acc.hill": 0.1978, "Acc.bench": 0.5895, "Acc.countertop": 0.6752, "Acc.stove": 0.9458, "Acc.palm": 0.8035, "Acc.kitchen island": 0.9087, "Acc.computer": 0.9301, "Acc.swivel chair": 0.725, "Acc.boat": 0.8913, "Acc.bar": 0.8146, "Acc.arcade machine": 0.9787, "Acc.hovel": 0.7015, "Acc.bus": 0.965, "Acc.towel": 0.8464, "Acc.light": 0.6638, "Acc.truck": 0.5728, "Acc.tower": 0.5765, "Acc.chandelier": 0.8615, "Acc.awning": 0.5587, "Acc.streetlight": 0.4433, "Acc.booth": 0.6679, "Acc.television receiver": 0.8673, "Acc.airplane": 0.9524, "Acc.dirt track": 0.444, "Acc.apparel": 0.7162, "Acc.pole": 0.2747, "Acc.land": 0.0144, "Acc.bannister": 0.2179, "Acc.escalator": 0.8282, "Acc.ottoman": 0.7489, "Acc.bottle": 0.2499, "Acc.buffet": 0.9049, "Acc.poster": 0.4327, "Acc.stage": 0.5417, "Acc.van": 0.7151, "Acc.ship": 0.1378, "Acc.fountain": 0.4689, "Acc.conveyer belt": 0.9268, "Acc.canopy": 0.7928, "Acc.washer": 0.8467, "Acc.plaything": 0.4144, "Acc.swimming pool": 0.8911, "Acc.stool": 0.6332, "Acc.barrel": 0.6509, "Acc.basket": 0.6409, "Acc.waterfall": 0.6653, "Acc.tent": 0.9885, "Acc.bag": 0.2371, "Acc.minibike": 0.9058, "Acc.cradle": 0.9748, "Acc.oven": 0.7621, "Acc.ball": 0.1161, "Acc.food": 0.411, "Acc.step": 0.2382, "Acc.tank": 0.9722, "Acc.trade name": 0.1909, "Acc.microwave": 0.9596, "Acc.pot": 0.697, "Acc.animal": 0.6225, "Acc.bicycle": 0.8082, "Acc.lake": 0.6371, "Acc.dishwasher": 0.8337, "Acc.screen": 0.933, "Acc.blanket": 0.3828, "Acc.sculpture": 0.8072, "Acc.hood": 0.8172, "Acc.sconce": 0.6948, "Acc.vase": 0.6709, "Acc.traffic light": 0.7398, "Acc.tray": 0.1344, "Acc.ashcan": 0.6551, "Acc.fan": 0.8284, "Acc.pier": 0.5185, "Acc.crt screen": 0.0321, "Acc.plate": 0.728, "Acc.monitor": 0.7182, "Acc.bulletin board": 0.7798, "Acc.shower": 0.0016, "Acc.radiator": 0.7754, "Acc.glass": 0.1809, "Acc.clock": 0.5368, "Acc.flag": 0.7854} {"mode": "train", "epoch": 16, "iter": 20050, "lr": 3e-05, "memory": 71384, "data_time": 1.96943, "decode.loss_ce": 0.29582, "decode.acc_seg": 88.04854, "aux.loss_ce": 0.11976, "aux.acc_seg": 87.83284, "loss": 0.41559, "time": 3.58726} {"mode": "train", "epoch": 16, "iter": 20100, "lr": 3e-05, "memory": 71384, "data_time": 0.01001, "decode.loss_ce": 0.30048, "decode.acc_seg": 87.90782, "aux.loss_ce": 0.12349, "aux.acc_seg": 87.53866, "loss": 0.42397, "time": 1.61985} {"mode": "train", "epoch": 16, "iter": 20150, "lr": 3e-05, "memory": 71384, "data_time": 0.00981, "decode.loss_ce": 0.27703, "decode.acc_seg": 87.98551, "aux.loss_ce": 0.11336, "aux.acc_seg": 87.79794, "loss": 0.39039, "time": 1.62198} {"mode": "train", "epoch": 16, "iter": 20200, "lr": 3e-05, "memory": 71384, "data_time": 0.00998, "decode.loss_ce": 0.29343, "decode.acc_seg": 88.0637, "aux.loss_ce": 0.12003, "aux.acc_seg": 87.76926, "loss": 0.41346, "time": 1.62395} {"mode": "train", "epoch": 17, "iter": 20250, "lr": 3e-05, "memory": 71384, "data_time": 0.06185, "decode.loss_ce": 0.27184, "decode.acc_seg": 89.22348, "aux.loss_ce": 0.11213, "aux.acc_seg": 88.87596, "loss": 0.38398, "time": 1.67526} {"mode": "train", "epoch": 17, "iter": 20300, "lr": 3e-05, "memory": 71384, "data_time": 0.01003, "decode.loss_ce": 0.28164, "decode.acc_seg": 88.25058, "aux.loss_ce": 0.1151, "aux.acc_seg": 87.99693, "loss": 0.39674, "time": 1.62259} {"mode": "train", "epoch": 17, "iter": 20350, "lr": 3e-05, "memory": 71384, "data_time": 0.00992, "decode.loss_ce": 0.29172, "decode.acc_seg": 88.15276, "aux.loss_ce": 0.11797, "aux.acc_seg": 87.9297, "loss": 0.40969, "time": 1.62622} {"mode": "train", "epoch": 17, "iter": 20400, "lr": 3e-05, "memory": 71384, "data_time": 0.0105, "decode.loss_ce": 0.26979, "decode.acc_seg": 89.05204, "aux.loss_ce": 0.10975, "aux.acc_seg": 88.7314, "loss": 0.37953, "time": 1.62552} {"mode": "train", "epoch": 17, "iter": 20450, "lr": 3e-05, "memory": 71384, "data_time": 0.01048, "decode.loss_ce": 0.2904, "decode.acc_seg": 88.39284, "aux.loss_ce": 0.11794, "aux.acc_seg": 88.19441, "loss": 0.40834, "time": 1.62372} {"mode": "train", "epoch": 17, "iter": 20500, "lr": 3e-05, "memory": 71384, "data_time": 0.01029, "decode.loss_ce": 0.27972, "decode.acc_seg": 88.45517, "aux.loss_ce": 0.1134, "aux.acc_seg": 88.37482, "loss": 0.39312, "time": 1.62115} {"mode": "train", "epoch": 17, "iter": 20550, "lr": 3e-05, "memory": 71384, "data_time": 0.01039, "decode.loss_ce": 0.27929, "decode.acc_seg": 88.40289, "aux.loss_ce": 0.11372, "aux.acc_seg": 88.20693, "loss": 0.39301, "time": 1.62628} {"mode": "train", "epoch": 17, "iter": 20600, "lr": 3e-05, "memory": 71384, "data_time": 0.0102, "decode.loss_ce": 0.28177, "decode.acc_seg": 88.46975, "aux.loss_ce": 0.11466, "aux.acc_seg": 88.23241, "loss": 0.39643, "time": 1.62418} {"mode": "train", "epoch": 17, "iter": 20650, "lr": 3e-05, "memory": 71384, "data_time": 0.00992, "decode.loss_ce": 0.28127, "decode.acc_seg": 88.63459, "aux.loss_ce": 0.11415, "aux.acc_seg": 88.43503, "loss": 0.39542, "time": 1.624} {"mode": "train", "epoch": 17, "iter": 20700, "lr": 3e-05, "memory": 71384, "data_time": 0.01011, "decode.loss_ce": 0.28002, "decode.acc_seg": 88.54542, "aux.loss_ce": 0.11327, "aux.acc_seg": 88.4594, "loss": 0.39329, "time": 1.62108} {"mode": "train", "epoch": 17, "iter": 20750, "lr": 3e-05, "memory": 71384, "data_time": 0.22725, "decode.loss_ce": 0.27832, "decode.acc_seg": 88.85107, "aux.loss_ce": 0.11454, "aux.acc_seg": 88.46729, "loss": 0.39287, "time": 1.84652} {"mode": "train", "epoch": 17, "iter": 20800, "lr": 3e-05, "memory": 71384, "data_time": 0.01021, "decode.loss_ce": 0.27617, "decode.acc_seg": 88.34745, "aux.loss_ce": 0.11309, "aux.acc_seg": 88.13946, "loss": 0.38925, "time": 1.62407} {"mode": "train", "epoch": 17, "iter": 20850, "lr": 3e-05, "memory": 71384, "data_time": 0.01011, "decode.loss_ce": 0.27902, "decode.acc_seg": 88.9023, "aux.loss_ce": 0.11347, "aux.acc_seg": 88.72526, "loss": 0.3925, "time": 1.62258} {"mode": "train", "epoch": 17, "iter": 20900, "lr": 3e-05, "memory": 71384, "data_time": 0.01018, "decode.loss_ce": 0.28171, "decode.acc_seg": 89.10758, "aux.loss_ce": 0.11374, "aux.acc_seg": 88.93937, "loss": 0.39545, "time": 1.62574} {"mode": "train", "epoch": 17, "iter": 20950, "lr": 3e-05, "memory": 71384, "data_time": 0.01061, "decode.loss_ce": 0.28969, "decode.acc_seg": 88.09365, "aux.loss_ce": 0.11776, "aux.acc_seg": 87.93789, "loss": 0.40745, "time": 1.62453} {"mode": "train", "epoch": 17, "iter": 21000, "lr": 3e-05, "memory": 71384, "data_time": 0.01046, "decode.loss_ce": 0.27731, "decode.acc_seg": 88.48326, "aux.loss_ce": 0.11233, "aux.acc_seg": 88.32582, "loss": 0.38963, "time": 1.62624} {"mode": "val", "epoch": 17, "iter": 250, "lr": 3e-05, "aAcc": 0.8559, "mIoU": 0.5543, "mAcc": 0.6863, "IoU.wall": 0.8117, "IoU.building": 0.8466, "IoU.sky": 0.9478, "IoU.floor": 0.8425, "IoU.tree": 0.7681, "IoU.ceiling": 0.8692, "IoU.road": 0.8587, "IoU.bed ": 0.9204, "IoU.windowpane": 0.6642, "IoU.grass": 0.6794, "IoU.cabinet": 0.6486, "IoU.sidewalk": 0.704, "IoU.person": 0.8487, "IoU.earth": 0.3845, "IoU.door": 0.5939, "IoU.table": 0.6419, "IoU.mountain": 0.6078, "IoU.plant": 0.579, "IoU.curtain": 0.782, "IoU.chair": 0.6335, "IoU.car": 0.8661, "IoU.water": 0.6504, "IoU.painting": 0.7836, "IoU.sofa": 0.764, "IoU.shelf": 0.4608, "IoU.house": 0.4548, "IoU.sea": 0.7433, "IoU.mirror": 0.7706, "IoU.rug": 0.7067, "IoU.field": 0.3707, "IoU.armchair": 0.573, "IoU.seat": 0.6603, "IoU.fence": 0.4483, "IoU.desk": 0.5489, "IoU.rock": 0.4948, "IoU.wardrobe": 0.5212, "IoU.lamp": 0.7408, "IoU.bathtub": 0.9017, "IoU.railing": 0.4187, "IoU.cushion": 0.6914, "IoU.base": 0.3779, "IoU.box": 0.3157, "IoU.column": 0.5336, "IoU.signboard": 0.3811, "IoU.chest of drawers": 0.345, "IoU.counter": 0.436, "IoU.sand": 0.5714, "IoU.sink": 0.779, "IoU.skyscraper": 0.5068, "IoU.fireplace": 0.6822, "IoU.refrigerator": 0.8134, "IoU.grandstand": 0.505, "IoU.path": 0.3237, "IoU.stairs": 0.3177, "IoU.runway": 0.7164, "IoU.case": 0.5683, "IoU.pool table": 0.9222, "IoU.pillow": 0.6834, "IoU.screen door": 0.8067, "IoU.stairway": 0.4837, "IoU.river": 0.192, "IoU.bridge": 0.708, "IoU.bookcase": 0.3822, "IoU.blind": 0.3881, "IoU.coffee table": 0.6298, "IoU.toilet": 0.8923, "IoU.flower": 0.4729, "IoU.book": 0.4999, "IoU.hill": 0.0447, "IoU.bench": 0.6282, "IoU.countertop": 0.5793, "IoU.stove": 0.8259, "IoU.palm": 0.5362, "IoU.kitchen island": 0.4514, "IoU.computer": 0.794, "IoU.swivel chair": 0.547, "IoU.boat": 0.8097, "IoU.bar": 0.6449, "IoU.arcade machine": 0.7395, "IoU.hovel": 0.3518, "IoU.bus": 0.9036, "IoU.towel": 0.7822, "IoU.light": 0.5815, "IoU.truck": 0.4577, "IoU.tower": 0.2425, "IoU.chandelier": 0.706, "IoU.awning": 0.3324, "IoU.streetlight": 0.2984, "IoU.booth": 0.6, "IoU.television receiver": 0.7464, "IoU.airplane": 0.8796, "IoU.dirt track": 0.0712, "IoU.apparel": 0.5348, "IoU.pole": 0.2283, "IoU.land": 0.0, "IoU.bannister": 0.1749, "IoU.escalator": 0.5499, "IoU.ottoman": 0.4846, "IoU.bottle": 0.2604, "IoU.buffet": 0.6132, "IoU.poster": 0.2923, "IoU.stage": 0.2385, "IoU.van": 0.4441, "IoU.ship": 0.0847, "IoU.fountain": 0.3862, "IoU.conveyer belt": 0.6833, "IoU.canopy": 0.528, "IoU.washer": 0.832, "IoU.plaything": 0.3066, "IoU.swimming pool": 0.6172, "IoU.stool": 0.3538, "IoU.barrel": 0.5021, "IoU.basket": 0.4221, "IoU.waterfall": 0.5059, "IoU.tent": 0.9668, "IoU.bag": 0.2841, "IoU.minibike": 0.7323, "IoU.cradle": 0.8327, "IoU.oven": 0.6651, "IoU.ball": 0.28, "IoU.food": 0.6254, "IoU.step": 0.1062, "IoU.tank": 0.6194, "IoU.trade name": 0.0353, "IoU.microwave": 0.889, "IoU.pot": 0.5474, "IoU.animal": 0.6624, "IoU.bicycle": 0.5698, "IoU.lake": 0.5119, "IoU.dishwasher": 0.6726, "IoU.screen": 0.5176, "IoU.blanket": 0.3236, "IoU.sculpture": 0.7314, "IoU.hood": 0.6654, "IoU.sconce": 0.5889, "IoU.vase": 0.4527, "IoU.traffic light": 0.3258, "IoU.tray": 0.1405, "IoU.ashcan": 0.4572, "IoU.fan": 0.6876, "IoU.pier": 0.3726, "IoU.crt screen": 0.1005, "IoU.plate": 0.5984, "IoU.monitor": 0.5697, "IoU.bulletin board": 0.5913, "IoU.shower": 0.0, "IoU.radiator": 0.6431, "IoU.glass": 0.1886, "IoU.clock": 0.4571, "IoU.flag": 0.6947, "Acc.wall": 0.8916, "Acc.building": 0.9304, "Acc.sky": 0.978, "Acc.floor": 0.903, "Acc.tree": 0.9013, "Acc.ceiling": 0.9301, "Acc.road": 0.9168, "Acc.bed ": 0.9593, "Acc.windowpane": 0.8411, "Acc.grass": 0.8392, "Acc.cabinet": 0.7693, "Acc.sidewalk": 0.845, "Acc.person": 0.9399, "Acc.earth": 0.5077, "Acc.door": 0.7884, "Acc.table": 0.756, "Acc.mountain": 0.7287, "Acc.plant": 0.7049, "Acc.curtain": 0.9116, "Acc.chair": 0.7093, "Acc.car": 0.9244, "Acc.water": 0.7955, "Acc.painting": 0.8912, "Acc.sofa": 0.8373, "Acc.shelf": 0.6091, "Acc.house": 0.5369, "Acc.sea": 0.9125, "Acc.mirror": 0.8528, "Acc.rug": 0.8299, "Acc.field": 0.578, "Acc.armchair": 0.8421, "Acc.seat": 0.9055, "Acc.fence": 0.6883, "Acc.desk": 0.7718, "Acc.rock": 0.6361, "Acc.wardrobe": 0.6657, "Acc.lamp": 0.8439, "Acc.bathtub": 0.9404, "Acc.railing": 0.5375, "Acc.cushion": 0.799, "Acc.base": 0.7085, "Acc.box": 0.4005, "Acc.column": 0.6374, "Acc.signboard": 0.5055, "Acc.chest of drawers": 0.4431, "Acc.counter": 0.5566, "Acc.sand": 0.7942, "Acc.sink": 0.8519, "Acc.skyscraper": 0.6529, "Acc.fireplace": 0.9492, "Acc.refrigerator": 0.9309, "Acc.grandstand": 0.8586, "Acc.path": 0.4405, "Acc.stairs": 0.3944, "Acc.runway": 0.9456, "Acc.case": 0.6915, "Acc.pool table": 0.9849, "Acc.pillow": 0.8704, "Acc.screen door": 0.853, "Acc.stairway": 0.5989, "Acc.river": 0.2958, "Acc.bridge": 0.8285, "Acc.bookcase": 0.699, "Acc.blind": 0.4128, "Acc.coffee table": 0.8944, "Acc.toilet": 0.9254, "Acc.flower": 0.5989, "Acc.book": 0.7029, "Acc.hill": 0.0852, "Acc.bench": 0.7309, "Acc.countertop": 0.7456, "Acc.stove": 0.922, "Acc.palm": 0.7723, "Acc.kitchen island": 0.9291, "Acc.computer": 0.9117, "Acc.swivel chair": 0.8871, "Acc.boat": 0.8664, "Acc.bar": 0.7568, "Acc.arcade machine": 0.7915, "Acc.hovel": 0.3858, "Acc.bus": 0.9334, "Acc.towel": 0.8776, "Acc.light": 0.6456, "Acc.truck": 0.6151, "Acc.tower": 0.442, "Acc.chandelier": 0.7808, "Acc.awning": 0.381, "Acc.streetlight": 0.3672, "Acc.booth": 0.6761, "Acc.television receiver": 0.9328, "Acc.airplane": 0.9457, "Acc.dirt track": 0.3095, "Acc.apparel": 0.7448, "Acc.pole": 0.3007, "Acc.land": 0.0, "Acc.bannister": 0.24, "Acc.escalator": 0.8791, "Acc.ottoman": 0.669, "Acc.bottle": 0.297, "Acc.buffet": 0.8981, "Acc.poster": 0.3923, "Acc.stage": 0.4363, "Acc.van": 0.7213, "Acc.ship": 0.0848, "Acc.fountain": 0.3917, "Acc.conveyer belt": 0.9746, "Acc.canopy": 0.7482, "Acc.washer": 0.8717, "Acc.plaything": 0.5629, "Acc.swimming pool": 0.888, "Acc.stool": 0.8064, "Acc.barrel": 0.6507, "Acc.basket": 0.7037, "Acc.waterfall": 0.5567, "Acc.tent": 0.9788, "Acc.bag": 0.4599, "Acc.minibike": 0.8263, "Acc.cradle": 0.9815, "Acc.oven": 0.7863, "Acc.ball": 0.2933, "Acc.food": 0.6606, "Acc.step": 0.1277, "Acc.tank": 0.7045, "Acc.trade name": 0.0372, "Acc.microwave": 0.9596, "Acc.pot": 0.6514, "Acc.animal": 0.6898, "Acc.bicycle": 0.7403, "Acc.lake": 0.6852, "Acc.dishwasher": 0.8428, "Acc.screen": 0.7492, "Acc.blanket": 0.382, "Acc.sculpture": 0.8759, "Acc.hood": 0.7916, "Acc.sconce": 0.6551, "Acc.vase": 0.6328, "Acc.traffic light": 0.5942, "Acc.tray": 0.1526, "Acc.ashcan": 0.6953, "Acc.fan": 0.799, "Acc.pier": 0.4219, "Acc.crt screen": 0.1779, "Acc.plate": 0.824, "Acc.monitor": 0.6759, "Acc.bulletin board": 0.7157, "Acc.shower": 0.0, "Acc.radiator": 0.8222, "Acc.glass": 0.2002, "Acc.clock": 0.4939, "Acc.flag": 0.7711} {"mode": "train", "epoch": 17, "iter": 21050, "lr": 3e-05, "memory": 71384, "data_time": 1.99353, "decode.loss_ce": 0.27129, "decode.acc_seg": 89.01374, "aux.loss_ce": 0.1102, "aux.acc_seg": 88.81699, "loss": 0.38149, "time": 3.60784} {"mode": "train", "epoch": 17, "iter": 21100, "lr": 3e-05, "memory": 71384, "data_time": 0.01026, "decode.loss_ce": 0.28571, "decode.acc_seg": 88.31683, "aux.loss_ce": 0.11584, "aux.acc_seg": 88.18203, "loss": 0.40155, "time": 1.6272} {"mode": "train", "epoch": 17, "iter": 21150, "lr": 3e-05, "memory": 71384, "data_time": 0.01008, "decode.loss_ce": 0.27325, "decode.acc_seg": 88.26552, "aux.loss_ce": 0.11119, "aux.acc_seg": 88.13089, "loss": 0.38444, "time": 1.61983} {"mode": "train", "epoch": 17, "iter": 21200, "lr": 3e-05, "memory": 71384, "data_time": 0.01008, "decode.loss_ce": 0.28681, "decode.acc_seg": 88.01779, "aux.loss_ce": 0.11593, "aux.acc_seg": 87.84651, "loss": 0.40274, "time": 1.62387} {"mode": "train", "epoch": 17, "iter": 21250, "lr": 3e-05, "memory": 71384, "data_time": 0.0104, "decode.loss_ce": 0.26376, "decode.acc_seg": 89.09816, "aux.loss_ce": 0.10715, "aux.acc_seg": 88.86053, "loss": 0.37092, "time": 1.62318} {"mode": "train", "epoch": 17, "iter": 21300, "lr": 3e-05, "memory": 71384, "data_time": 0.01024, "decode.loss_ce": 0.30808, "decode.acc_seg": 87.5067, "aux.loss_ce": 0.12485, "aux.acc_seg": 87.38836, "loss": 0.43294, "time": 1.62493} {"mode": "train", "epoch": 17, "iter": 21350, "lr": 3e-05, "memory": 71384, "data_time": 0.01012, "decode.loss_ce": 0.28077, "decode.acc_seg": 88.96311, "aux.loss_ce": 0.11402, "aux.acc_seg": 88.69099, "loss": 0.39479, "time": 1.62427} {"mode": "train", "epoch": 17, "iter": 21400, "lr": 3e-05, "memory": 71384, "data_time": 0.01032, "decode.loss_ce": 0.2762, "decode.acc_seg": 88.58993, "aux.loss_ce": 0.11245, "aux.acc_seg": 88.34946, "loss": 0.38866, "time": 1.61988} {"mode": "train", "epoch": 17, "iter": 21450, "lr": 3e-05, "memory": 71384, "data_time": 0.01045, "decode.loss_ce": 0.29725, "decode.acc_seg": 87.90649, "aux.loss_ce": 0.12059, "aux.acc_seg": 87.68886, "loss": 0.41784, "time": 1.62613} {"mode": "train", "epoch": 18, "iter": 21500, "lr": 3e-05, "memory": 71384, "data_time": 0.05463, "decode.loss_ce": 0.26901, "decode.acc_seg": 89.11819, "aux.loss_ce": 0.10922, "aux.acc_seg": 88.84435, "loss": 0.37823, "time": 1.66711} {"mode": "train", "epoch": 18, "iter": 21550, "lr": 3e-05, "memory": 71384, "data_time": 0.00985, "decode.loss_ce": 0.27024, "decode.acc_seg": 88.56514, "aux.loss_ce": 0.11044, "aux.acc_seg": 88.32919, "loss": 0.38068, "time": 1.62389} {"mode": "train", "epoch": 18, "iter": 21600, "lr": 3e-05, "memory": 71384, "data_time": 0.00991, "decode.loss_ce": 0.26069, "decode.acc_seg": 89.22527, "aux.loss_ce": 0.10691, "aux.acc_seg": 88.96986, "loss": 0.3676, "time": 1.62173} {"mode": "train", "epoch": 18, "iter": 21650, "lr": 3e-05, "memory": 71384, "data_time": 0.01018, "decode.loss_ce": 0.26747, "decode.acc_seg": 89.2217, "aux.loss_ce": 0.1087, "aux.acc_seg": 89.11759, "loss": 0.37616, "time": 1.62412} {"mode": "train", "epoch": 18, "iter": 21700, "lr": 3e-05, "memory": 71384, "data_time": 0.01028, "decode.loss_ce": 0.23898, "decode.acc_seg": 89.70107, "aux.loss_ce": 0.09838, "aux.acc_seg": 89.47704, "loss": 0.33736, "time": 1.62367} {"mode": "train", "epoch": 18, "iter": 21750, "lr": 3e-05, "memory": 71384, "data_time": 0.01007, "decode.loss_ce": 0.27901, "decode.acc_seg": 88.08341, "aux.loss_ce": 0.11459, "aux.acc_seg": 87.7862, "loss": 0.39361, "time": 1.62165} {"mode": "train", "epoch": 18, "iter": 21800, "lr": 3e-05, "memory": 71384, "data_time": 0.00964, "decode.loss_ce": 0.27133, "decode.acc_seg": 88.55673, "aux.loss_ce": 0.10875, "aux.acc_seg": 88.48027, "loss": 0.38008, "time": 1.62455} {"mode": "train", "epoch": 18, "iter": 21850, "lr": 3e-05, "memory": 71384, "data_time": 0.01031, "decode.loss_ce": 0.27265, "decode.acc_seg": 88.98689, "aux.loss_ce": 0.111, "aux.acc_seg": 88.81011, "loss": 0.38365, "time": 1.6233} {"mode": "train", "epoch": 18, "iter": 21900, "lr": 3e-05, "memory": 71384, "data_time": 0.01046, "decode.loss_ce": 0.26688, "decode.acc_seg": 88.93624, "aux.loss_ce": 0.10913, "aux.acc_seg": 88.69442, "loss": 0.37601, "time": 1.6229} {"mode": "train", "epoch": 18, "iter": 21950, "lr": 3e-05, "memory": 71384, "data_time": 0.01031, "decode.loss_ce": 0.26546, "decode.acc_seg": 89.22674, "aux.loss_ce": 0.10923, "aux.acc_seg": 88.8611, "loss": 0.37468, "time": 1.62483} {"mode": "train", "epoch": 18, "iter": 22000, "lr": 3e-05, "memory": 71384, "data_time": 0.01024, "decode.loss_ce": 0.2606, "decode.acc_seg": 89.36788, "aux.loss_ce": 0.10604, "aux.acc_seg": 89.2452, "loss": 0.36664, "time": 3.38517} {"mode": "val", "epoch": 18, "iter": 250, "lr": 3e-05, "aAcc": 0.8539, "mIoU": 0.5533, "mAcc": 0.6904, "IoU.wall": 0.8088, "IoU.building": 0.852, "IoU.sky": 0.9488, "IoU.floor": 0.8437, "IoU.tree": 0.7731, "IoU.ceiling": 0.8613, "IoU.road": 0.8696, "IoU.bed ": 0.9205, "IoU.windowpane": 0.6569, "IoU.grass": 0.6714, "IoU.cabinet": 0.6217, "IoU.sidewalk": 0.7164, "IoU.person": 0.8508, "IoU.earth": 0.3172, "IoU.door": 0.5822, "IoU.table": 0.6476, "IoU.mountain": 0.5996, "IoU.plant": 0.5511, "IoU.curtain": 0.7958, "IoU.chair": 0.6334, "IoU.car": 0.8671, "IoU.water": 0.6029, "IoU.painting": 0.7506, "IoU.sofa": 0.7851, "IoU.shelf": 0.4712, "IoU.house": 0.5775, "IoU.sea": 0.7507, "IoU.mirror": 0.7979, "IoU.rug": 0.6765, "IoU.field": 0.3357, "IoU.armchair": 0.5757, "IoU.seat": 0.6675, "IoU.fence": 0.5305, "IoU.desk": 0.5115, "IoU.rock": 0.5288, "IoU.wardrobe": 0.5501, "IoU.lamp": 0.713, "IoU.bathtub": 0.8409, "IoU.railing": 0.4589, "IoU.cushion": 0.6843, "IoU.base": 0.3938, "IoU.box": 0.3245, "IoU.column": 0.5733, "IoU.signboard": 0.4277, "IoU.chest of drawers": 0.4124, "IoU.counter": 0.4586, "IoU.sand": 0.5714, "IoU.sink": 0.7889, "IoU.skyscraper": 0.4939, "IoU.fireplace": 0.7041, "IoU.refrigerator": 0.8164, "IoU.grandstand": 0.508, "IoU.path": 0.3094, "IoU.stairs": 0.3255, "IoU.runway": 0.7415, "IoU.case": 0.5487, "IoU.pool table": 0.939, "IoU.pillow": 0.6883, "IoU.screen door": 0.858, "IoU.stairway": 0.4853, "IoU.river": 0.1627, "IoU.bridge": 0.7208, "IoU.bookcase": 0.3686, "IoU.blind": 0.4038, "IoU.coffee table": 0.5973, "IoU.toilet": 0.903, "IoU.flower": 0.4268, "IoU.book": 0.5188, "IoU.hill": 0.0549, "IoU.bench": 0.5491, "IoU.countertop": 0.6351, "IoU.stove": 0.8432, "IoU.palm": 0.5667, "IoU.kitchen island": 0.4235, "IoU.computer": 0.7962, "IoU.swivel chair": 0.5545, "IoU.boat": 0.5878, "IoU.bar": 0.6573, "IoU.arcade machine": 0.8372, "IoU.hovel": 0.1682, "IoU.bus": 0.8992, "IoU.towel": 0.7194, "IoU.light": 0.5585, "IoU.truck": 0.4856, "IoU.tower": 0.0758, "IoU.chandelier": 0.7189, "IoU.awning": 0.3875, "IoU.streetlight": 0.3586, "IoU.booth": 0.3543, "IoU.television receiver": 0.7573, "IoU.airplane": 0.8766, "IoU.dirt track": 0.0837, "IoU.apparel": 0.5596, "IoU.pole": 0.2637, "IoU.land": 0.0372, "IoU.bannister": 0.1545, "IoU.escalator": 0.6516, "IoU.ottoman": 0.5005, "IoU.bottle": 0.2888, "IoU.buffet": 0.5381, "IoU.poster": 0.3543, "IoU.stage": 0.2171, "IoU.van": 0.4674, "IoU.ship": 0.0894, "IoU.fountain": 0.3571, "IoU.conveyer belt": 0.8242, "IoU.canopy": 0.3963, "IoU.washer": 0.821, "IoU.plaything": 0.2744, "IoU.swimming pool": 0.6124, "IoU.stool": 0.4271, "IoU.barrel": 0.5154, "IoU.basket": 0.4155, "IoU.waterfall": 0.5186, "IoU.tent": 0.9338, "IoU.bag": 0.1202, "IoU.minibike": 0.7209, "IoU.cradle": 0.7987, "IoU.oven": 0.636, "IoU.ball": 0.4553, "IoU.food": 0.6334, "IoU.step": 0.1266, "IoU.tank": 0.6146, "IoU.trade name": 0.2379, "IoU.microwave": 0.9001, "IoU.pot": 0.5791, "IoU.animal": 0.6278, "IoU.bicycle": 0.5951, "IoU.lake": 0.4567, "IoU.dishwasher": 0.7326, "IoU.screen": 0.5854, "IoU.blanket": 0.2134, "IoU.sculpture": 0.5389, "IoU.hood": 0.4917, "IoU.sconce": 0.5957, "IoU.vase": 0.4528, "IoU.traffic light": 0.3438, "IoU.tray": 0.153, "IoU.ashcan": 0.5221, "IoU.fan": 0.6782, "IoU.pier": 0.3954, "IoU.crt screen": 0.0863, "IoU.plate": 0.5982, "IoU.monitor": 0.6357, "IoU.bulletin board": 0.6009, "IoU.shower": 0.0, "IoU.radiator": 0.6989, "IoU.glass": 0.1756, "IoU.clock": 0.4651, "IoU.flag": 0.6963, "Acc.wall": 0.8929, "Acc.building": 0.9315, "Acc.sky": 0.9772, "Acc.floor": 0.9065, "Acc.tree": 0.88, "Acc.ceiling": 0.9166, "Acc.road": 0.923, "Acc.bed ": 0.9688, "Acc.windowpane": 0.7882, "Acc.grass": 0.8135, "Acc.cabinet": 0.7068, "Acc.sidewalk": 0.8564, "Acc.person": 0.9332, "Acc.earth": 0.3945, "Acc.door": 0.7462, "Acc.table": 0.7418, "Acc.mountain": 0.7695, "Acc.plant": 0.6121, "Acc.curtain": 0.9075, "Acc.chair": 0.7085, "Acc.car": 0.9195, "Acc.water": 0.7785, "Acc.painting": 0.9352, "Acc.sofa": 0.8795, "Acc.shelf": 0.6532, "Acc.house": 0.7228, "Acc.sea": 0.9083, "Acc.mirror": 0.8949, "Acc.rug": 0.8745, "Acc.field": 0.7388, "Acc.armchair": 0.8555, "Acc.seat": 0.9006, "Acc.fence": 0.6752, "Acc.desk": 0.8178, "Acc.rock": 0.6732, "Acc.wardrobe": 0.8243, "Acc.lamp": 0.8968, "Acc.bathtub": 0.887, "Acc.railing": 0.6221, "Acc.cushion": 0.79, "Acc.base": 0.673, "Acc.box": 0.4017, "Acc.column": 0.7913, "Acc.signboard": 0.591, "Acc.chest of drawers": 0.8729, "Acc.counter": 0.7201, "Acc.sand": 0.8753, "Acc.sink": 0.8402, "Acc.skyscraper": 0.6315, "Acc.fireplace": 0.9698, "Acc.refrigerator": 0.9214, "Acc.grandstand": 0.8393, "Acc.path": 0.4355, "Acc.stairs": 0.4005, "Acc.runway": 0.9792, "Acc.case": 0.6707, "Acc.pool table": 0.9832, "Acc.pillow": 0.8112, "Acc.screen door": 0.8896, "Acc.stairway": 0.6369, "Acc.river": 0.3346, "Acc.bridge": 0.895, "Acc.bookcase": 0.6513, "Acc.blind": 0.4219, "Acc.coffee table": 0.8747, "Acc.toilet": 0.9558, "Acc.flower": 0.5116, "Acc.book": 0.7224, "Acc.hill": 0.1201, "Acc.bench": 0.6154, "Acc.countertop": 0.8438, "Acc.stove": 0.9027, "Acc.palm": 0.7892, "Acc.kitchen island": 0.776, "Acc.computer": 0.9108, "Acc.swivel chair": 0.8395, "Acc.boat": 0.6689, "Acc.bar": 0.7009, "Acc.arcade machine": 0.9, "Acc.hovel": 0.1818, "Acc.bus": 0.9718, "Acc.towel": 0.7872, "Acc.light": 0.6074, "Acc.truck": 0.587, "Acc.tower": 0.0978, "Acc.chandelier": 0.893, "Acc.awning": 0.4799, "Acc.streetlight": 0.5199, "Acc.booth": 0.5489, "Acc.television receiver": 0.8561, "Acc.airplane": 0.9629, "Acc.dirt track": 0.2189, "Acc.apparel": 0.8487, "Acc.pole": 0.4075, "Acc.land": 0.1536, "Acc.bannister": 0.239, "Acc.escalator": 0.846, "Acc.ottoman": 0.7117, "Acc.bottle": 0.3321, "Acc.buffet": 0.6021, "Acc.poster": 0.4207, "Acc.stage": 0.389, "Acc.van": 0.724, "Acc.ship": 0.0895, "Acc.fountain": 0.367, "Acc.conveyer belt": 0.9283, "Acc.canopy": 0.6877, "Acc.washer": 0.8865, "Acc.plaything": 0.4574, "Acc.swimming pool": 0.88, "Acc.stool": 0.7358, "Acc.barrel": 0.6507, "Acc.basket": 0.5576, "Acc.waterfall": 0.5829, "Acc.tent": 0.9893, "Acc.bag": 0.1243, "Acc.minibike": 0.8774, "Acc.cradle": 0.989, "Acc.oven": 0.7477, "Acc.ball": 0.7982, "Acc.food": 0.7945, "Acc.step": 0.1353, "Acc.tank": 0.6684, "Acc.trade name": 0.2892, "Acc.microwave": 0.9544, "Acc.pot": 0.6975, "Acc.animal": 0.6485, "Acc.bicycle": 0.7527, "Acc.lake": 0.6366, "Acc.dishwasher": 0.7832, "Acc.screen": 0.9688, "Acc.blanket": 0.249, "Acc.sculpture": 0.9132, "Acc.hood": 0.5017, "Acc.sconce": 0.747, "Acc.vase": 0.6372, "Acc.traffic light": 0.5871, "Acc.tray": 0.1663, "Acc.ashcan": 0.6788, "Acc.fan": 0.8177, "Acc.pier": 0.4497, "Acc.crt screen": 0.0984, "Acc.plate": 0.8281, "Acc.monitor": 0.8008, "Acc.bulletin board": 0.6716, "Acc.shower": 0.0, "Acc.radiator": 0.8212, "Acc.glass": 0.1848, "Acc.clock": 0.5463, "Acc.flag": 0.8088} {"mode": "train", "epoch": 18, "iter": 22050, "lr": 3e-05, "memory": 71384, "data_time": 1.94807, "decode.loss_ce": 0.26609, "decode.acc_seg": 89.02693, "aux.loss_ce": 0.10888, "aux.acc_seg": 88.71089, "loss": 0.37497, "time": 3.5641} {"mode": "train", "epoch": 18, "iter": 22100, "lr": 3e-05, "memory": 71384, "data_time": 0.01023, "decode.loss_ce": 0.28771, "decode.acc_seg": 88.61984, "aux.loss_ce": 0.11598, "aux.acc_seg": 88.484, "loss": 0.4037, "time": 1.62359} {"mode": "train", "epoch": 18, "iter": 22150, "lr": 3e-05, "memory": 71384, "data_time": 0.00991, "decode.loss_ce": 0.26587, "decode.acc_seg": 89.1015, "aux.loss_ce": 0.10862, "aux.acc_seg": 88.84062, "loss": 0.37449, "time": 1.6254} {"mode": "train", "epoch": 18, "iter": 22200, "lr": 3e-05, "memory": 71384, "data_time": 0.01016, "decode.loss_ce": 0.31688, "decode.acc_seg": 87.46685, "aux.loss_ce": 0.12754, "aux.acc_seg": 87.32241, "loss": 0.44443, "time": 1.62316} {"mode": "train", "epoch": 18, "iter": 22250, "lr": 3e-05, "memory": 71384, "data_time": 0.01055, "decode.loss_ce": 0.27882, "decode.acc_seg": 88.91553, "aux.loss_ce": 0.11314, "aux.acc_seg": 88.63242, "loss": 0.39197, "time": 1.62356} {"mode": "train", "epoch": 18, "iter": 22300, "lr": 3e-05, "memory": 71384, "data_time": 0.00971, "decode.loss_ce": 0.28079, "decode.acc_seg": 88.51046, "aux.loss_ce": 0.11538, "aux.acc_seg": 88.21919, "loss": 0.39617, "time": 1.62079} {"mode": "train", "epoch": 18, "iter": 22350, "lr": 3e-05, "memory": 71384, "data_time": 0.00995, "decode.loss_ce": 0.27397, "decode.acc_seg": 88.91051, "aux.loss_ce": 0.11223, "aux.acc_seg": 88.64247, "loss": 0.3862, "time": 1.62517} {"mode": "train", "epoch": 18, "iter": 22400, "lr": 3e-05, "memory": 71384, "data_time": 0.00995, "decode.loss_ce": 0.27051, "decode.acc_seg": 88.7667, "aux.loss_ce": 0.11053, "aux.acc_seg": 88.50901, "loss": 0.38104, "time": 1.62431} {"mode": "train", "epoch": 18, "iter": 22450, "lr": 3e-05, "memory": 71384, "data_time": 0.0097, "decode.loss_ce": 0.29937, "decode.acc_seg": 88.18671, "aux.loss_ce": 0.12135, "aux.acc_seg": 87.9566, "loss": 0.42072, "time": 1.62387} {"mode": "train", "epoch": 18, "iter": 22500, "lr": 3e-05, "memory": 71384, "data_time": 0.00971, "decode.loss_ce": 0.2807, "decode.acc_seg": 88.71572, "aux.loss_ce": 0.11296, "aux.acc_seg": 88.7203, "loss": 0.39365, "time": 1.6231} {"mode": "train", "epoch": 18, "iter": 22550, "lr": 3e-05, "memory": 71384, "data_time": 0.00985, "decode.loss_ce": 0.26965, "decode.acc_seg": 89.01126, "aux.loss_ce": 0.10983, "aux.acc_seg": 88.77724, "loss": 0.37948, "time": 1.62138} {"mode": "train", "epoch": 18, "iter": 22600, "lr": 3e-05, "memory": 71384, "data_time": 0.00998, "decode.loss_ce": 0.26672, "decode.acc_seg": 89.04672, "aux.loss_ce": 0.10957, "aux.acc_seg": 88.65505, "loss": 0.37628, "time": 1.62659} {"mode": "train", "epoch": 18, "iter": 22650, "lr": 3e-05, "memory": 71384, "data_time": 0.00985, "decode.loss_ce": 0.2778, "decode.acc_seg": 88.83666, "aux.loss_ce": 0.11435, "aux.acc_seg": 88.47625, "loss": 0.39215, "time": 1.62269} {"mode": "train", "epoch": 18, "iter": 22700, "lr": 3e-05, "memory": 71384, "data_time": 0.00976, "decode.loss_ce": 0.27028, "decode.acc_seg": 89.06859, "aux.loss_ce": 0.11057, "aux.acc_seg": 88.8681, "loss": 0.38085, "time": 1.62586} {"mode": "train", "epoch": 19, "iter": 22750, "lr": 3e-05, "memory": 71384, "data_time": 0.0513, "decode.loss_ce": 0.27405, "decode.acc_seg": 88.58487, "aux.loss_ce": 0.11134, "aux.acc_seg": 88.43071, "loss": 0.38538, "time": 1.66481} {"mode": "train", "epoch": 19, "iter": 22800, "lr": 3e-05, "memory": 71384, "data_time": 0.00996, "decode.loss_ce": 0.28303, "decode.acc_seg": 88.54479, "aux.loss_ce": 0.11522, "aux.acc_seg": 88.49034, "loss": 0.39825, "time": 1.62524} {"mode": "train", "epoch": 19, "iter": 22850, "lr": 3e-05, "memory": 71384, "data_time": 0.00986, "decode.loss_ce": 0.2892, "decode.acc_seg": 88.5249, "aux.loss_ce": 0.1172, "aux.acc_seg": 88.42311, "loss": 0.40641, "time": 1.62298} {"mode": "train", "epoch": 19, "iter": 22900, "lr": 3e-05, "memory": 71384, "data_time": 0.00968, "decode.loss_ce": 0.2532, "decode.acc_seg": 89.38054, "aux.loss_ce": 0.10358, "aux.acc_seg": 89.1343, "loss": 0.35678, "time": 1.62367} {"mode": "train", "epoch": 19, "iter": 22950, "lr": 3e-05, "memory": 71384, "data_time": 0.00964, "decode.loss_ce": 0.2616, "decode.acc_seg": 89.44442, "aux.loss_ce": 0.10742, "aux.acc_seg": 89.19307, "loss": 0.36902, "time": 1.62148} {"mode": "train", "epoch": 19, "iter": 23000, "lr": 3e-05, "memory": 71384, "data_time": 0.00983, "decode.loss_ce": 0.27558, "decode.acc_seg": 88.61879, "aux.loss_ce": 0.11196, "aux.acc_seg": 88.34437, "loss": 0.38755, "time": 1.62141} {"mode": "val", "epoch": 19, "iter": 250, "lr": 3e-05, "aAcc": 0.8557, "mIoU": 0.5649, "mAcc": 0.7083, "IoU.wall": 0.8097, "IoU.building": 0.847, "IoU.sky": 0.9487, "IoU.floor": 0.8466, "IoU.tree": 0.7759, "IoU.ceiling": 0.863, "IoU.road": 0.8521, "IoU.bed ": 0.9215, "IoU.windowpane": 0.6554, "IoU.grass": 0.6921, "IoU.cabinet": 0.6679, "IoU.sidewalk": 0.6921, "IoU.person": 0.8507, "IoU.earth": 0.3485, "IoU.door": 0.616, "IoU.table": 0.6676, "IoU.mountain": 0.5657, "IoU.plant": 0.5807, "IoU.curtain": 0.7872, "IoU.chair": 0.6612, "IoU.car": 0.8691, "IoU.water": 0.6292, "IoU.painting": 0.7576, "IoU.sofa": 0.8137, "IoU.shelf": 0.4729, "IoU.house": 0.4367, "IoU.sea": 0.671, "IoU.mirror": 0.7976, "IoU.rug": 0.6977, "IoU.field": 0.3622, "IoU.armchair": 0.5979, "IoU.seat": 0.6742, "IoU.fence": 0.5099, "IoU.desk": 0.5189, "IoU.rock": 0.5324, "IoU.wardrobe": 0.5188, "IoU.lamp": 0.7383, "IoU.bathtub": 0.9012, "IoU.railing": 0.4582, "IoU.cushion": 0.685, "IoU.base": 0.4616, "IoU.box": 0.3935, "IoU.column": 0.5506, "IoU.signboard": 0.4218, "IoU.chest of drawers": 0.4933, "IoU.counter": 0.4727, "IoU.sand": 0.5397, "IoU.sink": 0.7646, "IoU.skyscraper": 0.493, "IoU.fireplace": 0.713, "IoU.refrigerator": 0.8159, "IoU.grandstand": 0.5374, "IoU.path": 0.2883, "IoU.stairs": 0.3542, "IoU.runway": 0.6862, "IoU.case": 0.5653, "IoU.pool table": 0.9471, "IoU.pillow": 0.7007, "IoU.screen door": 0.8157, "IoU.stairway": 0.5125, "IoU.river": 0.1226, "IoU.bridge": 0.7396, "IoU.bookcase": 0.4048, "IoU.blind": 0.4578, "IoU.coffee table": 0.6059, "IoU.toilet": 0.8998, "IoU.flower": 0.424, "IoU.book": 0.5059, "IoU.hill": 0.0741, "IoU.bench": 0.5594, "IoU.countertop": 0.6255, "IoU.stove": 0.8209, "IoU.palm": 0.5803, "IoU.kitchen island": 0.5451, "IoU.computer": 0.7497, "IoU.swivel chair": 0.5221, "IoU.boat": 0.6572, "IoU.bar": 0.6707, "IoU.arcade machine": 0.8763, "IoU.hovel": 0.2447, "IoU.bus": 0.9219, "IoU.towel": 0.7414, "IoU.light": 0.5729, "IoU.truck": 0.4753, "IoU.tower": 0.264, "IoU.chandelier": 0.7224, "IoU.awning": 0.3884, "IoU.streetlight": 0.3567, "IoU.booth": 0.3318, "IoU.television receiver": 0.7782, "IoU.airplane": 0.8836, "IoU.dirt track": 0.0703, "IoU.apparel": 0.515, "IoU.pole": 0.2426, "IoU.land": 0.0218, "IoU.bannister": 0.1786, "IoU.escalator": 0.6242, "IoU.ottoman": 0.5087, "IoU.bottle": 0.4075, "IoU.buffet": 0.5889, "IoU.poster": 0.31, "IoU.stage": 0.2763, "IoU.van": 0.5092, "IoU.ship": 0.1052, "IoU.fountain": 0.4317, "IoU.conveyer belt": 0.7384, "IoU.canopy": 0.4565, "IoU.washer": 0.8231, "IoU.plaything": 0.296, "IoU.swimming pool": 0.5546, "IoU.stool": 0.5703, "IoU.barrel": 0.5258, "IoU.basket": 0.436, "IoU.waterfall": 0.5733, "IoU.tent": 0.8766, "IoU.bag": 0.2842, "IoU.minibike": 0.7436, "IoU.cradle": 0.7936, "IoU.oven": 0.583, "IoU.ball": 0.5229, "IoU.food": 0.5396, "IoU.step": 0.1871, "IoU.tank": 0.5933, "IoU.trade name": 0.3733, "IoU.microwave": 0.8584, "IoU.pot": 0.5904, "IoU.animal": 0.5833, "IoU.bicycle": 0.5998, "IoU.lake": 0.5269, "IoU.dishwasher": 0.7012, "IoU.screen": 0.5606, "IoU.blanket": 0.3401, "IoU.sculpture": 0.7565, "IoU.hood": 0.6569, "IoU.sconce": 0.5864, "IoU.vase": 0.4691, "IoU.traffic light": 0.3359, "IoU.tray": 0.1559, "IoU.ashcan": 0.4715, "IoU.fan": 0.6694, "IoU.pier": 0.531, "IoU.crt screen": 0.0059, "IoU.plate": 0.5605, "IoU.monitor": 0.5315, "IoU.bulletin board": 0.5913, "IoU.shower": 0.0, "IoU.radiator": 0.6883, "IoU.glass": 0.209, "IoU.clock": 0.4471, "IoU.flag": 0.6983, "Acc.wall": 0.8745, "Acc.building": 0.9336, "Acc.sky": 0.971, "Acc.floor": 0.9076, "Acc.tree": 0.9018, "Acc.ceiling": 0.9447, "Acc.road": 0.9037, "Acc.bed ": 0.964, "Acc.windowpane": 0.8018, "Acc.grass": 0.8365, "Acc.cabinet": 0.7594, "Acc.sidewalk": 0.8662, "Acc.person": 0.9296, "Acc.earth": 0.4617, "Acc.door": 0.8015, "Acc.table": 0.7968, "Acc.mountain": 0.6598, "Acc.plant": 0.712, "Acc.curtain": 0.9056, "Acc.chair": 0.7617, "Acc.car": 0.9416, "Acc.water": 0.8024, "Acc.painting": 0.9047, "Acc.sofa": 0.9233, "Acc.shelf": 0.6351, "Acc.house": 0.5282, "Acc.sea": 0.7267, "Acc.mirror": 0.8921, "Acc.rug": 0.8285, "Acc.field": 0.5201, "Acc.armchair": 0.8131, "Acc.seat": 0.8905, "Acc.fence": 0.6901, "Acc.desk": 0.7903, "Acc.rock": 0.8091, "Acc.wardrobe": 0.6658, "Acc.lamp": 0.8575, "Acc.bathtub": 0.9398, "Acc.railing": 0.6249, "Acc.cushion": 0.7969, "Acc.base": 0.646, "Acc.box": 0.5481, "Acc.column": 0.6979, "Acc.signboard": 0.6143, "Acc.chest of drawers": 0.6954, "Acc.counter": 0.6527, "Acc.sand": 0.902, "Acc.sink": 0.8771, "Acc.skyscraper": 0.6219, "Acc.fireplace": 0.8572, "Acc.refrigerator": 0.934, "Acc.grandstand": 0.8446, "Acc.path": 0.444, "Acc.stairs": 0.4078, "Acc.runway": 0.9144, "Acc.case": 0.7922, "Acc.pool table": 0.9781, "Acc.pillow": 0.8466, "Acc.screen door": 0.8892, "Acc.stairway": 0.6636, "Acc.river": 0.2743, "Acc.bridge": 0.8252, "Acc.bookcase": 0.6473, "Acc.blind": 0.5742, "Acc.coffee table": 0.88, "Acc.toilet": 0.9492, "Acc.flower": 0.5392, "Acc.book": 0.7893, "Acc.hill": 0.2472, "Acc.bench": 0.631, "Acc.countertop": 0.8039, "Acc.stove": 0.9273, "Acc.palm": 0.7766, "Acc.kitchen island": 0.837, "Acc.computer": 0.9283, "Acc.swivel chair": 0.7584, "Acc.boat": 0.8374, "Acc.bar": 0.8397, "Acc.arcade machine": 0.933, "Acc.hovel": 0.2612, "Acc.bus": 0.9644, "Acc.towel": 0.8357, "Acc.light": 0.6411, "Acc.truck": 0.6225, "Acc.tower": 0.4013, "Acc.chandelier": 0.8989, "Acc.awning": 0.5229, "Acc.streetlight": 0.4843, "Acc.booth": 0.5874, "Acc.television receiver": 0.9147, "Acc.airplane": 0.956, "Acc.dirt track": 0.387, "Acc.apparel": 0.807, "Acc.pole": 0.326, "Acc.land": 0.0462, "Acc.bannister": 0.2753, "Acc.escalator": 0.8891, "Acc.ottoman": 0.7323, "Acc.bottle": 0.5398, "Acc.buffet": 0.7197, "Acc.poster": 0.426, "Acc.stage": 0.4804, "Acc.van": 0.6507, "Acc.ship": 0.108, "Acc.fountain": 0.4549, "Acc.conveyer belt": 0.9431, "Acc.canopy": 0.5267, "Acc.washer": 0.915, "Acc.plaything": 0.5818, "Acc.swimming pool": 0.8012, "Acc.stool": 0.6756, "Acc.barrel": 0.8454, "Acc.basket": 0.583, "Acc.waterfall": 0.6884, "Acc.tent": 0.9753, "Acc.bag": 0.3609, "Acc.minibike": 0.8755, "Acc.cradle": 0.9854, "Acc.oven": 0.7093, "Acc.ball": 0.6696, "Acc.food": 0.5994, "Acc.step": 0.2228, "Acc.tank": 0.7396, "Acc.trade name": 0.5357, "Acc.microwave": 0.9726, "Acc.pot": 0.6944, "Acc.animal": 0.5908, "Acc.bicycle": 0.757, "Acc.lake": 0.7788, "Acc.dishwasher": 0.8481, "Acc.screen": 0.9539, "Acc.blanket": 0.5838, "Acc.sculpture": 0.8726, "Acc.hood": 0.7845, "Acc.sconce": 0.6991, "Acc.vase": 0.6421, "Acc.traffic light": 0.6421, "Acc.tray": 0.2129, "Acc.ashcan": 0.6424, "Acc.fan": 0.8467, "Acc.pier": 0.6472, "Acc.crt screen": 0.0064, "Acc.plate": 0.8418, "Acc.monitor": 0.8007, "Acc.bulletin board": 0.6707, "Acc.shower": 0.0, "Acc.radiator": 0.7815, "Acc.glass": 0.232, "Acc.clock": 0.6826, "Acc.flag": 0.7955} {"mode": "train", "epoch": 19, "iter": 23050, "lr": 3e-05, "memory": 71384, "data_time": 1.9587, "decode.loss_ce": 0.24625, "decode.acc_seg": 89.51728, "aux.loss_ce": 0.10136, "aux.acc_seg": 89.14412, "loss": 0.34761, "time": 3.57177} {"mode": "train", "epoch": 19, "iter": 23100, "lr": 3e-05, "memory": 71384, "data_time": 0.00966, "decode.loss_ce": 0.27284, "decode.acc_seg": 89.1344, "aux.loss_ce": 0.11161, "aux.acc_seg": 88.85162, "loss": 0.38445, "time": 1.62551} {"mode": "train", "epoch": 19, "iter": 23150, "lr": 3e-05, "memory": 71384, "data_time": 0.00965, "decode.loss_ce": 0.28075, "decode.acc_seg": 88.77965, "aux.loss_ce": 0.1136, "aux.acc_seg": 88.53563, "loss": 0.39435, "time": 1.62306} {"mode": "train", "epoch": 19, "iter": 23200, "lr": 3e-05, "memory": 71384, "data_time": 0.00975, "decode.loss_ce": 0.25939, "decode.acc_seg": 89.47952, "aux.loss_ce": 0.10655, "aux.acc_seg": 89.24388, "loss": 0.36594, "time": 1.62467} {"mode": "train", "epoch": 19, "iter": 23250, "lr": 3e-05, "memory": 71384, "data_time": 0.00977, "decode.loss_ce": 0.26226, "decode.acc_seg": 89.54363, "aux.loss_ce": 0.10735, "aux.acc_seg": 89.27293, "loss": 0.3696, "time": 1.62086} {"mode": "train", "epoch": 19, "iter": 23300, "lr": 3e-05, "memory": 71384, "data_time": 0.00991, "decode.loss_ce": 0.26559, "decode.acc_seg": 88.79098, "aux.loss_ce": 0.10806, "aux.acc_seg": 88.56727, "loss": 0.37365, "time": 1.62115} {"mode": "train", "epoch": 19, "iter": 23350, "lr": 3e-05, "memory": 71384, "data_time": 0.00985, "decode.loss_ce": 0.27539, "decode.acc_seg": 88.96006, "aux.loss_ce": 0.11294, "aux.acc_seg": 88.68916, "loss": 0.38833, "time": 1.62533} {"mode": "train", "epoch": 19, "iter": 23400, "lr": 3e-05, "memory": 71384, "data_time": 0.00978, "decode.loss_ce": 0.26637, "decode.acc_seg": 88.98857, "aux.loss_ce": 0.10889, "aux.acc_seg": 88.64627, "loss": 0.37526, "time": 1.62011} {"mode": "train", "epoch": 19, "iter": 23450, "lr": 3e-05, "memory": 71384, "data_time": 0.00954, "decode.loss_ce": 0.26465, "decode.acc_seg": 89.18993, "aux.loss_ce": 0.1085, "aux.acc_seg": 88.96408, "loss": 0.37315, "time": 1.62262} {"mode": "train", "epoch": 19, "iter": 23500, "lr": 3e-05, "memory": 71384, "data_time": 0.0097, "decode.loss_ce": 0.26457, "decode.acc_seg": 89.51507, "aux.loss_ce": 0.10793, "aux.acc_seg": 89.29458, "loss": 0.37251, "time": 1.61944} {"mode": "train", "epoch": 19, "iter": 23550, "lr": 3e-05, "memory": 71384, "data_time": 0.00955, "decode.loss_ce": 0.25215, "decode.acc_seg": 89.69398, "aux.loss_ce": 0.10352, "aux.acc_seg": 89.35936, "loss": 0.35567, "time": 1.62095} {"mode": "train", "epoch": 19, "iter": 23600, "lr": 3e-05, "memory": 71384, "data_time": 0.00956, "decode.loss_ce": 0.26927, "decode.acc_seg": 89.01803, "aux.loss_ce": 0.11026, "aux.acc_seg": 88.74329, "loss": 0.37953, "time": 1.62068} {"mode": "train", "epoch": 19, "iter": 23650, "lr": 3e-05, "memory": 71384, "data_time": 0.0097, "decode.loss_ce": 0.2658, "decode.acc_seg": 88.9148, "aux.loss_ce": 0.10781, "aux.acc_seg": 88.71935, "loss": 0.37361, "time": 1.62156} {"mode": "train", "epoch": 19, "iter": 23700, "lr": 3e-05, "memory": 71384, "data_time": 0.00994, "decode.loss_ce": 0.26139, "decode.acc_seg": 89.28172, "aux.loss_ce": 0.10717, "aux.acc_seg": 89.0743, "loss": 0.36857, "time": 1.62422} {"mode": "train", "epoch": 19, "iter": 23750, "lr": 3e-05, "memory": 71384, "data_time": 0.00984, "decode.loss_ce": 0.23415, "decode.acc_seg": 90.15063, "aux.loss_ce": 0.09551, "aux.acc_seg": 89.93469, "loss": 0.32966, "time": 1.62395} {"mode": "train", "epoch": 19, "iter": 23800, "lr": 3e-05, "memory": 71384, "data_time": 0.00967, "decode.loss_ce": 0.26569, "decode.acc_seg": 89.03983, "aux.loss_ce": 0.10926, "aux.acc_seg": 88.72021, "loss": 0.37495, "time": 1.62266} {"mode": "train", "epoch": 19, "iter": 23850, "lr": 3e-05, "memory": 71384, "data_time": 0.00955, "decode.loss_ce": 0.254, "decode.acc_seg": 89.70311, "aux.loss_ce": 0.10396, "aux.acc_seg": 89.50336, "loss": 0.35797, "time": 1.62279} {"mode": "train", "epoch": 19, "iter": 23900, "lr": 3e-05, "memory": 71384, "data_time": 0.00954, "decode.loss_ce": 0.24686, "decode.acc_seg": 89.42925, "aux.loss_ce": 0.10086, "aux.acc_seg": 89.25821, "loss": 0.34772, "time": 1.62069} {"mode": "train", "epoch": 19, "iter": 23950, "lr": 3e-05, "memory": 71384, "data_time": 0.00963, "decode.loss_ce": 0.27758, "decode.acc_seg": 88.8931, "aux.loss_ce": 0.11284, "aux.acc_seg": 88.65831, "loss": 0.39043, "time": 1.62352} {"mode": "train", "epoch": 20, "iter": 24000, "lr": 3e-05, "memory": 71384, "data_time": 0.06916, "decode.loss_ce": 0.25888, "decode.acc_seg": 89.37332, "aux.loss_ce": 0.10564, "aux.acc_seg": 89.18574, "loss": 0.36451, "time": 3.39103} {"mode": "val", "epoch": 20, "iter": 250, "lr": 3e-05, "aAcc": 0.857, "mIoU": 0.5634, "mAcc": 0.6945, "IoU.wall": 0.8183, "IoU.building": 0.8434, "IoU.sky": 0.9488, "IoU.floor": 0.853, "IoU.tree": 0.7802, "IoU.ceiling": 0.8681, "IoU.road": 0.8664, "IoU.bed ": 0.9184, "IoU.windowpane": 0.6565, "IoU.grass": 0.6835, "IoU.cabinet": 0.6579, "IoU.sidewalk": 0.7104, "IoU.person": 0.8558, "IoU.earth": 0.392, "IoU.door": 0.6071, "IoU.table": 0.6556, "IoU.mountain": 0.5795, "IoU.plant": 0.5567, "IoU.curtain": 0.7818, "IoU.chair": 0.6716, "IoU.car": 0.873, "IoU.water": 0.556, "IoU.painting": 0.7752, "IoU.sofa": 0.7923, "IoU.shelf": 0.4756, "IoU.house": 0.4939, "IoU.sea": 0.6813, "IoU.mirror": 0.7785, "IoU.rug": 0.7023, "IoU.field": 0.3116, "IoU.armchair": 0.581, "IoU.seat": 0.663, "IoU.fence": 0.538, "IoU.desk": 0.5203, "IoU.rock": 0.5492, "IoU.wardrobe": 0.5498, "IoU.lamp": 0.7409, "IoU.bathtub": 0.8794, "IoU.railing": 0.4402, "IoU.cushion": 0.6521, "IoU.base": 0.3993, "IoU.box": 0.3713, "IoU.column": 0.5326, "IoU.signboard": 0.398, "IoU.chest of drawers": 0.5313, "IoU.counter": 0.4421, "IoU.sand": 0.5855, "IoU.sink": 0.7735, "IoU.skyscraper": 0.447, "IoU.fireplace": 0.7516, "IoU.refrigerator": 0.8242, "IoU.grandstand": 0.5089, "IoU.path": 0.3265, "IoU.stairs": 0.36, "IoU.runway": 0.6539, "IoU.case": 0.6281, "IoU.pool table": 0.9441, "IoU.pillow": 0.5995, "IoU.screen door": 0.8514, "IoU.stairway": 0.4424, "IoU.river": 0.2509, "IoU.bridge": 0.6894, "IoU.bookcase": 0.363, "IoU.blind": 0.4976, "IoU.coffee table": 0.6092, "IoU.toilet": 0.8997, "IoU.flower": 0.4071, "IoU.book": 0.521, "IoU.hill": 0.0729, "IoU.bench": 0.5328, "IoU.countertop": 0.6446, "IoU.stove": 0.8079, "IoU.palm": 0.5639, "IoU.kitchen island": 0.4668, "IoU.computer": 0.7763, "IoU.swivel chair": 0.5232, "IoU.boat": 0.73, "IoU.bar": 0.6594, "IoU.arcade machine": 0.7715, "IoU.hovel": 0.2907, "IoU.bus": 0.8936, "IoU.towel": 0.7495, "IoU.light": 0.5975, "IoU.truck": 0.4794, "IoU.tower": 0.2656, "IoU.chandelier": 0.7219, "IoU.awning": 0.4129, "IoU.streetlight": 0.3304, "IoU.booth": 0.5073, "IoU.television receiver": 0.7524, "IoU.airplane": 0.8699, "IoU.dirt track": 0.0765, "IoU.apparel": 0.4897, "IoU.pole": 0.2275, "IoU.land": 0.0137, "IoU.bannister": 0.1822, "IoU.escalator": 0.6225, "IoU.ottoman": 0.5038, "IoU.bottle": 0.3428, "IoU.buffet": 0.5846, "IoU.poster": 0.2472, "IoU.stage": 0.2115, "IoU.van": 0.4971, "IoU.ship": 0.6736, "IoU.fountain": 0.3889, "IoU.conveyer belt": 0.8343, "IoU.canopy": 0.5308, "IoU.washer": 0.7975, "IoU.plaything": 0.2538, "IoU.swimming pool": 0.5385, "IoU.stool": 0.5291, "IoU.barrel": 0.53, "IoU.basket": 0.4024, "IoU.waterfall": 0.6416, "IoU.tent": 0.8946, "IoU.bag": 0.2506, "IoU.minibike": 0.735, "IoU.cradle": 0.7937, "IoU.oven": 0.7023, "IoU.ball": 0.2452, "IoU.food": 0.5717, "IoU.step": 0.2017, "IoU.tank": 0.7395, "IoU.trade name": 0.3576, "IoU.microwave": 0.9009, "IoU.pot": 0.5785, "IoU.animal": 0.6779, "IoU.bicycle": 0.5804, "IoU.lake": 0.5706, "IoU.dishwasher": 0.7352, "IoU.screen": 0.6003, "IoU.blanket": 0.2694, "IoU.sculpture": 0.6796, "IoU.hood": 0.674, "IoU.sconce": 0.6086, "IoU.vase": 0.4531, "IoU.traffic light": 0.3484, "IoU.tray": 0.1551, "IoU.ashcan": 0.4739, "IoU.fan": 0.6851, "IoU.pier": 0.3009, "IoU.crt screen": 0.0151, "IoU.plate": 0.6069, "IoU.monitor": 0.0672, "IoU.bulletin board": 0.6466, "IoU.shower": 0.0, "IoU.radiator": 0.6512, "IoU.glass": 0.1953, "IoU.clock": 0.4465, "IoU.flag": 0.6938, "Acc.wall": 0.8986, "Acc.building": 0.9329, "Acc.sky": 0.9758, "Acc.floor": 0.9183, "Acc.tree": 0.884, "Acc.ceiling": 0.9211, "Acc.road": 0.905, "Acc.bed ": 0.9693, "Acc.windowpane": 0.7909, "Acc.grass": 0.7648, "Acc.cabinet": 0.7736, "Acc.sidewalk": 0.8471, "Acc.person": 0.9297, "Acc.earth": 0.6406, "Acc.door": 0.7391, "Acc.table": 0.7358, "Acc.mountain": 0.6488, "Acc.plant": 0.7284, "Acc.curtain": 0.8907, "Acc.chair": 0.7606, "Acc.car": 0.9285, "Acc.water": 0.6218, "Acc.painting": 0.9063, "Acc.sofa": 0.8937, "Acc.shelf": 0.655, "Acc.house": 0.6441, "Acc.sea": 0.92, "Acc.mirror": 0.8527, "Acc.rug": 0.8359, "Acc.field": 0.4461, "Acc.armchair": 0.7083, "Acc.seat": 0.888, "Acc.fence": 0.7183, "Acc.desk": 0.7938, "Acc.rock": 0.7186, "Acc.wardrobe": 0.8222, "Acc.lamp": 0.8737, "Acc.bathtub": 0.8978, "Acc.railing": 0.6168, "Acc.cushion": 0.876, "Acc.base": 0.4958, "Acc.box": 0.4961, "Acc.column": 0.6365, "Acc.signboard": 0.476, "Acc.chest of drawers": 0.7332, "Acc.counter": 0.5393, "Acc.sand": 0.8549, "Acc.sink": 0.8189, "Acc.skyscraper": 0.5239, "Acc.fireplace": 0.8935, "Acc.refrigerator": 0.9197, "Acc.grandstand": 0.8518, "Acc.path": 0.4097, "Acc.stairs": 0.4157, "Acc.runway": 0.8798, "Acc.case": 0.8587, "Acc.pool table": 0.9849, "Acc.pillow": 0.6424, "Acc.screen door": 0.8808, "Acc.stairway": 0.5573, "Acc.river": 0.6888, "Acc.bridge": 0.897, "Acc.bookcase": 0.62, "Acc.blind": 0.6739, "Acc.coffee table": 0.8596, "Acc.toilet": 0.9333, "Acc.flower": 0.5627, "Acc.book": 0.7855, "Acc.hill": 0.1898, "Acc.bench": 0.6843, "Acc.countertop": 0.8277, "Acc.stove": 0.9143, "Acc.palm": 0.7088, "Acc.kitchen island": 0.641, "Acc.computer": 0.9347, "Acc.swivel chair": 0.7455, "Acc.boat": 0.9163, "Acc.bar": 0.8797, "Acc.arcade machine": 0.8385, "Acc.hovel": 0.3647, "Acc.bus": 0.9766, "Acc.towel": 0.8848, "Acc.light": 0.7982, "Acc.truck": 0.6189, "Acc.tower": 0.576, "Acc.chandelier": 0.8835, "Acc.awning": 0.5862, "Acc.streetlight": 0.4572, "Acc.booth": 0.7147, "Acc.television receiver": 0.8847, "Acc.airplane": 0.947, "Acc.dirt track": 0.4142, "Acc.apparel": 0.6111, "Acc.pole": 0.2872, "Acc.land": 0.0359, "Acc.bannister": 0.2638, "Acc.escalator": 0.8429, "Acc.ottoman": 0.7238, "Acc.bottle": 0.4502, "Acc.buffet": 0.6994, "Acc.poster": 0.2503, "Acc.stage": 0.3152, "Acc.van": 0.729, "Acc.ship": 0.6915, "Acc.fountain": 0.4106, "Acc.conveyer belt": 0.923, "Acc.canopy": 0.7992, "Acc.washer": 0.8519, "Acc.plaything": 0.4083, "Acc.swimming pool": 0.7846, "Acc.stool": 0.6573, "Acc.barrel": 0.6779, "Acc.basket": 0.5778, "Acc.waterfall": 0.7614, "Acc.tent": 0.9891, "Acc.bag": 0.3157, "Acc.minibike": 0.8667, "Acc.cradle": 0.982, "Acc.oven": 0.7928, "Acc.ball": 0.2697, "Acc.food": 0.6781, "Acc.step": 0.2239, "Acc.tank": 0.8745, "Acc.trade name": 0.4884, "Acc.microwave": 0.9647, "Acc.pot": 0.6917, "Acc.animal": 0.7028, "Acc.bicycle": 0.7941, "Acc.lake": 0.6427, "Acc.dishwasher": 0.838, "Acc.screen": 0.9518, "Acc.blanket": 0.3069, "Acc.sculpture": 0.8882, "Acc.hood": 0.7979, "Acc.sconce": 0.7151, "Acc.vase": 0.6438, "Acc.traffic light": 0.5834, "Acc.tray": 0.1828, "Acc.ashcan": 0.5922, "Acc.fan": 0.8505, "Acc.pier": 0.3148, "Acc.crt screen": 0.04, "Acc.plate": 0.8206, "Acc.monitor": 0.0716, "Acc.bulletin board": 0.7281, "Acc.shower": 0.0, "Acc.radiator": 0.8009, "Acc.glass": 0.208, "Acc.clock": 0.4982, "Acc.flag": 0.7619} {"mode": "train", "epoch": 20, "iter": 24050, "lr": 3e-05, "memory": 71384, "data_time": 1.95374, "decode.loss_ce": 0.25598, "decode.acc_seg": 89.48017, "aux.loss_ce": 0.10424, "aux.acc_seg": 89.26286, "loss": 0.36021, "time": 3.56763} {"mode": "train", "epoch": 20, "iter": 24100, "lr": 3e-05, "memory": 71384, "data_time": 0.00991, "decode.loss_ce": 0.25859, "decode.acc_seg": 89.36311, "aux.loss_ce": 0.10561, "aux.acc_seg": 89.22504, "loss": 0.3642, "time": 1.62095} {"mode": "train", "epoch": 20, "iter": 24150, "lr": 3e-05, "memory": 71384, "data_time": 0.00996, "decode.loss_ce": 0.25871, "decode.acc_seg": 89.54055, "aux.loss_ce": 0.10543, "aux.acc_seg": 89.27293, "loss": 0.36414, "time": 1.62295} {"mode": "train", "epoch": 20, "iter": 24200, "lr": 3e-05, "memory": 71384, "data_time": 0.0102, "decode.loss_ce": 0.24943, "decode.acc_seg": 89.55235, "aux.loss_ce": 0.10246, "aux.acc_seg": 89.32281, "loss": 0.35189, "time": 1.62475} {"mode": "train", "epoch": 20, "iter": 24250, "lr": 3e-05, "memory": 71384, "data_time": 0.0099, "decode.loss_ce": 0.25049, "decode.acc_seg": 89.77818, "aux.loss_ce": 0.10254, "aux.acc_seg": 89.45015, "loss": 0.35303, "time": 1.62148} {"mode": "train", "epoch": 20, "iter": 24300, "lr": 3e-05, "memory": 71384, "data_time": 0.01008, "decode.loss_ce": 0.24354, "decode.acc_seg": 90.07715, "aux.loss_ce": 0.10008, "aux.acc_seg": 89.86044, "loss": 0.34362, "time": 1.62626} {"mode": "train", "epoch": 20, "iter": 24350, "lr": 3e-05, "memory": 71384, "data_time": 0.0099, "decode.loss_ce": 0.25953, "decode.acc_seg": 89.41788, "aux.loss_ce": 0.10645, "aux.acc_seg": 89.10335, "loss": 0.36598, "time": 1.6203} {"mode": "train", "epoch": 20, "iter": 24400, "lr": 3e-05, "memory": 71384, "data_time": 0.00985, "decode.loss_ce": 0.24847, "decode.acc_seg": 89.74917, "aux.loss_ce": 0.10144, "aux.acc_seg": 89.4935, "loss": 0.34991, "time": 1.62771} {"mode": "train", "epoch": 20, "iter": 24450, "lr": 3e-05, "memory": 71384, "data_time": 0.00992, "decode.loss_ce": 0.25223, "decode.acc_seg": 89.51961, "aux.loss_ce": 0.10387, "aux.acc_seg": 89.32141, "loss": 0.3561, "time": 1.62244} {"mode": "train", "epoch": 20, "iter": 24500, "lr": 3e-05, "memory": 71384, "data_time": 0.00983, "decode.loss_ce": 0.25154, "decode.acc_seg": 89.66118, "aux.loss_ce": 0.10336, "aux.acc_seg": 89.36489, "loss": 0.3549, "time": 1.61974} {"mode": "train", "epoch": 20, "iter": 24550, "lr": 3e-05, "memory": 71384, "data_time": 0.00993, "decode.loss_ce": 0.24414, "decode.acc_seg": 89.71351, "aux.loss_ce": 0.09968, "aux.acc_seg": 89.53856, "loss": 0.34382, "time": 1.62033} {"mode": "train", "epoch": 20, "iter": 24600, "lr": 3e-05, "memory": 71384, "data_time": 0.00988, "decode.loss_ce": 0.2657, "decode.acc_seg": 88.89138, "aux.loss_ce": 0.10937, "aux.acc_seg": 88.49683, "loss": 0.37507, "time": 1.62203} {"mode": "train", "epoch": 20, "iter": 24650, "lr": 3e-05, "memory": 71384, "data_time": 0.01017, "decode.loss_ce": 0.26005, "decode.acc_seg": 89.16759, "aux.loss_ce": 0.10672, "aux.acc_seg": 88.99155, "loss": 0.36677, "time": 1.62817} {"mode": "train", "epoch": 20, "iter": 24700, "lr": 3e-05, "memory": 71384, "data_time": 0.00992, "decode.loss_ce": 0.26354, "decode.acc_seg": 89.37625, "aux.loss_ce": 0.10703, "aux.acc_seg": 89.18465, "loss": 0.37057, "time": 1.62222} {"mode": "train", "epoch": 20, "iter": 24750, "lr": 3e-05, "memory": 71384, "data_time": 0.01023, "decode.loss_ce": 0.25797, "decode.acc_seg": 89.55963, "aux.loss_ce": 0.10457, "aux.acc_seg": 89.37672, "loss": 0.36253, "time": 1.62422} {"mode": "train", "epoch": 20, "iter": 24800, "lr": 3e-05, "memory": 71384, "data_time": 0.01002, "decode.loss_ce": 0.25821, "decode.acc_seg": 89.44195, "aux.loss_ce": 0.10555, "aux.acc_seg": 89.20017, "loss": 0.36377, "time": 1.62446} {"mode": "train", "epoch": 20, "iter": 24850, "lr": 3e-05, "memory": 71384, "data_time": 0.01003, "decode.loss_ce": 0.26031, "decode.acc_seg": 89.13694, "aux.loss_ce": 0.10597, "aux.acc_seg": 89.06469, "loss": 0.36628, "time": 1.62401} {"mode": "train", "epoch": 20, "iter": 24900, "lr": 3e-05, "memory": 71384, "data_time": 0.32469, "decode.loss_ce": 0.26168, "decode.acc_seg": 89.12114, "aux.loss_ce": 0.10671, "aux.acc_seg": 88.84848, "loss": 0.3684, "time": 1.93729} {"mode": "train", "epoch": 20, "iter": 24950, "lr": 3e-05, "memory": 71384, "data_time": 0.00998, "decode.loss_ce": 0.28246, "decode.acc_seg": 88.44094, "aux.loss_ce": 0.11497, "aux.acc_seg": 88.30622, "loss": 0.39743, "time": 1.62234} {"mode": "train", "epoch": 20, "iter": 25000, "lr": 3e-05, "memory": 71384, "data_time": 0.00988, "decode.loss_ce": 0.26533, "decode.acc_seg": 89.40087, "aux.loss_ce": 0.10778, "aux.acc_seg": 89.18621, "loss": 0.37311, "time": 1.62269} {"mode": "val", "epoch": 20, "iter": 250, "lr": 3e-05, "aAcc": 0.857, "mIoU": 0.5623, "mAcc": 0.6953, "IoU.wall": 0.8161, "IoU.building": 0.8467, "IoU.sky": 0.9478, "IoU.floor": 0.851, "IoU.tree": 0.7693, "IoU.ceiling": 0.8641, "IoU.road": 0.8513, "IoU.bed ": 0.9251, "IoU.windowpane": 0.6482, "IoU.grass": 0.6974, "IoU.cabinet": 0.6558, "IoU.sidewalk": 0.6928, "IoU.person": 0.8487, "IoU.earth": 0.4024, "IoU.door": 0.5784, "IoU.table": 0.6717, "IoU.mountain": 0.5657, "IoU.plant": 0.5596, "IoU.curtain": 0.7932, "IoU.chair": 0.6491, "IoU.car": 0.8718, "IoU.water": 0.6251, "IoU.painting": 0.7811, "IoU.sofa": 0.7989, "IoU.shelf": 0.5246, "IoU.house": 0.574, "IoU.sea": 0.5666, "IoU.mirror": 0.7895, "IoU.rug": 0.6988, "IoU.field": 0.3427, "IoU.armchair": 0.5904, "IoU.seat": 0.688, "IoU.fence": 0.4643, "IoU.desk": 0.5912, "IoU.rock": 0.5239, "IoU.wardrobe": 0.544, "IoU.lamp": 0.7481, "IoU.bathtub": 0.8431, "IoU.railing": 0.4344, "IoU.cushion": 0.6706, "IoU.base": 0.4376, "IoU.box": 0.3529, "IoU.column": 0.5548, "IoU.signboard": 0.4021, "IoU.chest of drawers": 0.4333, "IoU.counter": 0.4337, "IoU.sand": 0.4395, "IoU.sink": 0.7947, "IoU.skyscraper": 0.476, "IoU.fireplace": 0.7506, "IoU.refrigerator": 0.838, "IoU.grandstand": 0.4783, "IoU.path": 0.2805, "IoU.stairs": 0.3183, "IoU.runway": 0.6881, "IoU.case": 0.6146, "IoU.pool table": 0.9452, "IoU.pillow": 0.6934, "IoU.screen door": 0.8324, "IoU.stairway": 0.4548, "IoU.river": 0.1524, "IoU.bridge": 0.6377, "IoU.bookcase": 0.4648, "IoU.blind": 0.3967, "IoU.coffee table": 0.5988, "IoU.toilet": 0.873, "IoU.flower": 0.4004, "IoU.book": 0.5392, "IoU.hill": 0.0422, "IoU.bench": 0.592, "IoU.countertop": 0.6345, "IoU.stove": 0.831, "IoU.palm": 0.5311, "IoU.kitchen island": 0.529, "IoU.computer": 0.7929, "IoU.swivel chair": 0.4627, "IoU.boat": 0.7191, "IoU.bar": 0.646, "IoU.arcade machine": 0.7733, "IoU.hovel": 0.0344, "IoU.bus": 0.9225, "IoU.towel": 0.7424, "IoU.light": 0.6056, "IoU.truck": 0.4826, "IoU.tower": 0.2556, "IoU.chandelier": 0.7372, "IoU.awning": 0.3929, "IoU.streetlight": 0.3503, "IoU.booth": 0.5965, "IoU.television receiver": 0.8096, "IoU.airplane": 0.8753, "IoU.dirt track": 0.0758, "IoU.apparel": 0.5543, "IoU.pole": 0.2535, "IoU.land": 0.0184, "IoU.bannister": 0.1682, "IoU.escalator": 0.5645, "IoU.ottoman": 0.4812, "IoU.bottle": 0.3737, "IoU.buffet": 0.5712, "IoU.poster": 0.3385, "IoU.stage": 0.2056, "IoU.van": 0.4933, "IoU.ship": 0.3326, "IoU.fountain": 0.4028, "IoU.conveyer belt": 0.7534, "IoU.canopy": 0.5006, "IoU.washer": 0.8319, "IoU.plaything": 0.2745, "IoU.swimming pool": 0.5154, "IoU.stool": 0.4994, "IoU.barrel": 0.563, "IoU.basket": 0.3906, "IoU.waterfall": 0.5456, "IoU.tent": 0.9532, "IoU.bag": 0.2658, "IoU.minibike": 0.7542, "IoU.cradle": 0.8828, "IoU.oven": 0.5831, "IoU.ball": 0.4969, "IoU.food": 0.5735, "IoU.step": 0.2463, "IoU.tank": 0.6354, "IoU.trade name": 0.0907, "IoU.microwave": 0.8735, "IoU.pot": 0.5799, "IoU.animal": 0.6228, "IoU.bicycle": 0.575, "IoU.lake": 0.622, "IoU.dishwasher": 0.7477, "IoU.screen": 0.5643, "IoU.blanket": 0.2297, "IoU.sculpture": 0.6964, "IoU.hood": 0.6294, "IoU.sconce": 0.616, "IoU.vase": 0.4496, "IoU.traffic light": 0.3518, "IoU.tray": 0.1742, "IoU.ashcan": 0.4804, "IoU.fan": 0.6878, "IoU.pier": 0.4537, "IoU.crt screen": 0.0587, "IoU.plate": 0.6125, "IoU.monitor": 0.6165, "IoU.bulletin board": 0.5738, "IoU.shower": 0.0, "IoU.radiator": 0.6542, "IoU.glass": 0.1685, "IoU.clock": 0.4737, "IoU.flag": 0.6956, "Acc.wall": 0.8865, "Acc.building": 0.9303, "Acc.sky": 0.9791, "Acc.floor": 0.9213, "Acc.tree": 0.8766, "Acc.ceiling": 0.9475, "Acc.road": 0.8811, "Acc.bed ": 0.9733, "Acc.windowpane": 0.8261, "Acc.grass": 0.8276, "Acc.cabinet": 0.7884, "Acc.sidewalk": 0.8589, "Acc.person": 0.9317, "Acc.earth": 0.5678, "Acc.door": 0.7046, "Acc.table": 0.7959, "Acc.mountain": 0.6406, "Acc.plant": 0.7084, "Acc.curtain": 0.9054, "Acc.chair": 0.7314, "Acc.car": 0.9384, "Acc.water": 0.8711, "Acc.painting": 0.8903, "Acc.sofa": 0.8759, "Acc.shelf": 0.7416, "Acc.house": 0.778, "Acc.sea": 0.643, "Acc.mirror": 0.8741, "Acc.rug": 0.8239, "Acc.field": 0.5308, "Acc.armchair": 0.793, "Acc.seat": 0.8708, "Acc.fence": 0.5698, "Acc.desk": 0.7717, "Acc.rock": 0.6936, "Acc.wardrobe": 0.7401, "Acc.lamp": 0.8427, "Acc.bathtub": 0.8664, "Acc.railing": 0.586, "Acc.cushion": 0.7614, "Acc.base": 0.6828, "Acc.box": 0.4359, "Acc.column": 0.7515, "Acc.signboard": 0.5102, "Acc.chest of drawers": 0.6265, "Acc.counter": 0.4721, "Acc.sand": 0.79, "Acc.sink": 0.8785, "Acc.skyscraper": 0.6327, "Acc.fireplace": 0.9612, "Acc.refrigerator": 0.9266, "Acc.grandstand": 0.7712, "Acc.path": 0.4184, "Acc.stairs": 0.3636, "Acc.runway": 0.8898, "Acc.case": 0.8933, "Acc.pool table": 0.9778, "Acc.pillow": 0.7957, "Acc.screen door": 0.9214, "Acc.stairway": 0.6231, "Acc.river": 0.2492, "Acc.bridge": 0.8209, "Acc.bookcase": 0.5731, "Acc.blind": 0.4203, "Acc.coffee table": 0.901, "Acc.toilet": 0.9101, "Acc.flower": 0.4869, "Acc.book": 0.7584, "Acc.hill": 0.0836, "Acc.bench": 0.768, "Acc.countertop": 0.7792, "Acc.stove": 0.9172, "Acc.palm": 0.8651, "Acc.kitchen island": 0.7673, "Acc.computer": 0.925, "Acc.swivel chair": 0.7519, "Acc.boat": 0.8922, "Acc.bar": 0.8291, "Acc.arcade machine": 0.8402, "Acc.hovel": 0.0373, "Acc.bus": 0.9691, "Acc.towel": 0.8591, "Acc.light": 0.7189, "Acc.truck": 0.6156, "Acc.tower": 0.6103, "Acc.chandelier": 0.8628, "Acc.awning": 0.5034, "Acc.streetlight": 0.5034, "Acc.booth": 0.7012, "Acc.television receiver": 0.8771, "Acc.airplane": 0.9393, "Acc.dirt track": 0.3209, "Acc.apparel": 0.8161, "Acc.pole": 0.3587, "Acc.land": 0.0276, "Acc.bannister": 0.255, "Acc.escalator": 0.8712, "Acc.ottoman": 0.7066, "Acc.bottle": 0.4688, "Acc.buffet": 0.8737, "Acc.poster": 0.4542, "Acc.stage": 0.3761, "Acc.van": 0.6681, "Acc.ship": 0.3518, "Acc.fountain": 0.4057, "Acc.conveyer belt": 0.9341, "Acc.canopy": 0.8228, "Acc.washer": 0.8867, "Acc.plaything": 0.4787, "Acc.swimming pool": 0.7905, "Acc.stool": 0.6915, "Acc.barrel": 0.6446, "Acc.basket": 0.6664, "Acc.waterfall": 0.6324, "Acc.tent": 0.9778, "Acc.bag": 0.3118, "Acc.minibike": 0.8614, "Acc.cradle": 0.9791, "Acc.oven": 0.6904, "Acc.ball": 0.5513, "Acc.food": 0.7024, "Acc.step": 0.2719, "Acc.tank": 0.7052, "Acc.trade name": 0.0964, "Acc.microwave": 0.9642, "Acc.pot": 0.728, "Acc.animal": 0.6469, "Acc.bicycle": 0.763, "Acc.lake": 0.6361, "Acc.dishwasher": 0.8263, "Acc.screen": 0.9785, "Acc.blanket": 0.2682, "Acc.sculpture": 0.8452, "Acc.hood": 0.7897, "Acc.sconce": 0.7402, "Acc.vase": 0.6083, "Acc.traffic light": 0.6473, "Acc.tray": 0.2203, "Acc.ashcan": 0.619, "Acc.fan": 0.8221, "Acc.pier": 0.5975, "Acc.crt screen": 0.0709, "Acc.plate": 0.8172, "Acc.monitor": 0.7318, "Acc.bulletin board": 0.7776, "Acc.shower": 0.0, "Acc.radiator": 0.7737, "Acc.glass": 0.1756, "Acc.clock": 0.5949, "Acc.flag": 0.7952} {"mode": "train", "epoch": 20, "iter": 25050, "lr": 3e-05, "memory": 71384, "data_time": 1.98068, "decode.loss_ce": 0.25671, "decode.acc_seg": 89.26018, "aux.loss_ce": 0.10502, "aux.acc_seg": 89.06878, "loss": 0.36173, "time": 3.59577} {"mode": "train", "epoch": 20, "iter": 25100, "lr": 3e-05, "memory": 71384, "data_time": 0.00986, "decode.loss_ce": 0.25844, "decode.acc_seg": 89.89031, "aux.loss_ce": 0.10543, "aux.acc_seg": 89.63144, "loss": 0.36388, "time": 1.63666} {"mode": "train", "epoch": 20, "iter": 25150, "lr": 3e-05, "memory": 71384, "data_time": 0.00977, "decode.loss_ce": 0.26684, "decode.acc_seg": 89.4299, "aux.loss_ce": 0.10894, "aux.acc_seg": 89.17608, "loss": 0.37578, "time": 1.62267} {"mode": "train", "epoch": 20, "iter": 25200, "lr": 3e-05, "memory": 71384, "data_time": 0.00967, "decode.loss_ce": 0.26082, "decode.acc_seg": 89.34709, "aux.loss_ce": 0.10666, "aux.acc_seg": 89.04622, "loss": 0.36749, "time": 1.62124} {"mode": "train", "epoch": 20, "iter": 25250, "lr": 3e-05, "memory": 71384, "data_time": 0.00967, "decode.loss_ce": 0.23797, "decode.acc_seg": 90.24325, "aux.loss_ce": 0.09748, "aux.acc_seg": 89.85608, "loss": 0.33546, "time": 1.6234} {"mode": "train", "epoch": 21, "iter": 25300, "lr": 3e-05, "memory": 71384, "data_time": 0.05188, "decode.loss_ce": 0.24077, "decode.acc_seg": 90.05485, "aux.loss_ce": 0.09994, "aux.acc_seg": 89.69012, "loss": 0.34071, "time": 1.66604} {"mode": "train", "epoch": 21, "iter": 25350, "lr": 3e-05, "memory": 71384, "data_time": 0.00998, "decode.loss_ce": 0.26904, "decode.acc_seg": 88.97616, "aux.loss_ce": 0.11025, "aux.acc_seg": 88.75822, "loss": 0.37929, "time": 1.62491} {"mode": "train", "epoch": 21, "iter": 25400, "lr": 3e-05, "memory": 71384, "data_time": 0.00953, "decode.loss_ce": 0.26912, "decode.acc_seg": 88.73949, "aux.loss_ce": 0.11063, "aux.acc_seg": 88.40741, "loss": 0.37975, "time": 1.6212} {"mode": "train", "epoch": 21, "iter": 25450, "lr": 3e-05, "memory": 71384, "data_time": 0.00959, "decode.loss_ce": 0.24369, "decode.acc_seg": 89.924, "aux.loss_ce": 0.10094, "aux.acc_seg": 89.61709, "loss": 0.34463, "time": 1.62424} {"mode": "train", "epoch": 21, "iter": 25500, "lr": 3e-05, "memory": 71384, "data_time": 0.00945, "decode.loss_ce": 0.25155, "decode.acc_seg": 89.9568, "aux.loss_ce": 0.10197, "aux.acc_seg": 89.74039, "loss": 0.35351, "time": 1.62241} {"mode": "train", "epoch": 21, "iter": 25550, "lr": 3e-05, "memory": 71384, "data_time": 0.00977, "decode.loss_ce": 0.28108, "decode.acc_seg": 89.11305, "aux.loss_ce": 0.11462, "aux.acc_seg": 88.88399, "loss": 0.3957, "time": 1.62223} {"mode": "train", "epoch": 21, "iter": 25600, "lr": 3e-05, "memory": 71384, "data_time": 0.00969, "decode.loss_ce": 0.26826, "decode.acc_seg": 88.93733, "aux.loss_ce": 0.10933, "aux.acc_seg": 88.78265, "loss": 0.37759, "time": 1.62362} {"mode": "train", "epoch": 21, "iter": 25650, "lr": 3e-05, "memory": 71384, "data_time": 0.00975, "decode.loss_ce": 0.25791, "decode.acc_seg": 89.74598, "aux.loss_ce": 0.10475, "aux.acc_seg": 89.53204, "loss": 0.36267, "time": 1.62318} {"mode": "train", "epoch": 21, "iter": 25700, "lr": 3e-05, "memory": 71384, "data_time": 0.00998, "decode.loss_ce": 0.24855, "decode.acc_seg": 89.64925, "aux.loss_ce": 0.10163, "aux.acc_seg": 89.50277, "loss": 0.35018, "time": 1.6245} {"mode": "train", "epoch": 21, "iter": 25750, "lr": 3e-05, "memory": 71384, "data_time": 0.00969, "decode.loss_ce": 0.24672, "decode.acc_seg": 89.99908, "aux.loss_ce": 0.1013, "aux.acc_seg": 89.75935, "loss": 0.34802, "time": 1.62203} {"mode": "train", "epoch": 21, "iter": 25800, "lr": 3e-05, "memory": 71384, "data_time": 0.0096, "decode.loss_ce": 0.2495, "decode.acc_seg": 89.53829, "aux.loss_ce": 0.10211, "aux.acc_seg": 89.34709, "loss": 0.35161, "time": 1.62476} {"mode": "train", "epoch": 21, "iter": 25850, "lr": 3e-05, "memory": 71384, "data_time": 0.00963, "decode.loss_ce": 0.24576, "decode.acc_seg": 89.90941, "aux.loss_ce": 0.10042, "aux.acc_seg": 89.6857, "loss": 0.34618, "time": 1.6235} {"mode": "train", "epoch": 21, "iter": 25900, "lr": 3e-05, "memory": 71384, "data_time": 0.00963, "decode.loss_ce": 0.2536, "decode.acc_seg": 89.66838, "aux.loss_ce": 0.10411, "aux.acc_seg": 89.3956, "loss": 0.35771, "time": 1.62357} {"mode": "train", "epoch": 21, "iter": 25950, "lr": 3e-05, "memory": 71384, "data_time": 0.00984, "decode.loss_ce": 0.24767, "decode.acc_seg": 89.55632, "aux.loss_ce": 0.10222, "aux.acc_seg": 89.27609, "loss": 0.34989, "time": 1.6221} {"mode": "train", "epoch": 21, "iter": 26000, "lr": 3e-05, "memory": 71384, "data_time": 0.00985, "decode.loss_ce": 0.2511, "decode.acc_seg": 89.66764, "aux.loss_ce": 0.10234, "aux.acc_seg": 89.4313, "loss": 0.35345, "time": 3.28006} {"mode": "val", "epoch": 21, "iter": 250, "lr": 3e-05, "aAcc": 0.8594, "mIoU": 0.5654, "mAcc": 0.6962, "IoU.wall": 0.8158, "IoU.building": 0.8537, "IoU.sky": 0.9495, "IoU.floor": 0.8552, "IoU.tree": 0.7781, "IoU.ceiling": 0.8727, "IoU.road": 0.8531, "IoU.bed ": 0.9175, "IoU.windowpane": 0.661, "IoU.grass": 0.7088, "IoU.cabinet": 0.6578, "IoU.sidewalk": 0.692, "IoU.person": 0.8546, "IoU.earth": 0.4009, "IoU.door": 0.5985, "IoU.table": 0.6866, "IoU.mountain": 0.6049, "IoU.plant": 0.5738, "IoU.curtain": 0.7902, "IoU.chair": 0.677, "IoU.car": 0.8753, "IoU.water": 0.5952, "IoU.painting": 0.7804, "IoU.sofa": 0.8064, "IoU.shelf": 0.4805, "IoU.house": 0.5811, "IoU.sea": 0.6106, "IoU.mirror": 0.7772, "IoU.rug": 0.7186, "IoU.field": 0.3427, "IoU.armchair": 0.5744, "IoU.seat": 0.7259, "IoU.fence": 0.4576, "IoU.desk": 0.5866, "IoU.rock": 0.549, "IoU.wardrobe": 0.5642, "IoU.lamp": 0.7373, "IoU.bathtub": 0.894, "IoU.railing": 0.4298, "IoU.cushion": 0.6863, "IoU.base": 0.3679, "IoU.box": 0.3245, "IoU.column": 0.5114, "IoU.signboard": 0.4325, "IoU.chest of drawers": 0.4878, "IoU.counter": 0.39, "IoU.sand": 0.5654, "IoU.sink": 0.7971, "IoU.skyscraper": 0.4633, "IoU.fireplace": 0.715, "IoU.refrigerator": 0.8547, "IoU.grandstand": 0.5004, "IoU.path": 0.2934, "IoU.stairs": 0.271, "IoU.runway": 0.7274, "IoU.case": 0.6371, "IoU.pool table": 0.9437, "IoU.pillow": 0.6353, "IoU.screen door": 0.4603, "IoU.stairway": 0.4296, "IoU.river": 0.1619, "IoU.bridge": 0.7092, "IoU.bookcase": 0.3779, "IoU.blind": 0.5016, "IoU.coffee table": 0.6643, "IoU.toilet": 0.8933, "IoU.flower": 0.4355, "IoU.book": 0.4973, "IoU.hill": 0.0784, "IoU.bench": 0.5764, "IoU.countertop": 0.664, "IoU.stove": 0.7831, "IoU.palm": 0.5763, "IoU.kitchen island": 0.5111, "IoU.computer": 0.7831, "IoU.swivel chair": 0.5365, "IoU.boat": 0.6789, "IoU.bar": 0.6597, "IoU.arcade machine": 0.7521, "IoU.hovel": 0.1974, "IoU.bus": 0.9211, "IoU.towel": 0.749, "IoU.light": 0.5738, "IoU.truck": 0.4263, "IoU.tower": 0.1423, "IoU.chandelier": 0.7219, "IoU.awning": 0.4032, "IoU.streetlight": 0.3579, "IoU.booth": 0.4331, "IoU.television receiver": 0.7257, "IoU.airplane": 0.8709, "IoU.dirt track": 0.1049, "IoU.apparel": 0.4736, "IoU.pole": 0.1837, "IoU.land": 0.0095, "IoU.bannister": 0.181, "IoU.escalator": 0.6327, "IoU.ottoman": 0.4708, "IoU.bottle": 0.2469, "IoU.buffet": 0.5828, "IoU.poster": 0.3415, "IoU.stage": 0.1773, "IoU.van": 0.4469, "IoU.ship": 0.8243, "IoU.fountain": 0.3519, "IoU.conveyer belt": 0.7394, "IoU.canopy": 0.51, "IoU.washer": 0.8069, "IoU.plaything": 0.2991, "IoU.swimming pool": 0.5373, "IoU.stool": 0.5442, "IoU.barrel": 0.5333, "IoU.basket": 0.4251, "IoU.waterfall": 0.6745, "IoU.tent": 0.9259, "IoU.bag": 0.2418, "IoU.minibike": 0.7463, "IoU.cradle": 0.8892, "IoU.oven": 0.5135, "IoU.ball": 0.2442, "IoU.food": 0.6486, "IoU.step": 0.1939, "IoU.tank": 0.6322, "IoU.trade name": 0.3399, "IoU.microwave": 0.9008, "IoU.pot": 0.6004, "IoU.animal": 0.6276, "IoU.bicycle": 0.5952, "IoU.lake": 0.5779, "IoU.dishwasher": 0.7205, "IoU.screen": 0.6408, "IoU.blanket": 0.3002, "IoU.sculpture": 0.7417, "IoU.hood": 0.6344, "IoU.sconce": 0.6046, "IoU.vase": 0.4777, "IoU.traffic light": 0.3763, "IoU.tray": 0.1491, "IoU.ashcan": 0.4774, "IoU.fan": 0.6836, "IoU.pier": 0.6903, "IoU.crt screen": 0.0466, "IoU.plate": 0.5964, "IoU.monitor": 0.6123, "IoU.bulletin board": 0.4665, "IoU.shower": 0.0072, "IoU.radiator": 0.6386, "IoU.glass": 0.1988, "IoU.clock": 0.5152, "IoU.flag": 0.7171, "Acc.wall": 0.8928, "Acc.building": 0.9293, "Acc.sky": 0.9754, "Acc.floor": 0.9118, "Acc.tree": 0.908, "Acc.ceiling": 0.9407, "Acc.road": 0.9059, "Acc.bed ": 0.9777, "Acc.windowpane": 0.7921, "Acc.grass": 0.8556, "Acc.cabinet": 0.7649, "Acc.sidewalk": 0.8557, "Acc.person": 0.9351, "Acc.earth": 0.5453, "Acc.door": 0.757, "Acc.table": 0.823, "Acc.mountain": 0.7126, "Acc.plant": 0.7199, "Acc.curtain": 0.9049, "Acc.chair": 0.7706, "Acc.car": 0.926, "Acc.water": 0.7617, "Acc.painting": 0.9013, "Acc.sofa": 0.9009, "Acc.shelf": 0.711, "Acc.house": 0.732, "Acc.sea": 0.6956, "Acc.mirror": 0.9035, "Acc.rug": 0.8085, "Acc.field": 0.4811, "Acc.armchair": 0.7863, "Acc.seat": 0.8831, "Acc.fence": 0.5338, "Acc.desk": 0.796, "Acc.rock": 0.6953, "Acc.wardrobe": 0.7521, "Acc.lamp": 0.8624, "Acc.bathtub": 0.9163, "Acc.railing": 0.5664, "Acc.cushion": 0.8068, "Acc.base": 0.6471, "Acc.box": 0.4381, "Acc.column": 0.5768, "Acc.signboard": 0.5769, "Acc.chest of drawers": 0.693, "Acc.counter": 0.4332, "Acc.sand": 0.8879, "Acc.sink": 0.8542, "Acc.skyscraper": 0.5788, "Acc.fireplace": 0.9444, "Acc.refrigerator": 0.9138, "Acc.grandstand": 0.8294, "Acc.path": 0.3896, "Acc.stairs": 0.3206, "Acc.runway": 0.9855, "Acc.case": 0.7933, "Acc.pool table": 0.9783, "Acc.pillow": 0.6961, "Acc.screen door": 0.4745, "Acc.stairway": 0.6695, "Acc.river": 0.3936, "Acc.bridge": 0.8014, "Acc.bookcase": 0.4951, "Acc.blind": 0.6299, "Acc.coffee table": 0.8426, "Acc.toilet": 0.9439, "Acc.flower": 0.5459, "Acc.book": 0.8365, "Acc.hill": 0.2305, "Acc.bench": 0.7476, "Acc.countertop": 0.8275, "Acc.stove": 0.8114, "Acc.palm": 0.7849, "Acc.kitchen island": 0.833, "Acc.computer": 0.9158, "Acc.swivel chair": 0.7761, "Acc.boat": 0.9138, "Acc.bar": 0.8216, "Acc.arcade machine": 0.8157, "Acc.hovel": 0.2119, "Acc.bus": 0.9664, "Acc.towel": 0.8875, "Acc.light": 0.6204, "Acc.truck": 0.4823, "Acc.tower": 0.2014, "Acc.chandelier": 0.8599, "Acc.awning": 0.5534, "Acc.streetlight": 0.5329, "Acc.booth": 0.5851, "Acc.television receiver": 0.8963, "Acc.airplane": 0.9594, "Acc.dirt track": 0.5634, "Acc.apparel": 0.6646, "Acc.pole": 0.2196, "Acc.land": 0.0152, "Acc.bannister": 0.2322, "Acc.escalator": 0.8173, "Acc.ottoman": 0.7522, "Acc.bottle": 0.2794, "Acc.buffet": 0.8959, "Acc.poster": 0.4569, "Acc.stage": 0.5063, "Acc.van": 0.7612, "Acc.ship": 0.8997, "Acc.fountain": 0.3743, "Acc.conveyer belt": 0.9428, "Acc.canopy": 0.7353, "Acc.washer": 0.8644, "Acc.plaything": 0.4002, "Acc.swimming pool": 0.776, "Acc.stool": 0.6292, "Acc.barrel": 0.6492, "Acc.basket": 0.5976, "Acc.waterfall": 0.8003, "Acc.tent": 0.976, "Acc.bag": 0.258, "Acc.minibike": 0.9081, "Acc.cradle": 0.977, "Acc.oven": 0.8134, "Acc.ball": 0.2537, "Acc.food": 0.7459, "Acc.step": 0.2137, "Acc.tank": 0.6677, "Acc.trade name": 0.4386, "Acc.microwave": 0.9536, "Acc.pot": 0.7173, "Acc.animal": 0.6526, "Acc.bicycle": 0.7872, "Acc.lake": 0.6366, "Acc.dishwasher": 0.8151, "Acc.screen": 0.9404, "Acc.blanket": 0.3743, "Acc.sculpture": 0.8718, "Acc.hood": 0.7546, "Acc.sconce": 0.7304, "Acc.vase": 0.6156, "Acc.traffic light": 0.6274, "Acc.tray": 0.1681, "Acc.ashcan": 0.6362, "Acc.fan": 0.7991, "Acc.pier": 0.8698, "Acc.crt screen": 0.0534, "Acc.plate": 0.824, "Acc.monitor": 0.7237, "Acc.bulletin board": 0.5433, "Acc.shower": 0.0965, "Acc.radiator": 0.8143, "Acc.glass": 0.2123, "Acc.clock": 0.6189, "Acc.flag": 0.8048} {"mode": "train", "epoch": 21, "iter": 26050, "lr": 3e-05, "memory": 71384, "data_time": 1.97147, "decode.loss_ce": 0.23993, "decode.acc_seg": 90.04698, "aux.loss_ce": 0.09887, "aux.acc_seg": 89.7069, "loss": 0.3388, "time": 3.586} {"mode": "train", "epoch": 21, "iter": 26100, "lr": 3e-05, "memory": 71384, "data_time": 0.00987, "decode.loss_ce": 0.25962, "decode.acc_seg": 89.35196, "aux.loss_ce": 0.10524, "aux.acc_seg": 89.20844, "loss": 0.36485, "time": 1.62323} {"mode": "train", "epoch": 21, "iter": 26150, "lr": 3e-05, "memory": 71384, "data_time": 0.00966, "decode.loss_ce": 0.25114, "decode.acc_seg": 89.65835, "aux.loss_ce": 0.10267, "aux.acc_seg": 89.3648, "loss": 0.35382, "time": 1.62464} {"mode": "train", "epoch": 21, "iter": 26200, "lr": 3e-05, "memory": 71384, "data_time": 0.00962, "decode.loss_ce": 0.25979, "decode.acc_seg": 89.10236, "aux.loss_ce": 0.10664, "aux.acc_seg": 88.79926, "loss": 0.36644, "time": 1.62333} {"mode": "train", "epoch": 21, "iter": 26250, "lr": 3e-05, "memory": 71384, "data_time": 0.00955, "decode.loss_ce": 0.24048, "decode.acc_seg": 90.29866, "aux.loss_ce": 0.09896, "aux.acc_seg": 90.01452, "loss": 0.33944, "time": 1.62198} {"mode": "train", "epoch": 21, "iter": 26300, "lr": 3e-05, "memory": 71384, "data_time": 0.00966, "decode.loss_ce": 0.25066, "decode.acc_seg": 89.37658, "aux.loss_ce": 0.10171, "aux.acc_seg": 89.16816, "loss": 0.35236, "time": 1.62114} {"mode": "train", "epoch": 21, "iter": 26350, "lr": 3e-05, "memory": 71384, "data_time": 0.00981, "decode.loss_ce": 0.25445, "decode.acc_seg": 89.59499, "aux.loss_ce": 0.10229, "aux.acc_seg": 89.36409, "loss": 0.35674, "time": 1.62302} {"mode": "train", "epoch": 21, "iter": 26400, "lr": 3e-05, "memory": 71384, "data_time": 0.00963, "decode.loss_ce": 0.23505, "decode.acc_seg": 90.6019, "aux.loss_ce": 0.09678, "aux.acc_seg": 90.22039, "loss": 0.33183, "time": 1.62173} {"mode": "train", "epoch": 21, "iter": 26450, "lr": 3e-05, "memory": 71384, "data_time": 0.00953, "decode.loss_ce": 0.24823, "decode.acc_seg": 89.79051, "aux.loss_ce": 0.10107, "aux.acc_seg": 89.63583, "loss": 0.34929, "time": 1.62246} {"mode": "train", "epoch": 21, "iter": 26500, "lr": 3e-05, "memory": 71384, "data_time": 0.00962, "decode.loss_ce": 0.24172, "decode.acc_seg": 90.19878, "aux.loss_ce": 0.09892, "aux.acc_seg": 89.89754, "loss": 0.34064, "time": 1.62207} {"mode": "train", "epoch": 22, "iter": 26550, "lr": 3e-05, "memory": 71384, "data_time": 0.07199, "decode.loss_ce": 0.24598, "decode.acc_seg": 89.92882, "aux.loss_ce": 0.10065, "aux.acc_seg": 89.59158, "loss": 0.34663, "time": 1.68413} {"mode": "train", "epoch": 22, "iter": 26600, "lr": 3e-05, "memory": 71384, "data_time": 0.00961, "decode.loss_ce": 0.2366, "decode.acc_seg": 90.4276, "aux.loss_ce": 0.0971, "aux.acc_seg": 90.24132, "loss": 0.3337, "time": 1.62188} {"mode": "train", "epoch": 22, "iter": 26650, "lr": 3e-05, "memory": 71384, "data_time": 0.00976, "decode.loss_ce": 0.23018, "decode.acc_seg": 90.57771, "aux.loss_ce": 0.09426, "aux.acc_seg": 90.29031, "loss": 0.32444, "time": 1.62141} {"mode": "train", "epoch": 22, "iter": 26700, "lr": 3e-05, "memory": 71384, "data_time": 0.00984, "decode.loss_ce": 0.24061, "decode.acc_seg": 90.10847, "aux.loss_ce": 0.09894, "aux.acc_seg": 89.84095, "loss": 0.33955, "time": 1.62255} {"mode": "train", "epoch": 22, "iter": 26750, "lr": 3e-05, "memory": 71384, "data_time": 0.00973, "decode.loss_ce": 0.25905, "decode.acc_seg": 89.6447, "aux.loss_ce": 0.10575, "aux.acc_seg": 89.34401, "loss": 0.3648, "time": 1.62194} {"mode": "train", "epoch": 22, "iter": 26800, "lr": 3e-05, "memory": 71384, "data_time": 0.00988, "decode.loss_ce": 0.24191, "decode.acc_seg": 90.16505, "aux.loss_ce": 0.09947, "aux.acc_seg": 89.86958, "loss": 0.34138, "time": 1.62101} {"mode": "train", "epoch": 22, "iter": 26850, "lr": 3e-05, "memory": 71384, "data_time": 0.00984, "decode.loss_ce": 0.23736, "decode.acc_seg": 90.19039, "aux.loss_ce": 0.09771, "aux.acc_seg": 89.86675, "loss": 0.33507, "time": 1.62374} {"mode": "train", "epoch": 22, "iter": 26900, "lr": 3e-05, "memory": 71384, "data_time": 0.00978, "decode.loss_ce": 0.24124, "decode.acc_seg": 90.00992, "aux.loss_ce": 0.09801, "aux.acc_seg": 89.76147, "loss": 0.33925, "time": 1.61869} {"mode": "train", "epoch": 22, "iter": 26950, "lr": 3e-05, "memory": 71384, "data_time": 0.00959, "decode.loss_ce": 0.24304, "decode.acc_seg": 89.98791, "aux.loss_ce": 0.099, "aux.acc_seg": 89.76874, "loss": 0.34204, "time": 1.62162} {"mode": "train", "epoch": 22, "iter": 27000, "lr": 3e-05, "memory": 71384, "data_time": 0.00961, "decode.loss_ce": 0.23824, "decode.acc_seg": 89.76407, "aux.loss_ce": 0.09804, "aux.acc_seg": 89.56831, "loss": 0.33628, "time": 1.62027} {"mode": "val", "epoch": 22, "iter": 250, "lr": 3e-05, "aAcc": 0.856, "mIoU": 0.5665, "mAcc": 0.6969, "IoU.wall": 0.815, "IoU.building": 0.8432, "IoU.sky": 0.9503, "IoU.floor": 0.8527, "IoU.tree": 0.7744, "IoU.ceiling": 0.8629, "IoU.road": 0.862, "IoU.bed ": 0.9199, "IoU.windowpane": 0.6659, "IoU.grass": 0.6645, "IoU.cabinet": 0.6514, "IoU.sidewalk": 0.6966, "IoU.person": 0.8519, "IoU.earth": 0.3728, "IoU.door": 0.5733, "IoU.table": 0.6839, "IoU.mountain": 0.602, "IoU.plant": 0.5747, "IoU.curtain": 0.81, "IoU.chair": 0.6615, "IoU.car": 0.8638, "IoU.water": 0.5082, "IoU.painting": 0.7437, "IoU.sofa": 0.7814, "IoU.shelf": 0.4747, "IoU.house": 0.4318, "IoU.sea": 0.6227, "IoU.mirror": 0.729, "IoU.rug": 0.7313, "IoU.field": 0.3298, "IoU.armchair": 0.5703, "IoU.seat": 0.6759, "IoU.fence": 0.4749, "IoU.desk": 0.5685, "IoU.rock": 0.4656, "IoU.wardrobe": 0.5118, "IoU.lamp": 0.7423, "IoU.bathtub": 0.8745, "IoU.railing": 0.4493, "IoU.cushion": 0.7206, "IoU.base": 0.422, "IoU.box": 0.3555, "IoU.column": 0.5771, "IoU.signboard": 0.4126, "IoU.chest of drawers": 0.4537, "IoU.counter": 0.4971, "IoU.sand": 0.5706, "IoU.sink": 0.7763, "IoU.skyscraper": 0.4788, "IoU.fireplace": 0.7383, "IoU.refrigerator": 0.8527, "IoU.grandstand": 0.5051, "IoU.path": 0.308, "IoU.stairs": 0.3097, "IoU.runway": 0.7282, "IoU.case": 0.6225, "IoU.pool table": 0.9414, "IoU.pillow": 0.7094, "IoU.screen door": 0.6594, "IoU.stairway": 0.3461, "IoU.river": 0.1435, "IoU.bridge": 0.6607, "IoU.bookcase": 0.3937, "IoU.blind": 0.4808, "IoU.coffee table": 0.6271, "IoU.toilet": 0.9056, "IoU.flower": 0.3996, "IoU.book": 0.5351, "IoU.hill": 0.0471, "IoU.bench": 0.5346, "IoU.countertop": 0.6459, "IoU.stove": 0.8443, "IoU.palm": 0.5706, "IoU.kitchen island": 0.4629, "IoU.computer": 0.7833, "IoU.swivel chair": 0.4859, "IoU.boat": 0.7238, "IoU.bar": 0.6496, "IoU.arcade machine": 0.7906, "IoU.hovel": 0.194, "IoU.bus": 0.9149, "IoU.towel": 0.7421, "IoU.light": 0.5974, "IoU.truck": 0.465, "IoU.tower": 0.2979, "IoU.chandelier": 0.7119, "IoU.awning": 0.4122, "IoU.streetlight": 0.3559, "IoU.booth": 0.4441, "IoU.television receiver": 0.7854, "IoU.airplane": 0.8894, "IoU.dirt track": 0.0766, "IoU.apparel": 0.5294, "IoU.pole": 0.2443, "IoU.land": 0.0319, "IoU.bannister": 0.1646, "IoU.escalator": 0.6325, "IoU.ottoman": 0.5077, "IoU.bottle": 0.4215, "IoU.buffet": 0.5594, "IoU.poster": 0.3519, "IoU.stage": 0.2096, "IoU.van": 0.4448, "IoU.ship": 0.8574, "IoU.fountain": 0.3418, "IoU.conveyer belt": 0.7165, "IoU.canopy": 0.496, "IoU.washer": 0.7759, "IoU.plaything": 0.2538, "IoU.swimming pool": 0.5935, "IoU.stool": 0.5246, "IoU.barrel": 0.5339, "IoU.basket": 0.3595, "IoU.waterfall": 0.6594, "IoU.tent": 0.9546, "IoU.bag": 0.2492, "IoU.minibike": 0.7472, "IoU.cradle": 0.8266, "IoU.oven": 0.6558, "IoU.ball": 0.2944, "IoU.food": 0.6513, "IoU.step": 0.2558, "IoU.tank": 0.6274, "IoU.trade name": 0.3167, "IoU.microwave": 0.9017, "IoU.pot": 0.5808, "IoU.animal": 0.648, "IoU.bicycle": 0.595, "IoU.lake": 0.6074, "IoU.dishwasher": 0.7442, "IoU.screen": 0.558, "IoU.blanket": 0.3021, "IoU.sculpture": 0.751, "IoU.hood": 0.6202, "IoU.sconce": 0.5981, "IoU.vase": 0.4551, "IoU.traffic light": 0.3274, "IoU.tray": 0.196, "IoU.ashcan": 0.4534, "IoU.fan": 0.7039, "IoU.pier": 0.3734, "IoU.crt screen": 0.1357, "IoU.plate": 0.5949, "IoU.monitor": 0.6485, "IoU.bulletin board": 0.6019, "IoU.shower": 0.0044, "IoU.radiator": 0.6713, "IoU.glass": 0.2008, "IoU.clock": 0.4204, "IoU.flag": 0.7046, "Acc.wall": 0.9013, "Acc.building": 0.9411, "Acc.sky": 0.973, "Acc.floor": 0.9159, "Acc.tree": 0.8858, "Acc.ceiling": 0.9145, "Acc.road": 0.9118, "Acc.bed ": 0.9691, "Acc.windowpane": 0.7924, "Acc.grass": 0.8114, "Acc.cabinet": 0.7585, "Acc.sidewalk": 0.8442, "Acc.person": 0.9375, "Acc.earth": 0.5172, "Acc.door": 0.7599, "Acc.table": 0.8107, "Acc.mountain": 0.7994, "Acc.plant": 0.6727, "Acc.curtain": 0.9076, "Acc.chair": 0.7684, "Acc.car": 0.9396, "Acc.water": 0.5877, "Acc.painting": 0.9307, "Acc.sofa": 0.8478, "Acc.shelf": 0.5769, "Acc.house": 0.4779, "Acc.sea": 0.8426, "Acc.mirror": 0.7774, "Acc.rug": 0.8136, "Acc.field": 0.5063, "Acc.armchair": 0.8241, "Acc.seat": 0.8976, "Acc.fence": 0.5874, "Acc.desk": 0.8064, "Acc.rock": 0.5242, "Acc.wardrobe": 0.653, "Acc.lamp": 0.8876, "Acc.bathtub": 0.8989, "Acc.railing": 0.616, "Acc.cushion": 0.8288, "Acc.base": 0.6021, "Acc.box": 0.48, "Acc.column": 0.7266, "Acc.signboard": 0.5495, "Acc.chest of drawers": 0.7453, "Acc.counter": 0.5795, "Acc.sand": 0.8642, "Acc.sink": 0.836, "Acc.skyscraper": 0.6046, "Acc.fireplace": 0.9609, "Acc.refrigerator": 0.9402, "Acc.grandstand": 0.8149, "Acc.path": 0.476, "Acc.stairs": 0.4149, "Acc.runway": 0.9481, "Acc.case": 0.7779, "Acc.pool table": 0.9824, "Acc.pillow": 0.8117, "Acc.screen door": 0.688, "Acc.stairway": 0.4476, "Acc.river": 0.4654, "Acc.bridge": 0.7526, "Acc.bookcase": 0.6105, "Acc.blind": 0.6208, "Acc.coffee table": 0.8327, "Acc.toilet": 0.9423, "Acc.flower": 0.5252, "Acc.book": 0.7667, "Acc.hill": 0.0939, "Acc.bench": 0.6435, "Acc.countertop": 0.8394, "Acc.stove": 0.9248, "Acc.palm": 0.7645, "Acc.kitchen island": 0.87, "Acc.computer": 0.9132, "Acc.swivel chair": 0.814, "Acc.boat": 0.8931, "Acc.bar": 0.8966, "Acc.arcade machine": 0.8457, "Acc.hovel": 0.2094, "Acc.bus": 0.9707, "Acc.towel": 0.8933, "Acc.light": 0.807, "Acc.truck": 0.6453, "Acc.tower": 0.5416, "Acc.chandelier": 0.8418, "Acc.awning": 0.5227, "Acc.streetlight": 0.476, "Acc.booth": 0.5743, "Acc.television receiver": 0.8735, "Acc.airplane": 0.9606, "Acc.dirt track": 0.2297, "Acc.apparel": 0.7687, "Acc.pole": 0.3132, "Acc.land": 0.0641, "Acc.bannister": 0.2197, "Acc.escalator": 0.8046, "Acc.ottoman": 0.6584, "Acc.bottle": 0.5955, "Acc.buffet": 0.6492, "Acc.poster": 0.4265, "Acc.stage": 0.4737, "Acc.van": 0.6827, "Acc.ship": 0.9253, "Acc.fountain": 0.3852, "Acc.conveyer belt": 0.9735, "Acc.canopy": 0.6945, "Acc.washer": 0.8283, "Acc.plaything": 0.3037, "Acc.swimming pool": 0.7795, "Acc.stool": 0.6762, "Acc.barrel": 0.9713, "Acc.basket": 0.4369, "Acc.waterfall": 0.7243, "Acc.tent": 0.978, "Acc.bag": 0.2837, "Acc.minibike": 0.8921, "Acc.cradle": 0.9781, "Acc.oven": 0.8073, "Acc.ball": 0.3135, "Acc.food": 0.8134, "Acc.step": 0.3217, "Acc.tank": 0.6728, "Acc.trade name": 0.4337, "Acc.microwave": 0.9609, "Acc.pot": 0.7044, "Acc.animal": 0.6736, "Acc.bicycle": 0.7344, "Acc.lake": 0.6346, "Acc.dishwasher": 0.8442, "Acc.screen": 0.8019, "Acc.blanket": 0.3478, "Acc.sculpture": 0.8687, "Acc.hood": 0.7368, "Acc.sconce": 0.7005, "Acc.vase": 0.6554, "Acc.traffic light": 0.6417, "Acc.tray": 0.2398, "Acc.ashcan": 0.6238, "Acc.fan": 0.8439, "Acc.pier": 0.4742, "Acc.crt screen": 0.1708, "Acc.plate": 0.8388, "Acc.monitor": 0.8078, "Acc.bulletin board": 0.7098, "Acc.shower": 0.0045, "Acc.radiator": 0.7534, "Acc.glass": 0.2154, "Acc.clock": 0.5097, "Acc.flag": 0.7633} {"mode": "train", "epoch": 22, "iter": 27050, "lr": 3e-05, "memory": 71384, "data_time": 1.99516, "decode.loss_ce": 0.26292, "decode.acc_seg": 89.09895, "aux.loss_ce": 0.10826, "aux.acc_seg": 88.83815, "loss": 0.37119, "time": 3.61275} {"mode": "train", "epoch": 22, "iter": 27100, "lr": 3e-05, "memory": 71384, "data_time": 0.00952, "decode.loss_ce": 0.26642, "decode.acc_seg": 88.96212, "aux.loss_ce": 0.10882, "aux.acc_seg": 88.69079, "loss": 0.37524, "time": 1.62273} {"mode": "train", "epoch": 22, "iter": 27150, "lr": 3e-05, "memory": 71384, "data_time": 0.00966, "decode.loss_ce": 0.25208, "decode.acc_seg": 89.52772, "aux.loss_ce": 0.10357, "aux.acc_seg": 89.24367, "loss": 0.35564, "time": 1.62309} {"mode": "train", "epoch": 22, "iter": 27200, "lr": 3e-05, "memory": 71384, "data_time": 0.00984, "decode.loss_ce": 0.24549, "decode.acc_seg": 90.49297, "aux.loss_ce": 0.10092, "aux.acc_seg": 90.13901, "loss": 0.34641, "time": 1.62255} {"mode": "train", "epoch": 22, "iter": 27250, "lr": 3e-05, "memory": 71384, "data_time": 0.00984, "decode.loss_ce": 0.247, "decode.acc_seg": 90.00948, "aux.loss_ce": 0.10175, "aux.acc_seg": 89.73285, "loss": 0.34875, "time": 1.62279} {"mode": "train", "epoch": 22, "iter": 27300, "lr": 3e-05, "memory": 71384, "data_time": 0.00979, "decode.loss_ce": 0.23278, "decode.acc_seg": 90.15502, "aux.loss_ce": 0.09569, "aux.acc_seg": 89.83935, "loss": 0.32847, "time": 1.62082} {"mode": "train", "epoch": 22, "iter": 27350, "lr": 3e-05, "memory": 71384, "data_time": 0.00961, "decode.loss_ce": 0.25386, "decode.acc_seg": 89.46011, "aux.loss_ce": 0.10368, "aux.acc_seg": 89.29135, "loss": 0.35754, "time": 1.6243} {"mode": "train", "epoch": 22, "iter": 27400, "lr": 3e-05, "memory": 71384, "data_time": 0.00996, "decode.loss_ce": 0.25091, "decode.acc_seg": 89.66602, "aux.loss_ce": 0.10247, "aux.acc_seg": 89.47016, "loss": 0.35339, "time": 1.62796} {"mode": "train", "epoch": 22, "iter": 27450, "lr": 3e-05, "memory": 71384, "data_time": 0.00994, "decode.loss_ce": 0.24501, "decode.acc_seg": 89.90361, "aux.loss_ce": 0.09989, "aux.acc_seg": 89.72046, "loss": 0.3449, "time": 1.6216} {"mode": "train", "epoch": 22, "iter": 27500, "lr": 3e-05, "memory": 71384, "data_time": 0.00982, "decode.loss_ce": 0.24347, "decode.acc_seg": 90.10979, "aux.loss_ce": 0.10035, "aux.acc_seg": 89.83295, "loss": 0.34382, "time": 1.62314} {"mode": "train", "epoch": 22, "iter": 27550, "lr": 3e-05, "memory": 71384, "data_time": 0.00985, "decode.loss_ce": 0.24807, "decode.acc_seg": 89.66591, "aux.loss_ce": 0.10215, "aux.acc_seg": 89.43039, "loss": 0.35022, "time": 1.62285} {"mode": "train", "epoch": 22, "iter": 27600, "lr": 3e-05, "memory": 71384, "data_time": 0.00968, "decode.loss_ce": 0.24166, "decode.acc_seg": 89.89716, "aux.loss_ce": 0.09921, "aux.acc_seg": 89.64767, "loss": 0.34086, "time": 1.62122} {"mode": "train", "epoch": 22, "iter": 27650, "lr": 3e-05, "memory": 71384, "data_time": 0.00981, "decode.loss_ce": 0.26398, "decode.acc_seg": 89.25483, "aux.loss_ce": 0.10829, "aux.acc_seg": 88.91622, "loss": 0.37227, "time": 1.61963} {"mode": "train", "epoch": 22, "iter": 27700, "lr": 3e-05, "memory": 71384, "data_time": 0.00955, "decode.loss_ce": 0.23675, "decode.acc_seg": 89.95359, "aux.loss_ce": 0.09675, "aux.acc_seg": 89.74686, "loss": 0.3335, "time": 1.6238} {"mode": "train", "epoch": 22, "iter": 27750, "lr": 3e-05, "memory": 71384, "data_time": 0.00955, "decode.loss_ce": 0.24957, "decode.acc_seg": 89.78572, "aux.loss_ce": 0.10174, "aux.acc_seg": 89.63304, "loss": 0.35132, "time": 1.62204} {"mode": "train", "epoch": 23, "iter": 27800, "lr": 3e-05, "memory": 71384, "data_time": 0.05146, "decode.loss_ce": 0.236, "decode.acc_seg": 90.50648, "aux.loss_ce": 0.09706, "aux.acc_seg": 90.27069, "loss": 0.33305, "time": 1.66348} {"mode": "train", "epoch": 23, "iter": 27850, "lr": 3e-05, "memory": 71384, "data_time": 0.00975, "decode.loss_ce": 0.22935, "decode.acc_seg": 90.66515, "aux.loss_ce": 0.09397, "aux.acc_seg": 90.36683, "loss": 0.32332, "time": 1.6214} {"mode": "train", "epoch": 23, "iter": 27900, "lr": 3e-05, "memory": 71384, "data_time": 0.00977, "decode.loss_ce": 0.24553, "decode.acc_seg": 90.10683, "aux.loss_ce": 0.1007, "aux.acc_seg": 89.83534, "loss": 0.34624, "time": 1.62086} {"mode": "train", "epoch": 23, "iter": 27950, "lr": 3e-05, "memory": 71384, "data_time": 0.00974, "decode.loss_ce": 0.23978, "decode.acc_seg": 90.10561, "aux.loss_ce": 0.0985, "aux.acc_seg": 89.88376, "loss": 0.33828, "time": 1.62324} {"mode": "train", "epoch": 23, "iter": 28000, "lr": 3e-05, "memory": 71384, "data_time": 0.00966, "decode.loss_ce": 0.21889, "decode.acc_seg": 90.64686, "aux.loss_ce": 0.09032, "aux.acc_seg": 90.41462, "loss": 0.30921, "time": 3.32665} {"mode": "val", "epoch": 23, "iter": 250, "lr": 3e-05, "aAcc": 0.8581, "mIoU": 0.5714, "mAcc": 0.7049, "IoU.wall": 0.8147, "IoU.building": 0.8486, "IoU.sky": 0.9498, "IoU.floor": 0.8534, "IoU.tree": 0.7784, "IoU.ceiling": 0.8621, "IoU.road": 0.861, "IoU.bed ": 0.9233, "IoU.windowpane": 0.6752, "IoU.grass": 0.6678, "IoU.cabinet": 0.6549, "IoU.sidewalk": 0.7066, "IoU.person": 0.8538, "IoU.earth": 0.3628, "IoU.door": 0.5978, "IoU.table": 0.687, "IoU.mountain": 0.5857, "IoU.plant": 0.5683, "IoU.curtain": 0.7933, "IoU.chair": 0.6698, "IoU.car": 0.8688, "IoU.water": 0.6161, "IoU.painting": 0.7727, "IoU.sofa": 0.8099, "IoU.shelf": 0.5186, "IoU.house": 0.5569, "IoU.sea": 0.6368, "IoU.mirror": 0.7824, "IoU.rug": 0.7263, "IoU.field": 0.3331, "IoU.armchair": 0.5894, "IoU.seat": 0.637, "IoU.fence": 0.4722, "IoU.desk": 0.5812, "IoU.rock": 0.5629, "IoU.wardrobe": 0.5071, "IoU.lamp": 0.7369, "IoU.bathtub": 0.8758, "IoU.railing": 0.4316, "IoU.cushion": 0.6852, "IoU.base": 0.3858, "IoU.box": 0.3776, "IoU.column": 0.5878, "IoU.signboard": 0.4189, "IoU.chest of drawers": 0.4834, "IoU.counter": 0.4692, "IoU.sand": 0.5162, "IoU.sink": 0.7961, "IoU.skyscraper": 0.4843, "IoU.fireplace": 0.7436, "IoU.refrigerator": 0.8637, "IoU.grandstand": 0.5302, "IoU.path": 0.2941, "IoU.stairs": 0.2518, "IoU.runway": 0.696, "IoU.case": 0.6254, "IoU.pool table": 0.9425, "IoU.pillow": 0.6501, "IoU.screen door": 0.8463, "IoU.stairway": 0.3125, "IoU.river": 0.1076, "IoU.bridge": 0.7768, "IoU.bookcase": 0.43, "IoU.blind": 0.4638, "IoU.coffee table": 0.6188, "IoU.toilet": 0.8807, "IoU.flower": 0.4119, "IoU.book": 0.5342, "IoU.hill": 0.0586, "IoU.bench": 0.5473, "IoU.countertop": 0.6228, "IoU.stove": 0.8347, "IoU.palm": 0.5731, "IoU.kitchen island": 0.4995, "IoU.computer": 0.8106, "IoU.swivel chair": 0.5127, "IoU.boat": 0.6495, "IoU.bar": 0.6775, "IoU.arcade machine": 0.8607, "IoU.hovel": 0.1353, "IoU.bus": 0.933, "IoU.towel": 0.7556, "IoU.light": 0.5943, "IoU.truck": 0.4485, "IoU.tower": 0.3036, "IoU.chandelier": 0.7311, "IoU.awning": 0.4541, "IoU.streetlight": 0.3388, "IoU.booth": 0.51, "IoU.television receiver": 0.7949, "IoU.airplane": 0.8915, "IoU.dirt track": 0.07, "IoU.apparel": 0.5246, "IoU.pole": 0.2354, "IoU.land": 0.0005, "IoU.bannister": 0.1998, "IoU.escalator": 0.6425, "IoU.ottoman": 0.5061, "IoU.bottle": 0.3506, "IoU.buffet": 0.4359, "IoU.poster": 0.3757, "IoU.stage": 0.2355, "IoU.van": 0.4912, "IoU.ship": 0.7537, "IoU.fountain": 0.4077, "IoU.conveyer belt": 0.7735, "IoU.canopy": 0.5233, "IoU.washer": 0.822, "IoU.plaything": 0.4449, "IoU.swimming pool": 0.5035, "IoU.stool": 0.5308, "IoU.barrel": 0.6839, "IoU.basket": 0.3877, "IoU.waterfall": 0.7673, "IoU.tent": 0.9482, "IoU.bag": 0.298, "IoU.minibike": 0.7656, "IoU.cradle": 0.8554, "IoU.oven": 0.6892, "IoU.ball": 0.3281, "IoU.food": 0.6101, "IoU.step": 0.2602, "IoU.tank": 0.4999, "IoU.trade name": 0.2454, "IoU.microwave": 0.9045, "IoU.pot": 0.5734, "IoU.animal": 0.6348, "IoU.bicycle": 0.577, "IoU.lake": 0.4132, "IoU.dishwasher": 0.7129, "IoU.screen": 0.5172, "IoU.blanket": 0.3845, "IoU.sculpture": 0.7126, "IoU.hood": 0.6349, "IoU.sconce": 0.6198, "IoU.vase": 0.4448, "IoU.traffic light": 0.3381, "IoU.tray": 0.1573, "IoU.ashcan": 0.4841, "IoU.fan": 0.6773, "IoU.pier": 0.5416, "IoU.crt screen": 0.0906, "IoU.plate": 0.6181, "IoU.monitor": 0.4732, "IoU.bulletin board": 0.5697, "IoU.shower": 0.0092, "IoU.radiator": 0.6736, "IoU.glass": 0.2144, "IoU.clock": 0.4414, "IoU.flag": 0.6758, "Acc.wall": 0.8905, "Acc.building": 0.9203, "Acc.sky": 0.9758, "Acc.floor": 0.9071, "Acc.tree": 0.9104, "Acc.ceiling": 0.9185, "Acc.road": 0.9249, "Acc.bed ": 0.9658, "Acc.windowpane": 0.8084, "Acc.grass": 0.8006, "Acc.cabinet": 0.7694, "Acc.sidewalk": 0.8216, "Acc.person": 0.9433, "Acc.earth": 0.4692, "Acc.door": 0.7733, "Acc.table": 0.8151, "Acc.mountain": 0.725, "Acc.plant": 0.6879, "Acc.curtain": 0.8962, "Acc.chair": 0.8049, "Acc.car": 0.9372, "Acc.water": 0.7259, "Acc.painting": 0.8993, "Acc.sofa": 0.9266, "Acc.shelf": 0.7359, "Acc.house": 0.8004, "Acc.sea": 0.8237, "Acc.mirror": 0.8795, "Acc.rug": 0.8315, "Acc.field": 0.6675, "Acc.armchair": 0.6907, "Acc.seat": 0.8881, "Acc.fence": 0.6016, "Acc.desk": 0.7645, "Acc.rock": 0.8164, "Acc.wardrobe": 0.7333, "Acc.lamp": 0.8164, "Acc.bathtub": 0.9086, "Acc.railing": 0.669, "Acc.cushion": 0.8387, "Acc.base": 0.6114, "Acc.box": 0.5091, "Acc.column": 0.7449, "Acc.signboard": 0.5549, "Acc.chest of drawers": 0.8179, "Acc.counter": 0.5475, "Acc.sand": 0.7821, "Acc.sink": 0.8737, "Acc.skyscraper": 0.6734, "Acc.fireplace": 0.9382, "Acc.refrigerator": 0.9426, "Acc.grandstand": 0.8023, "Acc.path": 0.3684, "Acc.stairs": 0.3076, "Acc.runway": 0.9051, "Acc.case": 0.8042, "Acc.pool table": 0.9819, "Acc.pillow": 0.7176, "Acc.screen door": 0.8996, "Acc.stairway": 0.443, "Acc.river": 0.1958, "Acc.bridge": 0.9012, "Acc.bookcase": 0.4735, "Acc.blind": 0.555, "Acc.coffee table": 0.8875, "Acc.toilet": 0.9267, "Acc.flower": 0.5964, "Acc.book": 0.765, "Acc.hill": 0.1151, "Acc.bench": 0.656, "Acc.countertop": 0.8081, "Acc.stove": 0.9054, "Acc.palm": 0.7815, "Acc.kitchen island": 0.692, "Acc.computer": 0.8987, "Acc.swivel chair": 0.8116, "Acc.boat": 0.9081, "Acc.bar": 0.8661, "Acc.arcade machine": 0.9241, "Acc.hovel": 0.1441, "Acc.bus": 0.9636, "Acc.towel": 0.8308, "Acc.light": 0.7113, "Acc.truck": 0.6184, "Acc.tower": 0.5961, "Acc.chandelier": 0.868, "Acc.awning": 0.5869, "Acc.streetlight": 0.4571, "Acc.booth": 0.6757, "Acc.television receiver": 0.9168, "Acc.airplane": 0.9588, "Acc.dirt track": 0.3511, "Acc.apparel": 0.6816, "Acc.pole": 0.3142, "Acc.land": 0.0009, "Acc.bannister": 0.2905, "Acc.escalator": 0.8607, "Acc.ottoman": 0.7118, "Acc.bottle": 0.4342, "Acc.buffet": 0.4806, "Acc.poster": 0.4739, "Acc.stage": 0.473, "Acc.van": 0.6832, "Acc.ship": 0.7923, "Acc.fountain": 0.4162, "Acc.conveyer belt": 0.9691, "Acc.canopy": 0.7511, "Acc.washer": 0.8801, "Acc.plaything": 0.6376, "Acc.swimming pool": 0.7167, "Acc.stool": 0.6366, "Acc.barrel": 0.9339, "Acc.basket": 0.5251, "Acc.waterfall": 0.9345, "Acc.tent": 0.9821, "Acc.bag": 0.3494, "Acc.minibike": 0.8994, "Acc.cradle": 0.975, "Acc.oven": 0.8018, "Acc.ball": 0.3586, "Acc.food": 0.7418, "Acc.step": 0.3183, "Acc.tank": 0.7397, "Acc.trade name": 0.2865, "Acc.microwave": 0.9571, "Acc.pot": 0.6821, "Acc.animal": 0.6551, "Acc.bicycle": 0.7495, "Acc.lake": 0.637, "Acc.dishwasher": 0.8431, "Acc.screen": 0.7986, "Acc.blanket": 0.4667, "Acc.sculpture": 0.87, "Acc.hood": 0.7719, "Acc.sconce": 0.7513, "Acc.vase": 0.6257, "Acc.traffic light": 0.6129, "Acc.tray": 0.1717, "Acc.ashcan": 0.6393, "Acc.fan": 0.8485, "Acc.pier": 0.6154, "Acc.crt screen": 0.1644, "Acc.plate": 0.8038, "Acc.monitor": 0.6375, "Acc.bulletin board": 0.763, "Acc.shower": 0.0097, "Acc.radiator": 0.7712, "Acc.glass": 0.2352, "Acc.clock": 0.5688, "Acc.flag": 0.7826} {"mode": "train", "epoch": 23, "iter": 28050, "lr": 3e-05, "memory": 71384, "data_time": 1.95472, "decode.loss_ce": 0.24156, "decode.acc_seg": 90.26364, "aux.loss_ce": 0.10028, "aux.acc_seg": 89.84463, "loss": 0.34183, "time": 3.57012} {"mode": "train", "epoch": 23, "iter": 28100, "lr": 3e-05, "memory": 71384, "data_time": 0.00978, "decode.loss_ce": 0.2615, "decode.acc_seg": 89.73183, "aux.loss_ce": 0.10666, "aux.acc_seg": 89.47225, "loss": 0.36816, "time": 1.62002} {"mode": "train", "epoch": 23, "iter": 28150, "lr": 3e-05, "memory": 71384, "data_time": 0.00987, "decode.loss_ce": 0.25157, "decode.acc_seg": 89.79664, "aux.loss_ce": 0.10225, "aux.acc_seg": 89.62953, "loss": 0.35382, "time": 1.62193} {"mode": "train", "epoch": 23, "iter": 28200, "lr": 3e-05, "memory": 71384, "data_time": 0.00984, "decode.loss_ce": 0.24044, "decode.acc_seg": 90.2362, "aux.loss_ce": 0.09785, "aux.acc_seg": 89.95759, "loss": 0.33829, "time": 1.62367} {"mode": "train", "epoch": 23, "iter": 28250, "lr": 3e-05, "memory": 71384, "data_time": 0.00977, "decode.loss_ce": 0.24477, "decode.acc_seg": 89.83211, "aux.loss_ce": 0.10068, "aux.acc_seg": 89.54247, "loss": 0.34545, "time": 1.62411} {"mode": "train", "epoch": 23, "iter": 28300, "lr": 3e-05, "memory": 71384, "data_time": 0.00981, "decode.loss_ce": 0.22647, "decode.acc_seg": 90.45178, "aux.loss_ce": 0.09349, "aux.acc_seg": 90.17938, "loss": 0.31995, "time": 1.62178} {"mode": "train", "epoch": 23, "iter": 28350, "lr": 3e-05, "memory": 71384, "data_time": 0.00975, "decode.loss_ce": 0.2347, "decode.acc_seg": 90.30704, "aux.loss_ce": 0.09608, "aux.acc_seg": 90.03868, "loss": 0.33078, "time": 1.62502} {"mode": "train", "epoch": 23, "iter": 28400, "lr": 3e-05, "memory": 71384, "data_time": 0.00979, "decode.loss_ce": 0.24121, "decode.acc_seg": 90.03764, "aux.loss_ce": 0.09853, "aux.acc_seg": 89.82879, "loss": 0.33974, "time": 1.62075} {"mode": "train", "epoch": 23, "iter": 28450, "lr": 3e-05, "memory": 71384, "data_time": 0.00975, "decode.loss_ce": 0.23064, "decode.acc_seg": 90.52811, "aux.loss_ce": 0.09499, "aux.acc_seg": 90.26507, "loss": 0.32563, "time": 1.62251} {"mode": "train", "epoch": 23, "iter": 28500, "lr": 3e-05, "memory": 71384, "data_time": 0.00969, "decode.loss_ce": 0.22486, "decode.acc_seg": 90.55973, "aux.loss_ce": 0.09343, "aux.acc_seg": 90.13092, "loss": 0.31829, "time": 1.62103} {"mode": "train", "epoch": 23, "iter": 28550, "lr": 3e-05, "memory": 71384, "data_time": 0.00981, "decode.loss_ce": 0.23847, "decode.acc_seg": 89.80932, "aux.loss_ce": 0.09796, "aux.acc_seg": 89.67208, "loss": 0.33643, "time": 1.62302} {"mode": "train", "epoch": 23, "iter": 28600, "lr": 3e-05, "memory": 71384, "data_time": 0.0099, "decode.loss_ce": 0.24342, "decode.acc_seg": 89.87983, "aux.loss_ce": 0.09977, "aux.acc_seg": 89.59913, "loss": 0.34318, "time": 1.62147} {"mode": "train", "epoch": 23, "iter": 28650, "lr": 3e-05, "memory": 71384, "data_time": 0.00962, "decode.loss_ce": 0.25234, "decode.acc_seg": 89.73155, "aux.loss_ce": 0.10286, "aux.acc_seg": 89.44375, "loss": 0.35519, "time": 1.62648} {"mode": "train", "epoch": 23, "iter": 28700, "lr": 3e-05, "memory": 71384, "data_time": 0.00996, "decode.loss_ce": 0.25423, "decode.acc_seg": 89.43799, "aux.loss_ce": 0.1042, "aux.acc_seg": 89.18448, "loss": 0.35843, "time": 1.62509} {"mode": "train", "epoch": 23, "iter": 28750, "lr": 3e-05, "memory": 71384, "data_time": 0.00965, "decode.loss_ce": 0.26202, "decode.acc_seg": 89.2244, "aux.loss_ce": 0.10847, "aux.acc_seg": 88.83919, "loss": 0.37049, "time": 1.61888} {"mode": "train", "epoch": 23, "iter": 28800, "lr": 3e-05, "memory": 71384, "data_time": 0.00978, "decode.loss_ce": 0.2319, "decode.acc_seg": 90.15533, "aux.loss_ce": 0.09581, "aux.acc_seg": 89.94439, "loss": 0.3277, "time": 1.62706} {"mode": "train", "epoch": 23, "iter": 28850, "lr": 3e-05, "memory": 71384, "data_time": 0.00971, "decode.loss_ce": 0.22588, "decode.acc_seg": 90.70862, "aux.loss_ce": 0.09204, "aux.acc_seg": 90.54057, "loss": 0.31792, "time": 1.62077} {"mode": "train", "epoch": 23, "iter": 28900, "lr": 3e-05, "memory": 71384, "data_time": 0.00964, "decode.loss_ce": 0.2321, "decode.acc_seg": 90.24175, "aux.loss_ce": 0.09462, "aux.acc_seg": 90.12507, "loss": 0.32672, "time": 1.62226} {"mode": "train", "epoch": 23, "iter": 28950, "lr": 3e-05, "memory": 71384, "data_time": 0.00966, "decode.loss_ce": 0.23874, "decode.acc_seg": 90.23612, "aux.loss_ce": 0.09835, "aux.acc_seg": 89.97472, "loss": 0.33709, "time": 1.61939} {"mode": "train", "epoch": 23, "iter": 29000, "lr": 3e-05, "memory": 71384, "data_time": 0.00968, "decode.loss_ce": 0.23646, "decode.acc_seg": 90.24377, "aux.loss_ce": 0.09655, "aux.acc_seg": 90.00874, "loss": 0.33301, "time": 1.62688} {"mode": "val", "epoch": 23, "iter": 250, "lr": 3e-05, "aAcc": 0.8617, "mIoU": 0.5713, "mAcc": 0.7017, "IoU.wall": 0.819, "IoU.building": 0.8569, "IoU.sky": 0.9474, "IoU.floor": 0.8527, "IoU.tree": 0.7787, "IoU.ceiling": 0.8676, "IoU.road": 0.8733, "IoU.bed ": 0.9256, "IoU.windowpane": 0.6635, "IoU.grass": 0.6739, "IoU.cabinet": 0.6619, "IoU.sidewalk": 0.7148, "IoU.person": 0.8592, "IoU.earth": 0.4101, "IoU.door": 0.6097, "IoU.table": 0.6761, "IoU.mountain": 0.6256, "IoU.plant": 0.5722, "IoU.curtain": 0.7973, "IoU.chair": 0.6525, "IoU.car": 0.864, "IoU.water": 0.6562, "IoU.painting": 0.7477, "IoU.sofa": 0.7821, "IoU.shelf": 0.498, "IoU.house": 0.5974, "IoU.sea": 0.6647, "IoU.mirror": 0.7683, "IoU.rug": 0.7014, "IoU.field": 0.3258, "IoU.armchair": 0.5768, "IoU.seat": 0.6593, "IoU.fence": 0.5146, "IoU.desk": 0.5421, "IoU.rock": 0.6266, "IoU.wardrobe": 0.5412, "IoU.lamp": 0.7469, "IoU.bathtub": 0.8732, "IoU.railing": 0.4561, "IoU.cushion": 0.6367, "IoU.base": 0.4256, "IoU.box": 0.3627, "IoU.column": 0.5463, "IoU.signboard": 0.4014, "IoU.chest of drawers": 0.5154, "IoU.counter": 0.464, "IoU.sand": 0.5782, "IoU.sink": 0.8156, "IoU.skyscraper": 0.4728, "IoU.fireplace": 0.7545, "IoU.refrigerator": 0.8614, "IoU.grandstand": 0.5196, "IoU.path": 0.3139, "IoU.stairs": 0.3754, "IoU.runway": 0.7146, "IoU.case": 0.6412, "IoU.pool table": 0.9464, "IoU.pillow": 0.6789, "IoU.screen door": 0.8022, "IoU.stairway": 0.3732, "IoU.river": 0.0984, "IoU.bridge": 0.69, "IoU.bookcase": 0.4409, "IoU.blind": 0.4633, "IoU.coffee table": 0.618, "IoU.toilet": 0.9016, "IoU.flower": 0.4091, "IoU.book": 0.542, "IoU.hill": 0.0939, "IoU.bench": 0.557, "IoU.countertop": 0.6432, "IoU.stove": 0.8417, "IoU.palm": 0.5452, "IoU.kitchen island": 0.5101, "IoU.computer": 0.7852, "IoU.swivel chair": 0.525, "IoU.boat": 0.7393, "IoU.bar": 0.6614, "IoU.arcade machine": 0.7986, "IoU.hovel": 0.1456, "IoU.bus": 0.9359, "IoU.towel": 0.7539, "IoU.light": 0.6059, "IoU.truck": 0.4509, "IoU.tower": 0.2707, "IoU.chandelier": 0.735, "IoU.awning": 0.3655, "IoU.streetlight": 0.3465, "IoU.booth": 0.5546, "IoU.television receiver": 0.7735, "IoU.airplane": 0.8536, "IoU.dirt track": 0.0885, "IoU.apparel": 0.5522, "IoU.pole": 0.252, "IoU.land": 0.0138, "IoU.bannister": 0.1684, "IoU.escalator": 0.5995, "IoU.ottoman": 0.5107, "IoU.bottle": 0.2153, "IoU.buffet": 0.5915, "IoU.poster": 0.3359, "IoU.stage": 0.1769, "IoU.van": 0.2797, "IoU.ship": 0.4819, "IoU.fountain": 0.3609, "IoU.conveyer belt": 0.8316, "IoU.canopy": 0.501, "IoU.washer": 0.8137, "IoU.plaything": 0.295, "IoU.swimming pool": 0.6195, "IoU.stool": 0.4981, "IoU.barrel": 0.581, "IoU.basket": 0.3996, "IoU.waterfall": 0.6844, "IoU.tent": 0.9594, "IoU.bag": 0.3096, "IoU.minibike": 0.7372, "IoU.cradle": 0.8279, "IoU.oven": 0.7133, "IoU.ball": 0.4866, "IoU.food": 0.5994, "IoU.step": 0.2663, "IoU.tank": 0.6181, "IoU.trade name": 0.2531, "IoU.microwave": 0.9041, "IoU.pot": 0.589, "IoU.animal": 0.5971, "IoU.bicycle": 0.5942, "IoU.lake": 0.5395, "IoU.dishwasher": 0.7532, "IoU.screen": 0.5884, "IoU.blanket": 0.2821, "IoU.sculpture": 0.7453, "IoU.hood": 0.6217, "IoU.sconce": 0.6148, "IoU.vase": 0.4704, "IoU.traffic light": 0.3576, "IoU.tray": 0.167, "IoU.ashcan": 0.4862, "IoU.fan": 0.6915, "IoU.pier": 0.5039, "IoU.crt screen": 0.0144, "IoU.plate": 0.6348, "IoU.monitor": 0.5756, "IoU.bulletin board": 0.4534, "IoU.shower": 0.0129, "IoU.radiator": 0.6724, "IoU.glass": 0.2162, "IoU.clock": 0.4619, "IoU.flag": 0.6864, "Acc.wall": 0.9035, "Acc.building": 0.9283, "Acc.sky": 0.9785, "Acc.floor": 0.9199, "Acc.tree": 0.8824, "Acc.ceiling": 0.9308, "Acc.road": 0.9218, "Acc.bed ": 0.9698, "Acc.windowpane": 0.7935, "Acc.grass": 0.829, "Acc.cabinet": 0.7493, "Acc.sidewalk": 0.8352, "Acc.person": 0.9322, "Acc.earth": 0.5149, "Acc.door": 0.7637, "Acc.table": 0.8047, "Acc.mountain": 0.7282, "Acc.plant": 0.6723, "Acc.curtain": 0.9068, "Acc.chair": 0.7576, "Acc.car": 0.946, "Acc.water": 0.8487, "Acc.painting": 0.8867, "Acc.sofa": 0.8558, "Acc.shelf": 0.667, "Acc.house": 0.8359, "Acc.sea": 0.753, "Acc.mirror": 0.8401, "Acc.rug": 0.755, "Acc.field": 0.6081, "Acc.armchair": 0.8599, "Acc.seat": 0.8954, "Acc.fence": 0.7207, "Acc.desk": 0.7798, "Acc.rock": 0.8239, "Acc.wardrobe": 0.7143, "Acc.lamp": 0.8794, "Acc.bathtub": 0.8977, "Acc.railing": 0.6466, "Acc.cushion": 0.6844, "Acc.base": 0.5845, "Acc.box": 0.4995, "Acc.column": 0.6549, "Acc.signboard": 0.5222, "Acc.chest of drawers": 0.7572, "Acc.counter": 0.5498, "Acc.sand": 0.8078, "Acc.sink": 0.8644, "Acc.skyscraper": 0.6066, "Acc.fireplace": 0.903, "Acc.refrigerator": 0.9474, "Acc.grandstand": 0.8471, "Acc.path": 0.431, "Acc.stairs": 0.4958, "Acc.runway": 0.9245, "Acc.case": 0.8917, "Acc.pool table": 0.9813, "Acc.pillow": 0.862, "Acc.screen door": 0.8434, "Acc.stairway": 0.4504, "Acc.river": 0.1798, "Acc.bridge": 0.78, "Acc.bookcase": 0.5869, "Acc.blind": 0.5427, "Acc.coffee table": 0.8726, "Acc.toilet": 0.9545, "Acc.flower": 0.537, "Acc.book": 0.767, "Acc.hill": 0.2742, "Acc.bench": 0.6504, "Acc.countertop": 0.819, "Acc.stove": 0.926, "Acc.palm": 0.7749, "Acc.kitchen island": 0.7172, "Acc.computer": 0.9241, "Acc.swivel chair": 0.8683, "Acc.boat": 0.8868, "Acc.bar": 0.8859, "Acc.arcade machine": 0.8716, "Acc.hovel": 0.1596, "Acc.bus": 0.9638, "Acc.towel": 0.8876, "Acc.light": 0.6918, "Acc.truck": 0.615, "Acc.tower": 0.4931, "Acc.chandelier": 0.8659, "Acc.awning": 0.4289, "Acc.streetlight": 0.4952, "Acc.booth": 0.7469, "Acc.television receiver": 0.8885, "Acc.airplane": 0.923, "Acc.dirt track": 0.3999, "Acc.apparel": 0.768, "Acc.pole": 0.3513, "Acc.land": 0.0291, "Acc.bannister": 0.2335, "Acc.escalator": 0.8814, "Acc.ottoman": 0.6758, "Acc.bottle": 0.2435, "Acc.buffet": 0.9037, "Acc.poster": 0.3951, "Acc.stage": 0.4129, "Acc.van": 0.3236, "Acc.ship": 0.492, "Acc.fountain": 0.3643, "Acc.conveyer belt": 0.9499, "Acc.canopy": 0.686, "Acc.washer": 0.87, "Acc.plaything": 0.5792, "Acc.swimming pool": 0.8044, "Acc.stool": 0.7208, "Acc.barrel": 0.6778, "Acc.basket": 0.5215, "Acc.waterfall": 0.9175, "Acc.tent": 0.9811, "Acc.bag": 0.3682, "Acc.minibike": 0.9023, "Acc.cradle": 0.9798, "Acc.oven": 0.8038, "Acc.ball": 0.7803, "Acc.food": 0.7216, "Acc.step": 0.4043, "Acc.tank": 0.6717, "Acc.trade name": 0.2895, "Acc.microwave": 0.9592, "Acc.pot": 0.6992, "Acc.animal": 0.6102, "Acc.bicycle": 0.7899, "Acc.lake": 0.6381, "Acc.dishwasher": 0.8589, "Acc.screen": 0.9188, "Acc.blanket": 0.3263, "Acc.sculpture": 0.8734, "Acc.hood": 0.722, "Acc.sconce": 0.7258, "Acc.vase": 0.6472, "Acc.traffic light": 0.649, "Acc.tray": 0.1954, "Acc.ashcan": 0.6458, "Acc.fan": 0.8176, "Acc.pier": 0.5794, "Acc.crt screen": 0.0149, "Acc.plate": 0.759, "Acc.monitor": 0.8259, "Acc.bulletin board": 0.5047, "Acc.shower": 0.0132, "Acc.radiator": 0.7761, "Acc.glass": 0.2477, "Acc.clock": 0.5785, "Acc.flag": 0.7528} {"mode": "train", "epoch": 23, "iter": 29050, "lr": 3e-05, "memory": 71384, "data_time": 2.45314, "decode.loss_ce": 0.23538, "decode.acc_seg": 89.86127, "aux.loss_ce": 0.0968, "aux.acc_seg": 89.58211, "loss": 0.33218, "time": 4.06673} {"mode": "train", "epoch": 24, "iter": 29100, "lr": 3e-05, "memory": 71384, "data_time": 0.01026, "decode.loss_ce": 0.21781, "decode.acc_seg": 90.85927, "aux.loss_ce": 0.08973, "aux.acc_seg": 90.68214, "loss": 0.30754, "time": 1.62382} {"mode": "train", "epoch": 24, "iter": 29150, "lr": 3e-05, "memory": 71384, "data_time": 0.00986, "decode.loss_ce": 0.23803, "decode.acc_seg": 90.25927, "aux.loss_ce": 0.09724, "aux.acc_seg": 89.86718, "loss": 0.33527, "time": 1.62222} {"mode": "train", "epoch": 24, "iter": 29200, "lr": 3e-05, "memory": 71384, "data_time": 0.00969, "decode.loss_ce": 0.23835, "decode.acc_seg": 90.23758, "aux.loss_ce": 0.09846, "aux.acc_seg": 89.90387, "loss": 0.33681, "time": 1.62017} {"mode": "train", "epoch": 24, "iter": 29250, "lr": 3e-05, "memory": 71384, "data_time": 0.00971, "decode.loss_ce": 0.24122, "decode.acc_seg": 90.08655, "aux.loss_ce": 0.09884, "aux.acc_seg": 89.80355, "loss": 0.34006, "time": 1.62214} {"mode": "train", "epoch": 24, "iter": 29300, "lr": 3e-05, "memory": 71384, "data_time": 0.00975, "decode.loss_ce": 0.22953, "decode.acc_seg": 90.14663, "aux.loss_ce": 0.09427, "aux.acc_seg": 89.93209, "loss": 0.3238, "time": 1.62533} {"mode": "train", "epoch": 24, "iter": 29350, "lr": 3e-05, "memory": 71384, "data_time": 0.00999, "decode.loss_ce": 0.20942, "decode.acc_seg": 91.41258, "aux.loss_ce": 0.08679, "aux.acc_seg": 91.06243, "loss": 0.29621, "time": 1.62307} {"mode": "train", "epoch": 24, "iter": 29400, "lr": 3e-05, "memory": 71384, "data_time": 0.00971, "decode.loss_ce": 0.22166, "decode.acc_seg": 91.03404, "aux.loss_ce": 0.09174, "aux.acc_seg": 90.77927, "loss": 0.31339, "time": 1.62188} {"mode": "train", "epoch": 24, "iter": 29450, "lr": 3e-05, "memory": 71384, "data_time": 0.00965, "decode.loss_ce": 0.22563, "decode.acc_seg": 90.77724, "aux.loss_ce": 0.09213, "aux.acc_seg": 90.53733, "loss": 0.31776, "time": 1.61997} {"mode": "train", "epoch": 24, "iter": 29500, "lr": 3e-05, "memory": 71384, "data_time": 0.00975, "decode.loss_ce": 0.22186, "decode.acc_seg": 90.74152, "aux.loss_ce": 0.0911, "aux.acc_seg": 90.47727, "loss": 0.31296, "time": 1.62404} {"mode": "train", "epoch": 24, "iter": 29550, "lr": 3e-05, "memory": 71384, "data_time": 0.00981, "decode.loss_ce": 0.2155, "decode.acc_seg": 90.85407, "aux.loss_ce": 0.08927, "aux.acc_seg": 90.51276, "loss": 0.30477, "time": 1.62069} {"mode": "train", "epoch": 24, "iter": 29600, "lr": 3e-05, "memory": 71384, "data_time": 0.00974, "decode.loss_ce": 0.23422, "decode.acc_seg": 89.98345, "aux.loss_ce": 0.09575, "aux.acc_seg": 89.74582, "loss": 0.32997, "time": 1.62012} {"mode": "train", "epoch": 24, "iter": 29650, "lr": 3e-05, "memory": 71384, "data_time": 0.0099, "decode.loss_ce": 0.22746, "decode.acc_seg": 90.25805, "aux.loss_ce": 0.09341, "aux.acc_seg": 90.04601, "loss": 0.32088, "time": 1.62391} {"mode": "train", "epoch": 24, "iter": 29700, "lr": 3e-05, "memory": 71384, "data_time": 0.00989, "decode.loss_ce": 0.22003, "decode.acc_seg": 90.95565, "aux.loss_ce": 0.09078, "aux.acc_seg": 90.56792, "loss": 0.31081, "time": 1.62824} {"mode": "train", "epoch": 24, "iter": 29750, "lr": 3e-05, "memory": 71384, "data_time": 0.00973, "decode.loss_ce": 0.22893, "decode.acc_seg": 90.4928, "aux.loss_ce": 0.09421, "aux.acc_seg": 90.24175, "loss": 0.32314, "time": 1.62137} {"mode": "train", "epoch": 24, "iter": 29800, "lr": 3e-05, "memory": 71384, "data_time": 0.00982, "decode.loss_ce": 0.23222, "decode.acc_seg": 90.64865, "aux.loss_ce": 0.09576, "aux.acc_seg": 90.33818, "loss": 0.32799, "time": 1.62082} {"mode": "train", "epoch": 24, "iter": 29850, "lr": 3e-05, "memory": 71384, "data_time": 0.00966, "decode.loss_ce": 0.24348, "decode.acc_seg": 90.1884, "aux.loss_ce": 0.10042, "aux.acc_seg": 89.87944, "loss": 0.34389, "time": 1.62558} {"mode": "train", "epoch": 24, "iter": 29900, "lr": 3e-05, "memory": 71384, "data_time": 0.00978, "decode.loss_ce": 0.24171, "decode.acc_seg": 90.06822, "aux.loss_ce": 0.09852, "aux.acc_seg": 89.88473, "loss": 0.34023, "time": 1.61994} {"mode": "train", "epoch": 24, "iter": 29950, "lr": 3e-05, "memory": 71384, "data_time": 0.00976, "decode.loss_ce": 0.23085, "decode.acc_seg": 90.46088, "aux.loss_ce": 0.09516, "aux.acc_seg": 90.05901, "loss": 0.32601, "time": 1.62222} {"mode": "train", "epoch": 24, "iter": 30000, "lr": 3e-05, "memory": 71384, "data_time": 0.00956, "decode.loss_ce": 0.22515, "decode.acc_seg": 90.45868, "aux.loss_ce": 0.09214, "aux.acc_seg": 90.22234, "loss": 0.31729, "time": 3.28322} {"mode": "val", "epoch": 24, "iter": 250, "lr": 3e-05, "aAcc": 0.8639, "mIoU": 0.5773, "mAcc": 0.7023, "IoU.wall": 0.824, "IoU.building": 0.8569, "IoU.sky": 0.949, "IoU.floor": 0.8532, "IoU.tree": 0.7788, "IoU.ceiling": 0.8642, "IoU.road": 0.8747, "IoU.bed ": 0.9213, "IoU.windowpane": 0.6639, "IoU.grass": 0.6752, "IoU.cabinet": 0.6693, "IoU.sidewalk": 0.7009, "IoU.person": 0.8571, "IoU.earth": 0.3869, "IoU.door": 0.5983, "IoU.table": 0.6837, "IoU.mountain": 0.6358, "IoU.plant": 0.5903, "IoU.curtain": 0.8007, "IoU.chair": 0.6876, "IoU.car": 0.8686, "IoU.water": 0.6525, "IoU.painting": 0.7967, "IoU.sofa": 0.8204, "IoU.shelf": 0.5175, "IoU.house": 0.5895, "IoU.sea": 0.7081, "IoU.mirror": 0.7514, "IoU.rug": 0.7181, "IoU.field": 0.3369, "IoU.armchair": 0.6239, "IoU.seat": 0.7038, "IoU.fence": 0.5084, "IoU.desk": 0.5587, "IoU.rock": 0.5923, "IoU.wardrobe": 0.5649, "IoU.lamp": 0.7491, "IoU.bathtub": 0.8367, "IoU.railing": 0.4634, "IoU.cushion": 0.7127, "IoU.base": 0.4183, "IoU.box": 0.396, "IoU.column": 0.5935, "IoU.signboard": 0.3933, "IoU.chest of drawers": 0.4814, "IoU.counter": 0.4433, "IoU.sand": 0.5096, "IoU.sink": 0.7916, "IoU.skyscraper": 0.5076, "IoU.fireplace": 0.7231, "IoU.refrigerator": 0.8181, "IoU.grandstand": 0.5199, "IoU.path": 0.2395, "IoU.stairs": 0.3579, "IoU.runway": 0.7374, "IoU.case": 0.6489, "IoU.pool table": 0.9489, "IoU.pillow": 0.6644, "IoU.screen door": 0.8025, "IoU.stairway": 0.4432, "IoU.river": 0.1065, "IoU.bridge": 0.6479, "IoU.bookcase": 0.4886, "IoU.blind": 0.4867, "IoU.coffee table": 0.6066, "IoU.toilet": 0.8958, "IoU.flower": 0.4479, "IoU.book": 0.536, "IoU.hill": 0.0981, "IoU.bench": 0.6245, "IoU.countertop": 0.6397, "IoU.stove": 0.8401, "IoU.palm": 0.5302, "IoU.kitchen island": 0.5732, "IoU.computer": 0.8011, "IoU.swivel chair": 0.5095, "IoU.boat": 0.7576, "IoU.bar": 0.6506, "IoU.arcade machine": 0.8021, "IoU.hovel": 0.2422, "IoU.bus": 0.9176, "IoU.towel": 0.7594, "IoU.light": 0.6258, "IoU.truck": 0.4929, "IoU.tower": 0.2286, "IoU.chandelier": 0.7466, "IoU.awning": 0.4089, "IoU.streetlight": 0.3362, "IoU.booth": 0.4772, "IoU.television receiver": 0.7745, "IoU.airplane": 0.8673, "IoU.dirt track": 0.0657, "IoU.apparel": 0.5287, "IoU.pole": 0.1865, "IoU.land": 0.022, "IoU.bannister": 0.1388, "IoU.escalator": 0.6236, "IoU.ottoman": 0.5083, "IoU.bottle": 0.3869, "IoU.buffet": 0.5496, "IoU.poster": 0.3815, "IoU.stage": 0.2017, "IoU.van": 0.4455, "IoU.ship": 0.8902, "IoU.fountain": 0.5215, "IoU.conveyer belt": 0.7656, "IoU.canopy": 0.4863, "IoU.washer": 0.8024, "IoU.plaything": 0.3789, "IoU.swimming pool": 0.5646, "IoU.stool": 0.5169, "IoU.barrel": 0.5402, "IoU.basket": 0.4098, "IoU.waterfall": 0.6208, "IoU.tent": 0.9393, "IoU.bag": 0.2173, "IoU.minibike": 0.7623, "IoU.cradle": 0.8396, "IoU.oven": 0.6531, "IoU.ball": 0.5453, "IoU.food": 0.6518, "IoU.step": 0.1894, "IoU.tank": 0.5758, "IoU.trade name": 0.2923, "IoU.microwave": 0.9031, "IoU.pot": 0.5876, "IoU.animal": 0.609, "IoU.bicycle": 0.571, "IoU.lake": 0.4626, "IoU.dishwasher": 0.7047, "IoU.screen": 0.6248, "IoU.blanket": 0.3133, "IoU.sculpture": 0.781, "IoU.hood": 0.6302, "IoU.sconce": 0.5962, "IoU.vase": 0.4671, "IoU.traffic light": 0.3518, "IoU.tray": 0.2348, "IoU.ashcan": 0.495, "IoU.fan": 0.6618, "IoU.pier": 0.3961, "IoU.crt screen": 0.0117, "IoU.plate": 0.6311, "IoU.monitor": 0.5622, "IoU.bulletin board": 0.4798, "IoU.shower": 0.0089, "IoU.radiator": 0.6941, "IoU.glass": 0.1855, "IoU.clock": 0.4806, "IoU.flag": 0.6467, "Acc.wall": 0.904, "Acc.building": 0.9254, "Acc.sky": 0.9707, "Acc.floor": 0.928, "Acc.tree": 0.899, "Acc.ceiling": 0.9344, "Acc.road": 0.9229, "Acc.bed ": 0.9758, "Acc.windowpane": 0.8205, "Acc.grass": 0.8234, "Acc.cabinet": 0.7762, "Acc.sidewalk": 0.8368, "Acc.person": 0.926, "Acc.earth": 0.4948, "Acc.door": 0.7377, "Acc.table": 0.8092, "Acc.mountain": 0.7658, "Acc.plant": 0.7246, "Acc.curtain": 0.8952, "Acc.chair": 0.7922, "Acc.car": 0.9244, "Acc.water": 0.7857, "Acc.painting": 0.8991, "Acc.sofa": 0.8876, "Acc.shelf": 0.6778, "Acc.house": 0.7939, "Acc.sea": 0.8369, "Acc.mirror": 0.8064, "Acc.rug": 0.816, "Acc.field": 0.626, "Acc.armchair": 0.7887, "Acc.seat": 0.8773, "Acc.fence": 0.7165, "Acc.desk": 0.779, "Acc.rock": 0.7987, "Acc.wardrobe": 0.7503, "Acc.lamp": 0.8335, "Acc.bathtub": 0.8517, "Acc.railing": 0.6262, "Acc.cushion": 0.7888, "Acc.base": 0.5569, "Acc.box": 0.5404, "Acc.column": 0.6989, "Acc.signboard": 0.4815, "Acc.chest of drawers": 0.6712, "Acc.counter": 0.5474, "Acc.sand": 0.891, "Acc.sink": 0.832, "Acc.skyscraper": 0.6633, "Acc.fireplace": 0.9102, "Acc.refrigerator": 0.8569, "Acc.grandstand": 0.8252, "Acc.path": 0.3879, "Acc.stairs": 0.4365, "Acc.runway": 0.9816, "Acc.case": 0.8091, "Acc.pool table": 0.9794, "Acc.pillow": 0.7531, "Acc.screen door": 0.8496, "Acc.stairway": 0.6185, "Acc.river": 0.2035, "Acc.bridge": 0.742, "Acc.bookcase": 0.629, "Acc.blind": 0.571, "Acc.coffee table": 0.8788, "Acc.toilet": 0.9204, "Acc.flower": 0.5316, "Acc.book": 0.7512, "Acc.hill": 0.1925, "Acc.bench": 0.7026, "Acc.countertop": 0.8556, "Acc.stove": 0.9341, "Acc.palm": 0.8731, "Acc.kitchen island": 0.8539, "Acc.computer": 0.9045, "Acc.swivel chair": 0.772, "Acc.boat": 0.8941, "Acc.bar": 0.8963, "Acc.arcade machine": 0.8329, "Acc.hovel": 0.2614, "Acc.bus": 0.9711, "Acc.towel": 0.8647, "Acc.light": 0.7227, "Acc.truck": 0.5946, "Acc.tower": 0.4122, "Acc.chandelier": 0.8378, "Acc.awning": 0.4936, "Acc.streetlight": 0.4984, "Acc.booth": 0.6286, "Acc.television receiver": 0.9185, "Acc.airplane": 0.9173, "Acc.dirt track": 0.2893, "Acc.apparel": 0.653, "Acc.pole": 0.2329, "Acc.land": 0.0327, "Acc.bannister": 0.1587, "Acc.escalator": 0.8667, "Acc.ottoman": 0.6887, "Acc.bottle": 0.5175, "Acc.buffet": 0.6513, "Acc.poster": 0.4351, "Acc.stage": 0.4494, "Acc.van": 0.7045, "Acc.ship": 0.9352, "Acc.fountain": 0.5585, "Acc.conveyer belt": 0.954, "Acc.canopy": 0.6944, "Acc.washer": 0.8506, "Acc.plaything": 0.6267, "Acc.swimming pool": 0.8357, "Acc.stool": 0.6514, "Acc.barrel": 0.6691, "Acc.basket": 0.5911, "Acc.waterfall": 0.8393, "Acc.tent": 0.9832, "Acc.bag": 0.2453, "Acc.minibike": 0.8828, "Acc.cradle": 0.9721, "Acc.oven": 0.8041, "Acc.ball": 0.6951, "Acc.food": 0.7795, "Acc.step": 0.2131, "Acc.tank": 0.6735, "Acc.trade name": 0.3377, "Acc.microwave": 0.9508, "Acc.pot": 0.688, "Acc.animal": 0.6155, "Acc.bicycle": 0.7281, "Acc.lake": 0.6376, "Acc.dishwasher": 0.7688, "Acc.screen": 0.9091, "Acc.blanket": 0.3975, "Acc.sculpture": 0.8582, "Acc.hood": 0.7569, "Acc.sconce": 0.6824, "Acc.vase": 0.62, "Acc.traffic light": 0.6335, "Acc.tray": 0.2907, "Acc.ashcan": 0.6027, "Acc.fan": 0.8197, "Acc.pier": 0.4938, "Acc.crt screen": 0.0142, "Acc.plate": 0.8063, "Acc.monitor": 0.7117, "Acc.bulletin board": 0.5729, "Acc.shower": 0.009, "Acc.radiator": 0.7594, "Acc.glass": 0.1955, "Acc.clock": 0.5463, "Acc.flag": 0.7239} {"mode": "train", "epoch": 24, "iter": 30050, "lr": 2e-05, "memory": 71384, "data_time": 1.94338, "decode.loss_ce": 0.23239, "decode.acc_seg": 90.47488, "aux.loss_ce": 0.09583, "aux.acc_seg": 90.13819, "loss": 0.32822, "time": 3.55964} {"mode": "train", "epoch": 24, "iter": 30100, "lr": 2e-05, "memory": 71384, "data_time": 0.01016, "decode.loss_ce": 0.22578, "decode.acc_seg": 90.53825, "aux.loss_ce": 0.09322, "aux.acc_seg": 90.17348, "loss": 0.319, "time": 1.62103} {"mode": "train", "epoch": 24, "iter": 30150, "lr": 2e-05, "memory": 71384, "data_time": 0.00991, "decode.loss_ce": 0.2108, "decode.acc_seg": 90.86258, "aux.loss_ce": 0.08738, "aux.acc_seg": 90.57696, "loss": 0.29818, "time": 1.62237} {"mode": "train", "epoch": 24, "iter": 30200, "lr": 2e-05, "memory": 71384, "data_time": 0.01003, "decode.loss_ce": 0.22981, "decode.acc_seg": 90.14757, "aux.loss_ce": 0.09472, "aux.acc_seg": 89.97569, "loss": 0.32453, "time": 1.62636} {"mode": "train", "epoch": 24, "iter": 30250, "lr": 2e-05, "memory": 71384, "data_time": 0.00998, "decode.loss_ce": 0.24211, "decode.acc_seg": 89.93797, "aux.loss_ce": 0.09913, "aux.acc_seg": 89.72973, "loss": 0.34124, "time": 1.62269} {"mode": "train", "epoch": 24, "iter": 30300, "lr": 2e-05, "memory": 71384, "data_time": 0.01006, "decode.loss_ce": 0.22136, "decode.acc_seg": 91.0476, "aux.loss_ce": 0.09099, "aux.acc_seg": 90.79647, "loss": 0.31236, "time": 1.62481} {"mode": "train", "epoch": 25, "iter": 30350, "lr": 2e-05, "memory": 71384, "data_time": 0.05219, "decode.loss_ce": 0.22461, "decode.acc_seg": 90.32247, "aux.loss_ce": 0.09236, "aux.acc_seg": 90.08522, "loss": 0.31697, "time": 1.66619} {"mode": "train", "epoch": 25, "iter": 30400, "lr": 2e-05, "memory": 71384, "data_time": 0.01011, "decode.loss_ce": 0.21603, "decode.acc_seg": 91.05229, "aux.loss_ce": 0.09008, "aux.acc_seg": 90.64634, "loss": 0.30611, "time": 1.62298} {"mode": "train", "epoch": 25, "iter": 30450, "lr": 2e-05, "memory": 71384, "data_time": 0.00974, "decode.loss_ce": 0.21519, "decode.acc_seg": 90.87183, "aux.loss_ce": 0.08898, "aux.acc_seg": 90.56027, "loss": 0.30416, "time": 1.61867} {"mode": "train", "epoch": 25, "iter": 30500, "lr": 2e-05, "memory": 71384, "data_time": 0.01017, "decode.loss_ce": 0.21526, "decode.acc_seg": 90.71745, "aux.loss_ce": 0.08883, "aux.acc_seg": 90.45305, "loss": 0.30409, "time": 1.6275} {"mode": "train", "epoch": 25, "iter": 30550, "lr": 2e-05, "memory": 71384, "data_time": 0.01002, "decode.loss_ce": 0.21262, "decode.acc_seg": 91.02039, "aux.loss_ce": 0.08841, "aux.acc_seg": 90.68868, "loss": 0.30103, "time": 1.62118} {"mode": "train", "epoch": 25, "iter": 30600, "lr": 2e-05, "memory": 71384, "data_time": 0.00989, "decode.loss_ce": 0.22599, "decode.acc_seg": 90.43739, "aux.loss_ce": 0.09281, "aux.acc_seg": 90.16559, "loss": 0.31881, "time": 1.62238} {"mode": "train", "epoch": 25, "iter": 30650, "lr": 2e-05, "memory": 71384, "data_time": 0.01007, "decode.loss_ce": 0.2065, "decode.acc_seg": 91.26952, "aux.loss_ce": 0.08567, "aux.acc_seg": 90.98852, "loss": 0.29218, "time": 1.62179} {"mode": "train", "epoch": 25, "iter": 30700, "lr": 2e-05, "memory": 71384, "data_time": 0.01028, "decode.loss_ce": 0.21425, "decode.acc_seg": 90.92998, "aux.loss_ce": 0.08857, "aux.acc_seg": 90.54354, "loss": 0.30282, "time": 1.62324} {"mode": "train", "epoch": 25, "iter": 30750, "lr": 2e-05, "memory": 71384, "data_time": 0.01004, "decode.loss_ce": 0.21622, "decode.acc_seg": 91.17778, "aux.loss_ce": 0.08906, "aux.acc_seg": 90.9296, "loss": 0.30529, "time": 1.62128} {"mode": "train", "epoch": 25, "iter": 30800, "lr": 2e-05, "memory": 71384, "data_time": 0.01045, "decode.loss_ce": 0.20988, "decode.acc_seg": 91.18096, "aux.loss_ce": 0.08654, "aux.acc_seg": 90.83239, "loss": 0.29643, "time": 1.62214} {"mode": "train", "epoch": 25, "iter": 30850, "lr": 2e-05, "memory": 71384, "data_time": 0.0103, "decode.loss_ce": 0.23646, "decode.acc_seg": 90.5675, "aux.loss_ce": 0.09716, "aux.acc_seg": 90.31492, "loss": 0.33363, "time": 1.62532} {"mode": "train", "epoch": 25, "iter": 30900, "lr": 2e-05, "memory": 71384, "data_time": 0.0103, "decode.loss_ce": 0.23041, "decode.acc_seg": 90.20243, "aux.loss_ce": 0.09511, "aux.acc_seg": 90.00899, "loss": 0.32551, "time": 1.62084} {"mode": "train", "epoch": 25, "iter": 30950, "lr": 2e-05, "memory": 71384, "data_time": 0.01006, "decode.loss_ce": 0.22535, "decode.acc_seg": 90.76671, "aux.loss_ce": 0.09276, "aux.acc_seg": 90.3581, "loss": 0.31811, "time": 1.62618} {"mode": "train", "epoch": 25, "iter": 31000, "lr": 2e-05, "memory": 71384, "data_time": 0.01033, "decode.loss_ce": 0.2281, "decode.acc_seg": 90.53022, "aux.loss_ce": 0.09338, "aux.acc_seg": 90.29891, "loss": 0.32147, "time": 1.62223} {"mode": "val", "epoch": 25, "iter": 250, "lr": 2e-05, "aAcc": 0.8598, "mIoU": 0.569, "mAcc": 0.6954, "IoU.wall": 0.8199, "IoU.building": 0.8522, "IoU.sky": 0.9494, "IoU.floor": 0.8512, "IoU.tree": 0.7835, "IoU.ceiling": 0.8695, "IoU.road": 0.8597, "IoU.bed ": 0.926, "IoU.windowpane": 0.6594, "IoU.grass": 0.6731, "IoU.cabinet": 0.6301, "IoU.sidewalk": 0.6853, "IoU.person": 0.8554, "IoU.earth": 0.404, "IoU.door": 0.595, "IoU.table": 0.6192, "IoU.mountain": 0.6493, "IoU.plant": 0.5885, "IoU.curtain": 0.7739, "IoU.chair": 0.6899, "IoU.car": 0.8765, "IoU.water": 0.6231, "IoU.painting": 0.7729, "IoU.sofa": 0.8183, "IoU.shelf": 0.5044, "IoU.house": 0.5917, "IoU.sea": 0.6112, "IoU.mirror": 0.7822, "IoU.rug": 0.6772, "IoU.field": 0.3566, "IoU.armchair": 0.6142, "IoU.seat": 0.698, "IoU.fence": 0.5394, "IoU.desk": 0.592, "IoU.rock": 0.673, "IoU.wardrobe": 0.4973, "IoU.lamp": 0.7606, "IoU.bathtub": 0.8309, "IoU.railing": 0.453, "IoU.cushion": 0.7065, "IoU.base": 0.4028, "IoU.box": 0.3494, "IoU.column": 0.5946, "IoU.signboard": 0.4103, "IoU.chest of drawers": 0.4507, "IoU.counter": 0.4301, "IoU.sand": 0.5526, "IoU.sink": 0.7798, "IoU.skyscraper": 0.4969, "IoU.fireplace": 0.7384, "IoU.refrigerator": 0.7927, "IoU.grandstand": 0.5652, "IoU.path": 0.2654, "IoU.stairs": 0.3505, "IoU.runway": 0.745, "IoU.case": 0.6571, "IoU.pool table": 0.9405, "IoU.pillow": 0.7005, "IoU.screen door": 0.6105, "IoU.stairway": 0.2989, "IoU.river": 0.1235, "IoU.bridge": 0.6304, "IoU.bookcase": 0.441, "IoU.blind": 0.4814, "IoU.coffee table": 0.6287, "IoU.toilet": 0.8974, "IoU.flower": 0.4418, "IoU.book": 0.5476, "IoU.hill": 0.0976, "IoU.bench": 0.5536, "IoU.countertop": 0.6379, "IoU.stove": 0.8404, "IoU.palm": 0.4962, "IoU.kitchen island": 0.4867, "IoU.computer": 0.7802, "IoU.swivel chair": 0.503, "IoU.boat": 0.7113, "IoU.bar": 0.5315, "IoU.arcade machine": 0.6958, "IoU.hovel": 0.1367, "IoU.bus": 0.9193, "IoU.towel": 0.7556, "IoU.light": 0.5976, "IoU.truck": 0.4535, "IoU.tower": 0.2343, "IoU.chandelier": 0.7459, "IoU.awning": 0.3711, "IoU.streetlight": 0.3309, "IoU.booth": 0.5214, "IoU.television receiver": 0.7847, "IoU.airplane": 0.8879, "IoU.dirt track": 0.0411, "IoU.apparel": 0.548, "IoU.pole": 0.2571, "IoU.land": 0.0023, "IoU.bannister": 0.1959, "IoU.escalator": 0.3687, "IoU.ottoman": 0.5083, "IoU.bottle": 0.3834, "IoU.buffet": 0.5692, "IoU.poster": 0.3539, "IoU.stage": 0.2447, "IoU.van": 0.474, "IoU.ship": 0.8297, "IoU.fountain": 0.3433, "IoU.conveyer belt": 0.8001, "IoU.canopy": 0.5198, "IoU.washer": 0.7869, "IoU.plaything": 0.4077, "IoU.swimming pool": 0.7488, "IoU.stool": 0.5828, "IoU.barrel": 0.5632, "IoU.basket": 0.377, "IoU.waterfall": 0.567, "IoU.tent": 0.9598, "IoU.bag": 0.2826, "IoU.minibike": 0.7608, "IoU.cradle": 0.8148, "IoU.oven": 0.6611, "IoU.ball": 0.5347, "IoU.food": 0.6164, "IoU.step": 0.1686, "IoU.tank": 0.8018, "IoU.trade name": 0.1834, "IoU.microwave": 0.8966, "IoU.pot": 0.5862, "IoU.animal": 0.657, "IoU.bicycle": 0.5741, "IoU.lake": 0.4925, "IoU.dishwasher": 0.7272, "IoU.screen": 0.5489, "IoU.blanket": 0.233, "IoU.sculpture": 0.7484, "IoU.hood": 0.6421, "IoU.sconce": 0.586, "IoU.vase": 0.4243, "IoU.traffic light": 0.343, "IoU.tray": 0.2007, "IoU.ashcan": 0.5088, "IoU.fan": 0.6672, "IoU.pier": 0.5065, "IoU.crt screen": 0.0688, "IoU.plate": 0.6097, "IoU.monitor": 0.3367, "IoU.bulletin board": 0.6105, "IoU.shower": 0.0099, "IoU.radiator": 0.6813, "IoU.glass": 0.2076, "IoU.clock": 0.431, "IoU.flag": 0.6904, "Acc.wall": 0.8903, "Acc.building": 0.9295, "Acc.sky": 0.9719, "Acc.floor": 0.9248, "Acc.tree": 0.9037, "Acc.ceiling": 0.938, "Acc.road": 0.9144, "Acc.bed ": 0.9759, "Acc.windowpane": 0.7993, "Acc.grass": 0.8091, "Acc.cabinet": 0.7379, "Acc.sidewalk": 0.789, "Acc.person": 0.9331, "Acc.earth": 0.5514, "Acc.door": 0.7684, "Acc.table": 0.7115, "Acc.mountain": 0.7467, "Acc.plant": 0.7139, "Acc.curtain": 0.9183, "Acc.chair": 0.822, "Acc.car": 0.9292, "Acc.water": 0.8147, "Acc.painting": 0.9157, "Acc.sofa": 0.8902, "Acc.shelf": 0.7071, "Acc.house": 0.8641, "Acc.sea": 0.7032, "Acc.mirror": 0.8805, "Acc.rug": 0.7759, "Acc.field": 0.6408, "Acc.armchair": 0.8143, "Acc.seat": 0.8848, "Acc.fence": 0.6747, "Acc.desk": 0.7732, "Acc.rock": 0.7975, "Acc.wardrobe": 0.772, "Acc.lamp": 0.8423, "Acc.bathtub": 0.8498, "Acc.railing": 0.6699, "Acc.cushion": 0.825, "Acc.base": 0.5927, "Acc.box": 0.4592, "Acc.column": 0.7044, "Acc.signboard": 0.5212, "Acc.chest of drawers": 0.6866, "Acc.counter": 0.566, "Acc.sand": 0.8839, "Acc.sink": 0.8641, "Acc.skyscraper": 0.6233, "Acc.fireplace": 0.9354, "Acc.refrigerator": 0.8293, "Acc.grandstand": 0.8684, "Acc.path": 0.4157, "Acc.stairs": 0.5185, "Acc.runway": 0.9853, "Acc.case": 0.8431, "Acc.pool table": 0.9788, "Acc.pillow": 0.8078, "Acc.screen door": 0.6367, "Acc.stairway": 0.3903, "Acc.river": 0.2669, "Acc.bridge": 0.7563, "Acc.bookcase": 0.6416, "Acc.blind": 0.5429, "Acc.coffee table": 0.906, "Acc.toilet": 0.9371, "Acc.flower": 0.5388, "Acc.book": 0.7787, "Acc.hill": 0.2055, "Acc.bench": 0.6692, "Acc.countertop": 0.7985, "Acc.stove": 0.9151, "Acc.palm": 0.5978, "Acc.kitchen island": 0.7619, "Acc.computer": 0.9301, "Acc.swivel chair": 0.7536, "Acc.boat": 0.9054, "Acc.bar": 0.6122, "Acc.arcade machine": 0.714, "Acc.hovel": 0.1447, "Acc.bus": 0.9766, "Acc.towel": 0.8664, "Acc.light": 0.6608, "Acc.truck": 0.6323, "Acc.tower": 0.4104, "Acc.chandelier": 0.8859, "Acc.awning": 0.442, "Acc.streetlight": 0.4175, "Acc.booth": 0.7186, "Acc.television receiver": 0.86, "Acc.airplane": 0.9489, "Acc.dirt track": 0.207, "Acc.apparel": 0.8318, "Acc.pole": 0.3639, "Acc.land": 0.0031, "Acc.bannister": 0.2889, "Acc.escalator": 0.4493, "Acc.ottoman": 0.6558, "Acc.bottle": 0.5048, "Acc.buffet": 0.8611, "Acc.poster": 0.3978, "Acc.stage": 0.4369, "Acc.van": 0.6498, "Acc.ship": 0.86, "Acc.fountain": 0.3657, "Acc.conveyer belt": 0.9209, "Acc.canopy": 0.6803, "Acc.washer": 0.843, "Acc.plaything": 0.5398, "Acc.swimming pool": 0.9171, "Acc.stool": 0.6882, "Acc.barrel": 0.7009, "Acc.basket": 0.5806, "Acc.waterfall": 0.697, "Acc.tent": 0.9776, "Acc.bag": 0.3249, "Acc.minibike": 0.8615, "Acc.cradle": 0.9851, "Acc.oven": 0.751, "Acc.ball": 0.7777, "Acc.food": 0.6924, "Acc.step": 0.1831, "Acc.tank": 0.8833, "Acc.trade name": 0.2006, "Acc.microwave": 0.9608, "Acc.pot": 0.7361, "Acc.animal": 0.6725, "Acc.bicycle": 0.7526, "Acc.lake": 0.6378, "Acc.dishwasher": 0.8123, "Acc.screen": 0.7448, "Acc.blanket": 0.2873, "Acc.sculpture": 0.8894, "Acc.hood": 0.7755, "Acc.sconce": 0.6649, "Acc.vase": 0.7326, "Acc.traffic light": 0.6716, "Acc.tray": 0.2577, "Acc.ashcan": 0.6235, "Acc.fan": 0.8125, "Acc.pier": 0.6306, "Acc.crt screen": 0.1847, "Acc.plate": 0.775, "Acc.monitor": 0.4191, "Acc.bulletin board": 0.7785, "Acc.shower": 0.0448, "Acc.radiator": 0.7963, "Acc.glass": 0.2223, "Acc.clock": 0.4815, "Acc.flag": 0.7776} {"mode": "train", "epoch": 25, "iter": 31050, "lr": 2e-05, "memory": 71384, "data_time": 1.9829, "decode.loss_ce": 0.22254, "decode.acc_seg": 90.62927, "aux.loss_ce": 0.0923, "aux.acc_seg": 90.31294, "loss": 0.31484, "time": 3.59643} {"mode": "train", "epoch": 25, "iter": 31100, "lr": 2e-05, "memory": 71384, "data_time": 0.0102, "decode.loss_ce": 0.22577, "decode.acc_seg": 90.46427, "aux.loss_ce": 0.09361, "aux.acc_seg": 90.16132, "loss": 0.31937, "time": 1.62276} {"mode": "train", "epoch": 25, "iter": 31150, "lr": 2e-05, "memory": 71384, "data_time": 0.00991, "decode.loss_ce": 0.23526, "decode.acc_seg": 89.94583, "aux.loss_ce": 0.097, "aux.acc_seg": 89.64955, "loss": 0.33227, "time": 1.62182} {"mode": "train", "epoch": 25, "iter": 31200, "lr": 2e-05, "memory": 71384, "data_time": 0.0105, "decode.loss_ce": 0.23372, "decode.acc_seg": 90.68887, "aux.loss_ce": 0.09538, "aux.acc_seg": 90.48539, "loss": 0.32909, "time": 1.62601} {"mode": "train", "epoch": 25, "iter": 31250, "lr": 2e-05, "memory": 71384, "data_time": 0.01004, "decode.loss_ce": 0.22684, "decode.acc_seg": 90.8951, "aux.loss_ce": 0.09364, "aux.acc_seg": 90.58235, "loss": 0.32048, "time": 1.62054} {"mode": "train", "epoch": 25, "iter": 31300, "lr": 2e-05, "memory": 71384, "data_time": 0.00967, "decode.loss_ce": 0.24496, "decode.acc_seg": 89.89277, "aux.loss_ce": 0.10023, "aux.acc_seg": 89.68269, "loss": 0.34519, "time": 1.62274} {"mode": "train", "epoch": 25, "iter": 31350, "lr": 2e-05, "memory": 71384, "data_time": 0.01003, "decode.loss_ce": 0.22404, "decode.acc_seg": 90.46353, "aux.loss_ce": 0.09126, "aux.acc_seg": 90.25065, "loss": 0.3153, "time": 1.62112} {"mode": "train", "epoch": 25, "iter": 31400, "lr": 2e-05, "memory": 71384, "data_time": 0.00992, "decode.loss_ce": 0.23892, "decode.acc_seg": 90.14405, "aux.loss_ce": 0.09773, "aux.acc_seg": 89.96428, "loss": 0.33665, "time": 1.62479} {"mode": "train", "epoch": 25, "iter": 31450, "lr": 2e-05, "memory": 71384, "data_time": 0.01021, "decode.loss_ce": 0.23979, "decode.acc_seg": 89.83168, "aux.loss_ce": 0.09885, "aux.acc_seg": 89.53412, "loss": 0.33864, "time": 1.62312} {"mode": "train", "epoch": 25, "iter": 31500, "lr": 2e-05, "memory": 71384, "data_time": 0.01002, "decode.loss_ce": 0.23084, "decode.acc_seg": 90.45768, "aux.loss_ce": 0.09474, "aux.acc_seg": 90.09773, "loss": 0.32558, "time": 1.6253} {"mode": "train", "epoch": 25, "iter": 31550, "lr": 2e-05, "memory": 71384, "data_time": 0.00967, "decode.loss_ce": 0.22286, "decode.acc_seg": 90.921, "aux.loss_ce": 0.09216, "aux.acc_seg": 90.60816, "loss": 0.31503, "time": 1.62546} {"mode": "train", "epoch": 26, "iter": 31600, "lr": 2e-05, "memory": 71384, "data_time": 0.0514, "decode.loss_ce": 0.21584, "decode.acc_seg": 91.16076, "aux.loss_ce": 0.08907, "aux.acc_seg": 90.88537, "loss": 0.30491, "time": 1.66633} {"mode": "train", "epoch": 26, "iter": 31650, "lr": 2e-05, "memory": 71384, "data_time": 0.00955, "decode.loss_ce": 0.22571, "decode.acc_seg": 90.77299, "aux.loss_ce": 0.09318, "aux.acc_seg": 90.48914, "loss": 0.31889, "time": 1.6231} {"mode": "train", "epoch": 26, "iter": 31700, "lr": 2e-05, "memory": 71384, "data_time": 0.00955, "decode.loss_ce": 0.22885, "decode.acc_seg": 90.83466, "aux.loss_ce": 0.09461, "aux.acc_seg": 90.59471, "loss": 0.32346, "time": 1.62114} {"mode": "train", "epoch": 26, "iter": 31750, "lr": 2e-05, "memory": 71384, "data_time": 0.00958, "decode.loss_ce": 0.21676, "decode.acc_seg": 91.00355, "aux.loss_ce": 0.08977, "aux.acc_seg": 90.65419, "loss": 0.30653, "time": 1.62096} {"mode": "train", "epoch": 26, "iter": 31800, "lr": 2e-05, "memory": 71384, "data_time": 0.00972, "decode.loss_ce": 0.22933, "decode.acc_seg": 90.16164, "aux.loss_ce": 0.09491, "aux.acc_seg": 89.86883, "loss": 0.32424, "time": 1.62237} {"mode": "train", "epoch": 26, "iter": 31850, "lr": 2e-05, "memory": 71384, "data_time": 0.00957, "decode.loss_ce": 0.22396, "decode.acc_seg": 90.52044, "aux.loss_ce": 0.09276, "aux.acc_seg": 90.19539, "loss": 0.31672, "time": 1.6226} {"mode": "train", "epoch": 26, "iter": 31900, "lr": 2e-05, "memory": 71384, "data_time": 0.00966, "decode.loss_ce": 0.22359, "decode.acc_seg": 90.78099, "aux.loss_ce": 0.09207, "aux.acc_seg": 90.50604, "loss": 0.31566, "time": 1.62252} {"mode": "train", "epoch": 26, "iter": 31950, "lr": 2e-05, "memory": 71384, "data_time": 0.00958, "decode.loss_ce": 0.22913, "decode.acc_seg": 90.85346, "aux.loss_ce": 0.09408, "aux.acc_seg": 90.52509, "loss": 0.32322, "time": 1.62425} {"mode": "train", "epoch": 26, "iter": 32000, "lr": 2e-05, "memory": 71384, "data_time": 0.00954, "decode.loss_ce": 0.19989, "decode.acc_seg": 91.40774, "aux.loss_ce": 0.08263, "aux.acc_seg": 91.15676, "loss": 0.28252, "time": 3.39406} {"mode": "val", "epoch": 26, "iter": 250, "lr": 2e-05, "aAcc": 0.8601, "mIoU": 0.5645, "mAcc": 0.6878, "IoU.wall": 0.8189, "IoU.building": 0.8447, "IoU.sky": 0.9503, "IoU.floor": 0.851, "IoU.tree": 0.7782, "IoU.ceiling": 0.8695, "IoU.road": 0.8582, "IoU.bed ": 0.9268, "IoU.windowpane": 0.6648, "IoU.grass": 0.7024, "IoU.cabinet": 0.6573, "IoU.sidewalk": 0.6926, "IoU.person": 0.8601, "IoU.earth": 0.3941, "IoU.door": 0.618, "IoU.table": 0.6915, "IoU.mountain": 0.6359, "IoU.plant": 0.5474, "IoU.curtain": 0.7947, "IoU.chair": 0.6838, "IoU.car": 0.8702, "IoU.water": 0.5987, "IoU.painting": 0.7434, "IoU.sofa": 0.8087, "IoU.shelf": 0.5084, "IoU.house": 0.4896, "IoU.sea": 0.7113, "IoU.mirror": 0.8065, "IoU.rug": 0.7187, "IoU.field": 0.4006, "IoU.armchair": 0.5977, "IoU.seat": 0.7222, "IoU.fence": 0.465, "IoU.desk": 0.5758, "IoU.rock": 0.5715, "IoU.wardrobe": 0.525, "IoU.lamp": 0.7454, "IoU.bathtub": 0.8725, "IoU.railing": 0.382, "IoU.cushion": 0.7184, "IoU.base": 0.4424, "IoU.box": 0.3578, "IoU.column": 0.5655, "IoU.signboard": 0.3935, "IoU.chest of drawers": 0.4333, "IoU.counter": 0.3959, "IoU.sand": 0.5657, "IoU.sink": 0.7875, "IoU.skyscraper": 0.4603, "IoU.fireplace": 0.7101, "IoU.refrigerator": 0.8043, "IoU.grandstand": 0.5198, "IoU.path": 0.273, "IoU.stairs": 0.3719, "IoU.runway": 0.7551, "IoU.case": 0.5853, "IoU.pool table": 0.9381, "IoU.pillow": 0.6958, "IoU.screen door": 0.7014, "IoU.stairway": 0.4318, "IoU.river": 0.1, "IoU.bridge": 0.5879, "IoU.bookcase": 0.4535, "IoU.blind": 0.3977, "IoU.coffee table": 0.6813, "IoU.toilet": 0.8921, "IoU.flower": 0.4307, "IoU.book": 0.525, "IoU.hill": 0.1262, "IoU.bench": 0.6518, "IoU.countertop": 0.6315, "IoU.stove": 0.8485, "IoU.palm": 0.5574, "IoU.kitchen island": 0.4188, "IoU.computer": 0.796, "IoU.swivel chair": 0.5025, "IoU.boat": 0.6097, "IoU.bar": 0.7022, "IoU.arcade machine": 0.7813, "IoU.hovel": 0.1542, "IoU.bus": 0.9264, "IoU.towel": 0.7602, "IoU.light": 0.6116, "IoU.truck": 0.448, "IoU.tower": 0.14, "IoU.chandelier": 0.7275, "IoU.awning": 0.3404, "IoU.streetlight": 0.3352, "IoU.booth": 0.4932, "IoU.television receiver": 0.8129, "IoU.airplane": 0.8758, "IoU.dirt track": 0.0425, "IoU.apparel": 0.6358, "IoU.pole": 0.2308, "IoU.land": 0.0037, "IoU.bannister": 0.1909, "IoU.escalator": 0.6388, "IoU.ottoman": 0.5081, "IoU.bottle": 0.3994, "IoU.buffet": 0.6139, "IoU.poster": 0.2719, "IoU.stage": 0.1828, "IoU.van": 0.4444, "IoU.ship": 0.8634, "IoU.fountain": 0.3071, "IoU.conveyer belt": 0.8555, "IoU.canopy": 0.3153, "IoU.washer": 0.7631, "IoU.plaything": 0.3863, "IoU.swimming pool": 0.4986, "IoU.stool": 0.5399, "IoU.barrel": 0.5403, "IoU.basket": 0.4268, "IoU.waterfall": 0.5812, "IoU.tent": 0.9581, "IoU.bag": 0.255, "IoU.minibike": 0.7644, "IoU.cradle": 0.8421, "IoU.oven": 0.5046, "IoU.ball": 0.5504, "IoU.food": 0.5782, "IoU.step": 0.1999, "IoU.tank": 0.6183, "IoU.trade name": 0.1861, "IoU.microwave": 0.8738, "IoU.pot": 0.5625, "IoU.animal": 0.6089, "IoU.bicycle": 0.5722, "IoU.lake": 0.5267, "IoU.dishwasher": 0.7293, "IoU.screen": 0.6065, "IoU.blanket": 0.2276, "IoU.sculpture": 0.7456, "IoU.hood": 0.6308, "IoU.sconce": 0.5981, "IoU.vase": 0.4537, "IoU.traffic light": 0.3542, "IoU.tray": 0.1925, "IoU.ashcan": 0.4695, "IoU.fan": 0.6929, "IoU.pier": 0.4, "IoU.crt screen": 0.0123, "IoU.plate": 0.6164, "IoU.monitor": 0.3029, "IoU.bulletin board": 0.5952, "IoU.shower": 0.0, "IoU.radiator": 0.6678, "IoU.glass": 0.2029, "IoU.clock": 0.4915, "IoU.flag": 0.6707, "Acc.wall": 0.8947, "Acc.building": 0.9358, "Acc.sky": 0.9738, "Acc.floor": 0.9139, "Acc.tree": 0.9122, "Acc.ceiling": 0.9277, "Acc.road": 0.9149, "Acc.bed ": 0.9712, "Acc.windowpane": 0.8347, "Acc.grass": 0.8344, "Acc.cabinet": 0.7697, "Acc.sidewalk": 0.8137, "Acc.person": 0.9357, "Acc.earth": 0.552, "Acc.door": 0.7798, "Acc.table": 0.8571, "Acc.mountain": 0.7706, "Acc.plant": 0.6531, "Acc.curtain": 0.8734, "Acc.chair": 0.8035, "Acc.car": 0.9356, "Acc.water": 0.7299, "Acc.painting": 0.911, "Acc.sofa": 0.8869, "Acc.shelf": 0.7212, "Acc.house": 0.5482, "Acc.sea": 0.8361, "Acc.mirror": 0.8921, "Acc.rug": 0.8358, "Acc.field": 0.5484, "Acc.armchair": 0.8091, "Acc.seat": 0.875, "Acc.fence": 0.608, "Acc.desk": 0.7356, "Acc.rock": 0.7334, "Acc.wardrobe": 0.7628, "Acc.lamp": 0.8508, "Acc.bathtub": 0.8994, "Acc.railing": 0.6413, "Acc.cushion": 0.8032, "Acc.base": 0.6046, "Acc.box": 0.4782, "Acc.column": 0.6909, "Acc.signboard": 0.4674, "Acc.chest of drawers": 0.6708, "Acc.counter": 0.5001, "Acc.sand": 0.876, "Acc.sink": 0.8495, "Acc.skyscraper": 0.5713, "Acc.fireplace": 0.9217, "Acc.refrigerator": 0.8659, "Acc.grandstand": 0.811, "Acc.path": 0.364, "Acc.stairs": 0.457, "Acc.runway": 0.9857, "Acc.case": 0.8889, "Acc.pool table": 0.977, "Acc.pillow": 0.827, "Acc.screen door": 0.7233, "Acc.stairway": 0.55, "Acc.river": 0.1851, "Acc.bridge": 0.7085, "Acc.bookcase": 0.6404, "Acc.blind": 0.4603, "Acc.coffee table": 0.8874, "Acc.toilet": 0.9611, "Acc.flower": 0.5596, "Acc.book": 0.6975, "Acc.hill": 0.2658, "Acc.bench": 0.7451, "Acc.countertop": 0.8614, "Acc.stove": 0.9014, "Acc.palm": 0.8204, "Acc.kitchen island": 0.527, "Acc.computer": 0.9135, "Acc.swivel chair": 0.7527, "Acc.boat": 0.9168, "Acc.bar": 0.8983, "Acc.arcade machine": 0.8338, "Acc.hovel": 0.1635, "Acc.bus": 0.9686, "Acc.towel": 0.839, "Acc.light": 0.7132, "Acc.truck": 0.6231, "Acc.tower": 0.2362, "Acc.chandelier": 0.8927, "Acc.awning": 0.3796, "Acc.streetlight": 0.4486, "Acc.booth": 0.6135, "Acc.television receiver": 0.9205, "Acc.airplane": 0.9555, "Acc.dirt track": 0.1891, "Acc.apparel": 0.8495, "Acc.pole": 0.294, "Acc.land": 0.0068, "Acc.bannister": 0.2591, "Acc.escalator": 0.8285, "Acc.ottoman": 0.7244, "Acc.bottle": 0.5149, "Acc.buffet": 0.7184, "Acc.poster": 0.3174, "Acc.stage": 0.5002, "Acc.van": 0.6678, "Acc.ship": 0.896, "Acc.fountain": 0.3182, "Acc.conveyer belt": 0.918, "Acc.canopy": 0.4475, "Acc.washer": 0.8141, "Acc.plaything": 0.6567, "Acc.swimming pool": 0.725, "Acc.stool": 0.7174, "Acc.barrel": 0.649, "Acc.basket": 0.6135, "Acc.waterfall": 0.7241, "Acc.tent": 0.9807, "Acc.bag": 0.2881, "Acc.minibike": 0.8996, "Acc.cradle": 0.9724, "Acc.oven": 0.563, "Acc.ball": 0.7487, "Acc.food": 0.6348, "Acc.step": 0.2386, "Acc.tank": 0.6694, "Acc.trade name": 0.2035, "Acc.microwave": 0.9583, "Acc.pot": 0.6472, "Acc.animal": 0.6257, "Acc.bicycle": 0.7844, "Acc.lake": 0.6373, "Acc.dishwasher": 0.8292, "Acc.screen": 0.9714, "Acc.blanket": 0.2672, "Acc.sculpture": 0.8727, "Acc.hood": 0.7226, "Acc.sconce": 0.7469, "Acc.vase": 0.6127, "Acc.traffic light": 0.6545, "Acc.tray": 0.2264, "Acc.ashcan": 0.6557, "Acc.fan": 0.8323, "Acc.pier": 0.4207, "Acc.crt screen": 0.0264, "Acc.plate": 0.7902, "Acc.monitor": 0.344, "Acc.bulletin board": 0.7551, "Acc.shower": 0.0, "Acc.radiator": 0.8065, "Acc.glass": 0.2188, "Acc.clock": 0.604, "Acc.flag": 0.7502} {"mode": "train", "epoch": 26, "iter": 32050, "lr": 2e-05, "memory": 71384, "data_time": 1.95273, "decode.loss_ce": 0.22047, "decode.acc_seg": 90.97338, "aux.loss_ce": 0.09034, "aux.acc_seg": 90.70481, "loss": 0.31081, "time": 3.56714} {"mode": "train", "epoch": 26, "iter": 32100, "lr": 2e-05, "memory": 71384, "data_time": 0.00955, "decode.loss_ce": 0.22373, "decode.acc_seg": 90.55966, "aux.loss_ce": 0.09271, "aux.acc_seg": 90.28381, "loss": 0.31644, "time": 1.62176} {"mode": "train", "epoch": 26, "iter": 32150, "lr": 2e-05, "memory": 71384, "data_time": 0.00962, "decode.loss_ce": 0.22558, "decode.acc_seg": 90.90254, "aux.loss_ce": 0.09348, "aux.acc_seg": 90.53029, "loss": 0.31906, "time": 1.62168} {"mode": "train", "epoch": 26, "iter": 32200, "lr": 2e-05, "memory": 71384, "data_time": 0.00963, "decode.loss_ce": 0.21493, "decode.acc_seg": 90.96291, "aux.loss_ce": 0.0885, "aux.acc_seg": 90.63301, "loss": 0.30342, "time": 1.62399} {"mode": "train", "epoch": 26, "iter": 32250, "lr": 2e-05, "memory": 71384, "data_time": 0.00975, "decode.loss_ce": 0.21778, "decode.acc_seg": 90.74384, "aux.loss_ce": 0.08967, "aux.acc_seg": 90.63739, "loss": 0.30746, "time": 1.6264} {"mode": "train", "epoch": 26, "iter": 32300, "lr": 2e-05, "memory": 71384, "data_time": 0.0097, "decode.loss_ce": 0.21919, "decode.acc_seg": 91.11232, "aux.loss_ce": 0.08976, "aux.acc_seg": 90.85013, "loss": 0.30895, "time": 1.62161} {"mode": "train", "epoch": 26, "iter": 32350, "lr": 2e-05, "memory": 71384, "data_time": 0.00969, "decode.loss_ce": 0.22006, "decode.acc_seg": 90.97807, "aux.loss_ce": 0.09081, "aux.acc_seg": 90.71175, "loss": 0.31087, "time": 1.61983} {"mode": "train", "epoch": 26, "iter": 32400, "lr": 2e-05, "memory": 71384, "data_time": 0.00965, "decode.loss_ce": 0.24642, "decode.acc_seg": 89.86975, "aux.loss_ce": 0.10159, "aux.acc_seg": 89.57884, "loss": 0.34802, "time": 1.62439} {"mode": "train", "epoch": 26, "iter": 32450, "lr": 2e-05, "memory": 71384, "data_time": 0.00985, "decode.loss_ce": 0.23868, "decode.acc_seg": 90.21566, "aux.loss_ce": 0.0986, "aux.acc_seg": 89.83796, "loss": 0.33728, "time": 1.62246} {"mode": "train", "epoch": 26, "iter": 32500, "lr": 2e-05, "memory": 71384, "data_time": 0.00962, "decode.loss_ce": 0.22773, "decode.acc_seg": 90.37311, "aux.loss_ce": 0.09342, "aux.acc_seg": 90.08095, "loss": 0.32115, "time": 1.62476} {"mode": "train", "epoch": 26, "iter": 32550, "lr": 2e-05, "memory": 71384, "data_time": 0.00989, "decode.loss_ce": 0.21025, "decode.acc_seg": 91.25257, "aux.loss_ce": 0.08676, "aux.acc_seg": 90.91044, "loss": 0.29701, "time": 1.622} {"mode": "train", "epoch": 26, "iter": 32600, "lr": 2e-05, "memory": 71384, "data_time": 0.00984, "decode.loss_ce": 0.21298, "decode.acc_seg": 91.20472, "aux.loss_ce": 0.08822, "aux.acc_seg": 90.90402, "loss": 0.3012, "time": 1.62377} {"mode": "train", "epoch": 26, "iter": 32650, "lr": 2e-05, "memory": 71384, "data_time": 0.00971, "decode.loss_ce": 0.20952, "decode.acc_seg": 91.21289, "aux.loss_ce": 0.08668, "aux.acc_seg": 90.90723, "loss": 0.2962, "time": 1.62439} {"mode": "train", "epoch": 26, "iter": 32700, "lr": 2e-05, "memory": 71384, "data_time": 0.00982, "decode.loss_ce": 0.24531, "decode.acc_seg": 90.00756, "aux.loss_ce": 0.10125, "aux.acc_seg": 89.71999, "loss": 0.34657, "time": 1.62401} {"mode": "train", "epoch": 26, "iter": 32750, "lr": 2e-05, "memory": 71384, "data_time": 0.00977, "decode.loss_ce": 0.22376, "decode.acc_seg": 90.66987, "aux.loss_ce": 0.09184, "aux.acc_seg": 90.33607, "loss": 0.3156, "time": 1.62658} {"mode": "train", "epoch": 26, "iter": 32800, "lr": 2e-05, "memory": 71384, "data_time": 0.0097, "decode.loss_ce": 0.22485, "decode.acc_seg": 90.63361, "aux.loss_ce": 0.0929, "aux.acc_seg": 90.39962, "loss": 0.31775, "time": 1.62318} {"mode": "train", "epoch": 27, "iter": 32850, "lr": 2e-05, "memory": 71384, "data_time": 0.0636, "decode.loss_ce": 0.21041, "decode.acc_seg": 90.83533, "aux.loss_ce": 0.08719, "aux.acc_seg": 90.57801, "loss": 0.29759, "time": 1.67778} {"mode": "train", "epoch": 27, "iter": 32900, "lr": 2e-05, "memory": 71384, "data_time": 0.00971, "decode.loss_ce": 0.21129, "decode.acc_seg": 91.03502, "aux.loss_ce": 0.08751, "aux.acc_seg": 90.72206, "loss": 0.2988, "time": 1.62074} {"mode": "train", "epoch": 27, "iter": 32950, "lr": 2e-05, "memory": 71384, "data_time": 0.00981, "decode.loss_ce": 0.21009, "decode.acc_seg": 90.93739, "aux.loss_ce": 0.08629, "aux.acc_seg": 90.73282, "loss": 0.29637, "time": 1.62568} {"mode": "train", "epoch": 27, "iter": 33000, "lr": 2e-05, "memory": 71384, "data_time": 0.00968, "decode.loss_ce": 0.21125, "decode.acc_seg": 91.11871, "aux.loss_ce": 0.08786, "aux.acc_seg": 90.8101, "loss": 0.2991, "time": 1.62412} {"mode": "val", "epoch": 27, "iter": 250, "lr": 2e-05, "aAcc": 0.8616, "mIoU": 0.5727, "mAcc": 0.7033, "IoU.wall": 0.8229, "IoU.building": 0.8535, "IoU.sky": 0.9506, "IoU.floor": 0.8531, "IoU.tree": 0.7751, "IoU.ceiling": 0.8693, "IoU.road": 0.8635, "IoU.bed ": 0.9237, "IoU.windowpane": 0.6811, "IoU.grass": 0.6752, "IoU.cabinet": 0.6542, "IoU.sidewalk": 0.719, "IoU.person": 0.8584, "IoU.earth": 0.3998, "IoU.door": 0.6126, "IoU.table": 0.689, "IoU.mountain": 0.5944, "IoU.plant": 0.553, "IoU.curtain": 0.7916, "IoU.chair": 0.6793, "IoU.car": 0.872, "IoU.water": 0.6186, "IoU.painting": 0.7648, "IoU.sofa": 0.8182, "IoU.shelf": 0.5035, "IoU.house": 0.5344, "IoU.sea": 0.7139, "IoU.mirror": 0.7821, "IoU.rug": 0.6985, "IoU.field": 0.327, "IoU.armchair": 0.6115, "IoU.seat": 0.6758, "IoU.fence": 0.4805, "IoU.desk": 0.547, "IoU.rock": 0.5481, "IoU.wardrobe": 0.5464, "IoU.lamp": 0.736, "IoU.bathtub": 0.8991, "IoU.railing": 0.4554, "IoU.cushion": 0.7025, "IoU.base": 0.462, "IoU.box": 0.3721, "IoU.column": 0.6034, "IoU.signboard": 0.3948, "IoU.chest of drawers": 0.4281, "IoU.counter": 0.404, "IoU.sand": 0.5336, "IoU.sink": 0.7873, "IoU.skyscraper": 0.4685, "IoU.fireplace": 0.702, "IoU.refrigerator": 0.8574, "IoU.grandstand": 0.5647, "IoU.path": 0.2637, "IoU.stairs": 0.3766, "IoU.runway": 0.7473, "IoU.case": 0.6385, "IoU.pool table": 0.9427, "IoU.pillow": 0.6969, "IoU.screen door": 0.7829, "IoU.stairway": 0.3253, "IoU.river": 0.156, "IoU.bridge": 0.4991, "IoU.bookcase": 0.4256, "IoU.blind": 0.5119, "IoU.coffee table": 0.6018, "IoU.toilet": 0.912, "IoU.flower": 0.4018, "IoU.book": 0.5349, "IoU.hill": 0.0545, "IoU.bench": 0.5661, "IoU.countertop": 0.6272, "IoU.stove": 0.8481, "IoU.palm": 0.5642, "IoU.kitchen island": 0.4983, "IoU.computer": 0.7892, "IoU.swivel chair": 0.5126, "IoU.boat": 0.7733, "IoU.bar": 0.6923, "IoU.arcade machine": 0.8622, "IoU.hovel": 0.1407, "IoU.bus": 0.9284, "IoU.towel": 0.7633, "IoU.light": 0.6199, "IoU.truck": 0.397, "IoU.tower": 0.1647, "IoU.chandelier": 0.7076, "IoU.awning": 0.4143, "IoU.streetlight": 0.3703, "IoU.booth": 0.4258, "IoU.television receiver": 0.7794, "IoU.airplane": 0.8982, "IoU.dirt track": 0.0507, "IoU.apparel": 0.5687, "IoU.pole": 0.272, "IoU.land": 0.0, "IoU.bannister": 0.1962, "IoU.escalator": 0.6425, "IoU.ottoman": 0.5081, "IoU.bottle": 0.3757, "IoU.buffet": 0.5174, "IoU.poster": 0.3016, "IoU.stage": 0.2776, "IoU.van": 0.4554, "IoU.ship": 0.8043, "IoU.fountain": 0.376, "IoU.conveyer belt": 0.7693, "IoU.canopy": 0.5143, "IoU.washer": 0.8353, "IoU.plaything": 0.4495, "IoU.swimming pool": 0.5771, "IoU.stool": 0.5025, "IoU.barrel": 0.5223, "IoU.basket": 0.4264, "IoU.waterfall": 0.5369, "IoU.tent": 0.9588, "IoU.bag": 0.2554, "IoU.minibike": 0.7604, "IoU.cradle": 0.8253, "IoU.oven": 0.599, "IoU.ball": 0.5464, "IoU.food": 0.6512, "IoU.step": 0.2376, "IoU.tank": 0.5907, "IoU.trade name": 0.2006, "IoU.microwave": 0.8743, "IoU.pot": 0.5874, "IoU.animal": 0.6129, "IoU.bicycle": 0.5906, "IoU.lake": 0.5469, "IoU.dishwasher": 0.7376, "IoU.screen": 0.5386, "IoU.blanket": 0.2739, "IoU.sculpture": 0.7421, "IoU.hood": 0.6311, "IoU.sconce": 0.6326, "IoU.vase": 0.4517, "IoU.traffic light": 0.3459, "IoU.tray": 0.2676, "IoU.ashcan": 0.512, "IoU.fan": 0.6808, "IoU.pier": 0.3956, "IoU.crt screen": 0.0172, "IoU.plate": 0.6433, "IoU.monitor": 0.6219, "IoU.bulletin board": 0.6042, "IoU.shower": 0.0092, "IoU.radiator": 0.6766, "IoU.glass": 0.1956, "IoU.clock": 0.4812, "IoU.flag": 0.6807, "Acc.wall": 0.8962, "Acc.building": 0.932, "Acc.sky": 0.9733, "Acc.floor": 0.9067, "Acc.tree": 0.9063, "Acc.ceiling": 0.9229, "Acc.road": 0.9137, "Acc.bed ": 0.9705, "Acc.windowpane": 0.8138, "Acc.grass": 0.8483, "Acc.cabinet": 0.7567, "Acc.sidewalk": 0.8457, "Acc.person": 0.9394, "Acc.earth": 0.5508, "Acc.door": 0.7952, "Acc.table": 0.8037, "Acc.mountain": 0.7408, "Acc.plant": 0.6687, "Acc.curtain": 0.9048, "Acc.chair": 0.7844, "Acc.car": 0.9418, "Acc.water": 0.7475, "Acc.painting": 0.9037, "Acc.sofa": 0.9116, "Acc.shelf": 0.6711, "Acc.house": 0.7312, "Acc.sea": 0.8418, "Acc.mirror": 0.8542, "Acc.rug": 0.849, "Acc.field": 0.4484, "Acc.armchair": 0.8139, "Acc.seat": 0.8953, "Acc.fence": 0.6084, "Acc.desk": 0.7705, "Acc.rock": 0.7992, "Acc.wardrobe": 0.7698, "Acc.lamp": 0.8509, "Acc.bathtub": 0.9242, "Acc.railing": 0.6473, "Acc.cushion": 0.7848, "Acc.base": 0.6787, "Acc.box": 0.4901, "Acc.column": 0.7532, "Acc.signboard": 0.516, "Acc.chest of drawers": 0.6202, "Acc.counter": 0.5159, "Acc.sand": 0.7908, "Acc.sink": 0.8483, "Acc.skyscraper": 0.5302, "Acc.fireplace": 0.9301, "Acc.refrigerator": 0.9553, "Acc.grandstand": 0.7894, "Acc.path": 0.3545, "Acc.stairs": 0.5673, "Acc.runway": 0.9603, "Acc.case": 0.8491, "Acc.pool table": 0.9837, "Acc.pillow": 0.847, "Acc.screen door": 0.8155, "Acc.stairway": 0.3477, "Acc.river": 0.3502, "Acc.bridge": 0.5766, "Acc.bookcase": 0.6558, "Acc.blind": 0.6248, "Acc.coffee table": 0.9078, "Acc.toilet": 0.9494, "Acc.flower": 0.4816, "Acc.book": 0.7773, "Acc.hill": 0.0966, "Acc.bench": 0.6356, "Acc.countertop": 0.8554, "Acc.stove": 0.9345, "Acc.palm": 0.8364, "Acc.kitchen island": 0.8131, "Acc.computer": 0.925, "Acc.swivel chair": 0.7529, "Acc.boat": 0.9007, "Acc.bar": 0.8382, "Acc.arcade machine": 0.9189, "Acc.hovel": 0.1586, "Acc.bus": 0.9651, "Acc.towel": 0.8505, "Acc.light": 0.7557, "Acc.truck": 0.4994, "Acc.tower": 0.247, "Acc.chandelier": 0.8812, "Acc.awning": 0.5398, "Acc.streetlight": 0.5135, "Acc.booth": 0.6364, "Acc.television receiver": 0.8981, "Acc.airplane": 0.9421, "Acc.dirt track": 0.2828, "Acc.apparel": 0.7832, "Acc.pole": 0.4055, "Acc.land": 0.0, "Acc.bannister": 0.2363, "Acc.escalator": 0.8303, "Acc.ottoman": 0.713, "Acc.bottle": 0.4769, "Acc.buffet": 0.57, "Acc.poster": 0.34, "Acc.stage": 0.4628, "Acc.van": 0.6631, "Acc.ship": 0.9046, "Acc.fountain": 0.4063, "Acc.conveyer belt": 0.9611, "Acc.canopy": 0.7913, "Acc.washer": 0.8903, "Acc.plaything": 0.6465, "Acc.swimming pool": 0.8738, "Acc.stool": 0.6912, "Acc.barrel": 0.6728, "Acc.basket": 0.6913, "Acc.waterfall": 0.6018, "Acc.tent": 0.9835, "Acc.bag": 0.2956, "Acc.minibike": 0.8877, "Acc.cradle": 0.9856, "Acc.oven": 0.6938, "Acc.ball": 0.7577, "Acc.food": 0.7565, "Acc.step": 0.3486, "Acc.tank": 0.6955, "Acc.trade name": 0.231, "Acc.microwave": 0.9623, "Acc.pot": 0.6967, "Acc.animal": 0.624, "Acc.bicycle": 0.7435, "Acc.lake": 0.6365, "Acc.dishwasher": 0.7982, "Acc.screen": 0.7784, "Acc.blanket": 0.3156, "Acc.sculpture": 0.8908, "Acc.hood": 0.8222, "Acc.sconce": 0.7767, "Acc.vase": 0.6243, "Acc.traffic light": 0.6499, "Acc.tray": 0.4606, "Acc.ashcan": 0.6564, "Acc.fan": 0.873, "Acc.pier": 0.5314, "Acc.crt screen": 0.0295, "Acc.plate": 0.8031, "Acc.monitor": 0.702, "Acc.bulletin board": 0.7258, "Acc.shower": 0.0094, "Acc.radiator": 0.8071, "Acc.glass": 0.2066, "Acc.clock": 0.5895, "Acc.flag": 0.7451} {"mode": "train", "epoch": 27, "iter": 33050, "lr": 2e-05, "memory": 71384, "data_time": 1.97722, "decode.loss_ce": 0.21207, "decode.acc_seg": 91.19544, "aux.loss_ce": 0.08747, "aux.acc_seg": 90.92967, "loss": 0.29954, "time": 3.59333} {"mode": "train", "epoch": 27, "iter": 33100, "lr": 2e-05, "memory": 71384, "data_time": 0.01078, "decode.loss_ce": 0.21758, "decode.acc_seg": 90.7287, "aux.loss_ce": 0.09007, "aux.acc_seg": 90.456, "loss": 0.30765, "time": 1.62351} {"mode": "train", "epoch": 27, "iter": 33150, "lr": 2e-05, "memory": 71384, "data_time": 0.01057, "decode.loss_ce": 0.21731, "decode.acc_seg": 90.36979, "aux.loss_ce": 0.08974, "aux.acc_seg": 90.08192, "loss": 0.30705, "time": 1.62068} {"mode": "train", "epoch": 27, "iter": 33200, "lr": 2e-05, "memory": 71384, "data_time": 0.01017, "decode.loss_ce": 0.21839, "decode.acc_seg": 90.77136, "aux.loss_ce": 0.08936, "aux.acc_seg": 90.58348, "loss": 0.30775, "time": 1.62948} {"mode": "train", "epoch": 27, "iter": 33250, "lr": 2e-05, "memory": 71384, "data_time": 0.01017, "decode.loss_ce": 0.21208, "decode.acc_seg": 91.13057, "aux.loss_ce": 0.08865, "aux.acc_seg": 90.77443, "loss": 0.30073, "time": 1.62075} {"mode": "train", "epoch": 27, "iter": 33300, "lr": 2e-05, "memory": 71384, "data_time": 0.01004, "decode.loss_ce": 0.20071, "decode.acc_seg": 91.40058, "aux.loss_ce": 0.08357, "aux.acc_seg": 91.05146, "loss": 0.28428, "time": 1.62089} {"mode": "train", "epoch": 27, "iter": 33350, "lr": 2e-05, "memory": 71384, "data_time": 0.01064, "decode.loss_ce": 0.2167, "decode.acc_seg": 91.25122, "aux.loss_ce": 0.09016, "aux.acc_seg": 90.85196, "loss": 0.30686, "time": 1.62147} {"mode": "train", "epoch": 27, "iter": 33400, "lr": 2e-05, "memory": 71384, "data_time": 0.01039, "decode.loss_ce": 0.20937, "decode.acc_seg": 91.03121, "aux.loss_ce": 0.08609, "aux.acc_seg": 90.84269, "loss": 0.29546, "time": 1.62315} {"mode": "train", "epoch": 27, "iter": 33450, "lr": 2e-05, "memory": 71384, "data_time": 0.01032, "decode.loss_ce": 0.21656, "decode.acc_seg": 91.11545, "aux.loss_ce": 0.08949, "aux.acc_seg": 90.78595, "loss": 0.30605, "time": 1.62289} {"mode": "train", "epoch": 27, "iter": 33500, "lr": 2e-05, "memory": 71384, "data_time": 0.00998, "decode.loss_ce": 0.21776, "decode.acc_seg": 91.02944, "aux.loss_ce": 0.08974, "aux.acc_seg": 90.78461, "loss": 0.3075, "time": 1.62138} {"mode": "train", "epoch": 27, "iter": 33550, "lr": 2e-05, "memory": 71384, "data_time": 0.0102, "decode.loss_ce": 0.22454, "decode.acc_seg": 90.91459, "aux.loss_ce": 0.09283, "aux.acc_seg": 90.56816, "loss": 0.31737, "time": 1.62602} {"mode": "train", "epoch": 27, "iter": 33600, "lr": 2e-05, "memory": 71384, "data_time": 0.01041, "decode.loss_ce": 0.21192, "decode.acc_seg": 90.98025, "aux.loss_ce": 0.08736, "aux.acc_seg": 90.69894, "loss": 0.29928, "time": 1.62134} {"mode": "train", "epoch": 27, "iter": 33650, "lr": 2e-05, "memory": 71384, "data_time": 0.01061, "decode.loss_ce": 0.20834, "decode.acc_seg": 91.45264, "aux.loss_ce": 0.08607, "aux.acc_seg": 91.14256, "loss": 0.29441, "time": 1.62313} {"mode": "train", "epoch": 27, "iter": 33700, "lr": 2e-05, "memory": 71384, "data_time": 0.01081, "decode.loss_ce": 0.20463, "decode.acc_seg": 91.37359, "aux.loss_ce": 0.0852, "aux.acc_seg": 90.99688, "loss": 0.28982, "time": 1.62393} {"mode": "train", "epoch": 27, "iter": 33750, "lr": 2e-05, "memory": 71384, "data_time": 0.01027, "decode.loss_ce": 0.2259, "decode.acc_seg": 90.56123, "aux.loss_ce": 0.09328, "aux.acc_seg": 90.25808, "loss": 0.31918, "time": 1.62444} {"mode": "train", "epoch": 27, "iter": 33800, "lr": 2e-05, "memory": 71384, "data_time": 0.00988, "decode.loss_ce": 0.21638, "decode.acc_seg": 91.05405, "aux.loss_ce": 0.08908, "aux.acc_seg": 90.73907, "loss": 0.30546, "time": 1.6201} {"mode": "train", "epoch": 27, "iter": 33850, "lr": 2e-05, "memory": 71384, "data_time": 0.01008, "decode.loss_ce": 0.21441, "decode.acc_seg": 91.23066, "aux.loss_ce": 0.0888, "aux.acc_seg": 90.8859, "loss": 0.30321, "time": 1.62471} {"mode": "train", "epoch": 27, "iter": 33900, "lr": 2e-05, "memory": 71384, "data_time": 0.00995, "decode.loss_ce": 0.21101, "decode.acc_seg": 91.68379, "aux.loss_ce": 0.0871, "aux.acc_seg": 91.39134, "loss": 0.29811, "time": 1.6215} {"mode": "train", "epoch": 27, "iter": 33950, "lr": 2e-05, "memory": 71384, "data_time": 0.00992, "decode.loss_ce": 0.24116, "decode.acc_seg": 90.2207, "aux.loss_ce": 0.10009, "aux.acc_seg": 89.8849, "loss": 0.34125, "time": 1.62198} {"mode": "train", "epoch": 27, "iter": 34000, "lr": 2e-05, "memory": 71384, "data_time": 0.01035, "decode.loss_ce": 0.22131, "decode.acc_seg": 90.6208, "aux.loss_ce": 0.08938, "aux.acc_seg": 90.45715, "loss": 0.31069, "time": 3.28085} {"mode": "val", "epoch": 27, "iter": 250, "lr": 2e-05, "aAcc": 0.8593, "mIoU": 0.5661, "mAcc": 0.6947, "IoU.wall": 0.8185, "IoU.building": 0.8475, "IoU.sky": 0.948, "IoU.floor": 0.8529, "IoU.tree": 0.7686, "IoU.ceiling": 0.8709, "IoU.road": 0.859, "IoU.bed ": 0.9255, "IoU.windowpane": 0.6655, "IoU.grass": 0.6763, "IoU.cabinet": 0.6506, "IoU.sidewalk": 0.7022, "IoU.person": 0.8561, "IoU.earth": 0.3814, "IoU.door": 0.6008, "IoU.table": 0.6898, "IoU.mountain": 0.6042, "IoU.plant": 0.5602, "IoU.curtain": 0.7894, "IoU.chair": 0.6741, "IoU.car": 0.8574, "IoU.water": 0.6374, "IoU.painting": 0.7556, "IoU.sofa": 0.8144, "IoU.shelf": 0.4989, "IoU.house": 0.5361, "IoU.sea": 0.7365, "IoU.mirror": 0.7778, "IoU.rug": 0.6986, "IoU.field": 0.354, "IoU.armchair": 0.6229, "IoU.seat": 0.6605, "IoU.fence": 0.4819, "IoU.desk": 0.5474, "IoU.rock": 0.5535, "IoU.wardrobe": 0.5297, "IoU.lamp": 0.7511, "IoU.bathtub": 0.901, "IoU.railing": 0.4606, "IoU.cushion": 0.7252, "IoU.base": 0.4006, "IoU.box": 0.3896, "IoU.column": 0.5379, "IoU.signboard": 0.4259, "IoU.chest of drawers": 0.4776, "IoU.counter": 0.3893, "IoU.sand": 0.5586, "IoU.sink": 0.7848, "IoU.skyscraper": 0.4758, "IoU.fireplace": 0.6879, "IoU.refrigerator": 0.8361, "IoU.grandstand": 0.4948, "IoU.path": 0.263, "IoU.stairs": 0.2858, "IoU.runway": 0.7154, "IoU.case": 0.6678, "IoU.pool table": 0.9459, "IoU.pillow": 0.6849, "IoU.screen door": 0.8569, "IoU.stairway": 0.4168, "IoU.river": 0.1012, "IoU.bridge": 0.4313, "IoU.bookcase": 0.4726, "IoU.blind": 0.4304, "IoU.coffee table": 0.6213, "IoU.toilet": 0.9095, "IoU.flower": 0.4505, "IoU.book": 0.551, "IoU.hill": 0.0995, "IoU.bench": 0.5167, "IoU.countertop": 0.6366, "IoU.stove": 0.8467, "IoU.palm": 0.5757, "IoU.kitchen island": 0.5324, "IoU.computer": 0.7992, "IoU.swivel chair": 0.4784, "IoU.boat": 0.7044, "IoU.bar": 0.6635, "IoU.arcade machine": 0.8508, "IoU.hovel": 0.0607, "IoU.bus": 0.9216, "IoU.towel": 0.8015, "IoU.light": 0.6137, "IoU.truck": 0.4027, "IoU.tower": 0.249, "IoU.chandelier": 0.7324, "IoU.awning": 0.3796, "IoU.streetlight": 0.3519, "IoU.booth": 0.4704, "IoU.television receiver": 0.7823, "IoU.airplane": 0.8673, "IoU.dirt track": 0.0508, "IoU.apparel": 0.6014, "IoU.pole": 0.2771, "IoU.land": 0.0071, "IoU.bannister": 0.1661, "IoU.escalator": 0.6452, "IoU.ottoman": 0.4763, "IoU.bottle": 0.2959, "IoU.buffet": 0.4854, "IoU.poster": 0.3635, "IoU.stage": 0.237, "IoU.van": 0.0763, "IoU.ship": 0.8762, "IoU.fountain": 0.3478, "IoU.conveyer belt": 0.7371, "IoU.canopy": 0.4959, "IoU.washer": 0.8269, "IoU.plaything": 0.427, "IoU.swimming pool": 0.5348, "IoU.stool": 0.4654, "IoU.barrel": 0.5736, "IoU.basket": 0.4375, "IoU.waterfall": 0.6879, "IoU.tent": 0.7996, "IoU.bag": 0.1684, "IoU.minibike": 0.7712, "IoU.cradle": 0.8571, "IoU.oven": 0.4898, "IoU.ball": 0.5757, "IoU.food": 0.6417, "IoU.step": 0.2116, "IoU.tank": 0.5496, "IoU.trade name": 0.2937, "IoU.microwave": 0.8691, "IoU.pot": 0.591, "IoU.animal": 0.6076, "IoU.bicycle": 0.5647, "IoU.lake": 0.4345, "IoU.dishwasher": 0.7564, "IoU.screen": 0.5366, "IoU.blanket": 0.3422, "IoU.sculpture": 0.7329, "IoU.hood": 0.6383, "IoU.sconce": 0.6319, "IoU.vase": 0.4732, "IoU.traffic light": 0.3883, "IoU.tray": 0.1927, "IoU.ashcan": 0.4565, "IoU.fan": 0.7026, "IoU.pier": 0.4215, "IoU.crt screen": 0.0099, "IoU.plate": 0.6357, "IoU.monitor": 0.5713, "IoU.bulletin board": 0.6385, "IoU.shower": 0.0087, "IoU.radiator": 0.6729, "IoU.glass": 0.2201, "IoU.clock": 0.4402, "IoU.flag": 0.6821, "Acc.wall": 0.9045, "Acc.building": 0.9208, "Acc.sky": 0.9658, "Acc.floor": 0.9096, "Acc.tree": 0.9311, "Acc.ceiling": 0.9243, "Acc.road": 0.9125, "Acc.bed ": 0.9745, "Acc.windowpane": 0.8427, "Acc.grass": 0.7966, "Acc.cabinet": 0.7568, "Acc.sidewalk": 0.8574, "Acc.person": 0.942, "Acc.earth": 0.5339, "Acc.door": 0.7394, "Acc.table": 0.8183, "Acc.mountain": 0.7195, "Acc.plant": 0.6788, "Acc.curtain": 0.8604, "Acc.chair": 0.7736, "Acc.car": 0.9518, "Acc.water": 0.7638, "Acc.painting": 0.9034, "Acc.sofa": 0.915, "Acc.shelf": 0.6478, "Acc.house": 0.7622, "Acc.sea": 0.8509, "Acc.mirror": 0.8592, "Acc.rug": 0.8257, "Acc.field": 0.4892, "Acc.armchair": 0.7765, "Acc.seat": 0.8892, "Acc.fence": 0.6207, "Acc.desk": 0.794, "Acc.rock": 0.7962, "Acc.wardrobe": 0.6845, "Acc.lamp": 0.8633, "Acc.bathtub": 0.9345, "Acc.railing": 0.6222, "Acc.cushion": 0.8454, "Acc.base": 0.6161, "Acc.box": 0.5094, "Acc.column": 0.6015, "Acc.signboard": 0.5281, "Acc.chest of drawers": 0.7323, "Acc.counter": 0.5017, "Acc.sand": 0.8645, "Acc.sink": 0.8413, "Acc.skyscraper": 0.5756, "Acc.fireplace": 0.9288, "Acc.refrigerator": 0.9123, "Acc.grandstand": 0.7829, "Acc.path": 0.3469, "Acc.stairs": 0.3157, "Acc.runway": 0.9283, "Acc.case": 0.8656, "Acc.pool table": 0.9795, "Acc.pillow": 0.7669, "Acc.screen door": 0.9078, "Acc.stairway": 0.5732, "Acc.river": 0.2398, "Acc.bridge": 0.5002, "Acc.bookcase": 0.6672, "Acc.blind": 0.4659, "Acc.coffee table": 0.8721, "Acc.toilet": 0.9475, "Acc.flower": 0.5576, "Acc.book": 0.7225, "Acc.hill": 0.1946, "Acc.bench": 0.5948, "Acc.countertop": 0.804, "Acc.stove": 0.9302, "Acc.palm": 0.8164, "Acc.kitchen island": 0.8074, "Acc.computer": 0.909, "Acc.swivel chair": 0.8495, "Acc.boat": 0.9204, "Acc.bar": 0.8126, "Acc.arcade machine": 0.9188, "Acc.hovel": 0.0617, "Acc.bus": 0.9681, "Acc.towel": 0.8553, "Acc.light": 0.7846, "Acc.truck": 0.5065, "Acc.tower": 0.4373, "Acc.chandelier": 0.9028, "Acc.awning": 0.4771, "Acc.streetlight": 0.5142, "Acc.booth": 0.7167, "Acc.television receiver": 0.8563, "Acc.airplane": 0.974, "Acc.dirt track": 0.2739, "Acc.apparel": 0.8325, "Acc.pole": 0.3576, "Acc.land": 0.0128, "Acc.bannister": 0.1775, "Acc.escalator": 0.8306, "Acc.ottoman": 0.5454, "Acc.bottle": 0.3437, "Acc.buffet": 0.552, "Acc.poster": 0.5092, "Acc.stage": 0.4948, "Acc.van": 0.0804, "Acc.ship": 0.9072, "Acc.fountain": 0.3848, "Acc.conveyer belt": 0.9692, "Acc.canopy": 0.6935, "Acc.washer": 0.8825, "Acc.plaything": 0.7362, "Acc.swimming pool": 0.7993, "Acc.stool": 0.784, "Acc.barrel": 0.7146, "Acc.basket": 0.6347, "Acc.waterfall": 0.8323, "Acc.tent": 0.9824, "Acc.bag": 0.1784, "Acc.minibike": 0.8961, "Acc.cradle": 0.977, "Acc.oven": 0.5479, "Acc.ball": 0.7135, "Acc.food": 0.8037, "Acc.step": 0.2494, "Acc.tank": 0.687, "Acc.trade name": 0.3604, "Acc.microwave": 0.9598, "Acc.pot": 0.6889, "Acc.animal": 0.6143, "Acc.bicycle": 0.706, "Acc.lake": 0.6695, "Acc.dishwasher": 0.8265, "Acc.screen": 0.8226, "Acc.blanket": 0.3938, "Acc.sculpture": 0.88, "Acc.hood": 0.757, "Acc.sconce": 0.7189, "Acc.vase": 0.6631, "Acc.traffic light": 0.5808, "Acc.tray": 0.2355, "Acc.ashcan": 0.6623, "Acc.fan": 0.8726, "Acc.pier": 0.4704, "Acc.crt screen": 0.0162, "Acc.plate": 0.7848, "Acc.monitor": 0.775, "Acc.bulletin board": 0.7269, "Acc.shower": 0.0088, "Acc.radiator": 0.8521, "Acc.glass": 0.2517, "Acc.clock": 0.5299, "Acc.flag": 0.7726} {"mode": "train", "epoch": 27, "iter": 34050, "lr": 2e-05, "memory": 71384, "data_time": 1.94971, "decode.loss_ce": 0.20584, "decode.acc_seg": 91.37151, "aux.loss_ce": 0.08427, "aux.acc_seg": 91.1648, "loss": 0.29011, "time": 3.56637} {"mode": "train", "epoch": 27, "iter": 34100, "lr": 2e-05, "memory": 71384, "data_time": 0.00976, "decode.loss_ce": 0.22936, "decode.acc_seg": 90.79983, "aux.loss_ce": 0.09446, "aux.acc_seg": 90.44971, "loss": 0.32383, "time": 1.62353} {"mode": "train", "epoch": 28, "iter": 34150, "lr": 2e-05, "memory": 71384, "data_time": 0.05801, "decode.loss_ce": 0.20865, "decode.acc_seg": 91.19369, "aux.loss_ce": 0.08624, "aux.acc_seg": 90.85481, "loss": 0.29489, "time": 1.67119} {"mode": "train", "epoch": 28, "iter": 34200, "lr": 2e-05, "memory": 71384, "data_time": 0.01012, "decode.loss_ce": 0.206, "decode.acc_seg": 91.31301, "aux.loss_ce": 0.08536, "aux.acc_seg": 90.95922, "loss": 0.29136, "time": 1.62579} {"mode": "train", "epoch": 28, "iter": 34250, "lr": 2e-05, "memory": 71384, "data_time": 0.00975, "decode.loss_ce": 0.21822, "decode.acc_seg": 91.12566, "aux.loss_ce": 0.08966, "aux.acc_seg": 90.93167, "loss": 0.30788, "time": 1.62017} {"mode": "train", "epoch": 28, "iter": 34300, "lr": 2e-05, "memory": 71384, "data_time": 0.00978, "decode.loss_ce": 0.20787, "decode.acc_seg": 91.17153, "aux.loss_ce": 0.08666, "aux.acc_seg": 90.90403, "loss": 0.29453, "time": 1.62488} {"mode": "train", "epoch": 28, "iter": 34350, "lr": 2e-05, "memory": 71384, "data_time": 0.00985, "decode.loss_ce": 0.20761, "decode.acc_seg": 91.4075, "aux.loss_ce": 0.08591, "aux.acc_seg": 91.0178, "loss": 0.29352, "time": 1.61992} {"mode": "train", "epoch": 28, "iter": 34400, "lr": 2e-05, "memory": 71384, "data_time": 0.00958, "decode.loss_ce": 0.20878, "decode.acc_seg": 90.95148, "aux.loss_ce": 0.08735, "aux.acc_seg": 90.55559, "loss": 0.29613, "time": 1.623} {"mode": "train", "epoch": 28, "iter": 34450, "lr": 2e-05, "memory": 71384, "data_time": 0.00981, "decode.loss_ce": 0.19823, "decode.acc_seg": 91.65861, "aux.loss_ce": 0.08247, "aux.acc_seg": 91.32977, "loss": 0.2807, "time": 1.6218} {"mode": "train", "epoch": 28, "iter": 34500, "lr": 2e-05, "memory": 71384, "data_time": 0.00961, "decode.loss_ce": 0.21337, "decode.acc_seg": 91.23353, "aux.loss_ce": 0.08779, "aux.acc_seg": 90.95515, "loss": 0.30116, "time": 1.62032} {"mode": "train", "epoch": 28, "iter": 34550, "lr": 2e-05, "memory": 71384, "data_time": 0.00989, "decode.loss_ce": 0.21894, "decode.acc_seg": 90.91541, "aux.loss_ce": 0.08952, "aux.acc_seg": 90.72299, "loss": 0.30846, "time": 1.62652} {"mode": "train", "epoch": 28, "iter": 34600, "lr": 2e-05, "memory": 71384, "data_time": 0.00979, "decode.loss_ce": 0.22741, "decode.acc_seg": 90.67145, "aux.loss_ce": 0.09335, "aux.acc_seg": 90.40534, "loss": 0.32076, "time": 1.62283} {"mode": "train", "epoch": 28, "iter": 34650, "lr": 2e-05, "memory": 71384, "data_time": 0.00982, "decode.loss_ce": 0.2095, "decode.acc_seg": 91.16752, "aux.loss_ce": 0.08748, "aux.acc_seg": 90.78325, "loss": 0.29698, "time": 1.62257} {"mode": "train", "epoch": 28, "iter": 34700, "lr": 2e-05, "memory": 71384, "data_time": 0.00978, "decode.loss_ce": 0.21544, "decode.acc_seg": 91.07528, "aux.loss_ce": 0.08856, "aux.acc_seg": 90.86354, "loss": 0.304, "time": 1.62097} {"mode": "train", "epoch": 28, "iter": 34750, "lr": 2e-05, "memory": 71384, "data_time": 0.0098, "decode.loss_ce": 0.20776, "decode.acc_seg": 91.12212, "aux.loss_ce": 0.08557, "aux.acc_seg": 90.80108, "loss": 0.29332, "time": 1.6235} {"mode": "train", "epoch": 28, "iter": 34800, "lr": 2e-05, "memory": 71384, "data_time": 0.00982, "decode.loss_ce": 0.21387, "decode.acc_seg": 91.0286, "aux.loss_ce": 0.08877, "aux.acc_seg": 90.74886, "loss": 0.30264, "time": 1.62344} {"mode": "train", "epoch": 28, "iter": 34850, "lr": 2e-05, "memory": 71384, "data_time": 0.00963, "decode.loss_ce": 0.20986, "decode.acc_seg": 91.54355, "aux.loss_ce": 0.08677, "aux.acc_seg": 91.2494, "loss": 0.29663, "time": 1.6243} {"mode": "train", "epoch": 28, "iter": 34900, "lr": 2e-05, "memory": 71384, "data_time": 0.00975, "decode.loss_ce": 0.2198, "decode.acc_seg": 90.75658, "aux.loss_ce": 0.09124, "aux.acc_seg": 90.37383, "loss": 0.31104, "time": 1.62398} {"mode": "train", "epoch": 28, "iter": 34950, "lr": 2e-05, "memory": 71384, "data_time": 0.0096, "decode.loss_ce": 0.21254, "decode.acc_seg": 91.1314, "aux.loss_ce": 0.08696, "aux.acc_seg": 90.96011, "loss": 0.2995, "time": 1.62018} {"mode": "train", "epoch": 28, "iter": 35000, "lr": 2e-05, "memory": 71384, "data_time": 0.00976, "decode.loss_ce": 0.22611, "decode.acc_seg": 90.73137, "aux.loss_ce": 0.09313, "aux.acc_seg": 90.53434, "loss": 0.31924, "time": 1.62314} {"mode": "val", "epoch": 28, "iter": 250, "lr": 2e-05, "aAcc": 0.8614, "mIoU": 0.5741, "mAcc": 0.7058, "IoU.wall": 0.823, "IoU.building": 0.8548, "IoU.sky": 0.9505, "IoU.floor": 0.8487, "IoU.tree": 0.7809, "IoU.ceiling": 0.8712, "IoU.road": 0.87, "IoU.bed ": 0.9262, "IoU.windowpane": 0.6435, "IoU.grass": 0.6858, "IoU.cabinet": 0.648, "IoU.sidewalk": 0.7124, "IoU.person": 0.8607, "IoU.earth": 0.4038, "IoU.door": 0.6014, "IoU.table": 0.7001, "IoU.mountain": 0.6103, "IoU.plant": 0.5538, "IoU.curtain": 0.7197, "IoU.chair": 0.6815, "IoU.car": 0.8756, "IoU.water": 0.6196, "IoU.painting": 0.7832, "IoU.sofa": 0.8209, "IoU.shelf": 0.5246, "IoU.house": 0.5442, "IoU.sea": 0.7208, "IoU.mirror": 0.742, "IoU.rug": 0.6919, "IoU.field": 0.3693, "IoU.armchair": 0.6278, "IoU.seat": 0.6492, "IoU.fence": 0.5245, "IoU.desk": 0.5649, "IoU.rock": 0.5338, "IoU.wardrobe": 0.5252, "IoU.lamp": 0.7487, "IoU.bathtub": 0.8812, "IoU.railing": 0.4615, "IoU.cushion": 0.6975, "IoU.base": 0.3918, "IoU.box": 0.3839, "IoU.column": 0.5328, "IoU.signboard": 0.4141, "IoU.chest of drawers": 0.4392, "IoU.counter": 0.3969, "IoU.sand": 0.5493, "IoU.sink": 0.7978, "IoU.skyscraper": 0.4759, "IoU.fireplace": 0.7443, "IoU.refrigerator": 0.8267, "IoU.grandstand": 0.5168, "IoU.path": 0.2339, "IoU.stairs": 0.3884, "IoU.runway": 0.739, "IoU.case": 0.6735, "IoU.pool table": 0.9437, "IoU.pillow": 0.708, "IoU.screen door": 0.6872, "IoU.stairway": 0.5439, "IoU.river": 0.1142, "IoU.bridge": 0.4179, "IoU.bookcase": 0.5143, "IoU.blind": 0.4621, "IoU.coffee table": 0.6807, "IoU.toilet": 0.896, "IoU.flower": 0.4122, "IoU.book": 0.5336, "IoU.hill": 0.0578, "IoU.bench": 0.5376, "IoU.countertop": 0.6304, "IoU.stove": 0.8385, "IoU.palm": 0.5437, "IoU.kitchen island": 0.5174, "IoU.computer": 0.7726, "IoU.swivel chair": 0.5249, "IoU.boat": 0.5967, "IoU.bar": 0.6614, "IoU.arcade machine": 0.8938, "IoU.hovel": 0.1571, "IoU.bus": 0.9301, "IoU.towel": 0.7998, "IoU.light": 0.6197, "IoU.truck": 0.4561, "IoU.tower": 0.1579, "IoU.chandelier": 0.7364, "IoU.awning": 0.4299, "IoU.streetlight": 0.3597, "IoU.booth": 0.3512, "IoU.television receiver": 0.8105, "IoU.airplane": 0.8822, "IoU.dirt track": 0.0127, "IoU.apparel": 0.5903, "IoU.pole": 0.2334, "IoU.land": 0.0082, "IoU.bannister": 0.1902, "IoU.escalator": 0.6535, "IoU.ottoman": 0.4893, "IoU.bottle": 0.3425, "IoU.buffet": 0.6263, "IoU.poster": 0.3989, "IoU.stage": 0.2729, "IoU.van": 0.4483, "IoU.ship": 0.8417, "IoU.fountain": 0.3969, "IoU.conveyer belt": 0.7497, "IoU.canopy": 0.5213, "IoU.washer": 0.8223, "IoU.plaything": 0.4363, "IoU.swimming pool": 0.572, "IoU.stool": 0.5044, "IoU.barrel": 0.5287, "IoU.basket": 0.4003, "IoU.waterfall": 0.5482, "IoU.tent": 0.8886, "IoU.bag": 0.2609, "IoU.minibike": 0.7623, "IoU.cradle": 0.809, "IoU.oven": 0.6134, "IoU.ball": 0.2167, "IoU.food": 0.623, "IoU.step": 0.2127, "IoU.tank": 0.6824, "IoU.trade name": 0.2864, "IoU.microwave": 0.8726, "IoU.pot": 0.5818, "IoU.animal": 0.6519, "IoU.bicycle": 0.6051, "IoU.lake": 0.5179, "IoU.dishwasher": 0.7608, "IoU.screen": 0.601, "IoU.blanket": 0.3099, "IoU.sculpture": 0.8048, "IoU.hood": 0.7238, "IoU.sconce": 0.5831, "IoU.vase": 0.4788, "IoU.traffic light": 0.3529, "IoU.tray": 0.2248, "IoU.ashcan": 0.4483, "IoU.fan": 0.6953, "IoU.pier": 0.5827, "IoU.crt screen": 0.0202, "IoU.plate": 0.6446, "IoU.monitor": 0.6228, "IoU.bulletin board": 0.6268, "IoU.shower": 0.0213, "IoU.radiator": 0.6736, "IoU.glass": 0.205, "IoU.clock": 0.5218, "IoU.flag": 0.6957, "Acc.wall": 0.8994, "Acc.building": 0.9431, "Acc.sky": 0.9765, "Acc.floor": 0.912, "Acc.tree": 0.8872, "Acc.ceiling": 0.9351, "Acc.road": 0.9166, "Acc.bed ": 0.972, "Acc.windowpane": 0.7722, "Acc.grass": 0.8188, "Acc.cabinet": 0.7107, "Acc.sidewalk": 0.846, "Acc.person": 0.9403, "Acc.earth": 0.5724, "Acc.door": 0.7515, "Acc.table": 0.824, "Acc.mountain": 0.7071, "Acc.plant": 0.6376, "Acc.curtain": 0.8848, "Acc.chair": 0.8105, "Acc.car": 0.9391, "Acc.water": 0.7462, "Acc.painting": 0.8768, "Acc.sofa": 0.8988, "Acc.shelf": 0.7551, "Acc.house": 0.6496, "Acc.sea": 0.8246, "Acc.mirror": 0.916, "Acc.rug": 0.8112, "Acc.field": 0.6183, "Acc.armchair": 0.787, "Acc.seat": 0.8946, "Acc.fence": 0.645, "Acc.desk": 0.8089, "Acc.rock": 0.7661, "Acc.wardrobe": 0.7398, "Acc.lamp": 0.8433, "Acc.bathtub": 0.8981, "Acc.railing": 0.7099, "Acc.cushion": 0.8615, "Acc.base": 0.5258, "Acc.box": 0.502, "Acc.column": 0.5935, "Acc.signboard": 0.5565, "Acc.chest of drawers": 0.8214, "Acc.counter": 0.4917, "Acc.sand": 0.891, "Acc.sink": 0.8487, "Acc.skyscraper": 0.603, "Acc.fireplace": 0.9582, "Acc.refrigerator": 0.9008, "Acc.grandstand": 0.8456, "Acc.path": 0.3071, "Acc.stairs": 0.4801, "Acc.runway": 0.9837, "Acc.case": 0.8899, "Acc.pool table": 0.9811, "Acc.pillow": 0.8092, "Acc.screen door": 0.7239, "Acc.stairway": 0.6346, "Acc.river": 0.2682, "Acc.bridge": 0.4986, "Acc.bookcase": 0.6926, "Acc.blind": 0.5593, "Acc.coffee table": 0.8649, "Acc.toilet": 0.9259, "Acc.flower": 0.4736, "Acc.book": 0.7268, "Acc.hill": 0.1237, "Acc.bench": 0.6246, "Acc.countertop": 0.8067, "Acc.stove": 0.9454, "Acc.palm": 0.8496, "Acc.kitchen island": 0.875, "Acc.computer": 0.9082, "Acc.swivel chair": 0.7709, "Acc.boat": 0.9306, "Acc.bar": 0.9021, "Acc.arcade machine": 0.9678, "Acc.hovel": 0.167, "Acc.bus": 0.961, "Acc.towel": 0.8731, "Acc.light": 0.7186, "Acc.truck": 0.5953, "Acc.tower": 0.2161, "Acc.chandelier": 0.8903, "Acc.awning": 0.558, "Acc.streetlight": 0.5039, "Acc.booth": 0.5217, "Acc.television receiver": 0.8821, "Acc.airplane": 0.9585, "Acc.dirt track": 0.0454, "Acc.apparel": 0.7705, "Acc.pole": 0.2913, "Acc.land": 0.0111, "Acc.bannister": 0.2614, "Acc.escalator": 0.832, "Acc.ottoman": 0.7247, "Acc.bottle": 0.4133, "Acc.buffet": 0.7519, "Acc.poster": 0.5057, "Acc.stage": 0.4877, "Acc.van": 0.6512, "Acc.ship": 0.89, "Acc.fountain": 0.4024, "Acc.conveyer belt": 0.9634, "Acc.canopy": 0.7851, "Acc.washer": 0.8722, "Acc.plaything": 0.6398, "Acc.swimming pool": 0.8743, "Acc.stool": 0.65, "Acc.barrel": 0.6558, "Acc.basket": 0.6613, "Acc.waterfall": 0.6415, "Acc.tent": 0.982, "Acc.bag": 0.318, "Acc.minibike": 0.8969, "Acc.cradle": 0.9801, "Acc.oven": 0.7202, "Acc.ball": 0.2391, "Acc.food": 0.7058, "Acc.step": 0.2412, "Acc.tank": 0.8454, "Acc.trade name": 0.3742, "Acc.microwave": 0.9655, "Acc.pot": 0.6908, "Acc.animal": 0.6688, "Acc.bicycle": 0.8283, "Acc.lake": 0.6368, "Acc.dishwasher": 0.8345, "Acc.screen": 0.9756, "Acc.blanket": 0.3508, "Acc.sculpture": 0.8722, "Acc.hood": 0.8733, "Acc.sconce": 0.6547, "Acc.vase": 0.664, "Acc.traffic light": 0.6301, "Acc.tray": 0.3099, "Acc.ashcan": 0.6329, "Acc.fan": 0.831, "Acc.pier": 0.7786, "Acc.crt screen": 0.0263, "Acc.plate": 0.7785, "Acc.monitor": 0.7542, "Acc.bulletin board": 0.7535, "Acc.shower": 0.1401, "Acc.radiator": 0.8002, "Acc.glass": 0.2227, "Acc.clock": 0.7194, "Acc.flag": 0.7725} {"mode": "train", "epoch": 28, "iter": 35050, "lr": 2e-05, "memory": 71384, "data_time": 1.9682, "decode.loss_ce": 0.20906, "decode.acc_seg": 91.36954, "aux.loss_ce": 0.08671, "aux.acc_seg": 90.98628, "loss": 0.29577, "time": 3.58278} {"mode": "train", "epoch": 28, "iter": 35100, "lr": 2e-05, "memory": 71384, "data_time": 0.00965, "decode.loss_ce": 0.23162, "decode.acc_seg": 90.57056, "aux.loss_ce": 0.09385, "aux.acc_seg": 90.2592, "loss": 0.32547, "time": 1.62284} {"mode": "train", "epoch": 28, "iter": 35150, "lr": 2e-05, "memory": 71384, "data_time": 0.00971, "decode.loss_ce": 0.22425, "decode.acc_seg": 90.69008, "aux.loss_ce": 0.09209, "aux.acc_seg": 90.47181, "loss": 0.31634, "time": 1.61981} {"mode": "train", "epoch": 28, "iter": 35200, "lr": 2e-05, "memory": 71384, "data_time": 0.00974, "decode.loss_ce": 0.20669, "decode.acc_seg": 91.43038, "aux.loss_ce": 0.08555, "aux.acc_seg": 91.1251, "loss": 0.29224, "time": 1.62243} {"mode": "train", "epoch": 28, "iter": 35250, "lr": 2e-05, "memory": 71384, "data_time": 0.00984, "decode.loss_ce": 0.21165, "decode.acc_seg": 91.0116, "aux.loss_ce": 0.08755, "aux.acc_seg": 90.56946, "loss": 0.2992, "time": 1.62801} {"mode": "train", "epoch": 28, "iter": 35300, "lr": 2e-05, "memory": 71384, "data_time": 0.00973, "decode.loss_ce": 0.21565, "decode.acc_seg": 90.98643, "aux.loss_ce": 0.08835, "aux.acc_seg": 90.64679, "loss": 0.304, "time": 1.62085} {"mode": "train", "epoch": 28, "iter": 35350, "lr": 2e-05, "memory": 71384, "data_time": 0.00965, "decode.loss_ce": 0.23571, "decode.acc_seg": 90.37589, "aux.loss_ce": 0.09685, "aux.acc_seg": 90.06179, "loss": 0.33256, "time": 1.6227} {"mode": "train", "epoch": 29, "iter": 35400, "lr": 2e-05, "memory": 71384, "data_time": 0.06617, "decode.loss_ce": 0.21028, "decode.acc_seg": 91.19906, "aux.loss_ce": 0.08719, "aux.acc_seg": 90.87423, "loss": 0.29747, "time": 1.68185} {"mode": "train", "epoch": 29, "iter": 35450, "lr": 2e-05, "memory": 71384, "data_time": 0.00962, "decode.loss_ce": 0.20172, "decode.acc_seg": 91.54358, "aux.loss_ce": 0.08391, "aux.acc_seg": 91.21329, "loss": 0.28563, "time": 1.61991} {"mode": "train", "epoch": 29, "iter": 35500, "lr": 2e-05, "memory": 71384, "data_time": 0.00961, "decode.loss_ce": 0.20872, "decode.acc_seg": 91.24865, "aux.loss_ce": 0.08624, "aux.acc_seg": 91.02988, "loss": 0.29496, "time": 1.62305} {"mode": "train", "epoch": 29, "iter": 35550, "lr": 2e-05, "memory": 71384, "data_time": 0.00963, "decode.loss_ce": 0.20168, "decode.acc_seg": 91.77217, "aux.loss_ce": 0.08305, "aux.acc_seg": 91.465, "loss": 0.28473, "time": 1.61802} {"mode": "train", "epoch": 29, "iter": 35600, "lr": 2e-05, "memory": 71384, "data_time": 0.00974, "decode.loss_ce": 0.18936, "decode.acc_seg": 92.0041, "aux.loss_ce": 0.07906, "aux.acc_seg": 91.65679, "loss": 0.26841, "time": 1.62455} {"mode": "train", "epoch": 29, "iter": 35650, "lr": 2e-05, "memory": 71384, "data_time": 0.00965, "decode.loss_ce": 0.20883, "decode.acc_seg": 90.99972, "aux.loss_ce": 0.0865, "aux.acc_seg": 90.68529, "loss": 0.29533, "time": 1.61945} {"mode": "train", "epoch": 29, "iter": 35700, "lr": 2e-05, "memory": 71384, "data_time": 0.00991, "decode.loss_ce": 0.21099, "decode.acc_seg": 91.03294, "aux.loss_ce": 0.08751, "aux.acc_seg": 90.77321, "loss": 0.2985, "time": 1.62398} {"mode": "train", "epoch": 29, "iter": 35750, "lr": 2e-05, "memory": 71384, "data_time": 0.00963, "decode.loss_ce": 0.19596, "decode.acc_seg": 91.80838, "aux.loss_ce": 0.08143, "aux.acc_seg": 91.45112, "loss": 0.27739, "time": 1.62347} {"mode": "train", "epoch": 29, "iter": 35800, "lr": 2e-05, "memory": 71384, "data_time": 0.00987, "decode.loss_ce": 0.21138, "decode.acc_seg": 91.09037, "aux.loss_ce": 0.08751, "aux.acc_seg": 90.80535, "loss": 0.29889, "time": 1.62535} {"mode": "train", "epoch": 29, "iter": 35850, "lr": 2e-05, "memory": 71384, "data_time": 0.00975, "decode.loss_ce": 0.21383, "decode.acc_seg": 91.26537, "aux.loss_ce": 0.08837, "aux.acc_seg": 90.92373, "loss": 0.3022, "time": 1.62056} {"mode": "train", "epoch": 29, "iter": 35900, "lr": 2e-05, "memory": 71384, "data_time": 0.00976, "decode.loss_ce": 0.2036, "decode.acc_seg": 91.3602, "aux.loss_ce": 0.08467, "aux.acc_seg": 91.02937, "loss": 0.28827, "time": 1.62098} {"mode": "train", "epoch": 29, "iter": 35950, "lr": 2e-05, "memory": 71384, "data_time": 0.00967, "decode.loss_ce": 0.19054, "decode.acc_seg": 91.92672, "aux.loss_ce": 0.07916, "aux.acc_seg": 91.63044, "loss": 0.2697, "time": 1.62319} {"mode": "train", "epoch": 29, "iter": 36000, "lr": 2e-05, "memory": 71384, "data_time": 0.00975, "decode.loss_ce": 0.21042, "decode.acc_seg": 90.99455, "aux.loss_ce": 0.08713, "aux.acc_seg": 90.68158, "loss": 0.29755, "time": 3.31591} {"mode": "val", "epoch": 29, "iter": 250, "lr": 2e-05, "aAcc": 0.8603, "mIoU": 0.5688, "mAcc": 0.6998, "IoU.wall": 0.8233, "IoU.building": 0.854, "IoU.sky": 0.9445, "IoU.floor": 0.8531, "IoU.tree": 0.7808, "IoU.ceiling": 0.8742, "IoU.road": 0.8612, "IoU.bed ": 0.9258, "IoU.windowpane": 0.6727, "IoU.grass": 0.6893, "IoU.cabinet": 0.6651, "IoU.sidewalk": 0.6882, "IoU.person": 0.8524, "IoU.earth": 0.3968, "IoU.door": 0.5949, "IoU.table": 0.6939, "IoU.mountain": 0.6167, "IoU.plant": 0.557, "IoU.curtain": 0.7893, "IoU.chair": 0.6483, "IoU.car": 0.8811, "IoU.water": 0.576, "IoU.painting": 0.7743, "IoU.sofa": 0.8286, "IoU.shelf": 0.4658, "IoU.house": 0.5195, "IoU.sea": 0.6885, "IoU.mirror": 0.7705, "IoU.rug": 0.7171, "IoU.field": 0.3552, "IoU.armchair": 0.6176, "IoU.seat": 0.6305, "IoU.fence": 0.504, "IoU.desk": 0.5665, "IoU.rock": 0.5561, "IoU.wardrobe": 0.5356, "IoU.lamp": 0.7509, "IoU.bathtub": 0.8685, "IoU.railing": 0.4616, "IoU.cushion": 0.7096, "IoU.base": 0.4216, "IoU.box": 0.3997, "IoU.column": 0.5742, "IoU.signboard": 0.4187, "IoU.chest of drawers": 0.4297, "IoU.counter": 0.5013, "IoU.sand": 0.5233, "IoU.sink": 0.7919, "IoU.skyscraper": 0.5028, "IoU.fireplace": 0.7242, "IoU.refrigerator": 0.8111, "IoU.grandstand": 0.5031, "IoU.path": 0.232, "IoU.stairs": 0.2951, "IoU.runway": 0.7164, "IoU.case": 0.6667, "IoU.pool table": 0.9483, "IoU.pillow": 0.6997, "IoU.screen door": 0.6626, "IoU.stairway": 0.4143, "IoU.river": 0.1176, "IoU.bridge": 0.7051, "IoU.bookcase": 0.4084, "IoU.blind": 0.4015, "IoU.coffee table": 0.6285, "IoU.toilet": 0.9033, "IoU.flower": 0.4192, "IoU.book": 0.5278, "IoU.hill": 0.0527, "IoU.bench": 0.5457, "IoU.countertop": 0.6192, "IoU.stove": 0.8659, "IoU.palm": 0.5201, "IoU.kitchen island": 0.576, "IoU.computer": 0.6861, "IoU.swivel chair": 0.5108, "IoU.boat": 0.6846, "IoU.bar": 0.6725, "IoU.arcade machine": 0.7657, "IoU.hovel": 0.0788, "IoU.bus": 0.9246, "IoU.towel": 0.787, "IoU.light": 0.6255, "IoU.truck": 0.4744, "IoU.tower": 0.1693, "IoU.chandelier": 0.7377, "IoU.awning": 0.431, "IoU.streetlight": 0.3804, "IoU.booth": 0.3977, "IoU.television receiver": 0.8146, "IoU.airplane": 0.8832, "IoU.dirt track": 0.1174, "IoU.apparel": 0.5263, "IoU.pole": 0.2364, "IoU.land": 0.0184, "IoU.bannister": 0.2064, "IoU.escalator": 0.6541, "IoU.ottoman": 0.5218, "IoU.bottle": 0.3811, "IoU.buffet": 0.4563, "IoU.poster": 0.358, "IoU.stage": 0.2533, "IoU.van": 0.5032, "IoU.ship": 0.6815, "IoU.fountain": 0.4069, "IoU.conveyer belt": 0.7403, "IoU.canopy": 0.5229, "IoU.washer": 0.8512, "IoU.plaything": 0.4078, "IoU.swimming pool": 0.5201, "IoU.stool": 0.4457, "IoU.barrel": 0.5376, "IoU.basket": 0.3616, "IoU.waterfall": 0.5887, "IoU.tent": 0.9333, "IoU.bag": 0.1747, "IoU.minibike": 0.7588, "IoU.cradle": 0.8913, "IoU.oven": 0.6524, "IoU.ball": 0.531, "IoU.food": 0.6568, "IoU.step": 0.2461, "IoU.tank": 0.6769, "IoU.trade name": 0.2793, "IoU.microwave": 0.8873, "IoU.pot": 0.5789, "IoU.animal": 0.6457, "IoU.bicycle": 0.543, "IoU.lake": 0.4809, "IoU.dishwasher": 0.7212, "IoU.screen": 0.5201, "IoU.blanket": 0.3339, "IoU.sculpture": 0.7768, "IoU.hood": 0.6363, "IoU.sconce": 0.6211, "IoU.vase": 0.4822, "IoU.traffic light": 0.3448, "IoU.tray": 0.2042, "IoU.ashcan": 0.5013, "IoU.fan": 0.6932, "IoU.pier": 0.4785, "IoU.crt screen": 0.0766, "IoU.plate": 0.6135, "IoU.monitor": 0.3898, "IoU.bulletin board": 0.5388, "IoU.shower": 0.0016, "IoU.radiator": 0.6765, "IoU.glass": 0.2115, "IoU.clock": 0.4866, "IoU.flag": 0.6685, "Acc.wall": 0.8933, "Acc.building": 0.9458, "Acc.sky": 0.9658, "Acc.floor": 0.9173, "Acc.tree": 0.8931, "Acc.ceiling": 0.9506, "Acc.road": 0.9319, "Acc.bed ": 0.9661, "Acc.windowpane": 0.8198, "Acc.grass": 0.8291, "Acc.cabinet": 0.7689, "Acc.sidewalk": 0.8212, "Acc.person": 0.9416, "Acc.earth": 0.5309, "Acc.door": 0.73, "Acc.table": 0.8178, "Acc.mountain": 0.731, "Acc.plant": 0.6448, "Acc.curtain": 0.9033, "Acc.chair": 0.7245, "Acc.car": 0.9433, "Acc.water": 0.6929, "Acc.painting": 0.9005, "Acc.sofa": 0.9162, "Acc.shelf": 0.678, "Acc.house": 0.652, "Acc.sea": 0.8365, "Acc.mirror": 0.8573, "Acc.rug": 0.7907, "Acc.field": 0.5506, "Acc.armchair": 0.7801, "Acc.seat": 0.8973, "Acc.fence": 0.7008, "Acc.desk": 0.8194, "Acc.rock": 0.8152, "Acc.wardrobe": 0.727, "Acc.lamp": 0.866, "Acc.bathtub": 0.8887, "Acc.railing": 0.6066, "Acc.cushion": 0.8311, "Acc.base": 0.598, "Acc.box": 0.5558, "Acc.column": 0.7004, "Acc.signboard": 0.5451, "Acc.chest of drawers": 0.6625, "Acc.counter": 0.6686, "Acc.sand": 0.8739, "Acc.sink": 0.837, "Acc.skyscraper": 0.5933, "Acc.fireplace": 0.9628, "Acc.refrigerator": 0.863, "Acc.grandstand": 0.8056, "Acc.path": 0.3014, "Acc.stairs": 0.3412, "Acc.runway": 0.9438, "Acc.case": 0.8125, "Acc.pool table": 0.9773, "Acc.pillow": 0.8436, "Acc.screen door": 0.679, "Acc.stairway": 0.6573, "Acc.river": 0.3514, "Acc.bridge": 0.8242, "Acc.bookcase": 0.6441, "Acc.blind": 0.4495, "Acc.coffee table": 0.8755, "Acc.toilet": 0.9401, "Acc.flower": 0.5698, "Acc.book": 0.7895, "Acc.hill": 0.104, "Acc.bench": 0.6438, "Acc.countertop": 0.8905, "Acc.stove": 0.9265, "Acc.palm": 0.7947, "Acc.kitchen island": 0.7363, "Acc.computer": 0.7505, "Acc.swivel chair": 0.8135, "Acc.boat": 0.9368, "Acc.bar": 0.8813, "Acc.arcade machine": 0.8197, "Acc.hovel": 0.0834, "Acc.bus": 0.9664, "Acc.towel": 0.8688, "Acc.light": 0.7263, "Acc.truck": 0.6261, "Acc.tower": 0.2925, "Acc.chandelier": 0.8812, "Acc.awning": 0.5877, "Acc.streetlight": 0.5446, "Acc.booth": 0.581, "Acc.television receiver": 0.9093, "Acc.airplane": 0.9588, "Acc.dirt track": 0.1436, "Acc.apparel": 0.677, "Acc.pole": 0.3247, "Acc.land": 0.0272, "Acc.bannister": 0.2718, "Acc.escalator": 0.8628, "Acc.ottoman": 0.694, "Acc.bottle": 0.4548, "Acc.buffet": 0.5563, "Acc.poster": 0.4252, "Acc.stage": 0.4676, "Acc.van": 0.6323, "Acc.ship": 0.8923, "Acc.fountain": 0.4379, "Acc.conveyer belt": 0.9664, "Acc.canopy": 0.7162, "Acc.washer": 0.9085, "Acc.plaything": 0.7613, "Acc.swimming pool": 0.7421, "Acc.stool": 0.7467, "Acc.barrel": 0.667, "Acc.basket": 0.4844, "Acc.waterfall": 0.6694, "Acc.tent": 0.9811, "Acc.bag": 0.1898, "Acc.minibike": 0.8983, "Acc.cradle": 0.9657, "Acc.oven": 0.7779, "Acc.ball": 0.6499, "Acc.food": 0.8225, "Acc.step": 0.3445, "Acc.tank": 0.7359, "Acc.trade name": 0.3347, "Acc.microwave": 0.9624, "Acc.pot": 0.6875, "Acc.animal": 0.6647, "Acc.bicycle": 0.6521, "Acc.lake": 0.6378, "Acc.dishwasher": 0.8684, "Acc.screen": 0.801, "Acc.blanket": 0.3973, "Acc.sculpture": 0.866, "Acc.hood": 0.7397, "Acc.sconce": 0.7046, "Acc.vase": 0.6336, "Acc.traffic light": 0.6229, "Acc.tray": 0.2367, "Acc.ashcan": 0.6771, "Acc.fan": 0.816, "Acc.pier": 0.5646, "Acc.crt screen": 0.2894, "Acc.plate": 0.822, "Acc.monitor": 0.4456, "Acc.bulletin board": 0.7895, "Acc.shower": 0.0109, "Acc.radiator": 0.7772, "Acc.glass": 0.2304, "Acc.clock": 0.5738, "Acc.flag": 0.7979} {"mode": "train", "epoch": 29, "iter": 36050, "lr": 2e-05, "memory": 71384, "data_time": 1.93967, "decode.loss_ce": 0.2118, "decode.acc_seg": 91.06654, "aux.loss_ce": 0.08736, "aux.acc_seg": 90.77693, "loss": 0.29917, "time": 3.55331} {"mode": "train", "epoch": 29, "iter": 36100, "lr": 2e-05, "memory": 71384, "data_time": 0.00974, "decode.loss_ce": 0.20399, "decode.acc_seg": 91.46573, "aux.loss_ce": 0.08492, "aux.acc_seg": 91.07612, "loss": 0.28892, "time": 1.62558} {"mode": "train", "epoch": 29, "iter": 36150, "lr": 2e-05, "memory": 71384, "data_time": 0.00956, "decode.loss_ce": 0.19986, "decode.acc_seg": 91.47225, "aux.loss_ce": 0.0833, "aux.acc_seg": 91.03516, "loss": 0.28317, "time": 1.6219} {"mode": "train", "epoch": 29, "iter": 36200, "lr": 2e-05, "memory": 71384, "data_time": 0.00964, "decode.loss_ce": 0.20528, "decode.acc_seg": 91.17641, "aux.loss_ce": 0.08563, "aux.acc_seg": 90.7414, "loss": 0.29091, "time": 1.62071} {"mode": "train", "epoch": 29, "iter": 36250, "lr": 2e-05, "memory": 71384, "data_time": 0.00952, "decode.loss_ce": 0.1882, "decode.acc_seg": 92.06547, "aux.loss_ce": 0.07853, "aux.acc_seg": 91.71317, "loss": 0.26673, "time": 1.62288} {"mode": "train", "epoch": 29, "iter": 36300, "lr": 2e-05, "memory": 71384, "data_time": 0.00951, "decode.loss_ce": 0.21478, "decode.acc_seg": 91.19242, "aux.loss_ce": 0.08913, "aux.acc_seg": 90.89099, "loss": 0.3039, "time": 1.62308} {"mode": "train", "epoch": 29, "iter": 36350, "lr": 2e-05, "memory": 71384, "data_time": 0.00957, "decode.loss_ce": 0.20306, "decode.acc_seg": 91.17693, "aux.loss_ce": 0.08332, "aux.acc_seg": 90.92758, "loss": 0.28639, "time": 1.62126} {"mode": "train", "epoch": 29, "iter": 36400, "lr": 2e-05, "memory": 71384, "data_time": 0.0096, "decode.loss_ce": 0.20508, "decode.acc_seg": 91.37009, "aux.loss_ce": 0.08456, "aux.acc_seg": 91.04351, "loss": 0.28964, "time": 1.6196} {"mode": "train", "epoch": 29, "iter": 36450, "lr": 2e-05, "memory": 71384, "data_time": 0.0095, "decode.loss_ce": 0.20929, "decode.acc_seg": 91.3147, "aux.loss_ce": 0.08715, "aux.acc_seg": 90.94505, "loss": 0.29644, "time": 1.62333} {"mode": "train", "epoch": 29, "iter": 36500, "lr": 2e-05, "memory": 71384, "data_time": 0.00968, "decode.loss_ce": 0.20708, "decode.acc_seg": 91.07145, "aux.loss_ce": 0.08475, "aux.acc_seg": 90.80194, "loss": 0.29184, "time": 1.61942} {"mode": "train", "epoch": 29, "iter": 36550, "lr": 2e-05, "memory": 71384, "data_time": 0.0097, "decode.loss_ce": 0.21845, "decode.acc_seg": 91.06881, "aux.loss_ce": 0.09007, "aux.acc_seg": 90.77872, "loss": 0.30852, "time": 1.61991} {"mode": "train", "epoch": 29, "iter": 36600, "lr": 2e-05, "memory": 71384, "data_time": 0.00989, "decode.loss_ce": 0.20798, "decode.acc_seg": 91.21976, "aux.loss_ce": 0.08629, "aux.acc_seg": 90.89861, "loss": 0.29427, "time": 1.62212} {"mode": "train", "epoch": 30, "iter": 36650, "lr": 2e-05, "memory": 71384, "data_time": 0.05466, "decode.loss_ce": 0.20991, "decode.acc_seg": 91.3526, "aux.loss_ce": 0.08662, "aux.acc_seg": 91.05907, "loss": 0.29654, "time": 1.67174} {"mode": "train", "epoch": 30, "iter": 36700, "lr": 2e-05, "memory": 71384, "data_time": 0.00969, "decode.loss_ce": 0.21843, "decode.acc_seg": 91.2122, "aux.loss_ce": 0.08989, "aux.acc_seg": 90.9777, "loss": 0.30833, "time": 1.62189} {"mode": "train", "epoch": 30, "iter": 36750, "lr": 2e-05, "memory": 71384, "data_time": 0.00978, "decode.loss_ce": 0.21782, "decode.acc_seg": 90.96894, "aux.loss_ce": 0.08922, "aux.acc_seg": 90.76674, "loss": 0.30704, "time": 1.62226} {"mode": "train", "epoch": 30, "iter": 36800, "lr": 2e-05, "memory": 71384, "data_time": 0.00949, "decode.loss_ce": 0.19046, "decode.acc_seg": 91.80164, "aux.loss_ce": 0.07836, "aux.acc_seg": 91.5167, "loss": 0.26882, "time": 1.62312} {"mode": "train", "epoch": 30, "iter": 36850, "lr": 2e-05, "memory": 71384, "data_time": 0.0099, "decode.loss_ce": 0.21765, "decode.acc_seg": 90.98591, "aux.loss_ce": 0.09026, "aux.acc_seg": 90.67101, "loss": 0.3079, "time": 1.62382} {"mode": "train", "epoch": 30, "iter": 36900, "lr": 2e-05, "memory": 71384, "data_time": 0.0096, "decode.loss_ce": 0.20734, "decode.acc_seg": 91.15981, "aux.loss_ce": 0.08563, "aux.acc_seg": 90.8471, "loss": 0.29297, "time": 1.61928} {"mode": "train", "epoch": 30, "iter": 36950, "lr": 2e-05, "memory": 71384, "data_time": 0.01026, "decode.loss_ce": 0.20824, "decode.acc_seg": 91.0779, "aux.loss_ce": 0.08609, "aux.acc_seg": 90.79409, "loss": 0.29433, "time": 1.6219} {"mode": "train", "epoch": 30, "iter": 37000, "lr": 2e-05, "memory": 71384, "data_time": 0.00977, "decode.loss_ce": 0.20276, "decode.acc_seg": 91.37533, "aux.loss_ce": 0.08497, "aux.acc_seg": 90.95531, "loss": 0.28773, "time": 1.62306} {"mode": "val", "epoch": 30, "iter": 250, "lr": 2e-05, "aAcc": 0.8582, "mIoU": 0.5684, "mAcc": 0.6976, "IoU.wall": 0.8215, "IoU.building": 0.8529, "IoU.sky": 0.9477, "IoU.floor": 0.8476, "IoU.tree": 0.7796, "IoU.ceiling": 0.8764, "IoU.road": 0.8565, "IoU.bed ": 0.9275, "IoU.windowpane": 0.6644, "IoU.grass": 0.6835, "IoU.cabinet": 0.6527, "IoU.sidewalk": 0.71, "IoU.person": 0.8594, "IoU.earth": 0.375, "IoU.door": 0.6013, "IoU.table": 0.6913, "IoU.mountain": 0.5898, "IoU.plant": 0.556, "IoU.curtain": 0.7884, "IoU.chair": 0.6726, "IoU.car": 0.8794, "IoU.water": 0.6052, "IoU.painting": 0.7745, "IoU.sofa": 0.8177, "IoU.shelf": 0.4731, "IoU.house": 0.5572, "IoU.sea": 0.7033, "IoU.mirror": 0.7808, "IoU.rug": 0.6991, "IoU.field": 0.2847, "IoU.armchair": 0.6178, "IoU.seat": 0.6374, "IoU.fence": 0.4627, "IoU.desk": 0.5869, "IoU.rock": 0.5533, "IoU.wardrobe": 0.5539, "IoU.lamp": 0.7532, "IoU.bathtub": 0.8766, "IoU.railing": 0.4217, "IoU.cushion": 0.7025, "IoU.base": 0.3832, "IoU.box": 0.4051, "IoU.column": 0.552, "IoU.signboard": 0.4058, "IoU.chest of drawers": 0.447, "IoU.counter": 0.2733, "IoU.sand": 0.5808, "IoU.sink": 0.8035, "IoU.skyscraper": 0.4799, "IoU.fireplace": 0.7353, "IoU.refrigerator": 0.8407, "IoU.grandstand": 0.4933, "IoU.path": 0.2592, "IoU.stairs": 0.239, "IoU.runway": 0.6629, "IoU.case": 0.635, "IoU.pool table": 0.9472, "IoU.pillow": 0.6722, "IoU.screen door": 0.7796, "IoU.stairway": 0.3285, "IoU.river": 0.1114, "IoU.bridge": 0.683, "IoU.bookcase": 0.3666, "IoU.blind": 0.4514, "IoU.coffee table": 0.6156, "IoU.toilet": 0.8913, "IoU.flower": 0.4187, "IoU.book": 0.5269, "IoU.hill": 0.0684, "IoU.bench": 0.502, "IoU.countertop": 0.6439, "IoU.stove": 0.8608, "IoU.palm": 0.5091, "IoU.kitchen island": 0.5549, "IoU.computer": 0.8008, "IoU.swivel chair": 0.516, "IoU.boat": 0.7559, "IoU.bar": 0.6259, "IoU.arcade machine": 0.7718, "IoU.hovel": 0.144, "IoU.bus": 0.921, "IoU.towel": 0.7907, "IoU.light": 0.6287, "IoU.truck": 0.4946, "IoU.tower": 0.3265, "IoU.chandelier": 0.7156, "IoU.awning": 0.4993, "IoU.streetlight": 0.359, "IoU.booth": 0.3957, "IoU.television receiver": 0.8254, "IoU.airplane": 0.8067, "IoU.dirt track": 0.0502, "IoU.apparel": 0.5646, "IoU.pole": 0.2657, "IoU.land": 0.0349, "IoU.bannister": 0.2292, "IoU.escalator": 0.6357, "IoU.ottoman": 0.5431, "IoU.bottle": 0.3179, "IoU.buffet": 0.5738, "IoU.poster": 0.3593, "IoU.stage": 0.2552, "IoU.van": 0.4701, "IoU.ship": 0.5044, "IoU.fountain": 0.3749, "IoU.conveyer belt": 0.8212, "IoU.canopy": 0.5244, "IoU.washer": 0.7952, "IoU.plaything": 0.4154, "IoU.swimming pool": 0.5599, "IoU.stool": 0.4999, "IoU.barrel": 0.498, "IoU.basket": 0.4153, "IoU.waterfall": 0.6261, "IoU.tent": 0.8971, "IoU.bag": 0.2088, "IoU.minibike": 0.7698, "IoU.cradle": 0.8556, "IoU.oven": 0.615, "IoU.ball": 0.5167, "IoU.food": 0.5667, "IoU.step": 0.2197, "IoU.tank": 0.6423, "IoU.trade name": 0.1802, "IoU.microwave": 0.8895, "IoU.pot": 0.5919, "IoU.animal": 0.5964, "IoU.bicycle": 0.5969, "IoU.lake": 0.5347, "IoU.dishwasher": 0.7357, "IoU.screen": 0.6293, "IoU.blanket": 0.3805, "IoU.sculpture": 0.7702, "IoU.hood": 0.641, "IoU.sconce": 0.6163, "IoU.vase": 0.4721, "IoU.traffic light": 0.3663, "IoU.tray": 0.2312, "IoU.ashcan": 0.4768, "IoU.fan": 0.7073, "IoU.pier": 0.4004, "IoU.crt screen": 0.0313, "IoU.plate": 0.6416, "IoU.monitor": 0.5921, "IoU.bulletin board": 0.5476, "IoU.shower": 0.0083, "IoU.radiator": 0.6829, "IoU.glass": 0.2004, "IoU.clock": 0.4049, "IoU.flag": 0.7137, "Acc.wall": 0.8987, "Acc.building": 0.9169, "Acc.sky": 0.9759, "Acc.floor": 0.9059, "Acc.tree": 0.8943, "Acc.ceiling": 0.9465, "Acc.road": 0.9066, "Acc.bed ": 0.9713, "Acc.windowpane": 0.8019, "Acc.grass": 0.7987, "Acc.cabinet": 0.7464, "Acc.sidewalk": 0.8689, "Acc.person": 0.9317, "Acc.earth": 0.5086, "Acc.door": 0.7757, "Acc.table": 0.8068, "Acc.mountain": 0.7484, "Acc.plant": 0.6565, "Acc.curtain": 0.9024, "Acc.chair": 0.777, "Acc.car": 0.9409, "Acc.water": 0.7359, "Acc.painting": 0.9085, "Acc.sofa": 0.8914, "Acc.shelf": 0.651, "Acc.house": 0.8828, "Acc.sea": 0.8408, "Acc.mirror": 0.8455, "Acc.rug": 0.8515, "Acc.field": 0.5107, "Acc.armchair": 0.8198, "Acc.seat": 0.8962, "Acc.fence": 0.6549, "Acc.desk": 0.7667, "Acc.rock": 0.8315, "Acc.wardrobe": 0.8308, "Acc.lamp": 0.8561, "Acc.bathtub": 0.894, "Acc.railing": 0.6395, "Acc.cushion": 0.8327, "Acc.base": 0.5784, "Acc.box": 0.5313, "Acc.column": 0.7115, "Acc.signboard": 0.551, "Acc.chest of drawers": 0.6332, "Acc.counter": 0.333, "Acc.sand": 0.8606, "Acc.sink": 0.8623, "Acc.skyscraper": 0.6439, "Acc.fireplace": 0.9671, "Acc.refrigerator": 0.9031, "Acc.grandstand": 0.8397, "Acc.path": 0.3506, "Acc.stairs": 0.2963, "Acc.runway": 0.863, "Acc.case": 0.8416, "Acc.pool table": 0.976, "Acc.pillow": 0.748, "Acc.screen door": 0.8001, "Acc.stairway": 0.4309, "Acc.river": 0.281, "Acc.bridge": 0.7841, "Acc.bookcase": 0.6759, "Acc.blind": 0.4989, "Acc.coffee table": 0.8635, "Acc.toilet": 0.938, "Acc.flower": 0.5185, "Acc.book": 0.7577, "Acc.hill": 0.1775, "Acc.bench": 0.5809, "Acc.countertop": 0.8164, "Acc.stove": 0.9208, "Acc.palm": 0.8234, "Acc.kitchen island": 0.895, "Acc.computer": 0.9038, "Acc.swivel chair": 0.7625, "Acc.boat": 0.8971, "Acc.bar": 0.8312, "Acc.arcade machine": 0.8351, "Acc.hovel": 0.1555, "Acc.bus": 0.9629, "Acc.towel": 0.8676, "Acc.light": 0.7304, "Acc.truck": 0.5985, "Acc.tower": 0.6059, "Acc.chandelier": 0.8372, "Acc.awning": 0.687, "Acc.streetlight": 0.4885, "Acc.booth": 0.5877, "Acc.television receiver": 0.8793, "Acc.airplane": 0.8559, "Acc.dirt track": 0.2897, "Acc.apparel": 0.7608, "Acc.pole": 0.3599, "Acc.land": 0.0492, "Acc.bannister": 0.3113, "Acc.escalator": 0.8504, "Acc.ottoman": 0.7819, "Acc.bottle": 0.3778, "Acc.buffet": 0.7204, "Acc.poster": 0.5201, "Acc.stage": 0.4713, "Acc.van": 0.6264, "Acc.ship": 0.5073, "Acc.fountain": 0.3933, "Acc.conveyer belt": 0.9278, "Acc.canopy": 0.8028, "Acc.washer": 0.8483, "Acc.plaything": 0.7405, "Acc.swimming pool": 0.7747, "Acc.stool": 0.7491, "Acc.barrel": 0.6501, "Acc.basket": 0.5928, "Acc.waterfall": 0.7512, "Acc.tent": 0.9918, "Acc.bag": 0.2348, "Acc.minibike": 0.9016, "Acc.cradle": 0.9736, "Acc.oven": 0.7287, "Acc.ball": 0.6481, "Acc.food": 0.6209, "Acc.step": 0.2787, "Acc.tank": 0.6835, "Acc.trade name": 0.2092, "Acc.microwave": 0.954, "Acc.pot": 0.6894, "Acc.animal": 0.6038, "Acc.bicycle": 0.754, "Acc.lake": 0.6384, "Acc.dishwasher": 0.8419, "Acc.screen": 0.9542, "Acc.blanket": 0.4694, "Acc.sculpture": 0.8741, "Acc.hood": 0.7765, "Acc.sconce": 0.6955, "Acc.vase": 0.6319, "Acc.traffic light": 0.609, "Acc.tray": 0.293, "Acc.ashcan": 0.5828, "Acc.fan": 0.8253, "Acc.pier": 0.4334, "Acc.crt screen": 0.0529, "Acc.plate": 0.7846, "Acc.monitor": 0.6725, "Acc.bulletin board": 0.5946, "Acc.shower": 0.0126, "Acc.radiator": 0.794, "Acc.glass": 0.2103, "Acc.clock": 0.433, "Acc.flag": 0.7705} {"mode": "train", "epoch": 30, "iter": 37050, "lr": 2e-05, "memory": 71384, "data_time": 1.9898, "decode.loss_ce": 0.19858, "decode.acc_seg": 91.49269, "aux.loss_ce": 0.08253, "aux.acc_seg": 91.1117, "loss": 0.28111, "time": 3.60251} {"mode": "train", "epoch": 30, "iter": 37100, "lr": 2e-05, "memory": 71384, "data_time": 0.00963, "decode.loss_ce": 0.18828, "decode.acc_seg": 91.97592, "aux.loss_ce": 0.07787, "aux.acc_seg": 91.67321, "loss": 0.26615, "time": 1.62295} {"mode": "train", "epoch": 30, "iter": 37150, "lr": 2e-05, "memory": 71384, "data_time": 0.00961, "decode.loss_ce": 0.1966, "decode.acc_seg": 91.6599, "aux.loss_ce": 0.08137, "aux.acc_seg": 91.38309, "loss": 0.27796, "time": 1.62152} {"mode": "train", "epoch": 30, "iter": 37200, "lr": 2e-05, "memory": 71384, "data_time": 0.00983, "decode.loss_ce": 0.2211, "decode.acc_seg": 90.93107, "aux.loss_ce": 0.09083, "aux.acc_seg": 90.64314, "loss": 0.31194, "time": 1.62186} {"mode": "train", "epoch": 30, "iter": 37250, "lr": 2e-05, "memory": 71384, "data_time": 0.00981, "decode.loss_ce": 0.20126, "decode.acc_seg": 91.34518, "aux.loss_ce": 0.08336, "aux.acc_seg": 90.99506, "loss": 0.28462, "time": 1.62153} {"mode": "train", "epoch": 30, "iter": 37300, "lr": 2e-05, "memory": 71384, "data_time": 0.00974, "decode.loss_ce": 0.22733, "decode.acc_seg": 90.45158, "aux.loss_ce": 0.0933, "aux.acc_seg": 90.26637, "loss": 0.32063, "time": 1.62293} {"mode": "train", "epoch": 30, "iter": 37350, "lr": 2e-05, "memory": 71384, "data_time": 0.00982, "decode.loss_ce": 0.19246, "decode.acc_seg": 91.61134, "aux.loss_ce": 0.07984, "aux.acc_seg": 91.37451, "loss": 0.2723, "time": 1.62116} {"mode": "train", "epoch": 30, "iter": 37400, "lr": 2e-05, "memory": 71384, "data_time": 0.00951, "decode.loss_ce": 0.20791, "decode.acc_seg": 91.419, "aux.loss_ce": 0.08569, "aux.acc_seg": 91.09745, "loss": 0.2936, "time": 1.62059} {"mode": "train", "epoch": 30, "iter": 37450, "lr": 2e-05, "memory": 71384, "data_time": 0.0097, "decode.loss_ce": 0.21566, "decode.acc_seg": 90.99599, "aux.loss_ce": 0.08875, "aux.acc_seg": 90.71988, "loss": 0.30442, "time": 1.6216} {"mode": "train", "epoch": 30, "iter": 37500, "lr": 2e-05, "memory": 71384, "data_time": 0.00982, "decode.loss_ce": 0.21813, "decode.acc_seg": 91.20352, "aux.loss_ce": 0.08975, "aux.acc_seg": 90.89751, "loss": 0.30788, "time": 1.62402} {"mode": "train", "epoch": 30, "iter": 37550, "lr": 2e-05, "memory": 71384, "data_time": 0.00976, "decode.loss_ce": 0.203, "decode.acc_seg": 91.46641, "aux.loss_ce": 0.08383, "aux.acc_seg": 91.1376, "loss": 0.28683, "time": 1.62216} {"mode": "train", "epoch": 30, "iter": 37600, "lr": 2e-05, "memory": 71384, "data_time": 0.0098, "decode.loss_ce": 0.21281, "decode.acc_seg": 90.98984, "aux.loss_ce": 0.08817, "aux.acc_seg": 90.65114, "loss": 0.30097, "time": 1.61885} {"mode": "train", "epoch": 30, "iter": 37650, "lr": 2e-05, "memory": 71384, "data_time": 0.00971, "decode.loss_ce": 0.20072, "decode.acc_seg": 91.53557, "aux.loss_ce": 0.08326, "aux.acc_seg": 91.17957, "loss": 0.28398, "time": 1.62345} {"mode": "train", "epoch": 30, "iter": 37700, "lr": 2e-05, "memory": 71384, "data_time": 0.00975, "decode.loss_ce": 0.20024, "decode.acc_seg": 91.46823, "aux.loss_ce": 0.08387, "aux.acc_seg": 91.04165, "loss": 0.28411, "time": 1.62028} {"mode": "train", "epoch": 30, "iter": 37750, "lr": 2e-05, "memory": 71384, "data_time": 0.01006, "decode.loss_ce": 0.2063, "decode.acc_seg": 91.27368, "aux.loss_ce": 0.08582, "aux.acc_seg": 91.00242, "loss": 0.29212, "time": 1.62439} {"mode": "train", "epoch": 30, "iter": 37800, "lr": 2e-05, "memory": 71384, "data_time": 0.00985, "decode.loss_ce": 0.20369, "decode.acc_seg": 91.59445, "aux.loss_ce": 0.08496, "aux.acc_seg": 91.23459, "loss": 0.28865, "time": 1.6216} {"mode": "train", "epoch": 30, "iter": 37850, "lr": 2e-05, "memory": 71384, "data_time": 0.00978, "decode.loss_ce": 0.19846, "decode.acc_seg": 91.27614, "aux.loss_ce": 0.08281, "aux.acc_seg": 90.90548, "loss": 0.28127, "time": 1.62031} {"mode": "train", "epoch": 31, "iter": 37900, "lr": 2e-05, "memory": 71384, "data_time": 0.06068, "decode.loss_ce": 0.19498, "decode.acc_seg": 91.54892, "aux.loss_ce": 0.08095, "aux.acc_seg": 91.30677, "loss": 0.27592, "time": 1.67641} {"mode": "train", "epoch": 31, "iter": 37950, "lr": 2e-05, "memory": 71384, "data_time": 0.00971, "decode.loss_ce": 0.19554, "decode.acc_seg": 91.52746, "aux.loss_ce": 0.08161, "aux.acc_seg": 91.16521, "loss": 0.27715, "time": 1.6238} {"mode": "train", "epoch": 31, "iter": 38000, "lr": 2e-05, "memory": 71384, "data_time": 0.00964, "decode.loss_ce": 0.20361, "decode.acc_seg": 91.36006, "aux.loss_ce": 0.08423, "aux.acc_seg": 91.13797, "loss": 0.28784, "time": 3.31444} {"mode": "val", "epoch": 31, "iter": 250, "lr": 2e-05, "aAcc": 0.8628, "mIoU": 0.5728, "mAcc": 0.7022, "IoU.wall": 0.8251, "IoU.building": 0.8535, "IoU.sky": 0.9487, "IoU.floor": 0.8531, "IoU.tree": 0.7816, "IoU.ceiling": 0.8773, "IoU.road": 0.8573, "IoU.bed ": 0.9263, "IoU.windowpane": 0.6711, "IoU.grass": 0.6842, "IoU.cabinet": 0.663, "IoU.sidewalk": 0.7173, "IoU.person": 0.8585, "IoU.earth": 0.366, "IoU.door": 0.6079, "IoU.table": 0.7085, "IoU.mountain": 0.6033, "IoU.plant": 0.5648, "IoU.curtain": 0.8095, "IoU.chair": 0.6563, "IoU.car": 0.8756, "IoU.water": 0.6266, "IoU.painting": 0.7765, "IoU.sofa": 0.8073, "IoU.shelf": 0.5379, "IoU.house": 0.5348, "IoU.sea": 0.7398, "IoU.mirror": 0.7903, "IoU.rug": 0.6847, "IoU.field": 0.4177, "IoU.armchair": 0.5839, "IoU.seat": 0.6477, "IoU.fence": 0.5213, "IoU.desk": 0.5929, "IoU.rock": 0.566, "IoU.wardrobe": 0.5397, "IoU.lamp": 0.7402, "IoU.bathtub": 0.8915, "IoU.railing": 0.4551, "IoU.cushion": 0.7184, "IoU.base": 0.4417, "IoU.box": 0.3907, "IoU.column": 0.6167, "IoU.signboard": 0.4177, "IoU.chest of drawers": 0.4169, "IoU.counter": 0.4316, "IoU.sand": 0.5742, "IoU.sink": 0.7799, "IoU.skyscraper": 0.47, "IoU.fireplace": 0.7386, "IoU.refrigerator": 0.847, "IoU.grandstand": 0.4829, "IoU.path": 0.3124, "IoU.stairs": 0.3083, "IoU.runway": 0.6944, "IoU.case": 0.6802, "IoU.pool table": 0.949, "IoU.pillow": 0.7045, "IoU.screen door": 0.763, "IoU.stairway": 0.4427, "IoU.river": 0.1211, "IoU.bridge": 0.5228, "IoU.bookcase": 0.4251, "IoU.blind": 0.4361, "IoU.coffee table": 0.6726, "IoU.toilet": 0.9026, "IoU.flower": 0.4247, "IoU.book": 0.5337, "IoU.hill": 0.0468, "IoU.bench": 0.5462, "IoU.countertop": 0.6429, "IoU.stove": 0.8536, "IoU.palm": 0.5417, "IoU.kitchen island": 0.5414, "IoU.computer": 0.7848, "IoU.swivel chair": 0.5076, "IoU.boat": 0.7537, "IoU.bar": 0.6513, "IoU.arcade machine": 0.7908, "IoU.hovel": 0.0787, "IoU.bus": 0.9229, "IoU.towel": 0.7978, "IoU.light": 0.6132, "IoU.truck": 0.4788, "IoU.tower": 0.1619, "IoU.chandelier": 0.7198, "IoU.awning": 0.3994, "IoU.streetlight": 0.3818, "IoU.booth": 0.4332, "IoU.television receiver": 0.7998, "IoU.airplane": 0.8814, "IoU.dirt track": 0.0781, "IoU.apparel": 0.6166, "IoU.pole": 0.2391, "IoU.land": 0.0452, "IoU.bannister": 0.2068, "IoU.escalator": 0.6491, "IoU.ottoman": 0.5164, "IoU.bottle": 0.455, "IoU.buffet": 0.4769, "IoU.poster": 0.3288, "IoU.stage": 0.2089, "IoU.van": 0.4507, "IoU.ship": 0.2375, "IoU.fountain": 0.3954, "IoU.conveyer belt": 0.8258, "IoU.canopy": 0.5231, "IoU.washer": 0.7968, "IoU.plaything": 0.4301, "IoU.swimming pool": 0.5117, "IoU.stool": 0.413, "IoU.barrel": 0.5863, "IoU.basket": 0.4389, "IoU.waterfall": 0.5102, "IoU.tent": 0.965, "IoU.bag": 0.2841, "IoU.minibike": 0.7682, "IoU.cradle": 0.8568, "IoU.oven": 0.6287, "IoU.ball": 0.3923, "IoU.food": 0.6643, "IoU.step": 0.2442, "IoU.tank": 0.5839, "IoU.trade name": 0.2674, "IoU.microwave": 0.9036, "IoU.pot": 0.5734, "IoU.animal": 0.6043, "IoU.bicycle": 0.5861, "IoU.lake": 0.5159, "IoU.dishwasher": 0.7022, "IoU.screen": 0.5876, "IoU.blanket": 0.3614, "IoU.sculpture": 0.7378, "IoU.hood": 0.6377, "IoU.sconce": 0.6307, "IoU.vase": 0.478, "IoU.traffic light": 0.348, "IoU.tray": 0.2023, "IoU.ashcan": 0.4602, "IoU.fan": 0.6912, "IoU.pier": 0.6251, "IoU.crt screen": 0.0205, "IoU.plate": 0.6187, "IoU.monitor": 0.4889, "IoU.bulletin board": 0.6838, "IoU.shower": 0.0113, "IoU.radiator": 0.6794, "IoU.glass": 0.2184, "IoU.clock": 0.5385, "IoU.flag": 0.7071, "Acc.wall": 0.8966, "Acc.building": 0.9364, "Acc.sky": 0.9752, "Acc.floor": 0.9305, "Acc.tree": 0.8953, "Acc.ceiling": 0.9336, "Acc.road": 0.9006, "Acc.bed ": 0.9699, "Acc.windowpane": 0.8126, "Acc.grass": 0.8449, "Acc.cabinet": 0.7547, "Acc.sidewalk": 0.8739, "Acc.person": 0.936, "Acc.earth": 0.4616, "Acc.door": 0.7896, "Acc.table": 0.8227, "Acc.mountain": 0.833, "Acc.plant": 0.6392, "Acc.curtain": 0.89, "Acc.chair": 0.7512, "Acc.car": 0.9417, "Acc.water": 0.7657, "Acc.painting": 0.9089, "Acc.sofa": 0.9353, "Acc.shelf": 0.7003, "Acc.house": 0.6672, "Acc.sea": 0.8355, "Acc.mirror": 0.8556, "Acc.rug": 0.7937, "Acc.field": 0.7008, "Acc.armchair": 0.703, "Acc.seat": 0.8915, "Acc.fence": 0.7068, "Acc.desk": 0.7934, "Acc.rock": 0.7565, "Acc.wardrobe": 0.7508, "Acc.lamp": 0.8515, "Acc.bathtub": 0.9175, "Acc.railing": 0.6666, "Acc.cushion": 0.8512, "Acc.base": 0.5854, "Acc.box": 0.5026, "Acc.column": 0.7745, "Acc.signboard": 0.5572, "Acc.chest of drawers": 0.6398, "Acc.counter": 0.62, "Acc.sand": 0.8463, "Acc.sink": 0.8701, "Acc.skyscraper": 0.6002, "Acc.fireplace": 0.9597, "Acc.refrigerator": 0.9522, "Acc.grandstand": 0.8298, "Acc.path": 0.4206, "Acc.stairs": 0.3764, "Acc.runway": 0.8986, "Acc.case": 0.8373, "Acc.pool table": 0.977, "Acc.pillow": 0.8108, "Acc.screen door": 0.7782, "Acc.stairway": 0.6581, "Acc.river": 0.2757, "Acc.bridge": 0.6033, "Acc.bookcase": 0.4611, "Acc.blind": 0.5175, "Acc.coffee table": 0.8487, "Acc.toilet": 0.9339, "Acc.flower": 0.5486, "Acc.book": 0.8008, "Acc.hill": 0.0941, "Acc.bench": 0.6148, "Acc.countertop": 0.8155, "Acc.stove": 0.9146, "Acc.palm": 0.7835, "Acc.kitchen island": 0.7708, "Acc.computer": 0.9228, "Acc.swivel chair": 0.7937, "Acc.boat": 0.9036, "Acc.bar": 0.8896, "Acc.arcade machine": 0.842, "Acc.hovel": 0.0848, "Acc.bus": 0.9726, "Acc.towel": 0.8541, "Acc.light": 0.6893, "Acc.truck": 0.619, "Acc.tower": 0.2383, "Acc.chandelier": 0.9004, "Acc.awning": 0.4999, "Acc.streetlight": 0.5267, "Acc.booth": 0.6052, "Acc.television receiver": 0.8908, "Acc.airplane": 0.9556, "Acc.dirt track": 0.2993, "Acc.apparel": 0.8129, "Acc.pole": 0.315, "Acc.land": 0.0602, "Acc.bannister": 0.279, "Acc.escalator": 0.8464, "Acc.ottoman": 0.6876, "Acc.bottle": 0.6744, "Acc.buffet": 0.5764, "Acc.poster": 0.4307, "Acc.stage": 0.4628, "Acc.van": 0.6575, "Acc.ship": 0.2444, "Acc.fountain": 0.402, "Acc.conveyer belt": 0.9276, "Acc.canopy": 0.8388, "Acc.washer": 0.8437, "Acc.plaything": 0.7157, "Acc.swimming pool": 0.7296, "Acc.stool": 0.7655, "Acc.barrel": 0.7151, "Acc.basket": 0.6109, "Acc.waterfall": 0.5655, "Acc.tent": 0.9786, "Acc.bag": 0.3545, "Acc.minibike": 0.8695, "Acc.cradle": 0.977, "Acc.oven": 0.7551, "Acc.ball": 0.4297, "Acc.food": 0.8414, "Acc.step": 0.3163, "Acc.tank": 0.6958, "Acc.trade name": 0.3626, "Acc.microwave": 0.9589, "Acc.pot": 0.7134, "Acc.animal": 0.6182, "Acc.bicycle": 0.7283, "Acc.lake": 0.6375, "Acc.dishwasher": 0.8402, "Acc.screen": 0.9374, "Acc.blanket": 0.4173, "Acc.sculpture": 0.882, "Acc.hood": 0.7704, "Acc.sconce": 0.7269, "Acc.vase": 0.6532, "Acc.traffic light": 0.617, "Acc.tray": 0.2335, "Acc.ashcan": 0.6924, "Acc.fan": 0.8691, "Acc.pier": 0.719, "Acc.crt screen": 0.0354, "Acc.plate": 0.8414, "Acc.monitor": 0.61, "Acc.bulletin board": 0.7818, "Acc.shower": 0.0135, "Acc.radiator": 0.8219, "Acc.glass": 0.2358, "Acc.clock": 0.6367, "Acc.flag": 0.7944} {"mode": "train", "epoch": 31, "iter": 38050, "lr": 2e-05, "memory": 71384, "data_time": 1.94223, "decode.loss_ce": 0.20486, "decode.acc_seg": 91.36538, "aux.loss_ce": 0.08502, "aux.acc_seg": 91.02432, "loss": 0.28988, "time": 3.55575} {"mode": "train", "epoch": 31, "iter": 38100, "lr": 2e-05, "memory": 71384, "data_time": 0.00961, "decode.loss_ce": 0.20256, "decode.acc_seg": 91.56386, "aux.loss_ce": 0.08387, "aux.acc_seg": 91.25923, "loss": 0.28642, "time": 1.62492} {"mode": "train", "epoch": 31, "iter": 38150, "lr": 2e-05, "memory": 71384, "data_time": 0.00963, "decode.loss_ce": 0.20883, "decode.acc_seg": 91.56566, "aux.loss_ce": 0.08636, "aux.acc_seg": 91.17573, "loss": 0.29519, "time": 1.62} {"mode": "train", "epoch": 31, "iter": 38200, "lr": 2e-05, "memory": 71384, "data_time": 0.00961, "decode.loss_ce": 0.2427, "decode.acc_seg": 90.35773, "aux.loss_ce": 0.09996, "aux.acc_seg": 90.02549, "loss": 0.34266, "time": 1.62312} {"mode": "train", "epoch": 31, "iter": 38250, "lr": 2e-05, "memory": 71384, "data_time": 0.00952, "decode.loss_ce": 0.2042, "decode.acc_seg": 91.56803, "aux.loss_ce": 0.08416, "aux.acc_seg": 91.30418, "loss": 0.28836, "time": 1.61862} {"mode": "train", "epoch": 31, "iter": 38300, "lr": 2e-05, "memory": 71384, "data_time": 0.00973, "decode.loss_ce": 0.20349, "decode.acc_seg": 91.4607, "aux.loss_ce": 0.08466, "aux.acc_seg": 91.1621, "loss": 0.28815, "time": 1.62061} {"mode": "train", "epoch": 31, "iter": 38350, "lr": 2e-05, "memory": 71384, "data_time": 0.00978, "decode.loss_ce": 0.19078, "decode.acc_seg": 91.93673, "aux.loss_ce": 0.0794, "aux.acc_seg": 91.57006, "loss": 0.27018, "time": 1.62085} {"mode": "train", "epoch": 31, "iter": 38400, "lr": 2e-05, "memory": 71384, "data_time": 0.0099, "decode.loss_ce": 0.1931, "decode.acc_seg": 91.98689, "aux.loss_ce": 0.07984, "aux.acc_seg": 91.71339, "loss": 0.27294, "time": 1.62358} {"mode": "train", "epoch": 31, "iter": 38450, "lr": 2e-05, "memory": 71384, "data_time": 0.00979, "decode.loss_ce": 0.19342, "decode.acc_seg": 91.68609, "aux.loss_ce": 0.08077, "aux.acc_seg": 91.33411, "loss": 0.27419, "time": 1.62116} {"mode": "train", "epoch": 31, "iter": 38500, "lr": 2e-05, "memory": 71384, "data_time": 0.00967, "decode.loss_ce": 0.1926, "decode.acc_seg": 91.75437, "aux.loss_ce": 0.08012, "aux.acc_seg": 91.47234, "loss": 0.27272, "time": 1.61957} {"mode": "train", "epoch": 31, "iter": 38550, "lr": 2e-05, "memory": 71384, "data_time": 0.00988, "decode.loss_ce": 0.19109, "decode.acc_seg": 92.13947, "aux.loss_ce": 0.07962, "aux.acc_seg": 91.83118, "loss": 0.27071, "time": 1.62359} {"mode": "train", "epoch": 31, "iter": 38600, "lr": 2e-05, "memory": 71384, "data_time": 0.00987, "decode.loss_ce": 0.1898, "decode.acc_seg": 92.05048, "aux.loss_ce": 0.07914, "aux.acc_seg": 91.75244, "loss": 0.26894, "time": 1.62079} {"mode": "train", "epoch": 31, "iter": 38650, "lr": 2e-05, "memory": 71384, "data_time": 0.00981, "decode.loss_ce": 0.19348, "decode.acc_seg": 91.70717, "aux.loss_ce": 0.08043, "aux.acc_seg": 91.44024, "loss": 0.27391, "time": 1.62387} {"mode": "train", "epoch": 31, "iter": 38700, "lr": 2e-05, "memory": 71384, "data_time": 0.00967, "decode.loss_ce": 0.19638, "decode.acc_seg": 91.85589, "aux.loss_ce": 0.08153, "aux.acc_seg": 91.48127, "loss": 0.2779, "time": 1.61814} {"mode": "train", "epoch": 31, "iter": 38750, "lr": 2e-05, "memory": 71384, "data_time": 0.0097, "decode.loss_ce": 0.19314, "decode.acc_seg": 91.6469, "aux.loss_ce": 0.08025, "aux.acc_seg": 91.25916, "loss": 0.27338, "time": 1.62177} {"mode": "train", "epoch": 31, "iter": 38800, "lr": 2e-05, "memory": 71384, "data_time": 0.00964, "decode.loss_ce": 0.20682, "decode.acc_seg": 91.2976, "aux.loss_ce": 0.08568, "aux.acc_seg": 91.01463, "loss": 0.2925, "time": 1.62046} {"mode": "train", "epoch": 31, "iter": 38850, "lr": 2e-05, "memory": 71384, "data_time": 0.0096, "decode.loss_ce": 0.19493, "decode.acc_seg": 91.90693, "aux.loss_ce": 0.08077, "aux.acc_seg": 91.53143, "loss": 0.27571, "time": 1.6202} {"mode": "train", "epoch": 31, "iter": 38900, "lr": 2e-05, "memory": 71384, "data_time": 0.00965, "decode.loss_ce": 0.19486, "decode.acc_seg": 91.82215, "aux.loss_ce": 0.08072, "aux.acc_seg": 91.48717, "loss": 0.27558, "time": 1.62218} {"mode": "train", "epoch": 31, "iter": 38950, "lr": 2e-05, "memory": 71384, "data_time": 0.0096, "decode.loss_ce": 0.19124, "decode.acc_seg": 91.92292, "aux.loss_ce": 0.07944, "aux.acc_seg": 91.58704, "loss": 0.27068, "time": 1.62193} {"mode": "train", "epoch": 31, "iter": 39000, "lr": 2e-05, "memory": 71384, "data_time": 0.00991, "decode.loss_ce": 0.19935, "decode.acc_seg": 91.62801, "aux.loss_ce": 0.08306, "aux.acc_seg": 91.35505, "loss": 0.28242, "time": 1.62169} {"mode": "val", "epoch": 31, "iter": 250, "lr": 2e-05, "aAcc": 0.8612, "mIoU": 0.5807, "mAcc": 0.712, "IoU.wall": 0.8221, "IoU.building": 0.8502, "IoU.sky": 0.9475, "IoU.floor": 0.852, "IoU.tree": 0.7759, "IoU.ceiling": 0.8697, "IoU.road": 0.8558, "IoU.bed ": 0.9255, "IoU.windowpane": 0.6739, "IoU.grass": 0.6937, "IoU.cabinet": 0.6547, "IoU.sidewalk": 0.704, "IoU.person": 0.8596, "IoU.earth": 0.3721, "IoU.door": 0.5937, "IoU.table": 0.6985, "IoU.mountain": 0.5733, "IoU.plant": 0.5696, "IoU.curtain": 0.7991, "IoU.chair": 0.6933, "IoU.car": 0.8761, "IoU.water": 0.6256, "IoU.painting": 0.7753, "IoU.sofa": 0.8396, "IoU.shelf": 0.4995, "IoU.house": 0.5019, "IoU.sea": 0.7195, "IoU.mirror": 0.7864, "IoU.rug": 0.6958, "IoU.field": 0.3642, "IoU.armchair": 0.6308, "IoU.seat": 0.6587, "IoU.fence": 0.4529, "IoU.desk": 0.5618, "IoU.rock": 0.5708, "IoU.wardrobe": 0.5397, "IoU.lamp": 0.7509, "IoU.bathtub": 0.887, "IoU.railing": 0.438, "IoU.cushion": 0.6952, "IoU.base": 0.3551, "IoU.box": 0.3813, "IoU.column": 0.5477, "IoU.signboard": 0.3936, "IoU.chest of drawers": 0.4681, "IoU.counter": 0.4085, "IoU.sand": 0.6012, "IoU.sink": 0.8125, "IoU.skyscraper": 0.4941, "IoU.fireplace": 0.7632, "IoU.refrigerator": 0.8509, "IoU.grandstand": 0.5179, "IoU.path": 0.2626, "IoU.stairs": 0.338, "IoU.runway": 0.7195, "IoU.case": 0.6591, "IoU.pool table": 0.9452, "IoU.pillow": 0.6521, "IoU.screen door": 0.7289, "IoU.stairway": 0.4742, "IoU.river": 0.1271, "IoU.bridge": 0.7172, "IoU.bookcase": 0.4377, "IoU.blind": 0.458, "IoU.coffee table": 0.645, "IoU.toilet": 0.9096, "IoU.flower": 0.4554, "IoU.book": 0.5256, "IoU.hill": 0.073, "IoU.bench": 0.507, "IoU.countertop": 0.6479, "IoU.stove": 0.8552, "IoU.palm": 0.566, "IoU.kitchen island": 0.5673, "IoU.computer": 0.7997, "IoU.swivel chair": 0.5244, "IoU.boat": 0.5922, "IoU.bar": 0.6449, "IoU.arcade machine": 0.7928, "IoU.hovel": 0.1668, "IoU.bus": 0.9311, "IoU.towel": 0.7669, "IoU.light": 0.6099, "IoU.truck": 0.4722, "IoU.tower": 0.297, "IoU.chandelier": 0.7474, "IoU.awning": 0.4347, "IoU.streetlight": 0.3795, "IoU.booth": 0.4617, "IoU.television receiver": 0.8173, "IoU.airplane": 0.8907, "IoU.dirt track": 0.142, "IoU.apparel": 0.6098, "IoU.pole": 0.2854, "IoU.land": 0.0187, "IoU.bannister": 0.2144, "IoU.escalator": 0.6597, "IoU.ottoman": 0.5163, "IoU.bottle": 0.4409, "IoU.buffet": 0.4695, "IoU.poster": 0.3745, "IoU.stage": 0.2899, "IoU.van": 0.4534, "IoU.ship": 0.8955, "IoU.fountain": 0.4136, "IoU.conveyer belt": 0.7826, "IoU.canopy": 0.5557, "IoU.washer": 0.8812, "IoU.plaything": 0.4526, "IoU.swimming pool": 0.5161, "IoU.stool": 0.558, "IoU.barrel": 0.5792, "IoU.basket": 0.3919, "IoU.waterfall": 0.4938, "IoU.tent": 0.8882, "IoU.bag": 0.277, "IoU.minibike": 0.7715, "IoU.cradle": 0.8525, "IoU.oven": 0.5522, "IoU.ball": 0.5525, "IoU.food": 0.6622, "IoU.step": 0.2238, "IoU.tank": 0.6302, "IoU.trade name": 0.2273, "IoU.microwave": 0.8448, "IoU.pot": 0.5794, "IoU.animal": 0.6327, "IoU.bicycle": 0.594, "IoU.lake": 0.4725, "IoU.dishwasher": 0.7183, "IoU.screen": 0.6144, "IoU.blanket": 0.3904, "IoU.sculpture": 0.783, "IoU.hood": 0.6182, "IoU.sconce": 0.617, "IoU.vase": 0.4737, "IoU.traffic light": 0.3475, "IoU.tray": 0.221, "IoU.ashcan": 0.498, "IoU.fan": 0.6731, "IoU.pier": 0.6155, "IoU.crt screen": 0.0246, "IoU.plate": 0.6248, "IoU.monitor": 0.6212, "IoU.bulletin board": 0.5602, "IoU.shower": 0.0081, "IoU.radiator": 0.6742, "IoU.glass": 0.2137, "IoU.clock": 0.5138, "IoU.flag": 0.6951, "Acc.wall": 0.9057, "Acc.building": 0.9302, "Acc.sky": 0.9714, "Acc.floor": 0.9121, "Acc.tree": 0.9142, "Acc.ceiling": 0.9416, "Acc.road": 0.9227, "Acc.bed ": 0.9721, "Acc.windowpane": 0.79, "Acc.grass": 0.8267, "Acc.cabinet": 0.7204, "Acc.sidewalk": 0.8424, "Acc.person": 0.9455, "Acc.earth": 0.4811, "Acc.door": 0.7282, "Acc.table": 0.8086, "Acc.mountain": 0.6421, "Acc.plant": 0.7021, "Acc.curtain": 0.9064, "Acc.chair": 0.8057, "Acc.car": 0.9292, "Acc.water": 0.7566, "Acc.painting": 0.8959, "Acc.sofa": 0.9305, "Acc.shelf": 0.6793, "Acc.house": 0.6266, "Acc.sea": 0.8389, "Acc.mirror": 0.8593, "Acc.rug": 0.8218, "Acc.field": 0.5731, "Acc.armchair": 0.782, "Acc.seat": 0.8827, "Acc.fence": 0.5962, "Acc.desk": 0.7988, "Acc.rock": 0.8332, "Acc.wardrobe": 0.7512, "Acc.lamp": 0.8348, "Acc.bathtub": 0.9161, "Acc.railing": 0.6308, "Acc.cushion": 0.8429, "Acc.base": 0.5004, "Acc.box": 0.4564, "Acc.column": 0.6727, "Acc.signboard": 0.5322, "Acc.chest of drawers": 0.7481, "Acc.counter": 0.5371, "Acc.sand": 0.8642, "Acc.sink": 0.8743, "Acc.skyscraper": 0.6243, "Acc.fireplace": 0.9349, "Acc.refrigerator": 0.9437, "Acc.grandstand": 0.8288, "Acc.path": 0.3212, "Acc.stairs": 0.4004, "Acc.runway": 0.9644, "Acc.case": 0.8392, "Acc.pool table": 0.9782, "Acc.pillow": 0.7364, "Acc.screen door": 0.7457, "Acc.stairway": 0.5955, "Acc.river": 0.2979, "Acc.bridge": 0.8709, "Acc.bookcase": 0.6076, "Acc.blind": 0.5441, "Acc.coffee table": 0.8652, "Acc.toilet": 0.9423, "Acc.flower": 0.589, "Acc.book": 0.8026, "Acc.hill": 0.2917, "Acc.bench": 0.5569, "Acc.countertop": 0.8019, "Acc.stove": 0.9375, "Acc.palm": 0.7888, "Acc.kitchen island": 0.8938, "Acc.computer": 0.9037, "Acc.swivel chair": 0.7552, "Acc.boat": 0.919, "Acc.bar": 0.8363, "Acc.arcade machine": 0.852, "Acc.hovel": 0.1792, "Acc.bus": 0.9696, "Acc.towel": 0.884, "Acc.light": 0.6941, "Acc.truck": 0.5327, "Acc.tower": 0.5158, "Acc.chandelier": 0.8637, "Acc.awning": 0.5811, "Acc.streetlight": 0.5305, "Acc.booth": 0.788, "Acc.television receiver": 0.8604, "Acc.airplane": 0.9561, "Acc.dirt track": 0.2643, "Acc.apparel": 0.8155, "Acc.pole": 0.4057, "Acc.land": 0.0275, "Acc.bannister": 0.2601, "Acc.escalator": 0.8566, "Acc.ottoman": 0.7067, "Acc.bottle": 0.6103, "Acc.buffet": 0.5525, "Acc.poster": 0.4731, "Acc.stage": 0.469, "Acc.van": 0.6945, "Acc.ship": 0.948, "Acc.fountain": 0.4218, "Acc.conveyer belt": 0.9526, "Acc.canopy": 0.8007, "Acc.washer": 0.9504, "Acc.plaything": 0.7408, "Acc.swimming pool": 0.741, "Acc.stool": 0.695, "Acc.barrel": 0.7422, "Acc.basket": 0.6078, "Acc.waterfall": 0.6304, "Acc.tent": 0.9746, "Acc.bag": 0.3159, "Acc.minibike": 0.8862, "Acc.cradle": 0.9676, "Acc.oven": 0.6661, "Acc.ball": 0.7759, "Acc.food": 0.8129, "Acc.step": 0.3415, "Acc.tank": 0.7617, "Acc.trade name": 0.2785, "Acc.microwave": 0.9692, "Acc.pot": 0.6945, "Acc.animal": 0.6462, "Acc.bicycle": 0.7673, "Acc.lake": 0.6374, "Acc.dishwasher": 0.8424, "Acc.screen": 0.9266, "Acc.blanket": 0.4841, "Acc.sculpture": 0.8793, "Acc.hood": 0.7433, "Acc.sconce": 0.7175, "Acc.vase": 0.6311, "Acc.traffic light": 0.6272, "Acc.tray": 0.3112, "Acc.ashcan": 0.65, "Acc.fan": 0.8239, "Acc.pier": 0.7074, "Acc.crt screen": 0.0387, "Acc.plate": 0.7514, "Acc.monitor": 0.7524, "Acc.bulletin board": 0.6298, "Acc.shower": 0.0086, "Acc.radiator": 0.8112, "Acc.glass": 0.2283, "Acc.clock": 0.6318, "Acc.flag": 0.7787} {"mode": "train", "epoch": 31, "iter": 39050, "lr": 2e-05, "memory": 71384, "data_time": 1.99199, "decode.loss_ce": 0.21305, "decode.acc_seg": 91.16474, "aux.loss_ce": 0.08864, "aux.acc_seg": 90.86431, "loss": 0.30169, "time": 3.60601} {"mode": "train", "epoch": 31, "iter": 39100, "lr": 2e-05, "memory": 71384, "data_time": 0.00967, "decode.loss_ce": 0.2063, "decode.acc_seg": 91.2877, "aux.loss_ce": 0.08549, "aux.acc_seg": 90.98871, "loss": 0.29179, "time": 1.621} {"mode": "train", "epoch": 31, "iter": 39150, "lr": 2e-05, "memory": 71384, "data_time": 0.00996, "decode.loss_ce": 0.1849, "decode.acc_seg": 92.14557, "aux.loss_ce": 0.07731, "aux.acc_seg": 91.82729, "loss": 0.26222, "time": 1.61921} {"mode": "train", "epoch": 32, "iter": 39200, "lr": 2e-05, "memory": 71384, "data_time": 0.05872, "decode.loss_ce": 0.19816, "decode.acc_seg": 91.40424, "aux.loss_ce": 0.08261, "aux.acc_seg": 91.00298, "loss": 0.28077, "time": 1.67377} {"mode": "train", "epoch": 32, "iter": 39250, "lr": 2e-05, "memory": 71384, "data_time": 0.00985, "decode.loss_ce": 0.20451, "decode.acc_seg": 91.12115, "aux.loss_ce": 0.08485, "aux.acc_seg": 90.8199, "loss": 0.28936, "time": 1.62165} {"mode": "train", "epoch": 32, "iter": 39300, "lr": 2e-05, "memory": 71384, "data_time": 0.00979, "decode.loss_ce": 0.19008, "decode.acc_seg": 91.93348, "aux.loss_ce": 0.07915, "aux.acc_seg": 91.60767, "loss": 0.26923, "time": 1.61911} {"mode": "train", "epoch": 32, "iter": 39350, "lr": 2e-05, "memory": 71384, "data_time": 0.00981, "decode.loss_ce": 0.20259, "decode.acc_seg": 91.44452, "aux.loss_ce": 0.08415, "aux.acc_seg": 91.17095, "loss": 0.28674, "time": 1.62365} {"mode": "train", "epoch": 32, "iter": 39400, "lr": 2e-05, "memory": 71384, "data_time": 0.00972, "decode.loss_ce": 0.19601, "decode.acc_seg": 91.7784, "aux.loss_ce": 0.08128, "aux.acc_seg": 91.40779, "loss": 0.27729, "time": 1.62334} {"mode": "train", "epoch": 32, "iter": 39450, "lr": 2e-05, "memory": 71384, "data_time": 0.00976, "decode.loss_ce": 0.18035, "decode.acc_seg": 92.38528, "aux.loss_ce": 0.07503, "aux.acc_seg": 92.10269, "loss": 0.25538, "time": 1.6228} {"mode": "train", "epoch": 32, "iter": 39500, "lr": 2e-05, "memory": 71384, "data_time": 0.00961, "decode.loss_ce": 0.18595, "decode.acc_seg": 92.16442, "aux.loss_ce": 0.07699, "aux.acc_seg": 91.87911, "loss": 0.26294, "time": 1.62021} {"mode": "train", "epoch": 32, "iter": 39550, "lr": 2e-05, "memory": 71384, "data_time": 0.00968, "decode.loss_ce": 0.1952, "decode.acc_seg": 91.95052, "aux.loss_ce": 0.08099, "aux.acc_seg": 91.62337, "loss": 0.27619, "time": 1.62455} {"mode": "train", "epoch": 32, "iter": 39600, "lr": 2e-05, "memory": 71384, "data_time": 0.00973, "decode.loss_ce": 0.20489, "decode.acc_seg": 91.33371, "aux.loss_ce": 0.08433, "aux.acc_seg": 91.03818, "loss": 0.28922, "time": 1.62119} {"mode": "train", "epoch": 32, "iter": 39650, "lr": 2e-05, "memory": 71384, "data_time": 0.00978, "decode.loss_ce": 0.19094, "decode.acc_seg": 92.02428, "aux.loss_ce": 0.07993, "aux.acc_seg": 91.58013, "loss": 0.27088, "time": 1.6217} {"mode": "train", "epoch": 32, "iter": 39700, "lr": 2e-05, "memory": 71384, "data_time": 0.00977, "decode.loss_ce": 0.1804, "decode.acc_seg": 92.24939, "aux.loss_ce": 0.07519, "aux.acc_seg": 91.87863, "loss": 0.25559, "time": 1.62401} {"mode": "train", "epoch": 32, "iter": 39750, "lr": 2e-05, "memory": 71384, "data_time": 0.00987, "decode.loss_ce": 0.18835, "decode.acc_seg": 91.84988, "aux.loss_ce": 0.07807, "aux.acc_seg": 91.5232, "loss": 0.26642, "time": 1.62029} {"mode": "train", "epoch": 32, "iter": 39800, "lr": 2e-05, "memory": 71384, "data_time": 0.00961, "decode.loss_ce": 0.18797, "decode.acc_seg": 91.99984, "aux.loss_ce": 0.07856, "aux.acc_seg": 91.66743, "loss": 0.26653, "time": 1.62301} {"mode": "train", "epoch": 32, "iter": 39850, "lr": 2e-05, "memory": 71384, "data_time": 0.00963, "decode.loss_ce": 0.18392, "decode.acc_seg": 92.09447, "aux.loss_ce": 0.07716, "aux.acc_seg": 91.65528, "loss": 0.26107, "time": 1.6208} {"mode": "train", "epoch": 32, "iter": 39900, "lr": 2e-05, "memory": 71384, "data_time": 0.00966, "decode.loss_ce": 0.17955, "decode.acc_seg": 92.1355, "aux.loss_ce": 0.07436, "aux.acc_seg": 91.95889, "loss": 0.25391, "time": 1.62155} {"mode": "train", "epoch": 32, "iter": 39950, "lr": 2e-05, "memory": 71384, "data_time": 0.00964, "decode.loss_ce": 0.19328, "decode.acc_seg": 91.85581, "aux.loss_ce": 0.08088, "aux.acc_seg": 91.50439, "loss": 0.27415, "time": 1.62214} {"mode": "train", "epoch": 32, "iter": 40000, "lr": 2e-05, "memory": 71384, "data_time": 0.00989, "decode.loss_ce": 0.19368, "decode.acc_seg": 92.05972, "aux.loss_ce": 0.08028, "aux.acc_seg": 91.74583, "loss": 0.27396, "time": 3.30846} {"mode": "val", "epoch": 32, "iter": 250, "lr": 2e-05, "aAcc": 0.8632, "mIoU": 0.5796, "mAcc": 0.7082, "IoU.wall": 0.8233, "IoU.building": 0.8541, "IoU.sky": 0.9488, "IoU.floor": 0.848, "IoU.tree": 0.7733, "IoU.ceiling": 0.8731, "IoU.road": 0.8595, "IoU.bed ": 0.9303, "IoU.windowpane": 0.6732, "IoU.grass": 0.68, "IoU.cabinet": 0.6574, "IoU.sidewalk": 0.7032, "IoU.person": 0.8609, "IoU.earth": 0.3831, "IoU.door": 0.6108, "IoU.table": 0.6945, "IoU.mountain": 0.6124, "IoU.plant": 0.5805, "IoU.curtain": 0.7934, "IoU.chair": 0.6884, "IoU.car": 0.8782, "IoU.water": 0.6195, "IoU.painting": 0.769, "IoU.sofa": 0.8347, "IoU.shelf": 0.5191, "IoU.house": 0.5138, "IoU.sea": 0.7245, "IoU.mirror": 0.7981, "IoU.rug": 0.7029, "IoU.field": 0.3718, "IoU.armchair": 0.5925, "IoU.seat": 0.6958, "IoU.fence": 0.5361, "IoU.desk": 0.5616, "IoU.rock": 0.6093, "IoU.wardrobe": 0.5487, "IoU.lamp": 0.7544, "IoU.bathtub": 0.8815, "IoU.railing": 0.4621, "IoU.cushion": 0.7147, "IoU.base": 0.3858, "IoU.box": 0.3998, "IoU.column": 0.5347, "IoU.signboard": 0.4192, "IoU.chest of drawers": 0.431, "IoU.counter": 0.389, "IoU.sand": 0.6097, "IoU.sink": 0.8256, "IoU.skyscraper": 0.4775, "IoU.fireplace": 0.7347, "IoU.refrigerator": 0.8391, "IoU.grandstand": 0.505, "IoU.path": 0.3065, "IoU.stairs": 0.3333, "IoU.runway": 0.7374, "IoU.case": 0.665, "IoU.pool table": 0.9477, "IoU.pillow": 0.6811, "IoU.screen door": 0.8666, "IoU.stairway": 0.4782, "IoU.river": 0.0855, "IoU.bridge": 0.6842, "IoU.bookcase": 0.4546, "IoU.blind": 0.4625, "IoU.coffee table": 0.6223, "IoU.toilet": 0.9173, "IoU.flower": 0.4631, "IoU.book": 0.5264, "IoU.hill": 0.0567, "IoU.bench": 0.5956, "IoU.countertop": 0.6335, "IoU.stove": 0.8704, "IoU.palm": 0.5368, "IoU.kitchen island": 0.5057, "IoU.computer": 0.7785, "IoU.swivel chair": 0.523, "IoU.boat": 0.8019, "IoU.bar": 0.6078, "IoU.arcade machine": 0.76, "IoU.hovel": 0.1364, "IoU.bus": 0.9381, "IoU.towel": 0.8117, "IoU.light": 0.6002, "IoU.truck": 0.4758, "IoU.tower": 0.2426, "IoU.chandelier": 0.7418, "IoU.awning": 0.3938, "IoU.streetlight": 0.3697, "IoU.booth": 0.3384, "IoU.television receiver": 0.8144, "IoU.airplane": 0.8301, "IoU.dirt track": 0.1199, "IoU.apparel": 0.6112, "IoU.pole": 0.2793, "IoU.land": 0.0, "IoU.bannister": 0.2109, "IoU.escalator": 0.664, "IoU.ottoman": 0.4686, "IoU.bottle": 0.4564, "IoU.buffet": 0.4727, "IoU.poster": 0.3842, "IoU.stage": 0.2784, "IoU.van": 0.4509, "IoU.ship": 0.5113, "IoU.fountain": 0.3741, "IoU.conveyer belt": 0.8122, "IoU.canopy": 0.4987, "IoU.washer": 0.8836, "IoU.plaything": 0.3901, "IoU.swimming pool": 0.5288, "IoU.stool": 0.5088, "IoU.barrel": 0.7355, "IoU.basket": 0.3923, "IoU.waterfall": 0.488, "IoU.tent": 0.9551, "IoU.bag": 0.2605, "IoU.minibike": 0.7442, "IoU.cradle": 0.9011, "IoU.oven": 0.5004, "IoU.ball": 0.5467, "IoU.food": 0.6994, "IoU.step": 0.2303, "IoU.tank": 0.5606, "IoU.trade name": 0.2747, "IoU.microwave": 0.8576, "IoU.pot": 0.581, "IoU.animal": 0.6468, "IoU.bicycle": 0.5864, "IoU.lake": 0.4828, "IoU.dishwasher": 0.7091, "IoU.screen": 0.5908, "IoU.blanket": 0.3755, "IoU.sculpture": 0.7233, "IoU.hood": 0.6396, "IoU.sconce": 0.6299, "IoU.vase": 0.4742, "IoU.traffic light": 0.3585, "IoU.tray": 0.2418, "IoU.ashcan": 0.4911, "IoU.fan": 0.7003, "IoU.pier": 0.4819, "IoU.crt screen": 0.0393, "IoU.plate": 0.6395, "IoU.monitor": 0.6785, "IoU.bulletin board": 0.6034, "IoU.shower": 0.0316, "IoU.radiator": 0.6958, "IoU.glass": 0.2087, "IoU.clock": 0.4864, "IoU.flag": 0.7124, "Acc.wall": 0.8927, "Acc.building": 0.935, "Acc.sky": 0.9763, "Acc.floor": 0.9017, "Acc.tree": 0.8836, "Acc.ceiling": 0.9506, "Acc.road": 0.9235, "Acc.bed ": 0.9764, "Acc.windowpane": 0.7987, "Acc.grass": 0.7998, "Acc.cabinet": 0.7629, "Acc.sidewalk": 0.8229, "Acc.person": 0.9447, "Acc.earth": 0.5178, "Acc.door": 0.7767, "Acc.table": 0.8126, "Acc.mountain": 0.8807, "Acc.plant": 0.6694, "Acc.curtain": 0.8993, "Acc.chair": 0.8335, "Acc.car": 0.9389, "Acc.water": 0.7623, "Acc.painting": 0.9125, "Acc.sofa": 0.8975, "Acc.shelf": 0.6792, "Acc.house": 0.6277, "Acc.sea": 0.8483, "Acc.mirror": 0.8874, "Acc.rug": 0.8473, "Acc.field": 0.5795, "Acc.armchair": 0.7931, "Acc.seat": 0.8906, "Acc.fence": 0.6853, "Acc.desk": 0.8045, "Acc.rock": 0.8474, "Acc.wardrobe": 0.7423, "Acc.lamp": 0.8492, "Acc.bathtub": 0.9115, "Acc.railing": 0.6375, "Acc.cushion": 0.8286, "Acc.base": 0.6129, "Acc.box": 0.5201, "Acc.column": 0.6724, "Acc.signboard": 0.5651, "Acc.chest of drawers": 0.6588, "Acc.counter": 0.5018, "Acc.sand": 0.8499, "Acc.sink": 0.8934, "Acc.skyscraper": 0.6254, "Acc.fireplace": 0.9432, "Acc.refrigerator": 0.9373, "Acc.grandstand": 0.8173, "Acc.path": 0.4368, "Acc.stairs": 0.3743, "Acc.runway": 0.9854, "Acc.case": 0.8377, "Acc.pool table": 0.9769, "Acc.pillow": 0.7847, "Acc.screen door": 0.9026, "Acc.stairway": 0.6525, "Acc.river": 0.1978, "Acc.bridge": 0.8963, "Acc.bookcase": 0.6615, "Acc.blind": 0.5937, "Acc.coffee table": 0.8592, "Acc.toilet": 0.9512, "Acc.flower": 0.6, "Acc.book": 0.7403, "Acc.hill": 0.0647, "Acc.bench": 0.7089, "Acc.countertop": 0.7977, "Acc.stove": 0.9241, "Acc.palm": 0.8349, "Acc.kitchen island": 0.6188, "Acc.computer": 0.9277, "Acc.swivel chair": 0.7839, "Acc.boat": 0.8499, "Acc.bar": 0.8708, "Acc.arcade machine": 0.8024, "Acc.hovel": 0.146, "Acc.bus": 0.9651, "Acc.towel": 0.8805, "Acc.light": 0.6794, "Acc.truck": 0.5688, "Acc.tower": 0.4163, "Acc.chandelier": 0.8768, "Acc.awning": 0.4812, "Acc.streetlight": 0.4624, "Acc.booth": 0.3597, "Acc.television receiver": 0.8732, "Acc.airplane": 0.8992, "Acc.dirt track": 0.4016, "Acc.apparel": 0.8849, "Acc.pole": 0.4064, "Acc.land": 0.0, "Acc.bannister": 0.2815, "Acc.escalator": 0.8263, "Acc.ottoman": 0.591, "Acc.bottle": 0.6593, "Acc.buffet": 0.5725, "Acc.poster": 0.4584, "Acc.stage": 0.4447, "Acc.van": 0.7155, "Acc.ship": 0.5198, "Acc.fountain": 0.3775, "Acc.conveyer belt": 0.9538, "Acc.canopy": 0.7477, "Acc.washer": 0.9408, "Acc.plaything": 0.6964, "Acc.swimming pool": 0.8214, "Acc.stool": 0.7101, "Acc.barrel": 0.9044, "Acc.basket": 0.5695, "Acc.waterfall": 0.5697, "Acc.tent": 0.9827, "Acc.bag": 0.3056, "Acc.minibike": 0.918, "Acc.cradle": 0.9736, "Acc.oven": 0.5949, "Acc.ball": 0.7171, "Acc.food": 0.8293, "Acc.step": 0.2758, "Acc.tank": 0.6961, "Acc.trade name": 0.324, "Acc.microwave": 0.9646, "Acc.pot": 0.6851, "Acc.animal": 0.6612, "Acc.bicycle": 0.744, "Acc.lake": 0.757, "Acc.dishwasher": 0.8438, "Acc.screen": 0.9597, "Acc.blanket": 0.4429, "Acc.sculpture": 0.8909, "Acc.hood": 0.7758, "Acc.sconce": 0.7229, "Acc.vase": 0.6509, "Acc.traffic light": 0.6641, "Acc.tray": 0.3445, "Acc.ashcan": 0.6686, "Acc.fan": 0.7954, "Acc.pier": 0.5708, "Acc.crt screen": 0.0469, "Acc.plate": 0.7514, "Acc.monitor": 0.7696, "Acc.bulletin board": 0.6375, "Acc.shower": 0.0342, "Acc.radiator": 0.8286, "Acc.glass": 0.2218, "Acc.clock": 0.5719, "Acc.flag": 0.7893} {"mode": "train", "epoch": 32, "iter": 40050, "lr": 2e-05, "memory": 71384, "data_time": 1.93497, "decode.loss_ce": 0.19219, "decode.acc_seg": 91.84221, "aux.loss_ce": 0.08006, "aux.acc_seg": 91.50186, "loss": 0.27226, "time": 3.54657} {"mode": "train", "epoch": 32, "iter": 40100, "lr": 2e-05, "memory": 71384, "data_time": 0.0098, "decode.loss_ce": 0.18738, "decode.acc_seg": 91.7409, "aux.loss_ce": 0.07791, "aux.acc_seg": 91.45669, "loss": 0.26529, "time": 1.62351} {"mode": "train", "epoch": 32, "iter": 40150, "lr": 2e-05, "memory": 71384, "data_time": 0.00971, "decode.loss_ce": 0.18811, "decode.acc_seg": 91.91968, "aux.loss_ce": 0.07884, "aux.acc_seg": 91.58826, "loss": 0.26695, "time": 1.62163} {"mode": "train", "epoch": 32, "iter": 40200, "lr": 2e-05, "memory": 71384, "data_time": 0.00969, "decode.loss_ce": 0.17745, "decode.acc_seg": 92.5317, "aux.loss_ce": 0.07423, "aux.acc_seg": 92.23105, "loss": 0.25168, "time": 1.62188} {"mode": "train", "epoch": 32, "iter": 40250, "lr": 2e-05, "memory": 71384, "data_time": 0.00999, "decode.loss_ce": 0.20745, "decode.acc_seg": 91.46705, "aux.loss_ce": 0.0852, "aux.acc_seg": 91.21858, "loss": 0.29265, "time": 1.62331} {"mode": "train", "epoch": 32, "iter": 40300, "lr": 2e-05, "memory": 71384, "data_time": 0.00967, "decode.loss_ce": 0.19773, "decode.acc_seg": 91.78048, "aux.loss_ce": 0.0827, "aux.acc_seg": 91.44471, "loss": 0.28043, "time": 1.6209} {"mode": "train", "epoch": 32, "iter": 40350, "lr": 2e-05, "memory": 71384, "data_time": 0.00985, "decode.loss_ce": 0.20628, "decode.acc_seg": 91.28452, "aux.loss_ce": 0.08526, "aux.acc_seg": 91.0937, "loss": 0.29155, "time": 1.62153} {"mode": "train", "epoch": 32, "iter": 40400, "lr": 2e-05, "memory": 71384, "data_time": 0.0097, "decode.loss_ce": 0.19812, "decode.acc_seg": 91.79039, "aux.loss_ce": 0.0817, "aux.acc_seg": 91.44509, "loss": 0.27982, "time": 1.62081} {"mode": "train", "epoch": 33, "iter": 40450, "lr": 2e-05, "memory": 71384, "data_time": 0.06065, "decode.loss_ce": 0.18316, "decode.acc_seg": 91.94953, "aux.loss_ce": 0.07683, "aux.acc_seg": 91.57895, "loss": 0.25999, "time": 1.67713} {"mode": "train", "epoch": 33, "iter": 40500, "lr": 2e-05, "memory": 71384, "data_time": 0.00992, "decode.loss_ce": 0.19017, "decode.acc_seg": 91.89295, "aux.loss_ce": 0.07959, "aux.acc_seg": 91.569, "loss": 0.26976, "time": 1.61924} {"mode": "train", "epoch": 33, "iter": 40550, "lr": 2e-05, "memory": 71384, "data_time": 0.00976, "decode.loss_ce": 0.18237, "decode.acc_seg": 92.5174, "aux.loss_ce": 0.07578, "aux.acc_seg": 92.17334, "loss": 0.25815, "time": 1.62128} {"mode": "train", "epoch": 33, "iter": 40600, "lr": 2e-05, "memory": 71384, "data_time": 0.00962, "decode.loss_ce": 0.18358, "decode.acc_seg": 92.35458, "aux.loss_ce": 0.07711, "aux.acc_seg": 91.9529, "loss": 0.26069, "time": 1.62254} {"mode": "train", "epoch": 33, "iter": 40650, "lr": 2e-05, "memory": 71384, "data_time": 0.00963, "decode.loss_ce": 0.18817, "decode.acc_seg": 92.04123, "aux.loss_ce": 0.07883, "aux.acc_seg": 91.62791, "loss": 0.26701, "time": 1.61958} {"mode": "train", "epoch": 33, "iter": 40700, "lr": 2e-05, "memory": 71384, "data_time": 0.00973, "decode.loss_ce": 0.18724, "decode.acc_seg": 92.28528, "aux.loss_ce": 0.0779, "aux.acc_seg": 92.00227, "loss": 0.26513, "time": 1.62333} {"mode": "train", "epoch": 33, "iter": 40750, "lr": 2e-05, "memory": 71384, "data_time": 0.0098, "decode.loss_ce": 0.19484, "decode.acc_seg": 91.7677, "aux.loss_ce": 0.08163, "aux.acc_seg": 91.39078, "loss": 0.27648, "time": 1.62315} {"mode": "train", "epoch": 33, "iter": 40800, "lr": 2e-05, "memory": 71384, "data_time": 0.0098, "decode.loss_ce": 0.18088, "decode.acc_seg": 92.28448, "aux.loss_ce": 0.07525, "aux.acc_seg": 91.98498, "loss": 0.25613, "time": 1.62399} {"mode": "train", "epoch": 33, "iter": 40850, "lr": 2e-05, "memory": 71384, "data_time": 0.00972, "decode.loss_ce": 0.1967, "decode.acc_seg": 91.71443, "aux.loss_ce": 0.08137, "aux.acc_seg": 91.41828, "loss": 0.27806, "time": 1.61978} {"mode": "train", "epoch": 33, "iter": 40900, "lr": 2e-05, "memory": 71384, "data_time": 0.00954, "decode.loss_ce": 0.20138, "decode.acc_seg": 91.5692, "aux.loss_ce": 0.08297, "aux.acc_seg": 91.27847, "loss": 0.28435, "time": 1.61963} {"mode": "train", "epoch": 33, "iter": 40950, "lr": 2e-05, "memory": 71384, "data_time": 0.00968, "decode.loss_ce": 0.19011, "decode.acc_seg": 91.85146, "aux.loss_ce": 0.07925, "aux.acc_seg": 91.50468, "loss": 0.26936, "time": 1.62194} {"mode": "train", "epoch": 33, "iter": 41000, "lr": 2e-05, "memory": 71384, "data_time": 0.00988, "decode.loss_ce": 0.18986, "decode.acc_seg": 92.15117, "aux.loss_ce": 0.07946, "aux.acc_seg": 91.72984, "loss": 0.26933, "time": 1.62408} {"mode": "val", "epoch": 33, "iter": 250, "lr": 2e-05, "aAcc": 0.862, "mIoU": 0.5778, "mAcc": 0.7154, "IoU.wall": 0.8215, "IoU.building": 0.8563, "IoU.sky": 0.9477, "IoU.floor": 0.8533, "IoU.tree": 0.7735, "IoU.ceiling": 0.8766, "IoU.road": 0.8569, "IoU.bed ": 0.9249, "IoU.windowpane": 0.6647, "IoU.grass": 0.6723, "IoU.cabinet": 0.7026, "IoU.sidewalk": 0.6953, "IoU.person": 0.8641, "IoU.earth": 0.3779, "IoU.door": 0.5853, "IoU.table": 0.6897, "IoU.mountain": 0.6339, "IoU.plant": 0.5681, "IoU.curtain": 0.7983, "IoU.chair": 0.6667, "IoU.car": 0.8766, "IoU.water": 0.6003, "IoU.painting": 0.7895, "IoU.sofa": 0.8299, "IoU.shelf": 0.5433, "IoU.house": 0.5361, "IoU.sea": 0.6854, "IoU.mirror": 0.7666, "IoU.rug": 0.6742, "IoU.field": 0.3527, "IoU.armchair": 0.6005, "IoU.seat": 0.6329, "IoU.fence": 0.4987, "IoU.desk": 0.5713, "IoU.rock": 0.5923, "IoU.wardrobe": 0.6033, "IoU.lamp": 0.7542, "IoU.bathtub": 0.8487, "IoU.railing": 0.4408, "IoU.cushion": 0.719, "IoU.base": 0.4189, "IoU.box": 0.3719, "IoU.column": 0.5736, "IoU.signboard": 0.4077, "IoU.chest of drawers": 0.4141, "IoU.counter": 0.3486, "IoU.sand": 0.5183, "IoU.sink": 0.8196, "IoU.skyscraper": 0.5066, "IoU.fireplace": 0.7308, "IoU.refrigerator": 0.8395, "IoU.grandstand": 0.5243, "IoU.path": 0.2747, "IoU.stairs": 0.2798, "IoU.runway": 0.7201, "IoU.case": 0.648, "IoU.pool table": 0.945, "IoU.pillow": 0.6933, "IoU.screen door": 0.7619, "IoU.stairway": 0.422, "IoU.river": 0.1169, "IoU.bridge": 0.6974, "IoU.bookcase": 0.5417, "IoU.blind": 0.4203, "IoU.coffee table": 0.5994, "IoU.toilet": 0.9156, "IoU.flower": 0.4981, "IoU.book": 0.5622, "IoU.hill": 0.0675, "IoU.bench": 0.5769, "IoU.countertop": 0.6611, "IoU.stove": 0.8603, "IoU.palm": 0.5398, "IoU.kitchen island": 0.5112, "IoU.computer": 0.819, "IoU.swivel chair": 0.5332, "IoU.boat": 0.7334, "IoU.bar": 0.5978, "IoU.arcade machine": 0.8317, "IoU.hovel": 0.3636, "IoU.bus": 0.9354, "IoU.towel": 0.7759, "IoU.light": 0.6252, "IoU.truck": 0.4334, "IoU.tower": 0.2155, "IoU.chandelier": 0.7345, "IoU.awning": 0.4065, "IoU.streetlight": 0.3843, "IoU.booth": 0.432, "IoU.television receiver": 0.7463, "IoU.airplane": 0.8886, "IoU.dirt track": 0.0882, "IoU.apparel": 0.6611, "IoU.pole": 0.2592, "IoU.land": 0.0468, "IoU.bannister": 0.2196, "IoU.escalator": 0.6537, "IoU.ottoman": 0.5058, "IoU.bottle": 0.3634, "IoU.buffet": 0.5409, "IoU.poster": 0.3791, "IoU.stage": 0.1965, "IoU.van": 0.4633, "IoU.ship": 0.591, "IoU.fountain": 0.3918, "IoU.conveyer belt": 0.7716, "IoU.canopy": 0.5484, "IoU.washer": 0.8321, "IoU.plaything": 0.3422, "IoU.swimming pool": 0.5332, "IoU.stool": 0.4902, "IoU.barrel": 0.3973, "IoU.basket": 0.38, "IoU.waterfall": 0.661, "IoU.tent": 0.9556, "IoU.bag": 0.2878, "IoU.minibike": 0.7546, "IoU.cradle": 0.8917, "IoU.oven": 0.6215, "IoU.ball": 0.4823, "IoU.food": 0.6935, "IoU.step": 0.2142, "IoU.tank": 0.675, "IoU.trade name": 0.108, "IoU.microwave": 0.896, "IoU.pot": 0.5943, "IoU.animal": 0.6278, "IoU.bicycle": 0.5921, "IoU.lake": 0.4267, "IoU.dishwasher": 0.7103, "IoU.screen": 0.5755, "IoU.blanket": 0.3542, "IoU.sculpture": 0.7533, "IoU.hood": 0.6248, "IoU.sconce": 0.5854, "IoU.vase": 0.4564, "IoU.traffic light": 0.3342, "IoU.tray": 0.2532, "IoU.ashcan": 0.51, "IoU.fan": 0.689, "IoU.pier": 0.6288, "IoU.crt screen": 0.1114, "IoU.plate": 0.6336, "IoU.monitor": 0.6137, "IoU.bulletin board": 0.5619, "IoU.shower": 0.0217, "IoU.radiator": 0.6983, "IoU.glass": 0.2076, "IoU.clock": 0.4969, "IoU.flag": 0.7193, "Acc.wall": 0.8957, "Acc.building": 0.9317, "Acc.sky": 0.9746, "Acc.floor": 0.9208, "Acc.tree": 0.8971, "Acc.ceiling": 0.9362, "Acc.road": 0.9116, "Acc.bed ": 0.9634, "Acc.windowpane": 0.8336, "Acc.grass": 0.8116, "Acc.cabinet": 0.8283, "Acc.sidewalk": 0.8416, "Acc.person": 0.9376, "Acc.earth": 0.4982, "Acc.door": 0.7311, "Acc.table": 0.7984, "Acc.mountain": 0.7423, "Acc.plant": 0.6745, "Acc.curtain": 0.8961, "Acc.chair": 0.783, "Acc.car": 0.9314, "Acc.water": 0.6956, "Acc.painting": 0.9105, "Acc.sofa": 0.9178, "Acc.shelf": 0.7842, "Acc.house": 0.6382, "Acc.sea": 0.8409, "Acc.mirror": 0.8439, "Acc.rug": 0.7662, "Acc.field": 0.6287, "Acc.armchair": 0.7798, "Acc.seat": 0.8826, "Acc.fence": 0.6368, "Acc.desk": 0.7968, "Acc.rock": 0.8512, "Acc.wardrobe": 0.6508, "Acc.lamp": 0.8691, "Acc.bathtub": 0.8799, "Acc.railing": 0.6044, "Acc.cushion": 0.8212, "Acc.base": 0.6173, "Acc.box": 0.4695, "Acc.column": 0.8626, "Acc.signboard": 0.6099, "Acc.chest of drawers": 0.486, "Acc.counter": 0.4314, "Acc.sand": 0.8812, "Acc.sink": 0.8704, "Acc.skyscraper": 0.6472, "Acc.fireplace": 0.9494, "Acc.refrigerator": 0.9399, "Acc.grandstand": 0.8364, "Acc.path": 0.3778, "Acc.stairs": 0.3482, "Acc.runway": 0.9547, "Acc.case": 0.7803, "Acc.pool table": 0.9789, "Acc.pillow": 0.8282, "Acc.screen door": 0.7886, "Acc.stairway": 0.6051, "Acc.river": 0.2984, "Acc.bridge": 0.9005, "Acc.bookcase": 0.6223, "Acc.blind": 0.4913, "Acc.coffee table": 0.8995, "Acc.toilet": 0.9493, "Acc.flower": 0.5989, "Acc.book": 0.759, "Acc.hill": 0.1167, "Acc.bench": 0.6287, "Acc.countertop": 0.8222, "Acc.stove": 0.9051, "Acc.palm": 0.8674, "Acc.kitchen island": 0.9099, "Acc.computer": 0.904, "Acc.swivel chair": 0.7831, "Acc.boat": 0.9117, "Acc.bar": 0.7958, "Acc.arcade machine": 0.8906, "Acc.hovel": 0.3989, "Acc.bus": 0.9705, "Acc.towel": 0.8553, "Acc.light": 0.7368, "Acc.truck": 0.5628, "Acc.tower": 0.3506, "Acc.chandelier": 0.9066, "Acc.awning": 0.4859, "Acc.streetlight": 0.5097, "Acc.booth": 0.6426, "Acc.television receiver": 0.8833, "Acc.airplane": 0.9554, "Acc.dirt track": 0.4579, "Acc.apparel": 0.7816, "Acc.pole": 0.3767, "Acc.land": 0.0772, "Acc.bannister": 0.2735, "Acc.escalator": 0.8267, "Acc.ottoman": 0.7031, "Acc.bottle": 0.442, "Acc.buffet": 0.7087, "Acc.poster": 0.4854, "Acc.stage": 0.5052, "Acc.van": 0.7259, "Acc.ship": 0.6201, "Acc.fountain": 0.4071, "Acc.conveyer belt": 0.9377, "Acc.canopy": 0.8045, "Acc.washer": 0.8821, "Acc.plaything": 0.5146, "Acc.swimming pool": 0.7734, "Acc.stool": 0.7497, "Acc.barrel": 0.9089, "Acc.basket": 0.5643, "Acc.waterfall": 0.8528, "Acc.tent": 0.983, "Acc.bag": 0.3278, "Acc.minibike": 0.896, "Acc.cradle": 0.9776, "Acc.oven": 0.8207, "Acc.ball": 0.7718, "Acc.food": 0.8313, "Acc.step": 0.2666, "Acc.tank": 0.7603, "Acc.trade name": 0.1184, "Acc.microwave": 0.9621, "Acc.pot": 0.6994, "Acc.animal": 0.6406, "Acc.bicycle": 0.7465, "Acc.lake": 0.7464, "Acc.dishwasher": 0.7857, "Acc.screen": 0.9688, "Acc.blanket": 0.3949, "Acc.sculpture": 0.887, "Acc.hood": 0.7423, "Acc.sconce": 0.6533, "Acc.vase": 0.6718, "Acc.traffic light": 0.6998, "Acc.tray": 0.3392, "Acc.ashcan": 0.6789, "Acc.fan": 0.8647, "Acc.pier": 0.7929, "Acc.crt screen": 0.1567, "Acc.plate": 0.7988, "Acc.monitor": 0.743, "Acc.bulletin board": 0.6763, "Acc.shower": 0.0261, "Acc.radiator": 0.7971, "Acc.glass": 0.2232, "Acc.clock": 0.5652, "Acc.flag": 0.7968} {"mode": "train", "epoch": 33, "iter": 41050, "lr": 2e-05, "memory": 71384, "data_time": 1.93776, "decode.loss_ce": 0.19714, "decode.acc_seg": 91.58343, "aux.loss_ce": 0.08268, "aux.acc_seg": 91.15793, "loss": 0.27982, "time": 3.54872} {"mode": "train", "epoch": 33, "iter": 41100, "lr": 2e-05, "memory": 71384, "data_time": 0.00957, "decode.loss_ce": 0.19095, "decode.acc_seg": 92.01675, "aux.loss_ce": 0.0796, "aux.acc_seg": 91.66613, "loss": 0.27054, "time": 1.62073} {"mode": "train", "epoch": 33, "iter": 41150, "lr": 2e-05, "memory": 71384, "data_time": 0.00941, "decode.loss_ce": 0.18404, "decode.acc_seg": 92.17638, "aux.loss_ce": 0.07639, "aux.acc_seg": 91.87085, "loss": 0.26043, "time": 1.62383} {"mode": "train", "epoch": 33, "iter": 41200, "lr": 2e-05, "memory": 71384, "data_time": 0.00959, "decode.loss_ce": 0.17988, "decode.acc_seg": 92.12081, "aux.loss_ce": 0.07477, "aux.acc_seg": 91.84174, "loss": 0.25465, "time": 1.621} {"mode": "train", "epoch": 33, "iter": 41250, "lr": 2e-05, "memory": 71384, "data_time": 0.00976, "decode.loss_ce": 0.19161, "decode.acc_seg": 92.0838, "aux.loss_ce": 0.08007, "aux.acc_seg": 91.66718, "loss": 0.27168, "time": 1.6221} {"mode": "train", "epoch": 33, "iter": 41300, "lr": 2e-05, "memory": 71384, "data_time": 0.00954, "decode.loss_ce": 0.17838, "decode.acc_seg": 92.22754, "aux.loss_ce": 0.07437, "aux.acc_seg": 91.89774, "loss": 0.25276, "time": 1.61988} {"mode": "train", "epoch": 33, "iter": 41350, "lr": 2e-05, "memory": 71384, "data_time": 0.00976, "decode.loss_ce": 0.18509, "decode.acc_seg": 92.13995, "aux.loss_ce": 0.07695, "aux.acc_seg": 91.81782, "loss": 0.26204, "time": 1.6247} {"mode": "train", "epoch": 33, "iter": 41400, "lr": 2e-05, "memory": 71384, "data_time": 0.00973, "decode.loss_ce": 0.18971, "decode.acc_seg": 91.95799, "aux.loss_ce": 0.07927, "aux.acc_seg": 91.68226, "loss": 0.26898, "time": 1.62032} {"mode": "train", "epoch": 33, "iter": 41450, "lr": 2e-05, "memory": 71384, "data_time": 0.00968, "decode.loss_ce": 0.19901, "decode.acc_seg": 91.59519, "aux.loss_ce": 0.08269, "aux.acc_seg": 91.2135, "loss": 0.2817, "time": 1.62068} {"mode": "train", "epoch": 33, "iter": 41500, "lr": 2e-05, "memory": 71384, "data_time": 0.00967, "decode.loss_ce": 0.18225, "decode.acc_seg": 92.43994, "aux.loss_ce": 0.07649, "aux.acc_seg": 92.0431, "loss": 0.25873, "time": 1.62202} {"mode": "train", "epoch": 33, "iter": 41550, "lr": 2e-05, "memory": 71384, "data_time": 0.00967, "decode.loss_ce": 0.18649, "decode.acc_seg": 92.04568, "aux.loss_ce": 0.07754, "aux.acc_seg": 91.69756, "loss": 0.26403, "time": 1.6229} {"mode": "train", "epoch": 33, "iter": 41600, "lr": 2e-05, "memory": 71384, "data_time": 0.00959, "decode.loss_ce": 0.18429, "decode.acc_seg": 92.02967, "aux.loss_ce": 0.07719, "aux.acc_seg": 91.65406, "loss": 0.26148, "time": 1.62285} {"mode": "train", "epoch": 33, "iter": 41650, "lr": 2e-05, "memory": 71384, "data_time": 0.34807, "decode.loss_ce": 0.19846, "decode.acc_seg": 91.46844, "aux.loss_ce": 0.08159, "aux.acc_seg": 91.16333, "loss": 0.28005, "time": 1.96201} {"mode": "train", "epoch": 34, "iter": 41700, "lr": 2e-05, "memory": 71384, "data_time": 0.05143, "decode.loss_ce": 0.19127, "decode.acc_seg": 92.03727, "aux.loss_ce": 0.07981, "aux.acc_seg": 91.68185, "loss": 0.27108, "time": 1.66557} {"mode": "train", "epoch": 34, "iter": 41750, "lr": 2e-05, "memory": 71384, "data_time": 0.0097, "decode.loss_ce": 0.18391, "decode.acc_seg": 92.41777, "aux.loss_ce": 0.07679, "aux.acc_seg": 92.02656, "loss": 0.2607, "time": 1.61971} {"mode": "train", "epoch": 34, "iter": 41800, "lr": 2e-05, "memory": 71384, "data_time": 0.00965, "decode.loss_ce": 0.18628, "decode.acc_seg": 92.13175, "aux.loss_ce": 0.07694, "aux.acc_seg": 91.84811, "loss": 0.26322, "time": 1.62108} {"mode": "train", "epoch": 34, "iter": 41850, "lr": 2e-05, "memory": 71384, "data_time": 0.00965, "decode.loss_ce": 0.18109, "decode.acc_seg": 92.32161, "aux.loss_ce": 0.07559, "aux.acc_seg": 91.91187, "loss": 0.25668, "time": 1.62196} {"mode": "train", "epoch": 34, "iter": 41900, "lr": 2e-05, "memory": 71384, "data_time": 0.00986, "decode.loss_ce": 0.17663, "decode.acc_seg": 92.47322, "aux.loss_ce": 0.07381, "aux.acc_seg": 92.12439, "loss": 0.25044, "time": 1.6233} {"mode": "train", "epoch": 34, "iter": 41950, "lr": 2e-05, "memory": 71384, "data_time": 0.00976, "decode.loss_ce": 0.19144, "decode.acc_seg": 91.8476, "aux.loss_ce": 0.07936, "aux.acc_seg": 91.49612, "loss": 0.2708, "time": 1.61944} {"mode": "train", "epoch": 34, "iter": 42000, "lr": 2e-05, "memory": 71384, "data_time": 0.0097, "decode.loss_ce": 0.18459, "decode.acc_seg": 91.93611, "aux.loss_ce": 0.0773, "aux.acc_seg": 91.56306, "loss": 0.26189, "time": 3.30906} {"mode": "val", "epoch": 34, "iter": 250, "lr": 2e-05, "aAcc": 0.8619, "mIoU": 0.5777, "mAcc": 0.7061, "IoU.wall": 0.8191, "IoU.building": 0.8572, "IoU.sky": 0.9492, "IoU.floor": 0.8524, "IoU.tree": 0.7794, "IoU.ceiling": 0.8782, "IoU.road": 0.8604, "IoU.bed ": 0.928, "IoU.windowpane": 0.6747, "IoU.grass": 0.6861, "IoU.cabinet": 0.651, "IoU.sidewalk": 0.7102, "IoU.person": 0.8622, "IoU.earth": 0.3995, "IoU.door": 0.5911, "IoU.table": 0.7108, "IoU.mountain": 0.611, "IoU.plant": 0.5548, "IoU.curtain": 0.7892, "IoU.chair": 0.6777, "IoU.car": 0.8802, "IoU.water": 0.6231, "IoU.painting": 0.7784, "IoU.sofa": 0.8286, "IoU.shelf": 0.5184, "IoU.house": 0.5575, "IoU.sea": 0.7419, "IoU.mirror": 0.7651, "IoU.rug": 0.6675, "IoU.field": 0.271, "IoU.armchair": 0.616, "IoU.seat": 0.6549, "IoU.fence": 0.4841, "IoU.desk": 0.5679, "IoU.rock": 0.5816, "IoU.wardrobe": 0.5349, "IoU.lamp": 0.7529, "IoU.bathtub": 0.8418, "IoU.railing": 0.4466, "IoU.cushion": 0.7165, "IoU.base": 0.3956, "IoU.box": 0.365, "IoU.column": 0.5566, "IoU.signboard": 0.4023, "IoU.chest of drawers": 0.4786, "IoU.counter": 0.3583, "IoU.sand": 0.5784, "IoU.sink": 0.7832, "IoU.skyscraper": 0.4968, "IoU.fireplace": 0.7875, "IoU.refrigerator": 0.8315, "IoU.grandstand": 0.5184, "IoU.path": 0.3207, "IoU.stairs": 0.2896, "IoU.runway": 0.728, "IoU.case": 0.6404, "IoU.pool table": 0.9486, "IoU.pillow": 0.6766, "IoU.screen door": 0.8389, "IoU.stairway": 0.4796, "IoU.river": 0.1116, "IoU.bridge": 0.7472, "IoU.bookcase": 0.4968, "IoU.blind": 0.4415, "IoU.coffee table": 0.6574, "IoU.toilet": 0.9047, "IoU.flower": 0.4416, "IoU.book": 0.5392, "IoU.hill": 0.0765, "IoU.bench": 0.5699, "IoU.countertop": 0.6365, "IoU.stove": 0.8569, "IoU.palm": 0.5423, "IoU.kitchen island": 0.4158, "IoU.computer": 0.7697, "IoU.swivel chair": 0.4951, "IoU.boat": 0.6458, "IoU.bar": 0.6174, "IoU.arcade machine": 0.7904, "IoU.hovel": 0.3505, "IoU.bus": 0.9346, "IoU.towel": 0.8076, "IoU.light": 0.6083, "IoU.truck": 0.4588, "IoU.tower": 0.1826, "IoU.chandelier": 0.7397, "IoU.awning": 0.4019, "IoU.streetlight": 0.3787, "IoU.booth": 0.3334, "IoU.television receiver": 0.7889, "IoU.airplane": 0.893, "IoU.dirt track": 0.0691, "IoU.apparel": 0.605, "IoU.pole": 0.2809, "IoU.land": 0.0194, "IoU.bannister": 0.2251, "IoU.escalator": 0.6521, "IoU.ottoman": 0.5119, "IoU.bottle": 0.4175, "IoU.buffet": 0.4585, "IoU.poster": 0.3893, "IoU.stage": 0.3111, "IoU.van": 0.4217, "IoU.ship": 0.8344, "IoU.fountain": 0.363, "IoU.conveyer belt": 0.7965, "IoU.canopy": 0.5756, "IoU.washer": 0.8773, "IoU.plaything": 0.3597, "IoU.swimming pool": 0.5461, "IoU.stool": 0.5689, "IoU.barrel": 0.5463, "IoU.basket": 0.3922, "IoU.waterfall": 0.5975, "IoU.tent": 0.9428, "IoU.bag": 0.2071, "IoU.minibike": 0.757, "IoU.cradle": 0.8518, "IoU.oven": 0.5688, "IoU.ball": 0.389, "IoU.food": 0.7007, "IoU.step": 0.2484, "IoU.tank": 0.6134, "IoU.trade name": 0.163, "IoU.microwave": 0.8807, "IoU.pot": 0.6079, "IoU.animal": 0.63, "IoU.bicycle": 0.6038, "IoU.lake": 0.4457, "IoU.dishwasher": 0.7339, "IoU.screen": 0.5878, "IoU.blanket": 0.4095, "IoU.sculpture": 0.7475, "IoU.hood": 0.6234, "IoU.sconce": 0.5988, "IoU.vase": 0.47, "IoU.traffic light": 0.3346, "IoU.tray": 0.2506, "IoU.ashcan": 0.5021, "IoU.fan": 0.6913, "IoU.pier": 0.709, "IoU.crt screen": 0.02, "IoU.plate": 0.63, "IoU.monitor": 0.4722, "IoU.bulletin board": 0.4969, "IoU.shower": 0.0528, "IoU.radiator": 0.6719, "IoU.glass": 0.2241, "IoU.clock": 0.5189, "IoU.flag": 0.7001, "Acc.wall": 0.8983, "Acc.building": 0.941, "Acc.sky": 0.9789, "Acc.floor": 0.9115, "Acc.tree": 0.8863, "Acc.ceiling": 0.9341, "Acc.road": 0.9077, "Acc.bed ": 0.9698, "Acc.windowpane": 0.8223, "Acc.grass": 0.8344, "Acc.cabinet": 0.79, "Acc.sidewalk": 0.8651, "Acc.person": 0.942, "Acc.earth": 0.5433, "Acc.door": 0.741, "Acc.table": 0.8329, "Acc.mountain": 0.7176, "Acc.plant": 0.6476, "Acc.curtain": 0.8924, "Acc.chair": 0.7769, "Acc.car": 0.9304, "Acc.water": 0.742, "Acc.painting": 0.8996, "Acc.sofa": 0.9171, "Acc.shelf": 0.6961, "Acc.house": 0.6408, "Acc.sea": 0.8414, "Acc.mirror": 0.8311, "Acc.rug": 0.7785, "Acc.field": 0.4487, "Acc.armchair": 0.8055, "Acc.seat": 0.9018, "Acc.fence": 0.6061, "Acc.desk": 0.772, "Acc.rock": 0.8934, "Acc.wardrobe": 0.7816, "Acc.lamp": 0.8628, "Acc.bathtub": 0.8778, "Acc.railing": 0.6087, "Acc.cushion": 0.8602, "Acc.base": 0.5416, "Acc.box": 0.4586, "Acc.column": 0.7118, "Acc.signboard": 0.598, "Acc.chest of drawers": 0.6434, "Acc.counter": 0.4799, "Acc.sand": 0.867, "Acc.sink": 0.8162, "Acc.skyscraper": 0.6318, "Acc.fireplace": 0.9033, "Acc.refrigerator": 0.9411, "Acc.grandstand": 0.846, "Acc.path": 0.4323, "Acc.stairs": 0.3101, "Acc.runway": 0.9536, "Acc.case": 0.8121, "Acc.pool table": 0.9768, "Acc.pillow": 0.7627, "Acc.screen door": 0.8845, "Acc.stairway": 0.7102, "Acc.river": 0.2564, "Acc.bridge": 0.8649, "Acc.bookcase": 0.5428, "Acc.blind": 0.515, "Acc.coffee table": 0.8492, "Acc.toilet": 0.9418, "Acc.flower": 0.5311, "Acc.book": 0.7346, "Acc.hill": 0.2065, "Acc.bench": 0.6202, "Acc.countertop": 0.825, "Acc.stove": 0.928, "Acc.palm": 0.7633, "Acc.kitchen island": 0.5415, "Acc.computer": 0.9286, "Acc.swivel chair": 0.8336, "Acc.boat": 0.9138, "Acc.bar": 0.8455, "Acc.arcade machine": 0.8403, "Acc.hovel": 0.3783, "Acc.bus": 0.9693, "Acc.towel": 0.8853, "Acc.light": 0.6778, "Acc.truck": 0.5503, "Acc.tower": 0.3111, "Acc.chandelier": 0.8671, "Acc.awning": 0.4966, "Acc.streetlight": 0.4771, "Acc.booth": 0.5873, "Acc.television receiver": 0.8738, "Acc.airplane": 0.9541, "Acc.dirt track": 0.3492, "Acc.apparel": 0.9041, "Acc.pole": 0.3877, "Acc.land": 0.0314, "Acc.bannister": 0.2846, "Acc.escalator": 0.8304, "Acc.ottoman": 0.7402, "Acc.bottle": 0.5376, "Acc.buffet": 0.5642, "Acc.poster": 0.4792, "Acc.stage": 0.4747, "Acc.van": 0.7122, "Acc.ship": 0.9291, "Acc.fountain": 0.368, "Acc.conveyer belt": 0.9395, "Acc.canopy": 0.7733, "Acc.washer": 0.9334, "Acc.plaything": 0.7421, "Acc.swimming pool": 0.7885, "Acc.stool": 0.6936, "Acc.barrel": 0.6964, "Acc.basket": 0.6057, "Acc.waterfall": 0.6624, "Acc.tent": 0.9888, "Acc.bag": 0.2223, "Acc.minibike": 0.8977, "Acc.cradle": 0.9689, "Acc.oven": 0.6442, "Acc.ball": 0.4149, "Acc.food": 0.8457, "Acc.step": 0.3247, "Acc.tank": 0.6726, "Acc.trade name": 0.1873, "Acc.microwave": 0.9631, "Acc.pot": 0.7175, "Acc.animal": 0.6435, "Acc.bicycle": 0.7852, "Acc.lake": 0.7749, "Acc.dishwasher": 0.8556, "Acc.screen": 0.9394, "Acc.blanket": 0.4758, "Acc.sculpture": 0.8849, "Acc.hood": 0.7379, "Acc.sconce": 0.674, "Acc.vase": 0.6423, "Acc.traffic light": 0.6485, "Acc.tray": 0.3678, "Acc.ashcan": 0.6501, "Acc.fan": 0.8262, "Acc.pier": 0.8588, "Acc.crt screen": 0.0339, "Acc.plate": 0.7804, "Acc.monitor": 0.5417, "Acc.bulletin board": 0.6512, "Acc.shower": 0.1332, "Acc.radiator": 0.7781, "Acc.glass": 0.2456, "Acc.clock": 0.6051, "Acc.flag": 0.7795} {"mode": "train", "epoch": 34, "iter": 42050, "lr": 2e-05, "memory": 71384, "data_time": 1.92909, "decode.loss_ce": 0.18068, "decode.acc_seg": 92.30395, "aux.loss_ce": 0.07563, "aux.acc_seg": 91.85451, "loss": 0.25631, "time": 3.5424} {"mode": "train", "epoch": 34, "iter": 42100, "lr": 2e-05, "memory": 71384, "data_time": 0.00976, "decode.loss_ce": 0.18067, "decode.acc_seg": 92.60252, "aux.loss_ce": 0.07572, "aux.acc_seg": 92.2422, "loss": 0.25639, "time": 1.62122} {"mode": "train", "epoch": 34, "iter": 42150, "lr": 2e-05, "memory": 71384, "data_time": 0.00958, "decode.loss_ce": 0.18296, "decode.acc_seg": 92.07804, "aux.loss_ce": 0.07647, "aux.acc_seg": 91.76892, "loss": 0.25943, "time": 1.6187} {"mode": "train", "epoch": 34, "iter": 42200, "lr": 2e-05, "memory": 71384, "data_time": 0.00945, "decode.loss_ce": 0.19066, "decode.acc_seg": 91.83658, "aux.loss_ce": 0.07924, "aux.acc_seg": 91.54767, "loss": 0.26991, "time": 1.62008} {"mode": "train", "epoch": 34, "iter": 42250, "lr": 2e-05, "memory": 71384, "data_time": 0.0097, "decode.loss_ce": 0.19034, "decode.acc_seg": 92.35174, "aux.loss_ce": 0.07929, "aux.acc_seg": 91.97195, "loss": 0.26963, "time": 1.62089} {"mode": "train", "epoch": 34, "iter": 42300, "lr": 2e-05, "memory": 71384, "data_time": 0.00957, "decode.loss_ce": 0.18561, "decode.acc_seg": 92.2596, "aux.loss_ce": 0.07775, "aux.acc_seg": 91.87516, "loss": 0.26335, "time": 1.62005} {"mode": "train", "epoch": 34, "iter": 42350, "lr": 2e-05, "memory": 71384, "data_time": 0.00957, "decode.loss_ce": 0.1809, "decode.acc_seg": 92.19377, "aux.loss_ce": 0.07568, "aux.acc_seg": 91.80596, "loss": 0.25659, "time": 1.61969} {"mode": "train", "epoch": 34, "iter": 42400, "lr": 2e-05, "memory": 71384, "data_time": 0.00993, "decode.loss_ce": 0.17818, "decode.acc_seg": 92.49087, "aux.loss_ce": 0.07493, "aux.acc_seg": 92.07272, "loss": 0.25311, "time": 1.62354} {"mode": "train", "epoch": 34, "iter": 42450, "lr": 2e-05, "memory": 71384, "data_time": 0.00968, "decode.loss_ce": 0.19179, "decode.acc_seg": 91.88064, "aux.loss_ce": 0.0801, "aux.acc_seg": 91.49889, "loss": 0.27189, "time": 1.62216} {"mode": "train", "epoch": 34, "iter": 42500, "lr": 2e-05, "memory": 71384, "data_time": 0.0097, "decode.loss_ce": 0.18802, "decode.acc_seg": 92.1456, "aux.loss_ce": 0.07881, "aux.acc_seg": 91.82607, "loss": 0.26684, "time": 1.62077} {"mode": "train", "epoch": 34, "iter": 42550, "lr": 2e-05, "memory": 71384, "data_time": 0.00968, "decode.loss_ce": 0.18517, "decode.acc_seg": 92.05854, "aux.loss_ce": 0.07701, "aux.acc_seg": 91.74233, "loss": 0.26218, "time": 1.62704} {"mode": "train", "epoch": 34, "iter": 42600, "lr": 2e-05, "memory": 71384, "data_time": 0.00976, "decode.loss_ce": 0.18395, "decode.acc_seg": 92.30555, "aux.loss_ce": 0.07675, "aux.acc_seg": 91.91572, "loss": 0.2607, "time": 1.62163} {"mode": "train", "epoch": 34, "iter": 42650, "lr": 2e-05, "memory": 71384, "data_time": 0.00967, "decode.loss_ce": 0.1975, "decode.acc_seg": 91.76421, "aux.loss_ce": 0.08137, "aux.acc_seg": 91.48637, "loss": 0.27887, "time": 1.62096} {"mode": "train", "epoch": 34, "iter": 42700, "lr": 2e-05, "memory": 71384, "data_time": 0.00972, "decode.loss_ce": 0.18147, "decode.acc_seg": 92.16501, "aux.loss_ce": 0.07507, "aux.acc_seg": 91.89499, "loss": 0.25654, "time": 1.62018} {"mode": "train", "epoch": 34, "iter": 42750, "lr": 2e-05, "memory": 71384, "data_time": 0.01008, "decode.loss_ce": 0.19958, "decode.acc_seg": 91.62085, "aux.loss_ce": 0.08345, "aux.acc_seg": 91.26627, "loss": 0.28303, "time": 1.62326} {"mode": "train", "epoch": 34, "iter": 42800, "lr": 2e-05, "memory": 71384, "data_time": 0.00995, "decode.loss_ce": 0.19635, "decode.acc_seg": 91.9236, "aux.loss_ce": 0.08089, "aux.acc_seg": 91.59678, "loss": 0.27725, "time": 1.62233} {"mode": "train", "epoch": 34, "iter": 42850, "lr": 2e-05, "memory": 71384, "data_time": 0.00993, "decode.loss_ce": 0.19204, "decode.acc_seg": 92.00672, "aux.loss_ce": 0.0804, "aux.acc_seg": 91.62556, "loss": 0.27245, "time": 1.62042} {"mode": "train", "epoch": 34, "iter": 42900, "lr": 2e-05, "memory": 71384, "data_time": 0.00983, "decode.loss_ce": 0.17649, "decode.acc_seg": 92.35298, "aux.loss_ce": 0.07315, "aux.acc_seg": 92.09267, "loss": 0.24965, "time": 1.62175} {"mode": "train", "epoch": 35, "iter": 42950, "lr": 2e-05, "memory": 71384, "data_time": 0.05414, "decode.loss_ce": 0.18747, "decode.acc_seg": 91.76207, "aux.loss_ce": 0.07779, "aux.acc_seg": 91.48642, "loss": 0.26526, "time": 1.66887} {"mode": "train", "epoch": 35, "iter": 43000, "lr": 2e-05, "memory": 71384, "data_time": 0.00974, "decode.loss_ce": 0.18912, "decode.acc_seg": 91.88944, "aux.loss_ce": 0.07925, "aux.acc_seg": 91.47747, "loss": 0.26837, "time": 1.62315} {"mode": "val", "epoch": 35, "iter": 250, "lr": 2e-05, "aAcc": 0.8631, "mIoU": 0.5764, "mAcc": 0.703, "IoU.wall": 0.8233, "IoU.building": 0.8536, "IoU.sky": 0.9488, "IoU.floor": 0.8572, "IoU.tree": 0.7746, "IoU.ceiling": 0.8776, "IoU.road": 0.8607, "IoU.bed ": 0.912, "IoU.windowpane": 0.6716, "IoU.grass": 0.7187, "IoU.cabinet": 0.6572, "IoU.sidewalk": 0.6922, "IoU.person": 0.8612, "IoU.earth": 0.3881, "IoU.door": 0.5919, "IoU.table": 0.681, "IoU.mountain": 0.6164, "IoU.plant": 0.5312, "IoU.curtain": 0.8043, "IoU.chair": 0.6893, "IoU.car": 0.879, "IoU.water": 0.6269, "IoU.painting": 0.7901, "IoU.sofa": 0.8231, "IoU.shelf": 0.4796, "IoU.house": 0.5767, "IoU.sea": 0.718, "IoU.mirror": 0.7846, "IoU.rug": 0.6997, "IoU.field": 0.3083, "IoU.armchair": 0.6023, "IoU.seat": 0.6849, "IoU.fence": 0.49, "IoU.desk": 0.5984, "IoU.rock": 0.5473, "IoU.wardrobe": 0.5458, "IoU.lamp": 0.7567, "IoU.bathtub": 0.8635, "IoU.railing": 0.4571, "IoU.cushion": 0.7133, "IoU.base": 0.4074, "IoU.box": 0.3584, "IoU.column": 0.5343, "IoU.signboard": 0.4105, "IoU.chest of drawers": 0.4273, "IoU.counter": 0.3231, "IoU.sand": 0.5542, "IoU.sink": 0.7963, "IoU.skyscraper": 0.4912, "IoU.fireplace": 0.7577, "IoU.refrigerator": 0.8474, "IoU.grandstand": 0.5352, "IoU.path": 0.2827, "IoU.stairs": 0.2837, "IoU.runway": 0.6953, "IoU.case": 0.6157, "IoU.pool table": 0.9483, "IoU.pillow": 0.6849, "IoU.screen door": 0.8521, "IoU.stairway": 0.4034, "IoU.river": 0.137, "IoU.bridge": 0.7262, "IoU.bookcase": 0.4336, "IoU.blind": 0.4224, "IoU.coffee table": 0.609, "IoU.toilet": 0.9057, "IoU.flower": 0.4407, "IoU.book": 0.5435, "IoU.hill": 0.1005, "IoU.bench": 0.561, "IoU.countertop": 0.6231, "IoU.stove": 0.873, "IoU.palm": 0.5324, "IoU.kitchen island": 0.5113, "IoU.computer": 0.7969, "IoU.swivel chair": 0.509, "IoU.boat": 0.7127, "IoU.bar": 0.5967, "IoU.arcade machine": 0.7357, "IoU.hovel": 0.1358, "IoU.bus": 0.9381, "IoU.towel": 0.7798, "IoU.light": 0.6029, "IoU.truck": 0.4015, "IoU.tower": 0.3113, "IoU.chandelier": 0.7393, "IoU.awning": 0.416, "IoU.streetlight": 0.3459, "IoU.booth": 0.5148, "IoU.television receiver": 0.7793, "IoU.airplane": 0.8741, "IoU.dirt track": 0.1464, "IoU.apparel": 0.6513, "IoU.pole": 0.2929, "IoU.land": 0.0562, "IoU.bannister": 0.2304, "IoU.escalator": 0.6563, "IoU.ottoman": 0.4656, "IoU.bottle": 0.4417, "IoU.buffet": 0.4435, "IoU.poster": 0.3454, "IoU.stage": 0.297, "IoU.van": 0.4959, "IoU.ship": 0.8566, "IoU.fountain": 0.3567, "IoU.conveyer belt": 0.828, "IoU.canopy": 0.5656, "IoU.washer": 0.8738, "IoU.plaything": 0.2712, "IoU.swimming pool": 0.5217, "IoU.stool": 0.5241, "IoU.barrel": 0.3837, "IoU.basket": 0.4286, "IoU.waterfall": 0.5357, "IoU.tent": 0.9619, "IoU.bag": 0.2522, "IoU.minibike": 0.7654, "IoU.cradle": 0.8145, "IoU.oven": 0.6368, "IoU.ball": 0.5345, "IoU.food": 0.6172, "IoU.step": 0.1427, "IoU.tank": 0.5812, "IoU.trade name": 0.2314, "IoU.microwave": 0.9033, "IoU.pot": 0.609, "IoU.animal": 0.6694, "IoU.bicycle": 0.5926, "IoU.lake": 0.5777, "IoU.dishwasher": 0.7139, "IoU.screen": 0.6275, "IoU.blanket": 0.3623, "IoU.sculpture": 0.7722, "IoU.hood": 0.6263, "IoU.sconce": 0.5904, "IoU.vase": 0.4753, "IoU.traffic light": 0.3593, "IoU.tray": 0.2128, "IoU.ashcan": 0.5445, "IoU.fan": 0.6928, "IoU.pier": 0.3937, "IoU.crt screen": 0.021, "IoU.plate": 0.6349, "IoU.monitor": 0.5678, "IoU.bulletin board": 0.5974, "IoU.shower": 0.0049, "IoU.radiator": 0.6826, "IoU.glass": 0.2051, "IoU.clock": 0.5074, "IoU.flag": 0.7292, "Acc.wall": 0.9066, "Acc.building": 0.9343, "Acc.sky": 0.9755, "Acc.floor": 0.927, "Acc.tree": 0.8986, "Acc.ceiling": 0.9371, "Acc.road": 0.9167, "Acc.bed ": 0.9555, "Acc.windowpane": 0.8297, "Acc.grass": 0.9242, "Acc.cabinet": 0.7589, "Acc.sidewalk": 0.8357, "Acc.person": 0.9509, "Acc.earth": 0.4947, "Acc.door": 0.7337, "Acc.table": 0.8148, "Acc.mountain": 0.7163, "Acc.plant": 0.6084, "Acc.curtain": 0.9036, "Acc.chair": 0.8068, "Acc.car": 0.9443, "Acc.water": 0.7615, "Acc.painting": 0.8831, "Acc.sofa": 0.9264, "Acc.shelf": 0.632, "Acc.house": 0.6861, "Acc.sea": 0.8348, "Acc.mirror": 0.8652, "Acc.rug": 0.7835, "Acc.field": 0.4216, "Acc.armchair": 0.7498, "Acc.seat": 0.8787, "Acc.fence": 0.5697, "Acc.desk": 0.7901, "Acc.rock": 0.7911, "Acc.wardrobe": 0.76, "Acc.lamp": 0.8451, "Acc.bathtub": 0.8894, "Acc.railing": 0.6487, "Acc.cushion": 0.8157, "Acc.base": 0.5339, "Acc.box": 0.4366, "Acc.column": 0.6492, "Acc.signboard": 0.5656, "Acc.chest of drawers": 0.6265, "Acc.counter": 0.4223, "Acc.sand": 0.8793, "Acc.sink": 0.8584, "Acc.skyscraper": 0.618, "Acc.fireplace": 0.932, "Acc.refrigerator": 0.9509, "Acc.grandstand": 0.8177, "Acc.path": 0.4374, "Acc.stairs": 0.3202, "Acc.runway": 0.9804, "Acc.case": 0.8118, "Acc.pool table": 0.9834, "Acc.pillow": 0.7858, "Acc.screen door": 0.8868, "Acc.stairway": 0.6595, "Acc.river": 0.3358, "Acc.bridge": 0.8594, "Acc.bookcase": 0.65, "Acc.blind": 0.5148, "Acc.coffee table": 0.8708, "Acc.toilet": 0.93, "Acc.flower": 0.5757, "Acc.book": 0.7771, "Acc.hill": 0.2234, "Acc.bench": 0.6321, "Acc.countertop": 0.8292, "Acc.stove": 0.9327, "Acc.palm": 0.765, "Acc.kitchen island": 0.8794, "Acc.computer": 0.9263, "Acc.swivel chair": 0.7629, "Acc.boat": 0.9082, "Acc.bar": 0.8021, "Acc.arcade machine": 0.7837, "Acc.hovel": 0.138, "Acc.bus": 0.9665, "Acc.towel": 0.9001, "Acc.light": 0.6611, "Acc.truck": 0.4694, "Acc.tower": 0.5394, "Acc.chandelier": 0.838, "Acc.awning": 0.5096, "Acc.streetlight": 0.4445, "Acc.booth": 0.6102, "Acc.television receiver": 0.8991, "Acc.airplane": 0.9324, "Acc.dirt track": 0.4972, "Acc.apparel": 0.814, "Acc.pole": 0.4059, "Acc.land": 0.0992, "Acc.bannister": 0.2824, "Acc.escalator": 0.8576, "Acc.ottoman": 0.6025, "Acc.bottle": 0.6684, "Acc.buffet": 0.5035, "Acc.poster": 0.4472, "Acc.stage": 0.4479, "Acc.van": 0.7126, "Acc.ship": 0.8902, "Acc.fountain": 0.3779, "Acc.conveyer belt": 0.9333, "Acc.canopy": 0.7692, "Acc.washer": 0.936, "Acc.plaything": 0.395, "Acc.swimming pool": 0.7557, "Acc.stool": 0.663, "Acc.barrel": 0.9571, "Acc.basket": 0.5964, "Acc.waterfall": 0.6663, "Acc.tent": 0.9827, "Acc.bag": 0.2896, "Acc.minibike": 0.873, "Acc.cradle": 0.9789, "Acc.oven": 0.7306, "Acc.ball": 0.7772, "Acc.food": 0.7397, "Acc.step": 0.1569, "Acc.tank": 0.6588, "Acc.trade name": 0.2789, "Acc.microwave": 0.9577, "Acc.pot": 0.6951, "Acc.animal": 0.6844, "Acc.bicycle": 0.7402, "Acc.lake": 0.6646, "Acc.dishwasher": 0.8457, "Acc.screen": 0.9322, "Acc.blanket": 0.4188, "Acc.sculpture": 0.8574, "Acc.hood": 0.7409, "Acc.sconce": 0.6678, "Acc.vase": 0.6207, "Acc.traffic light": 0.6103, "Acc.tray": 0.2785, "Acc.ashcan": 0.6426, "Acc.fan": 0.8378, "Acc.pier": 0.4929, "Acc.crt screen": 0.0336, "Acc.plate": 0.7922, "Acc.monitor": 0.6948, "Acc.bulletin board": 0.7478, "Acc.shower": 0.0049, "Acc.radiator": 0.8103, "Acc.glass": 0.2186, "Acc.clock": 0.5748, "Acc.flag": 0.8162} {"mode": "train", "epoch": 35, "iter": 43050, "lr": 2e-05, "memory": 71384, "data_time": 1.97438, "decode.loss_ce": 0.17603, "decode.acc_seg": 92.28815, "aux.loss_ce": 0.07406, "aux.acc_seg": 91.93788, "loss": 0.25009, "time": 3.58738} {"mode": "train", "epoch": 35, "iter": 43100, "lr": 2e-05, "memory": 71384, "data_time": 0.00964, "decode.loss_ce": 0.17062, "decode.acc_seg": 92.70348, "aux.loss_ce": 0.07097, "aux.acc_seg": 92.39438, "loss": 0.24159, "time": 1.62216} {"mode": "train", "epoch": 35, "iter": 43150, "lr": 2e-05, "memory": 71384, "data_time": 0.01008, "decode.loss_ce": 0.18156, "decode.acc_seg": 92.19487, "aux.loss_ce": 0.07576, "aux.acc_seg": 91.91628, "loss": 0.25732, "time": 1.62161} {"mode": "train", "epoch": 35, "iter": 43200, "lr": 2e-05, "memory": 71384, "data_time": 0.00987, "decode.loss_ce": 0.1744, "decode.acc_seg": 92.55762, "aux.loss_ce": 0.07302, "aux.acc_seg": 92.18966, "loss": 0.24742, "time": 1.62133} {"mode": "train", "epoch": 35, "iter": 43250, "lr": 2e-05, "memory": 71384, "data_time": 0.00991, "decode.loss_ce": 0.17149, "decode.acc_seg": 92.44135, "aux.loss_ce": 0.07191, "aux.acc_seg": 92.16614, "loss": 0.2434, "time": 1.61906} {"mode": "train", "epoch": 35, "iter": 43300, "lr": 2e-05, "memory": 71384, "data_time": 0.00958, "decode.loss_ce": 0.18167, "decode.acc_seg": 92.16021, "aux.loss_ce": 0.07639, "aux.acc_seg": 91.79615, "loss": 0.25806, "time": 1.6248} {"mode": "train", "epoch": 35, "iter": 43350, "lr": 2e-05, "memory": 71384, "data_time": 0.00962, "decode.loss_ce": 0.189, "decode.acc_seg": 91.96306, "aux.loss_ce": 0.07927, "aux.acc_seg": 91.56424, "loss": 0.26827, "time": 1.6216} {"mode": "train", "epoch": 35, "iter": 43400, "lr": 2e-05, "memory": 71384, "data_time": 0.00969, "decode.loss_ce": 0.18617, "decode.acc_seg": 92.22474, "aux.loss_ce": 0.07751, "aux.acc_seg": 91.95469, "loss": 0.26368, "time": 1.62391} {"mode": "train", "epoch": 35, "iter": 43450, "lr": 2e-05, "memory": 71384, "data_time": 0.0098, "decode.loss_ce": 0.18005, "decode.acc_seg": 92.25786, "aux.loss_ce": 0.07595, "aux.acc_seg": 91.79906, "loss": 0.256, "time": 1.62126} {"mode": "train", "epoch": 35, "iter": 43500, "lr": 2e-05, "memory": 71384, "data_time": 0.00987, "decode.loss_ce": 0.17483, "decode.acc_seg": 92.46455, "aux.loss_ce": 0.07342, "aux.acc_seg": 92.07208, "loss": 0.24825, "time": 1.62205} {"mode": "train", "epoch": 35, "iter": 43550, "lr": 2e-05, "memory": 71384, "data_time": 0.00974, "decode.loss_ce": 0.18561, "decode.acc_seg": 91.96985, "aux.loss_ce": 0.07782, "aux.acc_seg": 91.59476, "loss": 0.26343, "time": 1.61976} {"mode": "train", "epoch": 35, "iter": 43600, "lr": 2e-05, "memory": 71384, "data_time": 0.00984, "decode.loss_ce": 0.18622, "decode.acc_seg": 92.24738, "aux.loss_ce": 0.07752, "aux.acc_seg": 91.85638, "loss": 0.26375, "time": 1.61945} {"mode": "train", "epoch": 35, "iter": 43650, "lr": 2e-05, "memory": 71384, "data_time": 0.0102, "decode.loss_ce": 0.17821, "decode.acc_seg": 92.42617, "aux.loss_ce": 0.07497, "aux.acc_seg": 92.0432, "loss": 0.25318, "time": 1.62241} {"mode": "train", "epoch": 35, "iter": 43700, "lr": 2e-05, "memory": 71384, "data_time": 0.01035, "decode.loss_ce": 0.17936, "decode.acc_seg": 92.23332, "aux.loss_ce": 0.075, "aux.acc_seg": 91.88463, "loss": 0.25436, "time": 1.62324} {"mode": "train", "epoch": 35, "iter": 43750, "lr": 2e-05, "memory": 71384, "data_time": 0.01054, "decode.loss_ce": 0.18065, "decode.acc_seg": 92.27593, "aux.loss_ce": 0.07595, "aux.acc_seg": 91.89896, "loss": 0.2566, "time": 1.62344} {"mode": "train", "epoch": 35, "iter": 43800, "lr": 2e-05, "memory": 71384, "data_time": 0.01002, "decode.loss_ce": 0.18235, "decode.acc_seg": 92.28256, "aux.loss_ce": 0.07592, "aux.acc_seg": 91.94403, "loss": 0.25827, "time": 1.62134} {"mode": "train", "epoch": 35, "iter": 43850, "lr": 2e-05, "memory": 71384, "data_time": 0.00979, "decode.loss_ce": 0.18297, "decode.acc_seg": 91.88378, "aux.loss_ce": 0.07586, "aux.acc_seg": 91.57849, "loss": 0.25883, "time": 1.62025} {"mode": "train", "epoch": 35, "iter": 43900, "lr": 2e-05, "memory": 71384, "data_time": 0.00991, "decode.loss_ce": 0.17152, "decode.acc_seg": 92.80033, "aux.loss_ce": 0.07184, "aux.acc_seg": 92.39692, "loss": 0.24337, "time": 1.62337} {"mode": "train", "epoch": 35, "iter": 43950, "lr": 2e-05, "memory": 71384, "data_time": 0.00964, "decode.loss_ce": 0.17633, "decode.acc_seg": 92.49431, "aux.loss_ce": 0.07427, "aux.acc_seg": 92.10479, "loss": 0.2506, "time": 1.62055} {"mode": "train", "epoch": 35, "iter": 44000, "lr": 2e-05, "memory": 71384, "data_time": 0.00986, "decode.loss_ce": 0.1843, "decode.acc_seg": 92.07846, "aux.loss_ce": 0.07693, "aux.acc_seg": 91.73487, "loss": 0.26123, "time": 3.30084} {"mode": "val", "epoch": 35, "iter": 250, "lr": 2e-05, "aAcc": 0.8623, "mIoU": 0.5769, "mAcc": 0.7065, "IoU.wall": 0.8217, "IoU.building": 0.8541, "IoU.sky": 0.9487, "IoU.floor": 0.8514, "IoU.tree": 0.7792, "IoU.ceiling": 0.8777, "IoU.road": 0.8598, "IoU.bed ": 0.9265, "IoU.windowpane": 0.6719, "IoU.grass": 0.6938, "IoU.cabinet": 0.6461, "IoU.sidewalk": 0.7153, "IoU.person": 0.8647, "IoU.earth": 0.4031, "IoU.door": 0.5797, "IoU.table": 0.6932, "IoU.mountain": 0.6142, "IoU.plant": 0.5626, "IoU.curtain": 0.8032, "IoU.chair": 0.6792, "IoU.car": 0.8805, "IoU.water": 0.6038, "IoU.painting": 0.7907, "IoU.sofa": 0.798, "IoU.shelf": 0.5119, "IoU.house": 0.5807, "IoU.sea": 0.6952, "IoU.mirror": 0.782, "IoU.rug": 0.6863, "IoU.field": 0.3268, "IoU.armchair": 0.573, "IoU.seat": 0.6708, "IoU.fence": 0.4893, "IoU.desk": 0.6234, "IoU.rock": 0.5302, "IoU.wardrobe": 0.549, "IoU.lamp": 0.7583, "IoU.bathtub": 0.8848, "IoU.railing": 0.4416, "IoU.cushion": 0.7034, "IoU.base": 0.4341, "IoU.box": 0.3564, "IoU.column": 0.531, "IoU.signboard": 0.4065, "IoU.chest of drawers": 0.4262, "IoU.counter": 0.358, "IoU.sand": 0.5803, "IoU.sink": 0.7992, "IoU.skyscraper": 0.4924, "IoU.fireplace": 0.778, "IoU.refrigerator": 0.859, "IoU.grandstand": 0.5182, "IoU.path": 0.3087, "IoU.stairs": 0.2717, "IoU.runway": 0.7159, "IoU.case": 0.6191, "IoU.pool table": 0.9457, "IoU.pillow": 0.69, "IoU.screen door": 0.8226, "IoU.stairway": 0.3682, "IoU.river": 0.1113, "IoU.bridge": 0.6878, "IoU.bookcase": 0.466, "IoU.blind": 0.4901, "IoU.coffee table": 0.6201, "IoU.toilet": 0.9031, "IoU.flower": 0.4594, "IoU.book": 0.5385, "IoU.hill": 0.0601, "IoU.bench": 0.5453, "IoU.countertop": 0.5949, "IoU.stove": 0.8687, "IoU.palm": 0.558, "IoU.kitchen island": 0.5168, "IoU.computer": 0.8077, "IoU.swivel chair": 0.4977, "IoU.boat": 0.7854, "IoU.bar": 0.6029, "IoU.arcade machine": 0.8416, "IoU.hovel": 0.3342, "IoU.bus": 0.9264, "IoU.towel": 0.8053, "IoU.light": 0.6225, "IoU.truck": 0.4393, "IoU.tower": 0.2371, "IoU.chandelier": 0.7387, "IoU.awning": 0.4221, "IoU.streetlight": 0.3812, "IoU.booth": 0.4706, "IoU.television receiver": 0.8183, "IoU.airplane": 0.8888, "IoU.dirt track": 0.101, "IoU.apparel": 0.651, "IoU.pole": 0.2766, "IoU.land": 0.0276, "IoU.bannister": 0.1919, "IoU.escalator": 0.6612, "IoU.ottoman": 0.4937, "IoU.bottle": 0.4515, "IoU.buffet": 0.4407, "IoU.poster": 0.3033, "IoU.stage": 0.3035, "IoU.van": 0.4653, "IoU.ship": 0.7107, "IoU.fountain": 0.3938, "IoU.conveyer belt": 0.7789, "IoU.canopy": 0.5568, "IoU.washer": 0.8681, "IoU.plaything": 0.2727, "IoU.swimming pool": 0.5291, "IoU.stool": 0.5323, "IoU.barrel": 0.5782, "IoU.basket": 0.421, "IoU.waterfall": 0.5236, "IoU.tent": 0.9444, "IoU.bag": 0.2434, "IoU.minibike": 0.7182, "IoU.cradle": 0.8964, "IoU.oven": 0.5436, "IoU.ball": 0.419, "IoU.food": 0.6211, "IoU.step": 0.2439, "IoU.tank": 0.5658, "IoU.trade name": 0.2172, "IoU.microwave": 0.8644, "IoU.pot": 0.5847, "IoU.animal": 0.679, "IoU.bicycle": 0.5999, "IoU.lake": 0.5534, "IoU.dishwasher": 0.7517, "IoU.screen": 0.6241, "IoU.blanket": 0.3922, "IoU.sculpture": 0.767, "IoU.hood": 0.6314, "IoU.sconce": 0.6343, "IoU.vase": 0.471, "IoU.traffic light": 0.3658, "IoU.tray": 0.2214, "IoU.ashcan": 0.4974, "IoU.fan": 0.7099, "IoU.pier": 0.4143, "IoU.crt screen": 0.018, "IoU.plate": 0.6344, "IoU.monitor": 0.4658, "IoU.bulletin board": 0.5951, "IoU.shower": 0.0116, "IoU.radiator": 0.6639, "IoU.glass": 0.2158, "IoU.clock": 0.4701, "IoU.flag": 0.7051, "Acc.wall": 0.8976, "Acc.building": 0.9331, "Acc.sky": 0.9752, "Acc.floor": 0.9295, "Acc.tree": 0.8889, "Acc.ceiling": 0.9363, "Acc.road": 0.9023, "Acc.bed ": 0.9701, "Acc.windowpane": 0.8237, "Acc.grass": 0.8232, "Acc.cabinet": 0.7505, "Acc.sidewalk": 0.8724, "Acc.person": 0.9443, "Acc.earth": 0.5604, "Acc.door": 0.7366, "Acc.table": 0.8213, "Acc.mountain": 0.7205, "Acc.plant": 0.6683, "Acc.curtain": 0.9201, "Acc.chair": 0.7585, "Acc.car": 0.9365, "Acc.water": 0.7323, "Acc.painting": 0.899, "Acc.sofa": 0.9431, "Acc.shelf": 0.6656, "Acc.house": 0.7409, "Acc.sea": 0.8339, "Acc.mirror": 0.8942, "Acc.rug": 0.805, "Acc.field": 0.4816, "Acc.armchair": 0.7125, "Acc.seat": 0.8772, "Acc.fence": 0.604, "Acc.desk": 0.7856, "Acc.rock": 0.8173, "Acc.wardrobe": 0.7669, "Acc.lamp": 0.8634, "Acc.bathtub": 0.9109, "Acc.railing": 0.6223, "Acc.cushion": 0.7914, "Acc.base": 0.598, "Acc.box": 0.4585, "Acc.column": 0.6168, "Acc.signboard": 0.5246, "Acc.chest of drawers": 0.6602, "Acc.counter": 0.509, "Acc.sand": 0.8911, "Acc.sink": 0.8629, "Acc.skyscraper": 0.6292, "Acc.fireplace": 0.9416, "Acc.refrigerator": 0.9437, "Acc.grandstand": 0.8505, "Acc.path": 0.4199, "Acc.stairs": 0.3325, "Acc.runway": 0.9692, "Acc.case": 0.8086, "Acc.pool table": 0.9794, "Acc.pillow": 0.8299, "Acc.screen door": 0.8489, "Acc.stairway": 0.5479, "Acc.river": 0.2692, "Acc.bridge": 0.8848, "Acc.bookcase": 0.7025, "Acc.blind": 0.6011, "Acc.coffee table": 0.8612, "Acc.toilet": 0.9294, "Acc.flower": 0.5841, "Acc.book": 0.7226, "Acc.hill": 0.1017, "Acc.bench": 0.6038, "Acc.countertop": 0.7713, "Acc.stove": 0.9336, "Acc.palm": 0.8218, "Acc.kitchen island": 0.9094, "Acc.computer": 0.9081, "Acc.swivel chair": 0.7528, "Acc.boat": 0.9109, "Acc.bar": 0.8432, "Acc.arcade machine": 0.9094, "Acc.hovel": 0.3879, "Acc.bus": 0.9732, "Acc.towel": 0.8735, "Acc.light": 0.7087, "Acc.truck": 0.5343, "Acc.tower": 0.4101, "Acc.chandelier": 0.8979, "Acc.awning": 0.5275, "Acc.streetlight": 0.5324, "Acc.booth": 0.7107, "Acc.television receiver": 0.8781, "Acc.airplane": 0.963, "Acc.dirt track": 0.5661, "Acc.apparel": 0.8155, "Acc.pole": 0.386, "Acc.land": 0.0516, "Acc.bannister": 0.2332, "Acc.escalator": 0.8559, "Acc.ottoman": 0.6556, "Acc.bottle": 0.6856, "Acc.buffet": 0.4823, "Acc.poster": 0.3553, "Acc.stage": 0.4786, "Acc.van": 0.7157, "Acc.ship": 0.7724, "Acc.fountain": 0.4035, "Acc.conveyer belt": 0.9522, "Acc.canopy": 0.7975, "Acc.washer": 0.9292, "Acc.plaything": 0.3773, "Acc.swimming pool": 0.7655, "Acc.stool": 0.6606, "Acc.barrel": 0.7108, "Acc.basket": 0.6194, "Acc.waterfall": 0.6662, "Acc.tent": 0.9902, "Acc.bag": 0.2697, "Acc.minibike": 0.9389, "Acc.cradle": 0.9712, "Acc.oven": 0.6756, "Acc.ball": 0.45, "Acc.food": 0.745, "Acc.step": 0.3029, "Acc.tank": 0.7065, "Acc.trade name": 0.2567, "Acc.microwave": 0.9643, "Acc.pot": 0.6798, "Acc.animal": 0.6987, "Acc.bicycle": 0.7863, "Acc.lake": 0.636, "Acc.dishwasher": 0.8238, "Acc.screen": 0.9553, "Acc.blanket": 0.4684, "Acc.sculpture": 0.8797, "Acc.hood": 0.7285, "Acc.sconce": 0.7495, "Acc.vase": 0.6575, "Acc.traffic light": 0.659, "Acc.tray": 0.2763, "Acc.ashcan": 0.6895, "Acc.fan": 0.8745, "Acc.pier": 0.4866, "Acc.crt screen": 0.0338, "Acc.plate": 0.7931, "Acc.monitor": 0.5518, "Acc.bulletin board": 0.7755, "Acc.shower": 0.0129, "Acc.radiator": 0.795, "Acc.glass": 0.2313, "Acc.clock": 0.5318, "Acc.flag": 0.8293} {"mode": "train", "epoch": 35, "iter": 44050, "lr": 2e-05, "memory": 71384, "data_time": 1.94019, "decode.loss_ce": 0.1805, "decode.acc_seg": 92.15115, "aux.loss_ce": 0.07607, "aux.acc_seg": 91.80957, "loss": 0.25657, "time": 3.55256} {"mode": "train", "epoch": 35, "iter": 44100, "lr": 2e-05, "memory": 71384, "data_time": 0.00957, "decode.loss_ce": 0.1908, "decode.acc_seg": 92.00051, "aux.loss_ce": 0.0793, "aux.acc_seg": 91.67048, "loss": 0.2701, "time": 1.62074} {"mode": "train", "epoch": 35, "iter": 44150, "lr": 2e-05, "memory": 71384, "data_time": 0.0098, "decode.loss_ce": 0.18749, "decode.acc_seg": 91.86902, "aux.loss_ce": 0.07841, "aux.acc_seg": 91.50772, "loss": 0.2659, "time": 1.62072} {"mode": "train", "epoch": 35, "iter": 44200, "lr": 2e-05, "memory": 71384, "data_time": 0.00968, "decode.loss_ce": 0.18231, "decode.acc_seg": 92.27293, "aux.loss_ce": 0.07562, "aux.acc_seg": 91.97526, "loss": 0.25793, "time": 1.6248} {"mode": "train", "epoch": 36, "iter": 44250, "lr": 2e-05, "memory": 71384, "data_time": 0.06065, "decode.loss_ce": 0.17542, "decode.acc_seg": 92.52365, "aux.loss_ce": 0.07379, "aux.acc_seg": 92.17309, "loss": 0.24921, "time": 1.6723} {"mode": "train", "epoch": 36, "iter": 44300, "lr": 2e-05, "memory": 71384, "data_time": 0.00971, "decode.loss_ce": 0.17067, "decode.acc_seg": 92.69583, "aux.loss_ce": 0.07182, "aux.acc_seg": 92.33662, "loss": 0.24249, "time": 1.62048} {"mode": "train", "epoch": 36, "iter": 44350, "lr": 2e-05, "memory": 71384, "data_time": 0.00978, "decode.loss_ce": 0.1671, "decode.acc_seg": 92.83059, "aux.loss_ce": 0.07001, "aux.acc_seg": 92.52486, "loss": 0.2371, "time": 1.62604} {"mode": "train", "epoch": 36, "iter": 44400, "lr": 2e-05, "memory": 71384, "data_time": 0.00975, "decode.loss_ce": 0.17786, "decode.acc_seg": 92.29838, "aux.loss_ce": 0.0746, "aux.acc_seg": 91.86591, "loss": 0.25246, "time": 1.62119} {"mode": "train", "epoch": 36, "iter": 44450, "lr": 2e-05, "memory": 71384, "data_time": 0.00984, "decode.loss_ce": 0.17962, "decode.acc_seg": 92.4424, "aux.loss_ce": 0.07455, "aux.acc_seg": 92.05323, "loss": 0.25417, "time": 1.62213} {"mode": "train", "epoch": 36, "iter": 44500, "lr": 2e-05, "memory": 71384, "data_time": 0.00989, "decode.loss_ce": 0.17102, "decode.acc_seg": 92.58158, "aux.loss_ce": 0.07222, "aux.acc_seg": 92.1674, "loss": 0.24324, "time": 1.6212} {"mode": "train", "epoch": 36, "iter": 44550, "lr": 2e-05, "memory": 71384, "data_time": 0.00969, "decode.loss_ce": 0.17695, "decode.acc_seg": 92.24188, "aux.loss_ce": 0.07483, "aux.acc_seg": 91.81358, "loss": 0.25179, "time": 1.62262} {"mode": "train", "epoch": 36, "iter": 44600, "lr": 2e-05, "memory": 71384, "data_time": 0.00973, "decode.loss_ce": 0.17585, "decode.acc_seg": 92.48348, "aux.loss_ce": 0.07368, "aux.acc_seg": 92.13064, "loss": 0.24953, "time": 1.62109} {"mode": "train", "epoch": 36, "iter": 44650, "lr": 2e-05, "memory": 71384, "data_time": 0.00966, "decode.loss_ce": 0.17613, "decode.acc_seg": 92.54008, "aux.loss_ce": 0.07354, "aux.acc_seg": 92.223, "loss": 0.24968, "time": 1.61943} {"mode": "train", "epoch": 36, "iter": 44700, "lr": 2e-05, "memory": 71384, "data_time": 0.0099, "decode.loss_ce": 0.18077, "decode.acc_seg": 92.21658, "aux.loss_ce": 0.07621, "aux.acc_seg": 91.89889, "loss": 0.25697, "time": 1.62382} {"mode": "train", "epoch": 36, "iter": 44750, "lr": 2e-05, "memory": 71384, "data_time": 0.00979, "decode.loss_ce": 0.16769, "decode.acc_seg": 92.88091, "aux.loss_ce": 0.07022, "aux.acc_seg": 92.5831, "loss": 0.23792, "time": 1.62045} {"mode": "train", "epoch": 36, "iter": 44800, "lr": 2e-05, "memory": 71384, "data_time": 0.00972, "decode.loss_ce": 0.17446, "decode.acc_seg": 92.51587, "aux.loss_ce": 0.0734, "aux.acc_seg": 92.1543, "loss": 0.24787, "time": 1.62196} {"mode": "train", "epoch": 36, "iter": 44850, "lr": 2e-05, "memory": 71384, "data_time": 0.00984, "decode.loss_ce": 0.17306, "decode.acc_seg": 92.52079, "aux.loss_ce": 0.07271, "aux.acc_seg": 92.18284, "loss": 0.24577, "time": 1.62129} {"mode": "train", "epoch": 36, "iter": 44900, "lr": 2e-05, "memory": 71384, "data_time": 0.00976, "decode.loss_ce": 0.18741, "decode.acc_seg": 92.30767, "aux.loss_ce": 0.07809, "aux.acc_seg": 91.99794, "loss": 0.26549, "time": 1.62465} {"mode": "train", "epoch": 36, "iter": 44950, "lr": 2e-05, "memory": 71384, "data_time": 0.00987, "decode.loss_ce": 0.17754, "decode.acc_seg": 92.51669, "aux.loss_ce": 0.07424, "aux.acc_seg": 92.21088, "loss": 0.25178, "time": 1.61924} {"mode": "train", "epoch": 36, "iter": 45000, "lr": 2e-05, "memory": 71384, "data_time": 0.00978, "decode.loss_ce": 0.18277, "decode.acc_seg": 92.36234, "aux.loss_ce": 0.0764, "aux.acc_seg": 92.01424, "loss": 0.25917, "time": 1.62204} {"mode": "val", "epoch": 36, "iter": 250, "lr": 2e-05, "aAcc": 0.8613, "mIoU": 0.5755, "mAcc": 0.7081, "IoU.wall": 0.8178, "IoU.building": 0.8516, "IoU.sky": 0.9486, "IoU.floor": 0.8547, "IoU.tree": 0.776, "IoU.ceiling": 0.8789, "IoU.road": 0.8589, "IoU.bed ": 0.9288, "IoU.windowpane": 0.6645, "IoU.grass": 0.6884, "IoU.cabinet": 0.6635, "IoU.sidewalk": 0.6985, "IoU.person": 0.859, "IoU.earth": 0.4078, "IoU.door": 0.5812, "IoU.table": 0.7006, "IoU.mountain": 0.6223, "IoU.plant": 0.5463, "IoU.curtain": 0.8008, "IoU.chair": 0.6852, "IoU.car": 0.8815, "IoU.water": 0.6096, "IoU.painting": 0.7587, "IoU.sofa": 0.8233, "IoU.shelf": 0.494, "IoU.house": 0.5686, "IoU.sea": 0.6927, "IoU.mirror": 0.7806, "IoU.rug": 0.6943, "IoU.field": 0.3118, "IoU.armchair": 0.6106, "IoU.seat": 0.6458, "IoU.fence": 0.4659, "IoU.desk": 0.5845, "IoU.rock": 0.5561, "IoU.wardrobe": 0.5719, "IoU.lamp": 0.7616, "IoU.bathtub": 0.877, "IoU.railing": 0.447, "IoU.cushion": 0.7336, "IoU.base": 0.4214, "IoU.box": 0.3892, "IoU.column": 0.5725, "IoU.signboard": 0.4145, "IoU.chest of drawers": 0.4326, "IoU.counter": 0.3404, "IoU.sand": 0.5917, "IoU.sink": 0.8022, "IoU.skyscraper": 0.4679, "IoU.fireplace": 0.7052, "IoU.refrigerator": 0.8377, "IoU.grandstand": 0.5365, "IoU.path": 0.3119, "IoU.stairs": 0.2558, "IoU.runway": 0.7461, "IoU.case": 0.6248, "IoU.pool table": 0.953, "IoU.pillow": 0.6907, "IoU.screen door": 0.5376, "IoU.stairway": 0.3759, "IoU.river": 0.1146, "IoU.bridge": 0.6709, "IoU.bookcase": 0.5059, "IoU.blind": 0.421, "IoU.coffee table": 0.6248, "IoU.toilet": 0.9145, "IoU.flower": 0.4168, "IoU.book": 0.5556, "IoU.hill": 0.0788, "IoU.bench": 0.5265, "IoU.countertop": 0.6469, "IoU.stove": 0.8596, "IoU.palm": 0.5511, "IoU.kitchen island": 0.4875, "IoU.computer": 0.7921, "IoU.swivel chair": 0.5016, "IoU.boat": 0.7662, "IoU.bar": 0.6577, "IoU.arcade machine": 0.8616, "IoU.hovel": 0.2027, "IoU.bus": 0.9266, "IoU.towel": 0.8161, "IoU.light": 0.628, "IoU.truck": 0.4688, "IoU.tower": 0.3116, "IoU.chandelier": 0.7364, "IoU.awning": 0.4072, "IoU.streetlight": 0.3808, "IoU.booth": 0.4173, "IoU.television receiver": 0.8104, "IoU.airplane": 0.8902, "IoU.dirt track": 0.0689, "IoU.apparel": 0.5665, "IoU.pole": 0.2944, "IoU.land": 0.0243, "IoU.bannister": 0.1916, "IoU.escalator": 0.6086, "IoU.ottoman": 0.4854, "IoU.bottle": 0.45, "IoU.buffet": 0.6549, "IoU.poster": 0.3575, "IoU.stage": 0.2551, "IoU.van": 0.4674, "IoU.ship": 0.8541, "IoU.fountain": 0.3786, "IoU.conveyer belt": 0.7836, "IoU.canopy": 0.4576, "IoU.washer": 0.8735, "IoU.plaything": 0.268, "IoU.swimming pool": 0.563, "IoU.stool": 0.5241, "IoU.barrel": 0.5649, "IoU.basket": 0.4216, "IoU.waterfall": 0.5657, "IoU.tent": 0.9652, "IoU.bag": 0.3114, "IoU.minibike": 0.7544, "IoU.cradle": 0.8768, "IoU.oven": 0.5618, "IoU.ball": 0.5383, "IoU.food": 0.5779, "IoU.step": 0.1373, "IoU.tank": 0.6826, "IoU.trade name": 0.2232, "IoU.microwave": 0.8837, "IoU.pot": 0.5816, "IoU.animal": 0.6098, "IoU.bicycle": 0.5993, "IoU.lake": 0.5262, "IoU.dishwasher": 0.7563, "IoU.screen": 0.4035, "IoU.blanket": 0.388, "IoU.sculpture": 0.7555, "IoU.hood": 0.6731, "IoU.sconce": 0.6248, "IoU.vase": 0.4653, "IoU.traffic light": 0.3676, "IoU.tray": 0.2315, "IoU.ashcan": 0.4604, "IoU.fan": 0.7094, "IoU.pier": 0.4255, "IoU.crt screen": 0.0382, "IoU.plate": 0.6126, "IoU.monitor": 0.6242, "IoU.bulletin board": 0.5013, "IoU.shower": 0.008, "IoU.radiator": 0.6657, "IoU.glass": 0.2015, "IoU.clock": 0.508, "IoU.flag": 0.7301, "Acc.wall": 0.896, "Acc.building": 0.9362, "Acc.sky": 0.9751, "Acc.floor": 0.9131, "Acc.tree": 0.8898, "Acc.ceiling": 0.9384, "Acc.road": 0.9127, "Acc.bed ": 0.9693, "Acc.windowpane": 0.8524, "Acc.grass": 0.8322, "Acc.cabinet": 0.749, "Acc.sidewalk": 0.8419, "Acc.person": 0.9416, "Acc.earth": 0.5613, "Acc.door": 0.7494, "Acc.table": 0.8046, "Acc.mountain": 0.75, "Acc.plant": 0.6392, "Acc.curtain": 0.8978, "Acc.chair": 0.7911, "Acc.car": 0.9339, "Acc.water": 0.7402, "Acc.painting": 0.9089, "Acc.sofa": 0.884, "Acc.shelf": 0.6646, "Acc.house": 0.6783, "Acc.sea": 0.8227, "Acc.mirror": 0.8472, "Acc.rug": 0.8414, "Acc.field": 0.4848, "Acc.armchair": 0.8215, "Acc.seat": 0.8936, "Acc.fence": 0.5602, "Acc.desk": 0.7748, "Acc.rock": 0.817, "Acc.wardrobe": 0.7487, "Acc.lamp": 0.8637, "Acc.bathtub": 0.8923, "Acc.railing": 0.5753, "Acc.cushion": 0.8512, "Acc.base": 0.5489, "Acc.box": 0.5224, "Acc.column": 0.7023, "Acc.signboard": 0.5691, "Acc.chest of drawers": 0.7368, "Acc.counter": 0.441, "Acc.sand": 0.8582, "Acc.sink": 0.8715, "Acc.skyscraper": 0.5823, "Acc.fireplace": 0.9367, "Acc.refrigerator": 0.959, "Acc.grandstand": 0.8442, "Acc.path": 0.4202, "Acc.stairs": 0.2794, "Acc.runway": 0.9659, "Acc.case": 0.8906, "Acc.pool table": 0.9821, "Acc.pillow": 0.807, "Acc.screen door": 0.5502, "Acc.stairway": 0.6593, "Acc.river": 0.2656, "Acc.bridge": 0.7832, "Acc.bookcase": 0.763, "Acc.blind": 0.4368, "Acc.coffee table": 0.8618, "Acc.toilet": 0.9416, "Acc.flower": 0.6159, "Acc.book": 0.7143, "Acc.hill": 0.1325, "Acc.bench": 0.5816, "Acc.countertop": 0.7581, "Acc.stove": 0.9348, "Acc.palm": 0.8431, "Acc.kitchen island": 0.8907, "Acc.computer": 0.9319, "Acc.swivel chair": 0.7739, "Acc.boat": 0.9168, "Acc.bar": 0.9149, "Acc.arcade machine": 0.91, "Acc.hovel": 0.2153, "Acc.bus": 0.9672, "Acc.towel": 0.8947, "Acc.light": 0.7509, "Acc.truck": 0.6054, "Acc.tower": 0.5682, "Acc.chandelier": 0.8834, "Acc.awning": 0.4649, "Acc.streetlight": 0.5214, "Acc.booth": 0.6178, "Acc.television receiver": 0.9137, "Acc.airplane": 0.9589, "Acc.dirt track": 0.4208, "Acc.apparel": 0.8726, "Acc.pole": 0.3976, "Acc.land": 0.042, "Acc.bannister": 0.2481, "Acc.escalator": 0.8915, "Acc.ottoman": 0.6481, "Acc.bottle": 0.5907, "Acc.buffet": 0.8288, "Acc.poster": 0.4447, "Acc.stage": 0.4135, "Acc.van": 0.7733, "Acc.ship": 0.9182, "Acc.fountain": 0.3861, "Acc.conveyer belt": 0.9481, "Acc.canopy": 0.6258, "Acc.washer": 0.9265, "Acc.plaything": 0.4423, "Acc.swimming pool": 0.8432, "Acc.stool": 0.6824, "Acc.barrel": 0.7231, "Acc.basket": 0.6377, "Acc.waterfall": 0.7118, "Acc.tent": 0.9774, "Acc.bag": 0.3912, "Acc.minibike": 0.9113, "Acc.cradle": 0.9798, "Acc.oven": 0.6804, "Acc.ball": 0.6106, "Acc.food": 0.6631, "Acc.step": 0.1533, "Acc.tank": 0.7465, "Acc.trade name": 0.266, "Acc.microwave": 0.9655, "Acc.pot": 0.7171, "Acc.animal": 0.618, "Acc.bicycle": 0.7694, "Acc.lake": 0.6878, "Acc.dishwasher": 0.8654, "Acc.screen": 0.734, "Acc.blanket": 0.4482, "Acc.sculpture": 0.879, "Acc.hood": 0.8133, "Acc.sconce": 0.7128, "Acc.vase": 0.645, "Acc.traffic light": 0.6436, "Acc.tray": 0.3264, "Acc.ashcan": 0.6603, "Acc.fan": 0.8874, "Acc.pier": 0.4731, "Acc.crt screen": 0.0722, "Acc.plate": 0.7823, "Acc.monitor": 0.7505, "Acc.bulletin board": 0.5846, "Acc.shower": 0.0118, "Acc.radiator": 0.7817, "Acc.glass": 0.2099, "Acc.clock": 0.6668, "Acc.flag": 0.8013} {"mode": "train", "epoch": 36, "iter": 45050, "lr": 2e-05, "memory": 71384, "data_time": 2.00449, "decode.loss_ce": 0.17013, "decode.acc_seg": 92.51373, "aux.loss_ce": 0.07126, "aux.acc_seg": 92.10133, "loss": 0.24139, "time": 3.61898} {"mode": "train", "epoch": 36, "iter": 45100, "lr": 2e-05, "memory": 71384, "data_time": 0.0099, "decode.loss_ce": 0.18038, "decode.acc_seg": 92.395, "aux.loss_ce": 0.07576, "aux.acc_seg": 91.96174, "loss": 0.25614, "time": 1.62393} {"mode": "train", "epoch": 36, "iter": 45150, "lr": 2e-05, "memory": 71384, "data_time": 0.00991, "decode.loss_ce": 0.18105, "decode.acc_seg": 92.28598, "aux.loss_ce": 0.07542, "aux.acc_seg": 91.9603, "loss": 0.25647, "time": 1.62134} {"mode": "train", "epoch": 36, "iter": 45200, "lr": 2e-05, "memory": 71384, "data_time": 0.01006, "decode.loss_ce": 0.19007, "decode.acc_seg": 91.86908, "aux.loss_ce": 0.07839, "aux.acc_seg": 91.54744, "loss": 0.26846, "time": 1.62189} {"mode": "train", "epoch": 36, "iter": 45250, "lr": 2e-05, "memory": 71384, "data_time": 0.00966, "decode.loss_ce": 0.18087, "decode.acc_seg": 92.23457, "aux.loss_ce": 0.07523, "aux.acc_seg": 92.0036, "loss": 0.25611, "time": 1.62247} {"mode": "train", "epoch": 36, "iter": 45300, "lr": 2e-05, "memory": 71384, "data_time": 0.00974, "decode.loss_ce": 0.1838, "decode.acc_seg": 92.22185, "aux.loss_ce": 0.07742, "aux.acc_seg": 91.85261, "loss": 0.26122, "time": 1.62413} {"mode": "train", "epoch": 36, "iter": 45350, "lr": 2e-05, "memory": 71384, "data_time": 0.00978, "decode.loss_ce": 0.18592, "decode.acc_seg": 91.86938, "aux.loss_ce": 0.0777, "aux.acc_seg": 91.53586, "loss": 0.26362, "time": 1.62228} {"mode": "train", "epoch": 36, "iter": 45400, "lr": 2e-05, "memory": 71384, "data_time": 0.00966, "decode.loss_ce": 0.18493, "decode.acc_seg": 92.42588, "aux.loss_ce": 0.07746, "aux.acc_seg": 92.04867, "loss": 0.26239, "time": 1.61835} {"mode": "train", "epoch": 36, "iter": 45450, "lr": 2e-05, "memory": 71384, "data_time": 0.00972, "decode.loss_ce": 0.18149, "decode.acc_seg": 92.36806, "aux.loss_ce": 0.0765, "aux.acc_seg": 91.9355, "loss": 0.25799, "time": 1.62122} {"mode": "train", "epoch": 37, "iter": 45500, "lr": 2e-05, "memory": 71384, "data_time": 0.05974, "decode.loss_ce": 0.16454, "decode.acc_seg": 92.77025, "aux.loss_ce": 0.06948, "aux.acc_seg": 92.43457, "loss": 0.23402, "time": 1.68088} {"mode": "train", "epoch": 37, "iter": 45550, "lr": 2e-05, "memory": 71384, "data_time": 0.00963, "decode.loss_ce": 0.18419, "decode.acc_seg": 92.20948, "aux.loss_ce": 0.0772, "aux.acc_seg": 91.78729, "loss": 0.26139, "time": 1.62233} {"mode": "train", "epoch": 37, "iter": 45600, "lr": 2e-05, "memory": 71384, "data_time": 0.00956, "decode.loss_ce": 0.16913, "decode.acc_seg": 92.76905, "aux.loss_ce": 0.07032, "aux.acc_seg": 92.43461, "loss": 0.23944, "time": 1.6197} {"mode": "train", "epoch": 37, "iter": 45650, "lr": 2e-05, "memory": 71384, "data_time": 0.0097, "decode.loss_ce": 0.1756, "decode.acc_seg": 92.46484, "aux.loss_ce": 0.07417, "aux.acc_seg": 92.03878, "loss": 0.24978, "time": 1.62101} {"mode": "train", "epoch": 37, "iter": 45700, "lr": 2e-05, "memory": 71384, "data_time": 0.00969, "decode.loss_ce": 0.16391, "decode.acc_seg": 92.92744, "aux.loss_ce": 0.06869, "aux.acc_seg": 92.62577, "loss": 0.2326, "time": 1.61933} {"mode": "train", "epoch": 37, "iter": 45750, "lr": 2e-05, "memory": 71384, "data_time": 0.00966, "decode.loss_ce": 0.17737, "decode.acc_seg": 92.38023, "aux.loss_ce": 0.07469, "aux.acc_seg": 92.0136, "loss": 0.25206, "time": 1.62223} {"mode": "train", "epoch": 37, "iter": 45800, "lr": 2e-05, "memory": 71384, "data_time": 0.00985, "decode.loss_ce": 0.16865, "decode.acc_seg": 92.71216, "aux.loss_ce": 0.07126, "aux.acc_seg": 92.25613, "loss": 0.23992, "time": 1.62139} {"mode": "train", "epoch": 37, "iter": 45850, "lr": 2e-05, "memory": 71384, "data_time": 0.00983, "decode.loss_ce": 0.18647, "decode.acc_seg": 91.9539, "aux.loss_ce": 0.07692, "aux.acc_seg": 91.73247, "loss": 0.26339, "time": 1.62045} {"mode": "train", "epoch": 37, "iter": 45900, "lr": 2e-05, "memory": 71384, "data_time": 0.00982, "decode.loss_ce": 0.17632, "decode.acc_seg": 92.4186, "aux.loss_ce": 0.07446, "aux.acc_seg": 92.04739, "loss": 0.25078, "time": 1.62626} {"mode": "train", "epoch": 37, "iter": 45950, "lr": 2e-05, "memory": 71384, "data_time": 0.00972, "decode.loss_ce": 0.17476, "decode.acc_seg": 92.47183, "aux.loss_ce": 0.07253, "aux.acc_seg": 92.22227, "loss": 0.24729, "time": 1.62085} {"mode": "train", "epoch": 37, "iter": 46000, "lr": 2e-05, "memory": 71384, "data_time": 0.00955, "decode.loss_ce": 0.18421, "decode.acc_seg": 92.03734, "aux.loss_ce": 0.07691, "aux.acc_seg": 91.64707, "loss": 0.26112, "time": 3.25399} {"mode": "val", "epoch": 37, "iter": 250, "lr": 2e-05, "aAcc": 0.8619, "mIoU": 0.5822, "mAcc": 0.7148, "IoU.wall": 0.8242, "IoU.building": 0.8502, "IoU.sky": 0.9489, "IoU.floor": 0.8576, "IoU.tree": 0.7788, "IoU.ceiling": 0.8746, "IoU.road": 0.8495, "IoU.bed ": 0.9283, "IoU.windowpane": 0.6694, "IoU.grass": 0.6794, "IoU.cabinet": 0.6789, "IoU.sidewalk": 0.6983, "IoU.person": 0.8592, "IoU.earth": 0.3871, "IoU.door": 0.5879, "IoU.table": 0.6917, "IoU.mountain": 0.6053, "IoU.plant": 0.5581, "IoU.curtain": 0.8025, "IoU.chair": 0.6929, "IoU.car": 0.8799, "IoU.water": 0.6055, "IoU.painting": 0.7806, "IoU.sofa": 0.8453, "IoU.shelf": 0.5125, "IoU.house": 0.4781, "IoU.sea": 0.7043, "IoU.mirror": 0.7753, "IoU.rug": 0.6883, "IoU.field": 0.3186, "IoU.armchair": 0.6291, "IoU.seat": 0.6769, "IoU.fence": 0.5022, "IoU.desk": 0.5683, "IoU.rock": 0.5535, "IoU.wardrobe": 0.5746, "IoU.lamp": 0.7414, "IoU.bathtub": 0.8691, "IoU.railing": 0.4625, "IoU.cushion": 0.7158, "IoU.base": 0.4008, "IoU.box": 0.3832, "IoU.column": 0.5689, "IoU.signboard": 0.4195, "IoU.chest of drawers": 0.4591, "IoU.counter": 0.3947, "IoU.sand": 0.5426, "IoU.sink": 0.7975, "IoU.skyscraper": 0.498, "IoU.fireplace": 0.7419, "IoU.refrigerator": 0.8778, "IoU.grandstand": 0.5105, "IoU.path": 0.2975, "IoU.stairs": 0.2917, "IoU.runway": 0.7292, "IoU.case": 0.6417, "IoU.pool table": 0.9458, "IoU.pillow": 0.6753, "IoU.screen door": 0.8429, "IoU.stairway": 0.4487, "IoU.river": 0.1103, "IoU.bridge": 0.7035, "IoU.bookcase": 0.4999, "IoU.blind": 0.4799, "IoU.coffee table": 0.6066, "IoU.toilet": 0.9177, "IoU.flower": 0.4392, "IoU.book": 0.564, "IoU.hill": 0.1184, "IoU.bench": 0.5504, "IoU.countertop": 0.6337, "IoU.stove": 0.8724, "IoU.palm": 0.5307, "IoU.kitchen island": 0.5096, "IoU.computer": 0.8146, "IoU.swivel chair": 0.4789, "IoU.boat": 0.813, "IoU.bar": 0.6219, "IoU.arcade machine": 0.7975, "IoU.hovel": 0.1953, "IoU.bus": 0.9262, "IoU.towel": 0.8041, "IoU.light": 0.6371, "IoU.truck": 0.5148, "IoU.tower": 0.226, "IoU.chandelier": 0.7144, "IoU.awning": 0.4069, "IoU.streetlight": 0.3763, "IoU.booth": 0.4485, "IoU.television receiver": 0.8187, "IoU.airplane": 0.8752, "IoU.dirt track": 0.0851, "IoU.apparel": 0.5648, "IoU.pole": 0.2801, "IoU.land": 0.0137, "IoU.bannister": 0.2191, "IoU.escalator": 0.6537, "IoU.ottoman": 0.5432, "IoU.bottle": 0.4237, "IoU.buffet": 0.4962, "IoU.poster": 0.3306, "IoU.stage": 0.2747, "IoU.van": 0.4686, "IoU.ship": 0.8141, "IoU.fountain": 0.4929, "IoU.conveyer belt": 0.8135, "IoU.canopy": 0.492, "IoU.washer": 0.8465, "IoU.plaything": 0.3979, "IoU.swimming pool": 0.5439, "IoU.stool": 0.5487, "IoU.barrel": 0.6894, "IoU.basket": 0.4195, "IoU.waterfall": 0.5147, "IoU.tent": 0.9557, "IoU.bag": 0.3131, "IoU.minibike": 0.7742, "IoU.cradle": 0.7833, "IoU.oven": 0.5651, "IoU.ball": 0.5282, "IoU.food": 0.5932, "IoU.step": 0.166, "IoU.tank": 0.6754, "IoU.trade name": 0.1893, "IoU.microwave": 0.8593, "IoU.pot": 0.5832, "IoU.animal": 0.6305, "IoU.bicycle": 0.6047, "IoU.lake": 0.4567, "IoU.dishwasher": 0.7263, "IoU.screen": 0.5892, "IoU.blanket": 0.3867, "IoU.sculpture": 0.7818, "IoU.hood": 0.6568, "IoU.sconce": 0.544, "IoU.vase": 0.4753, "IoU.traffic light": 0.3782, "IoU.tray": 0.2427, "IoU.ashcan": 0.505, "IoU.fan": 0.7296, "IoU.pier": 0.3955, "IoU.crt screen": 0.0975, "IoU.plate": 0.6092, "IoU.monitor": 0.6998, "IoU.bulletin board": 0.5982, "IoU.shower": 0.0732, "IoU.radiator": 0.6722, "IoU.glass": 0.196, "IoU.clock": 0.4887, "IoU.flag": 0.7074, "Acc.wall": 0.8976, "Acc.building": 0.9395, "Acc.sky": 0.9717, "Acc.floor": 0.917, "Acc.tree": 0.8973, "Acc.ceiling": 0.9409, "Acc.road": 0.8985, "Acc.bed ": 0.9718, "Acc.windowpane": 0.7984, "Acc.grass": 0.824, "Acc.cabinet": 0.7684, "Acc.sidewalk": 0.8474, "Acc.person": 0.9402, "Acc.earth": 0.5466, "Acc.door": 0.7395, "Acc.table": 0.8144, "Acc.mountain": 0.734, "Acc.plant": 0.6715, "Acc.curtain": 0.9118, "Acc.chair": 0.8208, "Acc.car": 0.9406, "Acc.water": 0.7288, "Acc.painting": 0.8784, "Acc.sofa": 0.9316, "Acc.shelf": 0.703, "Acc.house": 0.5244, "Acc.sea": 0.822, "Acc.mirror": 0.8531, "Acc.rug": 0.7697, "Acc.field": 0.4833, "Acc.armchair": 0.7828, "Acc.seat": 0.8948, "Acc.fence": 0.683, "Acc.desk": 0.8192, "Acc.rock": 0.7983, "Acc.wardrobe": 0.6859, "Acc.lamp": 0.8626, "Acc.bathtub": 0.8982, "Acc.railing": 0.6406, "Acc.cushion": 0.809, "Acc.base": 0.6975, "Acc.box": 0.467, "Acc.column": 0.6989, "Acc.signboard": 0.5407, "Acc.chest of drawers": 0.8073, "Acc.counter": 0.5309, "Acc.sand": 0.7714, "Acc.sink": 0.8619, "Acc.skyscraper": 0.6213, "Acc.fireplace": 0.9515, "Acc.refrigerator": 0.9483, "Acc.grandstand": 0.8602, "Acc.path": 0.4185, "Acc.stairs": 0.3582, "Acc.runway": 0.9526, "Acc.case": 0.8784, "Acc.pool table": 0.9618, "Acc.pillow": 0.7684, "Acc.screen door": 0.8862, "Acc.stairway": 0.6211, "Acc.river": 0.2905, "Acc.bridge": 0.7989, "Acc.bookcase": 0.5675, "Acc.blind": 0.578, "Acc.coffee table": 0.8856, "Acc.toilet": 0.951, "Acc.flower": 0.6134, "Acc.book": 0.7884, "Acc.hill": 0.2524, "Acc.bench": 0.6076, "Acc.countertop": 0.8239, "Acc.stove": 0.9388, "Acc.palm": 0.862, "Acc.kitchen island": 0.9267, "Acc.computer": 0.8897, "Acc.swivel chair": 0.7133, "Acc.boat": 0.9043, "Acc.bar": 0.8571, "Acc.arcade machine": 0.8575, "Acc.hovel": 0.2107, "Acc.bus": 0.9597, "Acc.towel": 0.9073, "Acc.light": 0.7509, "Acc.truck": 0.6062, "Acc.tower": 0.3895, "Acc.chandelier": 0.8376, "Acc.awning": 0.498, "Acc.streetlight": 0.5011, "Acc.booth": 0.6977, "Acc.television receiver": 0.864, "Acc.airplane": 0.9196, "Acc.dirt track": 0.5753, "Acc.apparel": 0.779, "Acc.pole": 0.4064, "Acc.land": 0.0236, "Acc.bannister": 0.2655, "Acc.escalator": 0.8721, "Acc.ottoman": 0.7269, "Acc.bottle": 0.5045, "Acc.buffet": 0.6153, "Acc.poster": 0.4223, "Acc.stage": 0.468, "Acc.van": 0.7083, "Acc.ship": 0.8436, "Acc.fountain": 0.5693, "Acc.conveyer belt": 0.9301, "Acc.canopy": 0.7056, "Acc.washer": 0.8942, "Acc.plaything": 0.6663, "Acc.swimming pool": 0.806, "Acc.stool": 0.7004, "Acc.barrel": 0.9695, "Acc.basket": 0.634, "Acc.waterfall": 0.662, "Acc.tent": 0.9871, "Acc.bag": 0.3951, "Acc.minibike": 0.8909, "Acc.cradle": 0.9783, "Acc.oven": 0.6892, "Acc.ball": 0.6034, "Acc.food": 0.6587, "Acc.step": 0.2091, "Acc.tank": 0.9812, "Acc.trade name": 0.2115, "Acc.microwave": 0.9586, "Acc.pot": 0.6916, "Acc.animal": 0.6495, "Acc.bicycle": 0.7883, "Acc.lake": 0.6642, "Acc.dishwasher": 0.8432, "Acc.screen": 0.8924, "Acc.blanket": 0.4447, "Acc.sculpture": 0.8724, "Acc.hood": 0.7652, "Acc.sconce": 0.5896, "Acc.vase": 0.6567, "Acc.traffic light": 0.598, "Acc.tray": 0.318, "Acc.ashcan": 0.6463, "Acc.fan": 0.8404, "Acc.pier": 0.481, "Acc.crt screen": 0.1478, "Acc.plate": 0.801, "Acc.monitor": 0.8621, "Acc.bulletin board": 0.6637, "Acc.shower": 0.076, "Acc.radiator": 0.8262, "Acc.glass": 0.2068, "Acc.clock": 0.5926, "Acc.flag": 0.7779} {"mode": "train", "epoch": 37, "iter": 46050, "lr": 2e-05, "memory": 71384, "data_time": 1.95843, "decode.loss_ce": 0.16688, "decode.acc_seg": 92.73558, "aux.loss_ce": 0.07035, "aux.acc_seg": 92.33798, "loss": 0.23723, "time": 3.57066} {"mode": "train", "epoch": 37, "iter": 46100, "lr": 2e-05, "memory": 71384, "data_time": 0.01006, "decode.loss_ce": 0.17033, "decode.acc_seg": 92.48016, "aux.loss_ce": 0.07184, "aux.acc_seg": 92.11374, "loss": 0.24218, "time": 1.6197} {"mode": "train", "epoch": 37, "iter": 46150, "lr": 2e-05, "memory": 71384, "data_time": 0.00965, "decode.loss_ce": 0.16762, "decode.acc_seg": 92.7067, "aux.loss_ce": 0.07063, "aux.acc_seg": 92.32154, "loss": 0.23825, "time": 1.62308} {"mode": "train", "epoch": 37, "iter": 46200, "lr": 2e-05, "memory": 71384, "data_time": 0.0096, "decode.loss_ce": 0.17695, "decode.acc_seg": 92.50138, "aux.loss_ce": 0.07415, "aux.acc_seg": 92.12219, "loss": 0.2511, "time": 1.62213} {"mode": "train", "epoch": 37, "iter": 46250, "lr": 2e-05, "memory": 71384, "data_time": 0.00968, "decode.loss_ce": 0.17951, "decode.acc_seg": 92.21742, "aux.loss_ce": 0.07577, "aux.acc_seg": 91.81761, "loss": 0.25527, "time": 1.62176} {"mode": "train", "epoch": 37, "iter": 46300, "lr": 2e-05, "memory": 71384, "data_time": 0.00974, "decode.loss_ce": 0.17022, "decode.acc_seg": 92.66068, "aux.loss_ce": 0.07227, "aux.acc_seg": 92.25388, "loss": 0.24249, "time": 1.62138} {"mode": "train", "epoch": 37, "iter": 46350, "lr": 2e-05, "memory": 71384, "data_time": 0.00988, "decode.loss_ce": 0.17077, "decode.acc_seg": 92.59722, "aux.loss_ce": 0.07207, "aux.acc_seg": 92.1705, "loss": 0.24283, "time": 1.62192} {"mode": "train", "epoch": 37, "iter": 46400, "lr": 2e-05, "memory": 71384, "data_time": 0.00995, "decode.loss_ce": 0.17204, "decode.acc_seg": 92.54031, "aux.loss_ce": 0.07202, "aux.acc_seg": 92.19081, "loss": 0.24406, "time": 1.62088} {"mode": "train", "epoch": 37, "iter": 46450, "lr": 2e-05, "memory": 71384, "data_time": 0.0097, "decode.loss_ce": 0.18137, "decode.acc_seg": 92.43653, "aux.loss_ce": 0.07552, "aux.acc_seg": 92.0964, "loss": 0.25689, "time": 1.62218} {"mode": "train", "epoch": 37, "iter": 46500, "lr": 2e-05, "memory": 71384, "data_time": 0.00972, "decode.loss_ce": 0.1779, "decode.acc_seg": 92.32617, "aux.loss_ce": 0.07446, "aux.acc_seg": 91.96234, "loss": 0.25236, "time": 1.6228} {"mode": "train", "epoch": 37, "iter": 46550, "lr": 2e-05, "memory": 71384, "data_time": 0.00964, "decode.loss_ce": 0.17443, "decode.acc_seg": 92.46698, "aux.loss_ce": 0.07318, "aux.acc_seg": 92.07467, "loss": 0.24761, "time": 1.62163} {"mode": "train", "epoch": 37, "iter": 46600, "lr": 2e-05, "memory": 71384, "data_time": 0.00971, "decode.loss_ce": 0.17084, "decode.acc_seg": 92.55359, "aux.loss_ce": 0.0716, "aux.acc_seg": 92.27866, "loss": 0.24243, "time": 1.62} {"mode": "train", "epoch": 37, "iter": 46650, "lr": 2e-05, "memory": 71384, "data_time": 0.00981, "decode.loss_ce": 0.17867, "decode.acc_seg": 92.43491, "aux.loss_ce": 0.07482, "aux.acc_seg": 92.10755, "loss": 0.25349, "time": 1.62093} {"mode": "train", "epoch": 37, "iter": 46700, "lr": 2e-05, "memory": 71384, "data_time": 0.00972, "decode.loss_ce": 0.18131, "decode.acc_seg": 92.32886, "aux.loss_ce": 0.07477, "aux.acc_seg": 92.06497, "loss": 0.25608, "time": 1.62049} {"mode": "train", "epoch": 38, "iter": 46750, "lr": 2e-05, "memory": 71384, "data_time": 0.06463, "decode.loss_ce": 0.17907, "decode.acc_seg": 92.38253, "aux.loss_ce": 0.07487, "aux.acc_seg": 91.9819, "loss": 0.25394, "time": 1.67836} {"mode": "train", "epoch": 38, "iter": 46800, "lr": 2e-05, "memory": 71384, "data_time": 0.00974, "decode.loss_ce": 0.17119, "decode.acc_seg": 92.54562, "aux.loss_ce": 0.07196, "aux.acc_seg": 92.20995, "loss": 0.24315, "time": 1.62018} {"mode": "train", "epoch": 38, "iter": 46850, "lr": 2e-05, "memory": 71384, "data_time": 0.00973, "decode.loss_ce": 0.17077, "decode.acc_seg": 92.59008, "aux.loss_ce": 0.07154, "aux.acc_seg": 92.25419, "loss": 0.24231, "time": 1.62023} {"mode": "train", "epoch": 38, "iter": 46900, "lr": 2e-05, "memory": 71384, "data_time": 0.00973, "decode.loss_ce": 0.17474, "decode.acc_seg": 92.58666, "aux.loss_ce": 0.07318, "aux.acc_seg": 92.24547, "loss": 0.24792, "time": 1.62067} {"mode": "train", "epoch": 38, "iter": 46950, "lr": 2e-05, "memory": 71384, "data_time": 0.00987, "decode.loss_ce": 0.16691, "decode.acc_seg": 92.90077, "aux.loss_ce": 0.07035, "aux.acc_seg": 92.5179, "loss": 0.23726, "time": 1.61951} {"mode": "train", "epoch": 38, "iter": 47000, "lr": 2e-05, "memory": 71384, "data_time": 0.00976, "decode.loss_ce": 0.1677, "decode.acc_seg": 92.90072, "aux.loss_ce": 0.07011, "aux.acc_seg": 92.59741, "loss": 0.2378, "time": 1.62106} {"mode": "val", "epoch": 38, "iter": 250, "lr": 2e-05, "aAcc": 0.8619, "mIoU": 0.579, "mAcc": 0.7075, "IoU.wall": 0.8262, "IoU.building": 0.8542, "IoU.sky": 0.9486, "IoU.floor": 0.8545, "IoU.tree": 0.7801, "IoU.ceiling": 0.8718, "IoU.road": 0.8587, "IoU.bed ": 0.9297, "IoU.windowpane": 0.6673, "IoU.grass": 0.6722, "IoU.cabinet": 0.6852, "IoU.sidewalk": 0.6916, "IoU.person": 0.8569, "IoU.earth": 0.3837, "IoU.door": 0.6076, "IoU.table": 0.6907, "IoU.mountain": 0.6058, "IoU.plant": 0.5605, "IoU.curtain": 0.7942, "IoU.chair": 0.694, "IoU.car": 0.8852, "IoU.water": 0.5862, "IoU.painting": 0.765, "IoU.sofa": 0.834, "IoU.shelf": 0.5045, "IoU.house": 0.4791, "IoU.sea": 0.6641, "IoU.mirror": 0.7791, "IoU.rug": 0.7028, "IoU.field": 0.2782, "IoU.armchair": 0.634, "IoU.seat": 0.6826, "IoU.fence": 0.4928, "IoU.desk": 0.5898, "IoU.rock": 0.5562, "IoU.wardrobe": 0.5607, "IoU.lamp": 0.7421, "IoU.bathtub": 0.8633, "IoU.railing": 0.4569, "IoU.cushion": 0.7207, "IoU.base": 0.3535, "IoU.box": 0.3637, "IoU.column": 0.5661, "IoU.signboard": 0.4139, "IoU.chest of drawers": 0.4419, "IoU.counter": 0.2681, "IoU.sand": 0.566, "IoU.sink": 0.7994, "IoU.skyscraper": 0.4913, "IoU.fireplace": 0.7289, "IoU.refrigerator": 0.8666, "IoU.grandstand": 0.5223, "IoU.path": 0.2745, "IoU.stairs": 0.3264, "IoU.runway": 0.7161, "IoU.case": 0.6344, "IoU.pool table": 0.9472, "IoU.pillow": 0.6986, "IoU.screen door": 0.7615, "IoU.stairway": 0.3888, "IoU.river": 0.1145, "IoU.bridge": 0.7374, "IoU.bookcase": 0.4786, "IoU.blind": 0.4095, "IoU.coffee table": 0.5956, "IoU.toilet": 0.9137, "IoU.flower": 0.4785, "IoU.book": 0.5424, "IoU.hill": 0.0678, "IoU.bench": 0.5875, "IoU.countertop": 0.6361, "IoU.stove": 0.8624, "IoU.palm": 0.5511, "IoU.kitchen island": 0.5213, "IoU.computer": 0.7945, "IoU.swivel chair": 0.4924, "IoU.boat": 0.7455, "IoU.bar": 0.6236, "IoU.arcade machine": 0.7919, "IoU.hovel": 0.1597, "IoU.bus": 0.9317, "IoU.towel": 0.8051, "IoU.light": 0.5984, "IoU.truck": 0.4356, "IoU.tower": 0.3618, "IoU.chandelier": 0.7319, "IoU.awning": 0.4157, "IoU.streetlight": 0.3798, "IoU.booth": 0.3939, "IoU.television receiver": 0.8177, "IoU.airplane": 0.8726, "IoU.dirt track": 0.072, "IoU.apparel": 0.5409, "IoU.pole": 0.2618, "IoU.land": 0.0199, "IoU.bannister": 0.2066, "IoU.escalator": 0.6086, "IoU.ottoman": 0.5269, "IoU.bottle": 0.4486, "IoU.buffet": 0.4871, "IoU.poster": 0.3206, "IoU.stage": 0.2384, "IoU.van": 0.4988, "IoU.ship": 0.8506, "IoU.fountain": 0.3806, "IoU.conveyer belt": 0.8029, "IoU.canopy": 0.4964, "IoU.washer": 0.8646, "IoU.plaything": 0.3159, "IoU.swimming pool": 0.5201, "IoU.stool": 0.5747, "IoU.barrel": 0.7681, "IoU.basket": 0.4188, "IoU.waterfall": 0.5488, "IoU.tent": 0.9142, "IoU.bag": 0.261, "IoU.minibike": 0.7667, "IoU.cradle": 0.8852, "IoU.oven": 0.5562, "IoU.ball": 0.5384, "IoU.food": 0.5983, "IoU.step": 0.1569, "IoU.tank": 0.8085, "IoU.trade name": 0.2368, "IoU.microwave": 0.8952, "IoU.pot": 0.6117, "IoU.animal": 0.6487, "IoU.bicycle": 0.5966, "IoU.lake": 0.5243, "IoU.dishwasher": 0.7843, "IoU.screen": 0.4935, "IoU.blanket": 0.3958, "IoU.sculpture": 0.7407, "IoU.hood": 0.6328, "IoU.sconce": 0.6303, "IoU.vase": 0.494, "IoU.traffic light": 0.3656, "IoU.tray": 0.2609, "IoU.ashcan": 0.495, "IoU.fan": 0.7034, "IoU.pier": 0.431, "IoU.crt screen": 0.0879, "IoU.plate": 0.6212, "IoU.monitor": 0.6499, "IoU.bulletin board": 0.5587, "IoU.shower": 0.026, "IoU.radiator": 0.6659, "IoU.glass": 0.2199, "IoU.clock": 0.5004, "IoU.flag": 0.7319, "Acc.wall": 0.9, "Acc.building": 0.9362, "Acc.sky": 0.9764, "Acc.floor": 0.9192, "Acc.tree": 0.8957, "Acc.ceiling": 0.9427, "Acc.road": 0.9125, "Acc.bed ": 0.9717, "Acc.windowpane": 0.8308, "Acc.grass": 0.8247, "Acc.cabinet": 0.7901, "Acc.sidewalk": 0.8289, "Acc.person": 0.9451, "Acc.earth": 0.5389, "Acc.door": 0.7667, "Acc.table": 0.8189, "Acc.mountain": 0.7115, "Acc.plant": 0.6705, "Acc.curtain": 0.8749, "Acc.chair": 0.8188, "Acc.car": 0.9368, "Acc.water": 0.7141, "Acc.painting": 0.9021, "Acc.sofa": 0.8945, "Acc.shelf": 0.6503, "Acc.house": 0.584, "Acc.sea": 0.8248, "Acc.mirror": 0.8462, "Acc.rug": 0.7932, "Acc.field": 0.4405, "Acc.armchair": 0.8236, "Acc.seat": 0.8934, "Acc.fence": 0.6213, "Acc.desk": 0.8195, "Acc.rock": 0.8702, "Acc.wardrobe": 0.7327, "Acc.lamp": 0.8321, "Acc.bathtub": 0.8872, "Acc.railing": 0.6341, "Acc.cushion": 0.866, "Acc.base": 0.4929, "Acc.box": 0.4516, "Acc.column": 0.7078, "Acc.signboard": 0.5593, "Acc.chest of drawers": 0.5782, "Acc.counter": 0.3223, "Acc.sand": 0.8294, "Acc.sink": 0.8569, "Acc.skyscraper": 0.638, "Acc.fireplace": 0.9371, "Acc.refrigerator": 0.9326, "Acc.grandstand": 0.7685, "Acc.path": 0.3764, "Acc.stairs": 0.3951, "Acc.runway": 0.9324, "Acc.case": 0.8822, "Acc.pool table": 0.9795, "Acc.pillow": 0.8062, "Acc.screen door": 0.7816, "Acc.stairway": 0.5233, "Acc.river": 0.2672, "Acc.bridge": 0.8797, "Acc.bookcase": 0.6684, "Acc.blind": 0.4754, "Acc.coffee table": 0.8896, "Acc.toilet": 0.9397, "Acc.flower": 0.5941, "Acc.book": 0.7507, "Acc.hill": 0.128, "Acc.bench": 0.6625, "Acc.countertop": 0.8214, "Acc.stove": 0.9281, "Acc.palm": 0.8212, "Acc.kitchen island": 0.7916, "Acc.computer": 0.8762, "Acc.swivel chair": 0.735, "Acc.boat": 0.9196, "Acc.bar": 0.8728, "Acc.arcade machine": 0.839, "Acc.hovel": 0.1805, "Acc.bus": 0.9664, "Acc.towel": 0.8708, "Acc.light": 0.6562, "Acc.truck": 0.5232, "Acc.tower": 0.634, "Acc.chandelier": 0.8777, "Acc.awning": 0.5585, "Acc.streetlight": 0.5173, "Acc.booth": 0.5521, "Acc.television receiver": 0.87, "Acc.airplane": 0.963, "Acc.dirt track": 0.3467, "Acc.apparel": 0.769, "Acc.pole": 0.3503, "Acc.land": 0.0328, "Acc.bannister": 0.248, "Acc.escalator": 0.7691, "Acc.ottoman": 0.734, "Acc.bottle": 0.6444, "Acc.buffet": 0.5761, "Acc.poster": 0.3725, "Acc.stage": 0.4558, "Acc.van": 0.755, "Acc.ship": 0.9757, "Acc.fountain": 0.409, "Acc.conveyer belt": 0.9261, "Acc.canopy": 0.7651, "Acc.washer": 0.9254, "Acc.plaything": 0.6884, "Acc.swimming pool": 0.7491, "Acc.stool": 0.6717, "Acc.barrel": 0.9532, "Acc.basket": 0.6315, "Acc.waterfall": 0.6468, "Acc.tent": 0.9857, "Acc.bag": 0.3119, "Acc.minibike": 0.9046, "Acc.cradle": 0.9771, "Acc.oven": 0.6594, "Acc.ball": 0.735, "Acc.food": 0.6855, "Acc.step": 0.1898, "Acc.tank": 0.9498, "Acc.trade name": 0.2759, "Acc.microwave": 0.9533, "Acc.pot": 0.7222, "Acc.animal": 0.6739, "Acc.bicycle": 0.7732, "Acc.lake": 0.6447, "Acc.dishwasher": 0.8347, "Acc.screen": 0.7649, "Acc.blanket": 0.4902, "Acc.sculpture": 0.8843, "Acc.hood": 0.7511, "Acc.sconce": 0.7213, "Acc.vase": 0.6, "Acc.traffic light": 0.6401, "Acc.tray": 0.3851, "Acc.ashcan": 0.6459, "Acc.fan": 0.7978, "Acc.pier": 0.548, "Acc.crt screen": 0.1443, "Acc.plate": 0.7831, "Acc.monitor": 0.9015, "Acc.bulletin board": 0.6097, "Acc.shower": 0.0621, "Acc.radiator": 0.8245, "Acc.glass": 0.2408, "Acc.clock": 0.6251, "Acc.flag": 0.8038} {"mode": "train", "epoch": 38, "iter": 47050, "lr": 2e-05, "memory": 71384, "data_time": 1.96637, "decode.loss_ce": 0.17307, "decode.acc_seg": 92.76462, "aux.loss_ce": 0.07247, "aux.acc_seg": 92.38553, "loss": 0.24554, "time": 3.58051} {"mode": "train", "epoch": 38, "iter": 47100, "lr": 2e-05, "memory": 71384, "data_time": 0.00979, "decode.loss_ce": 0.16452, "decode.acc_seg": 92.85476, "aux.loss_ce": 0.0691, "aux.acc_seg": 92.49202, "loss": 0.23362, "time": 1.62114} {"mode": "train", "epoch": 38, "iter": 47150, "lr": 2e-05, "memory": 71384, "data_time": 0.0098, "decode.loss_ce": 0.16164, "decode.acc_seg": 92.94277, "aux.loss_ce": 0.06791, "aux.acc_seg": 92.57979, "loss": 0.22955, "time": 1.62071} {"mode": "train", "epoch": 38, "iter": 47200, "lr": 2e-05, "memory": 71384, "data_time": 0.00967, "decode.loss_ce": 0.17338, "decode.acc_seg": 92.66992, "aux.loss_ce": 0.07353, "aux.acc_seg": 92.23675, "loss": 0.24691, "time": 1.62092} {"mode": "train", "epoch": 38, "iter": 47250, "lr": 2e-05, "memory": 71384, "data_time": 0.00985, "decode.loss_ce": 0.17449, "decode.acc_seg": 92.04573, "aux.loss_ce": 0.07328, "aux.acc_seg": 91.70652, "loss": 0.24777, "time": 1.62193} {"mode": "train", "epoch": 38, "iter": 47300, "lr": 2e-05, "memory": 71384, "data_time": 0.00954, "decode.loss_ce": 0.17692, "decode.acc_seg": 92.46404, "aux.loss_ce": 0.07359, "aux.acc_seg": 92.18108, "loss": 0.25051, "time": 1.61894} {"mode": "train", "epoch": 38, "iter": 47350, "lr": 2e-05, "memory": 71384, "data_time": 0.00971, "decode.loss_ce": 0.17, "decode.acc_seg": 92.8195, "aux.loss_ce": 0.07122, "aux.acc_seg": 92.46694, "loss": 0.24122, "time": 1.62432} {"mode": "train", "epoch": 38, "iter": 47400, "lr": 2e-05, "memory": 71384, "data_time": 0.00954, "decode.loss_ce": 0.15955, "decode.acc_seg": 93.16214, "aux.loss_ce": 0.0674, "aux.acc_seg": 92.76742, "loss": 0.22695, "time": 1.62046} {"mode": "train", "epoch": 38, "iter": 47450, "lr": 2e-05, "memory": 71384, "data_time": 0.00971, "decode.loss_ce": 0.16963, "decode.acc_seg": 92.83725, "aux.loss_ce": 0.07116, "aux.acc_seg": 92.47299, "loss": 0.24079, "time": 1.6256} {"mode": "train", "epoch": 38, "iter": 47500, "lr": 2e-05, "memory": 71384, "data_time": 0.00965, "decode.loss_ce": 0.17768, "decode.acc_seg": 92.35748, "aux.loss_ce": 0.07431, "aux.acc_seg": 91.94788, "loss": 0.25199, "time": 1.6199} {"mode": "train", "epoch": 38, "iter": 47550, "lr": 2e-05, "memory": 71384, "data_time": 0.00967, "decode.loss_ce": 0.18109, "decode.acc_seg": 92.44132, "aux.loss_ce": 0.0758, "aux.acc_seg": 92.11219, "loss": 0.25689, "time": 1.6253} {"mode": "train", "epoch": 38, "iter": 47600, "lr": 2e-05, "memory": 71384, "data_time": 0.00973, "decode.loss_ce": 0.17265, "decode.acc_seg": 92.75867, "aux.loss_ce": 0.07292, "aux.acc_seg": 92.3277, "loss": 0.24557, "time": 1.62081} {"mode": "train", "epoch": 38, "iter": 47650, "lr": 2e-05, "memory": 71384, "data_time": 0.00956, "decode.loss_ce": 0.17317, "decode.acc_seg": 92.70038, "aux.loss_ce": 0.07317, "aux.acc_seg": 92.24403, "loss": 0.24634, "time": 1.6223} {"mode": "train", "epoch": 38, "iter": 47700, "lr": 2e-05, "memory": 71384, "data_time": 0.00989, "decode.loss_ce": 0.17695, "decode.acc_seg": 92.39874, "aux.loss_ce": 0.0732, "aux.acc_seg": 92.09393, "loss": 0.25015, "time": 1.62071} {"mode": "train", "epoch": 38, "iter": 47750, "lr": 2e-05, "memory": 71384, "data_time": 0.00994, "decode.loss_ce": 0.17264, "decode.acc_seg": 92.56133, "aux.loss_ce": 0.07156, "aux.acc_seg": 92.41103, "loss": 0.2442, "time": 1.61986} {"mode": "train", "epoch": 38, "iter": 47800, "lr": 2e-05, "memory": 71384, "data_time": 0.00973, "decode.loss_ce": 0.1784, "decode.acc_seg": 92.35536, "aux.loss_ce": 0.07452, "aux.acc_seg": 91.99404, "loss": 0.25293, "time": 1.62255} {"mode": "train", "epoch": 38, "iter": 47850, "lr": 2e-05, "memory": 71384, "data_time": 0.00965, "decode.loss_ce": 0.17923, "decode.acc_seg": 92.16901, "aux.loss_ce": 0.07522, "aux.acc_seg": 91.86027, "loss": 0.25445, "time": 1.61942} {"mode": "train", "epoch": 38, "iter": 47900, "lr": 2e-05, "memory": 71384, "data_time": 0.00966, "decode.loss_ce": 0.17268, "decode.acc_seg": 92.54129, "aux.loss_ce": 0.07264, "aux.acc_seg": 92.15945, "loss": 0.24532, "time": 1.62306} {"mode": "train", "epoch": 38, "iter": 47950, "lr": 2e-05, "memory": 71384, "data_time": 0.00965, "decode.loss_ce": 0.17619, "decode.acc_seg": 92.35985, "aux.loss_ce": 0.07387, "aux.acc_seg": 91.93848, "loss": 0.25006, "time": 1.61792} {"mode": "train", "epoch": 39, "iter": 48000, "lr": 2e-05, "memory": 71384, "data_time": 0.05491, "decode.loss_ce": 0.16438, "decode.acc_seg": 92.80063, "aux.loss_ce": 0.06842, "aux.acc_seg": 92.48303, "loss": 0.2328, "time": 3.3062} {"mode": "val", "epoch": 39, "iter": 250, "lr": 2e-05, "aAcc": 0.8624, "mIoU": 0.5759, "mAcc": 0.7074, "IoU.wall": 0.822, "IoU.building": 0.858, "IoU.sky": 0.9485, "IoU.floor": 0.8567, "IoU.tree": 0.782, "IoU.ceiling": 0.8773, "IoU.road": 0.856, "IoU.bed ": 0.9279, "IoU.windowpane": 0.6675, "IoU.grass": 0.6741, "IoU.cabinet": 0.6525, "IoU.sidewalk": 0.6997, "IoU.person": 0.8582, "IoU.earth": 0.3921, "IoU.door": 0.6, "IoU.table": 0.6979, "IoU.mountain": 0.6224, "IoU.plant": 0.5669, "IoU.curtain": 0.7864, "IoU.chair": 0.6873, "IoU.car": 0.8851, "IoU.water": 0.608, "IoU.painting": 0.7667, "IoU.sofa": 0.8408, "IoU.shelf": 0.5199, "IoU.house": 0.5995, "IoU.sea": 0.697, "IoU.mirror": 0.7705, "IoU.rug": 0.7039, "IoU.field": 0.3218, "IoU.armchair": 0.6263, "IoU.seat": 0.6791, "IoU.fence": 0.4743, "IoU.desk": 0.5947, "IoU.rock": 0.5535, "IoU.wardrobe": 0.5283, "IoU.lamp": 0.756, "IoU.bathtub": 0.8711, "IoU.railing": 0.4523, "IoU.cushion": 0.716, "IoU.base": 0.3954, "IoU.box": 0.3758, "IoU.column": 0.5604, "IoU.signboard": 0.4214, "IoU.chest of drawers": 0.4125, "IoU.counter": 0.2963, "IoU.sand": 0.5355, "IoU.sink": 0.8199, "IoU.skyscraper": 0.4621, "IoU.fireplace": 0.7469, "IoU.refrigerator": 0.8656, "IoU.grandstand": 0.5168, "IoU.path": 0.3051, "IoU.stairs": 0.2993, "IoU.runway": 0.7082, "IoU.case": 0.6495, "IoU.pool table": 0.9473, "IoU.pillow": 0.6821, "IoU.screen door": 0.7871, "IoU.stairway": 0.4018, "IoU.river": 0.0913, "IoU.bridge": 0.634, "IoU.bookcase": 0.5386, "IoU.blind": 0.4627, "IoU.coffee table": 0.6102, "IoU.toilet": 0.9038, "IoU.flower": 0.4332, "IoU.book": 0.5524, "IoU.hill": 0.0965, "IoU.bench": 0.6157, "IoU.countertop": 0.5665, "IoU.stove": 0.8754, "IoU.palm": 0.5401, "IoU.kitchen island": 0.5455, "IoU.computer": 0.8106, "IoU.swivel chair": 0.5098, "IoU.boat": 0.7555, "IoU.bar": 0.5981, "IoU.arcade machine": 0.7569, "IoU.hovel": 0.1465, "IoU.bus": 0.9255, "IoU.towel": 0.8094, "IoU.light": 0.6223, "IoU.truck": 0.386, "IoU.tower": 0.3712, "IoU.chandelier": 0.7481, "IoU.awning": 0.4625, "IoU.streetlight": 0.3806, "IoU.booth": 0.3519, "IoU.television receiver": 0.756, "IoU.airplane": 0.8804, "IoU.dirt track": 0.0392, "IoU.apparel": 0.5776, "IoU.pole": 0.2452, "IoU.land": 0.0389, "IoU.bannister": 0.2256, "IoU.escalator": 0.5647, "IoU.ottoman": 0.53, "IoU.bottle": 0.424, "IoU.buffet": 0.5156, "IoU.poster": 0.334, "IoU.stage": 0.2473, "IoU.van": 0.489, "IoU.ship": 0.8833, "IoU.fountain": 0.3378, "IoU.conveyer belt": 0.7345, "IoU.canopy": 0.5257, "IoU.washer": 0.8498, "IoU.plaything": 0.2456, "IoU.swimming pool": 0.5088, "IoU.stool": 0.5087, "IoU.barrel": 0.5115, "IoU.basket": 0.4167, "IoU.waterfall": 0.5183, "IoU.tent": 0.9238, "IoU.bag": 0.2872, "IoU.minibike": 0.7612, "IoU.cradle": 0.9069, "IoU.oven": 0.5698, "IoU.ball": 0.5942, "IoU.food": 0.6152, "IoU.step": 0.2186, "IoU.tank": 0.8092, "IoU.trade name": 0.2561, "IoU.microwave": 0.8812, "IoU.pot": 0.5798, "IoU.animal": 0.6412, "IoU.bicycle": 0.5911, "IoU.lake": 0.4914, "IoU.dishwasher": 0.7802, "IoU.screen": 0.6024, "IoU.blanket": 0.4344, "IoU.sculpture": 0.7239, "IoU.hood": 0.6419, "IoU.sconce": 0.6212, "IoU.vase": 0.4741, "IoU.traffic light": 0.371, "IoU.tray": 0.259, "IoU.ashcan": 0.487, "IoU.fan": 0.706, "IoU.pier": 0.311, "IoU.crt screen": 0.0322, "IoU.plate": 0.6194, "IoU.monitor": 0.5105, "IoU.bulletin board": 0.5741, "IoU.shower": 0.0099, "IoU.radiator": 0.6756, "IoU.glass": 0.2088, "IoU.clock": 0.4899, "IoU.flag": 0.7232, "Acc.wall": 0.9013, "Acc.building": 0.9273, "Acc.sky": 0.9711, "Acc.floor": 0.9198, "Acc.tree": 0.9066, "Acc.ceiling": 0.9416, "Acc.road": 0.9123, "Acc.bed ": 0.9677, "Acc.windowpane": 0.8375, "Acc.grass": 0.8113, "Acc.cabinet": 0.7516, "Acc.sidewalk": 0.838, "Acc.person": 0.9469, "Acc.earth": 0.5343, "Acc.door": 0.7144, "Acc.table": 0.8294, "Acc.mountain": 0.7114, "Acc.plant": 0.6831, "Acc.curtain": 0.8811, "Acc.chair": 0.7759, "Acc.car": 0.9379, "Acc.water": 0.7457, "Acc.painting": 0.8984, "Acc.sofa": 0.9278, "Acc.shelf": 0.7039, "Acc.house": 0.8144, "Acc.sea": 0.8172, "Acc.mirror": 0.8502, "Acc.rug": 0.7935, "Acc.field": 0.5655, "Acc.armchair": 0.8178, "Acc.seat": 0.8649, "Acc.fence": 0.6764, "Acc.desk": 0.7675, "Acc.rock": 0.8364, "Acc.wardrobe": 0.7723, "Acc.lamp": 0.8715, "Acc.bathtub": 0.8937, "Acc.railing": 0.616, "Acc.cushion": 0.8543, "Acc.base": 0.5303, "Acc.box": 0.4928, "Acc.column": 0.6526, "Acc.signboard": 0.5611, "Acc.chest of drawers": 0.6649, "Acc.counter": 0.3757, "Acc.sand": 0.858, "Acc.sink": 0.8888, "Acc.skyscraper": 0.5799, "Acc.fireplace": 0.9562, "Acc.refrigerator": 0.9261, "Acc.grandstand": 0.8504, "Acc.path": 0.3933, "Acc.stairs": 0.3698, "Acc.runway": 0.9135, "Acc.case": 0.8384, "Acc.pool table": 0.9835, "Acc.pillow": 0.7811, "Acc.screen door": 0.8125, "Acc.stairway": 0.5753, "Acc.river": 0.2128, "Acc.bridge": 0.7196, "Acc.bookcase": 0.6585, "Acc.blind": 0.5499, "Acc.coffee table": 0.8764, "Acc.toilet": 0.933, "Acc.flower": 0.5382, "Acc.book": 0.7727, "Acc.hill": 0.1723, "Acc.bench": 0.6964, "Acc.countertop": 0.6929, "Acc.stove": 0.9269, "Acc.palm": 0.8586, "Acc.kitchen island": 0.8979, "Acc.computer": 0.9147, "Acc.swivel chair": 0.7847, "Acc.boat": 0.9116, "Acc.bar": 0.8254, "Acc.arcade machine": 0.8063, "Acc.hovel": 0.1562, "Acc.bus": 0.9706, "Acc.towel": 0.8944, "Acc.light": 0.7025, "Acc.truck": 0.4807, "Acc.tower": 0.6389, "Acc.chandelier": 0.8793, "Acc.awning": 0.6002, "Acc.streetlight": 0.512, "Acc.booth": 0.5448, "Acc.television receiver": 0.9225, "Acc.airplane": 0.9622, "Acc.dirt track": 0.1349, "Acc.apparel": 0.8622, "Acc.pole": 0.3069, "Acc.land": 0.0589, "Acc.bannister": 0.286, "Acc.escalator": 0.7312, "Acc.ottoman": 0.7167, "Acc.bottle": 0.5456, "Acc.buffet": 0.6891, "Acc.poster": 0.399, "Acc.stage": 0.4465, "Acc.van": 0.7339, "Acc.ship": 0.9749, "Acc.fountain": 0.3443, "Acc.conveyer belt": 0.9542, "Acc.canopy": 0.7353, "Acc.washer": 0.9081, "Acc.plaything": 0.2875, "Acc.swimming pool": 0.7356, "Acc.stool": 0.6904, "Acc.barrel": 0.9392, "Acc.basket": 0.6498, "Acc.waterfall": 0.6877, "Acc.tent": 0.9855, "Acc.bag": 0.3406, "Acc.minibike": 0.9153, "Acc.cradle": 0.9681, "Acc.oven": 0.6938, "Acc.ball": 0.6923, "Acc.food": 0.709, "Acc.step": 0.2965, "Acc.tank": 0.946, "Acc.trade name": 0.3059, "Acc.microwave": 0.9668, "Acc.pot": 0.6752, "Acc.animal": 0.6613, "Acc.bicycle": 0.7686, "Acc.lake": 0.6367, "Acc.dishwasher": 0.8411, "Acc.screen": 0.8936, "Acc.blanket": 0.5353, "Acc.sculpture": 0.8902, "Acc.hood": 0.7609, "Acc.sconce": 0.7158, "Acc.vase": 0.6774, "Acc.traffic light": 0.6099, "Acc.tray": 0.3854, "Acc.ashcan": 0.663, "Acc.fan": 0.8744, "Acc.pier": 0.4325, "Acc.crt screen": 0.0512, "Acc.plate": 0.8134, "Acc.monitor": 0.6217, "Acc.bulletin board": 0.762, "Acc.shower": 0.0244, "Acc.radiator": 0.8098, "Acc.glass": 0.2208, "Acc.clock": 0.5525, "Acc.flag": 0.788} {"mode": "train", "epoch": 39, "iter": 48050, "lr": 2e-05, "memory": 71384, "data_time": 1.96167, "decode.loss_ce": 0.17201, "decode.acc_seg": 92.75358, "aux.loss_ce": 0.07239, "aux.acc_seg": 92.41085, "loss": 0.2444, "time": 3.57633} {"mode": "train", "epoch": 39, "iter": 48100, "lr": 2e-05, "memory": 71384, "data_time": 0.00976, "decode.loss_ce": 0.15766, "decode.acc_seg": 93.16211, "aux.loss_ce": 0.06677, "aux.acc_seg": 92.77544, "loss": 0.22443, "time": 1.62356} {"mode": "train", "epoch": 39, "iter": 48150, "lr": 2e-05, "memory": 71384, "data_time": 0.00954, "decode.loss_ce": 0.17735, "decode.acc_seg": 92.64924, "aux.loss_ce": 0.0749, "aux.acc_seg": 92.31485, "loss": 0.25224, "time": 1.61856} {"mode": "train", "epoch": 39, "iter": 48200, "lr": 2e-05, "memory": 71384, "data_time": 0.00964, "decode.loss_ce": 0.17402, "decode.acc_seg": 92.43021, "aux.loss_ce": 0.07318, "aux.acc_seg": 92.05826, "loss": 0.24719, "time": 1.62053} {"mode": "train", "epoch": 39, "iter": 48250, "lr": 2e-05, "memory": 71384, "data_time": 0.00966, "decode.loss_ce": 0.17142, "decode.acc_seg": 92.57971, "aux.loss_ce": 0.0722, "aux.acc_seg": 92.16562, "loss": 0.24362, "time": 1.61788} {"mode": "train", "epoch": 39, "iter": 48300, "lr": 2e-05, "memory": 71384, "data_time": 0.00957, "decode.loss_ce": 0.16963, "decode.acc_seg": 92.63282, "aux.loss_ce": 0.07077, "aux.acc_seg": 92.33933, "loss": 0.2404, "time": 1.62084} {"mode": "train", "epoch": 39, "iter": 48350, "lr": 2e-05, "memory": 71384, "data_time": 0.00966, "decode.loss_ce": 0.16765, "decode.acc_seg": 92.96232, "aux.loss_ce": 0.07051, "aux.acc_seg": 92.54528, "loss": 0.23816, "time": 1.62458} {"mode": "train", "epoch": 39, "iter": 48400, "lr": 2e-05, "memory": 71384, "data_time": 0.0096, "decode.loss_ce": 0.16681, "decode.acc_seg": 92.72496, "aux.loss_ce": 0.07041, "aux.acc_seg": 92.35059, "loss": 0.23722, "time": 1.61995} {"mode": "train", "epoch": 39, "iter": 48450, "lr": 2e-05, "memory": 71384, "data_time": 0.00968, "decode.loss_ce": 0.1636, "decode.acc_seg": 93.03722, "aux.loss_ce": 0.069, "aux.acc_seg": 92.67747, "loss": 0.2326, "time": 1.62268} {"mode": "train", "epoch": 39, "iter": 48500, "lr": 2e-05, "memory": 71384, "data_time": 0.00969, "decode.loss_ce": 0.16984, "decode.acc_seg": 92.80218, "aux.loss_ce": 0.07091, "aux.acc_seg": 92.47108, "loss": 0.24075, "time": 1.62144} {"mode": "train", "epoch": 39, "iter": 48550, "lr": 2e-05, "memory": 71384, "data_time": 0.00966, "decode.loss_ce": 0.16289, "decode.acc_seg": 92.94277, "aux.loss_ce": 0.06897, "aux.acc_seg": 92.49395, "loss": 0.23186, "time": 1.62261} {"mode": "train", "epoch": 39, "iter": 48600, "lr": 2e-05, "memory": 71384, "data_time": 0.00972, "decode.loss_ce": 0.17312, "decode.acc_seg": 92.59633, "aux.loss_ce": 0.07285, "aux.acc_seg": 92.24932, "loss": 0.24596, "time": 1.61881} {"mode": "train", "epoch": 39, "iter": 48650, "lr": 2e-05, "memory": 71384, "data_time": 0.00969, "decode.loss_ce": 0.17887, "decode.acc_seg": 92.0101, "aux.loss_ce": 0.07481, "aux.acc_seg": 91.7309, "loss": 0.25368, "time": 1.6221} {"mode": "train", "epoch": 39, "iter": 48700, "lr": 2e-05, "memory": 71384, "data_time": 0.00991, "decode.loss_ce": 0.1713, "decode.acc_seg": 92.71369, "aux.loss_ce": 0.07201, "aux.acc_seg": 92.35105, "loss": 0.24331, "time": 1.62214} {"mode": "train", "epoch": 39, "iter": 48750, "lr": 2e-05, "memory": 71384, "data_time": 0.0101, "decode.loss_ce": 0.16406, "decode.acc_seg": 92.81713, "aux.loss_ce": 0.06899, "aux.acc_seg": 92.42441, "loss": 0.23305, "time": 1.62402} {"mode": "train", "epoch": 39, "iter": 48800, "lr": 2e-05, "memory": 71384, "data_time": 0.00987, "decode.loss_ce": 0.16643, "decode.acc_seg": 92.93704, "aux.loss_ce": 0.07049, "aux.acc_seg": 92.52739, "loss": 0.23693, "time": 1.62088} {"mode": "train", "epoch": 39, "iter": 48850, "lr": 2e-05, "memory": 71384, "data_time": 0.00983, "decode.loss_ce": 0.16672, "decode.acc_seg": 92.85595, "aux.loss_ce": 0.07003, "aux.acc_seg": 92.51953, "loss": 0.23675, "time": 1.62184} {"mode": "train", "epoch": 39, "iter": 48900, "lr": 2e-05, "memory": 71384, "data_time": 0.00985, "decode.loss_ce": 0.1722, "decode.acc_seg": 92.63929, "aux.loss_ce": 0.07237, "aux.acc_seg": 92.2423, "loss": 0.24457, "time": 1.62288} {"mode": "train", "epoch": 39, "iter": 48950, "lr": 2e-05, "memory": 71384, "data_time": 0.00987, "decode.loss_ce": 0.16371, "decode.acc_seg": 93.02399, "aux.loss_ce": 0.06892, "aux.acc_seg": 92.62936, "loss": 0.23262, "time": 1.62058} {"mode": "train", "epoch": 39, "iter": 49000, "lr": 2e-05, "memory": 71384, "data_time": 0.00972, "decode.loss_ce": 0.16279, "decode.acc_seg": 92.68526, "aux.loss_ce": 0.06855, "aux.acc_seg": 92.33713, "loss": 0.23134, "time": 1.6222} {"mode": "val", "epoch": 39, "iter": 250, "lr": 2e-05, "aAcc": 0.8642, "mIoU": 0.5827, "mAcc": 0.704, "IoU.wall": 0.8238, "IoU.building": 0.853, "IoU.sky": 0.9502, "IoU.floor": 0.8564, "IoU.tree": 0.7778, "IoU.ceiling": 0.876, "IoU.road": 0.8578, "IoU.bed ": 0.9183, "IoU.windowpane": 0.6799, "IoU.grass": 0.692, "IoU.cabinet": 0.6944, "IoU.sidewalk": 0.7119, "IoU.person": 0.8652, "IoU.earth": 0.3904, "IoU.door": 0.6075, "IoU.table": 0.6953, "IoU.mountain": 0.6031, "IoU.plant": 0.5561, "IoU.curtain": 0.7992, "IoU.chair": 0.6991, "IoU.car": 0.8852, "IoU.water": 0.6494, "IoU.painting": 0.7813, "IoU.sofa": 0.8374, "IoU.shelf": 0.5239, "IoU.house": 0.4889, "IoU.sea": 0.7279, "IoU.mirror": 0.7687, "IoU.rug": 0.6809, "IoU.field": 0.3442, "IoU.armchair": 0.6453, "IoU.seat": 0.6601, "IoU.fence": 0.4671, "IoU.desk": 0.6127, "IoU.rock": 0.5251, "IoU.wardrobe": 0.5863, "IoU.lamp": 0.7639, "IoU.bathtub": 0.8583, "IoU.railing": 0.4392, "IoU.cushion": 0.7238, "IoU.base": 0.3679, "IoU.box": 0.394, "IoU.column": 0.5397, "IoU.signboard": 0.4167, "IoU.chest of drawers": 0.4511, "IoU.counter": 0.2791, "IoU.sand": 0.5204, "IoU.sink": 0.802, "IoU.skyscraper": 0.4578, "IoU.fireplace": 0.7566, "IoU.refrigerator": 0.8618, "IoU.grandstand": 0.4883, "IoU.path": 0.3109, "IoU.stairs": 0.3792, "IoU.runway": 0.627, "IoU.case": 0.6593, "IoU.pool table": 0.9454, "IoU.pillow": 0.6903, "IoU.screen door": 0.7465, "IoU.stairway": 0.5606, "IoU.river": 0.1156, "IoU.bridge": 0.7574, "IoU.bookcase": 0.5484, "IoU.blind": 0.4248, "IoU.coffee table": 0.6593, "IoU.toilet": 0.9126, "IoU.flower": 0.4217, "IoU.book": 0.5475, "IoU.hill": 0.1083, "IoU.bench": 0.5602, "IoU.countertop": 0.6411, "IoU.stove": 0.871, "IoU.palm": 0.547, "IoU.kitchen island": 0.6197, "IoU.computer": 0.8138, "IoU.swivel chair": 0.5101, "IoU.boat": 0.8002, "IoU.bar": 0.5915, "IoU.arcade machine": 0.7773, "IoU.hovel": 0.1969, "IoU.bus": 0.9244, "IoU.towel": 0.7985, "IoU.light": 0.6315, "IoU.truck": 0.3895, "IoU.tower": 0.2243, "IoU.chandelier": 0.7361, "IoU.awning": 0.4004, "IoU.streetlight": 0.3875, "IoU.booth": 0.4267, "IoU.television receiver": 0.8036, "IoU.airplane": 0.8946, "IoU.dirt track": 0.063, "IoU.apparel": 0.6382, "IoU.pole": 0.2846, "IoU.land": 0.042, "IoU.bannister": 0.1891, "IoU.escalator": 0.6365, "IoU.ottoman": 0.5483, "IoU.bottle": 0.4718, "IoU.buffet": 0.4695, "IoU.poster": 0.2867, "IoU.stage": 0.2599, "IoU.van": 0.5065, "IoU.ship": 0.9093, "IoU.fountain": 0.3985, "IoU.conveyer belt": 0.8121, "IoU.canopy": 0.5113, "IoU.washer": 0.8223, "IoU.plaything": 0.311, "IoU.swimming pool": 0.5572, "IoU.stool": 0.4908, "IoU.barrel": 0.5661, "IoU.basket": 0.4168, "IoU.waterfall": 0.4909, "IoU.tent": 0.9503, "IoU.bag": 0.3119, "IoU.minibike": 0.7777, "IoU.cradle": 0.8172, "IoU.oven": 0.5624, "IoU.ball": 0.5729, "IoU.food": 0.6429, "IoU.step": 0.1352, "IoU.tank": 0.8195, "IoU.trade name": 0.1864, "IoU.microwave": 0.8863, "IoU.pot": 0.593, "IoU.animal": 0.6286, "IoU.bicycle": 0.5928, "IoU.lake": 0.5217, "IoU.dishwasher": 0.7674, "IoU.screen": 0.6073, "IoU.blanket": 0.4175, "IoU.sculpture": 0.7572, "IoU.hood": 0.6272, "IoU.sconce": 0.5838, "IoU.vase": 0.4995, "IoU.traffic light": 0.3661, "IoU.tray": 0.2203, "IoU.ashcan": 0.4779, "IoU.fan": 0.7276, "IoU.pier": 0.4387, "IoU.crt screen": 0.0889, "IoU.plate": 0.6132, "IoU.monitor": 0.6543, "IoU.bulletin board": 0.5995, "IoU.shower": 0.0095, "IoU.radiator": 0.6773, "IoU.glass": 0.2115, "IoU.clock": 0.4768, "IoU.flag": 0.7246, "Acc.wall": 0.9079, "Acc.building": 0.9374, "Acc.sky": 0.977, "Acc.floor": 0.9214, "Acc.tree": 0.8937, "Acc.ceiling": 0.9375, "Acc.road": 0.9256, "Acc.bed ": 0.9582, "Acc.windowpane": 0.8087, "Acc.grass": 0.8155, "Acc.cabinet": 0.8123, "Acc.sidewalk": 0.8442, "Acc.person": 0.9385, "Acc.earth": 0.5411, "Acc.door": 0.7782, "Acc.table": 0.8351, "Acc.mountain": 0.6927, "Acc.plant": 0.6505, "Acc.curtain": 0.8899, "Acc.chair": 0.8085, "Acc.car": 0.9345, "Acc.water": 0.8195, "Acc.painting": 0.9078, "Acc.sofa": 0.9383, "Acc.shelf": 0.6872, "Acc.house": 0.5746, "Acc.sea": 0.8121, "Acc.mirror": 0.8267, "Acc.rug": 0.7465, "Acc.field": 0.592, "Acc.armchair": 0.8118, "Acc.seat": 0.8918, "Acc.fence": 0.6062, "Acc.desk": 0.7903, "Acc.rock": 0.8389, "Acc.wardrobe": 0.6957, "Acc.lamp": 0.8765, "Acc.bathtub": 0.8789, "Acc.railing": 0.5973, "Acc.cushion": 0.8199, "Acc.base": 0.6236, "Acc.box": 0.5213, "Acc.column": 0.673, "Acc.signboard": 0.5892, "Acc.chest of drawers": 0.6595, "Acc.counter": 0.3138, "Acc.sand": 0.7906, "Acc.sink": 0.8557, "Acc.skyscraper": 0.5818, "Acc.fireplace": 0.9536, "Acc.refrigerator": 0.9338, "Acc.grandstand": 0.8018, "Acc.path": 0.4374, "Acc.stairs": 0.4974, "Acc.runway": 0.6856, "Acc.case": 0.8271, "Acc.pool table": 0.9805, "Acc.pillow": 0.7996, "Acc.screen door": 0.7698, "Acc.stairway": 0.6651, "Acc.river": 0.2321, "Acc.bridge": 0.8569, "Acc.bookcase": 0.6404, "Acc.blind": 0.4796, "Acc.coffee table": 0.8662, "Acc.toilet": 0.9386, "Acc.flower": 0.5773, "Acc.book": 0.7956, "Acc.hill": 0.2368, "Acc.bench": 0.6165, "Acc.countertop": 0.8501, "Acc.stove": 0.9131, "Acc.palm": 0.8095, "Acc.kitchen island": 0.8621, "Acc.computer": 0.919, "Acc.swivel chair": 0.7651, "Acc.boat": 0.914, "Acc.bar": 0.805, "Acc.arcade machine": 0.8405, "Acc.hovel": 0.2115, "Acc.bus": 0.974, "Acc.towel": 0.9176, "Acc.light": 0.7215, "Acc.truck": 0.5089, "Acc.tower": 0.3772, "Acc.chandelier": 0.8241, "Acc.awning": 0.4847, "Acc.streetlight": 0.5152, "Acc.booth": 0.5457, "Acc.television receiver": 0.8677, "Acc.airplane": 0.9607, "Acc.dirt track": 0.2232, "Acc.apparel": 0.8089, "Acc.pole": 0.3942, "Acc.land": 0.0586, "Acc.bannister": 0.2459, "Acc.escalator": 0.8341, "Acc.ottoman": 0.7391, "Acc.bottle": 0.6424, "Acc.buffet": 0.5774, "Acc.poster": 0.3104, "Acc.stage": 0.4088, "Acc.van": 0.7507, "Acc.ship": 0.9453, "Acc.fountain": 0.4093, "Acc.conveyer belt": 0.9366, "Acc.canopy": 0.7392, "Acc.washer": 0.8747, "Acc.plaything": 0.414, "Acc.swimming pool": 0.8159, "Acc.stool": 0.7049, "Acc.barrel": 0.9487, "Acc.basket": 0.609, "Acc.waterfall": 0.6272, "Acc.tent": 0.9821, "Acc.bag": 0.3807, "Acc.minibike": 0.904, "Acc.cradle": 0.9879, "Acc.oven": 0.6786, "Acc.ball": 0.6565, "Acc.food": 0.7531, "Acc.step": 0.1535, "Acc.tank": 0.8872, "Acc.trade name": 0.2113, "Acc.microwave": 0.9515, "Acc.pot": 0.6991, "Acc.animal": 0.6403, "Acc.bicycle": 0.7767, "Acc.lake": 0.6375, "Acc.dishwasher": 0.8347, "Acc.screen": 0.9117, "Acc.blanket": 0.4835, "Acc.sculpture": 0.8493, "Acc.hood": 0.7323, "Acc.sconce": 0.6436, "Acc.vase": 0.6644, "Acc.traffic light": 0.6599, "Acc.tray": 0.273, "Acc.ashcan": 0.6842, "Acc.fan": 0.8382, "Acc.pier": 0.49, "Acc.crt screen": 0.1268, "Acc.plate": 0.8272, "Acc.monitor": 0.7853, "Acc.bulletin board": 0.7678, "Acc.shower": 0.0239, "Acc.radiator": 0.7992, "Acc.glass": 0.2275, "Acc.clock": 0.5626, "Acc.flag": 0.7876} {"mode": "train", "epoch": 39, "iter": 49050, "lr": 2e-05, "memory": 71384, "data_time": 1.97923, "decode.loss_ce": 0.17034, "decode.acc_seg": 92.58604, "aux.loss_ce": 0.07159, "aux.acc_seg": 92.20838, "loss": 0.24193, "time": 3.59055} {"mode": "train", "epoch": 39, "iter": 49100, "lr": 2e-05, "memory": 71384, "data_time": 0.01051, "decode.loss_ce": 0.17433, "decode.acc_seg": 92.63784, "aux.loss_ce": 0.07259, "aux.acc_seg": 92.31614, "loss": 0.24691, "time": 1.62415} {"mode": "train", "epoch": 39, "iter": 49150, "lr": 2e-05, "memory": 71384, "data_time": 0.01042, "decode.loss_ce": 0.16956, "decode.acc_seg": 92.68011, "aux.loss_ce": 0.07093, "aux.acc_seg": 92.35887, "loss": 0.24049, "time": 1.62232} {"mode": "train", "epoch": 39, "iter": 49200, "lr": 2e-05, "memory": 71384, "data_time": 0.01004, "decode.loss_ce": 0.16615, "decode.acc_seg": 92.86275, "aux.loss_ce": 0.07023, "aux.acc_seg": 92.43795, "loss": 0.23637, "time": 1.61923} {"mode": "train", "epoch": 39, "iter": 49250, "lr": 2e-05, "memory": 71384, "data_time": 0.01064, "decode.loss_ce": 0.16714, "decode.acc_seg": 92.71454, "aux.loss_ce": 0.06996, "aux.acc_seg": 92.41875, "loss": 0.23711, "time": 1.62434} {"mode": "train", "epoch": 40, "iter": 49300, "lr": 2e-05, "memory": 71384, "data_time": 0.05218, "decode.loss_ce": 0.16238, "decode.acc_seg": 93.11644, "aux.loss_ce": 0.06827, "aux.acc_seg": 92.71102, "loss": 0.23065, "time": 1.66758} {"mode": "train", "epoch": 40, "iter": 49350, "lr": 2e-05, "memory": 71384, "data_time": 0.01035, "decode.loss_ce": 0.16603, "decode.acc_seg": 92.78128, "aux.loss_ce": 0.07009, "aux.acc_seg": 92.42205, "loss": 0.23611, "time": 1.62131} {"mode": "train", "epoch": 40, "iter": 49400, "lr": 2e-05, "memory": 71384, "data_time": 0.01031, "decode.loss_ce": 0.16029, "decode.acc_seg": 92.89869, "aux.loss_ce": 0.06748, "aux.acc_seg": 92.5454, "loss": 0.22778, "time": 1.61966} {"mode": "train", "epoch": 40, "iter": 49450, "lr": 2e-05, "memory": 71384, "data_time": 0.00993, "decode.loss_ce": 0.16548, "decode.acc_seg": 92.77841, "aux.loss_ce": 0.07009, "aux.acc_seg": 92.38507, "loss": 0.23557, "time": 1.62116} {"mode": "train", "epoch": 40, "iter": 49500, "lr": 2e-05, "memory": 71384, "data_time": 0.00992, "decode.loss_ce": 0.16391, "decode.acc_seg": 92.85687, "aux.loss_ce": 0.0688, "aux.acc_seg": 92.45145, "loss": 0.23271, "time": 1.62134} {"mode": "train", "epoch": 40, "iter": 49550, "lr": 2e-05, "memory": 71384, "data_time": 0.00988, "decode.loss_ce": 0.15738, "decode.acc_seg": 93.27687, "aux.loss_ce": 0.06683, "aux.acc_seg": 92.88982, "loss": 0.22421, "time": 1.6206} {"mode": "train", "epoch": 40, "iter": 49600, "lr": 2e-05, "memory": 71384, "data_time": 0.01046, "decode.loss_ce": 0.16877, "decode.acc_seg": 92.70828, "aux.loss_ce": 0.07056, "aux.acc_seg": 92.36485, "loss": 0.23933, "time": 1.62019} {"mode": "train", "epoch": 40, "iter": 49650, "lr": 2e-05, "memory": 71384, "data_time": 0.00994, "decode.loss_ce": 0.16481, "decode.acc_seg": 93.01787, "aux.loss_ce": 0.06976, "aux.acc_seg": 92.57176, "loss": 0.23457, "time": 1.62325} {"mode": "train", "epoch": 40, "iter": 49700, "lr": 2e-05, "memory": 71384, "data_time": 0.01032, "decode.loss_ce": 0.16867, "decode.acc_seg": 92.56017, "aux.loss_ce": 0.07156, "aux.acc_seg": 92.18151, "loss": 0.24024, "time": 1.61975} {"mode": "train", "epoch": 40, "iter": 49750, "lr": 2e-05, "memory": 71384, "data_time": 0.01048, "decode.loss_ce": 0.16293, "decode.acc_seg": 92.99069, "aux.loss_ce": 0.06896, "aux.acc_seg": 92.60352, "loss": 0.23189, "time": 1.62035} {"mode": "train", "epoch": 40, "iter": 49800, "lr": 2e-05, "memory": 71384, "data_time": 0.0107, "decode.loss_ce": 0.1583, "decode.acc_seg": 93.15959, "aux.loss_ce": 0.06687, "aux.acc_seg": 92.76745, "loss": 0.22517, "time": 1.62307} {"mode": "train", "epoch": 40, "iter": 49850, "lr": 2e-05, "memory": 71384, "data_time": 0.01042, "decode.loss_ce": 0.16103, "decode.acc_seg": 92.97348, "aux.loss_ce": 0.06827, "aux.acc_seg": 92.58998, "loss": 0.2293, "time": 1.62298} {"mode": "train", "epoch": 40, "iter": 49900, "lr": 2e-05, "memory": 71384, "data_time": 0.00987, "decode.loss_ce": 0.16609, "decode.acc_seg": 92.71783, "aux.loss_ce": 0.0702, "aux.acc_seg": 92.38916, "loss": 0.23629, "time": 1.62325} {"mode": "train", "epoch": 40, "iter": 49950, "lr": 2e-05, "memory": 71384, "data_time": 0.01032, "decode.loss_ce": 0.17038, "decode.acc_seg": 92.64638, "aux.loss_ce": 0.07209, "aux.acc_seg": 92.28396, "loss": 0.24247, "time": 1.62077} {"mode": "train", "epoch": 40, "iter": 50000, "lr": 2e-05, "memory": 71384, "data_time": 0.01033, "decode.loss_ce": 0.16367, "decode.acc_seg": 93.0959, "aux.loss_ce": 0.06927, "aux.acc_seg": 92.72557, "loss": 0.23293, "time": 3.27217} {"mode": "val", "epoch": 40, "iter": 250, "lr": 2e-05, "aAcc": 0.8652, "mIoU": 0.5825, "mAcc": 0.7057, "IoU.wall": 0.8263, "IoU.building": 0.8553, "IoU.sky": 0.9502, "IoU.floor": 0.8551, "IoU.tree": 0.7788, "IoU.ceiling": 0.8738, "IoU.road": 0.8735, "IoU.bed ": 0.927, "IoU.windowpane": 0.6789, "IoU.grass": 0.6966, "IoU.cabinet": 0.6648, "IoU.sidewalk": 0.7127, "IoU.person": 0.8594, "IoU.earth": 0.393, "IoU.door": 0.6076, "IoU.table": 0.6946, "IoU.mountain": 0.6274, "IoU.plant": 0.5665, "IoU.curtain": 0.7946, "IoU.chair": 0.6982, "IoU.car": 0.8796, "IoU.water": 0.6408, "IoU.painting": 0.7944, "IoU.sofa": 0.8442, "IoU.shelf": 0.5143, "IoU.house": 0.4792, "IoU.sea": 0.7362, "IoU.mirror": 0.7749, "IoU.rug": 0.6909, "IoU.field": 0.3507, "IoU.armchair": 0.6479, "IoU.seat": 0.7023, "IoU.fence": 0.4466, "IoU.desk": 0.5832, "IoU.rock": 0.5511, "IoU.wardrobe": 0.5459, "IoU.lamp": 0.7668, "IoU.bathtub": 0.8439, "IoU.railing": 0.4645, "IoU.cushion": 0.7305, "IoU.base": 0.3986, "IoU.box": 0.3686, "IoU.column": 0.5748, "IoU.signboard": 0.4114, "IoU.chest of drawers": 0.4562, "IoU.counter": 0.3809, "IoU.sand": 0.5254, "IoU.sink": 0.7999, "IoU.skyscraper": 0.463, "IoU.fireplace": 0.766, "IoU.refrigerator": 0.834, "IoU.grandstand": 0.5308, "IoU.path": 0.3166, "IoU.stairs": 0.3806, "IoU.runway": 0.7252, "IoU.case": 0.6324, "IoU.pool table": 0.9473, "IoU.pillow": 0.6853, "IoU.screen door": 0.814, "IoU.stairway": 0.5098, "IoU.river": 0.0956, "IoU.bridge": 0.6107, "IoU.bookcase": 0.5325, "IoU.blind": 0.4305, "IoU.coffee table": 0.6174, "IoU.toilet": 0.9073, "IoU.flower": 0.4586, "IoU.book": 0.5508, "IoU.hill": 0.0692, "IoU.bench": 0.5592, "IoU.countertop": 0.652, "IoU.stove": 0.8711, "IoU.palm": 0.5571, "IoU.kitchen island": 0.6028, "IoU.computer": 0.7934, "IoU.swivel chair": 0.5102, "IoU.boat": 0.7869, "IoU.bar": 0.6173, "IoU.arcade machine": 0.7864, "IoU.hovel": 0.1993, "IoU.bus": 0.921, "IoU.towel": 0.7862, "IoU.light": 0.6042, "IoU.truck": 0.4834, "IoU.tower": 0.317, "IoU.chandelier": 0.7476, "IoU.awning": 0.427, "IoU.streetlight": 0.3874, "IoU.booth": 0.4364, "IoU.television receiver": 0.8015, "IoU.airplane": 0.8804, "IoU.dirt track": 0.0966, "IoU.apparel": 0.6606, "IoU.pole": 0.2313, "IoU.land": 0.0347, "IoU.bannister": 0.2105, "IoU.escalator": 0.6446, "IoU.ottoman": 0.5493, "IoU.bottle": 0.4196, "IoU.buffet": 0.5012, "IoU.poster": 0.3027, "IoU.stage": 0.2257, "IoU.van": 0.4764, "IoU.ship": 0.86, "IoU.fountain": 0.3753, "IoU.conveyer belt": 0.7733, "IoU.canopy": 0.3874, "IoU.washer": 0.8601, "IoU.plaything": 0.2825, "IoU.swimming pool": 0.5476, "IoU.stool": 0.5606, "IoU.barrel": 0.7343, "IoU.basket": 0.4084, "IoU.waterfall": 0.4764, "IoU.tent": 0.9489, "IoU.bag": 0.2975, "IoU.minibike": 0.7705, "IoU.cradle": 0.8642, "IoU.oven": 0.5419, "IoU.ball": 0.1165, "IoU.food": 0.5786, "IoU.step": 0.1676, "IoU.tank": 0.8093, "IoU.trade name": 0.232, "IoU.microwave": 0.8894, "IoU.pot": 0.5886, "IoU.animal": 0.5821, "IoU.bicycle": 0.5885, "IoU.lake": 0.476, "IoU.dishwasher": 0.788, "IoU.screen": 0.6106, "IoU.blanket": 0.3561, "IoU.sculpture": 0.7693, "IoU.hood": 0.6253, "IoU.sconce": 0.6039, "IoU.vase": 0.5035, "IoU.traffic light": 0.3463, "IoU.tray": 0.2631, "IoU.ashcan": 0.5095, "IoU.fan": 0.7147, "IoU.pier": 0.7118, "IoU.crt screen": 0.0277, "IoU.plate": 0.6421, "IoU.monitor": 0.6875, "IoU.bulletin board": 0.6118, "IoU.shower": 0.0065, "IoU.radiator": 0.679, "IoU.glass": 0.1839, "IoU.clock": 0.4947, "IoU.flag": 0.7227, "Acc.wall": 0.9088, "Acc.building": 0.9445, "Acc.sky": 0.9727, "Acc.floor": 0.9269, "Acc.tree": 0.8919, "Acc.ceiling": 0.9368, "Acc.road": 0.9183, "Acc.bed ": 0.977, "Acc.windowpane": 0.8188, "Acc.grass": 0.8115, "Acc.cabinet": 0.7605, "Acc.sidewalk": 0.8481, "Acc.person": 0.947, "Acc.earth": 0.529, "Acc.door": 0.7576, "Acc.table": 0.8162, "Acc.mountain": 0.7494, "Acc.plant": 0.659, "Acc.curtain": 0.8957, "Acc.chair": 0.7942, "Acc.car": 0.9401, "Acc.water": 0.7979, "Acc.painting": 0.8978, "Acc.sofa": 0.938, "Acc.shelf": 0.7031, "Acc.house": 0.5538, "Acc.sea": 0.8263, "Acc.mirror": 0.853, "Acc.rug": 0.7734, "Acc.field": 0.611, "Acc.armchair": 0.7899, "Acc.seat": 0.8772, "Acc.fence": 0.5397, "Acc.desk": 0.7778, "Acc.rock": 0.8033, "Acc.wardrobe": 0.7446, "Acc.lamp": 0.8635, "Acc.bathtub": 0.8683, "Acc.railing": 0.6585, "Acc.cushion": 0.8247, "Acc.base": 0.6126, "Acc.box": 0.4774, "Acc.column": 0.6616, "Acc.signboard": 0.5529, "Acc.chest of drawers": 0.6493, "Acc.counter": 0.4893, "Acc.sand": 0.7651, "Acc.sink": 0.8438, "Acc.skyscraper": 0.5602, "Acc.fireplace": 0.9143, "Acc.refrigerator": 0.9441, "Acc.grandstand": 0.7973, "Acc.path": 0.4326, "Acc.stairs": 0.462, "Acc.runway": 0.9457, "Acc.case": 0.8188, "Acc.pool table": 0.9816, "Acc.pillow": 0.7812, "Acc.screen door": 0.8548, "Acc.stairway": 0.64, "Acc.river": 0.2121, "Acc.bridge": 0.8759, "Acc.bookcase": 0.7591, "Acc.blind": 0.4936, "Acc.coffee table": 0.877, "Acc.toilet": 0.9464, "Acc.flower": 0.5717, "Acc.book": 0.6976, "Acc.hill": 0.1251, "Acc.bench": 0.6286, "Acc.countertop": 0.8597, "Acc.stove": 0.9257, "Acc.palm": 0.823, "Acc.kitchen island": 0.8697, "Acc.computer": 0.9158, "Acc.swivel chair": 0.7899, "Acc.boat": 0.9132, "Acc.bar": 0.8136, "Acc.arcade machine": 0.8436, "Acc.hovel": 0.2152, "Acc.bus": 0.9737, "Acc.towel": 0.8352, "Acc.light": 0.6614, "Acc.truck": 0.602, "Acc.tower": 0.5578, "Acc.chandelier": 0.8615, "Acc.awning": 0.5418, "Acc.streetlight": 0.513, "Acc.booth": 0.6646, "Acc.television receiver": 0.8681, "Acc.airplane": 0.9713, "Acc.dirt track": 0.1963, "Acc.apparel": 0.8679, "Acc.pole": 0.3098, "Acc.land": 0.0756, "Acc.bannister": 0.2909, "Acc.escalator": 0.8284, "Acc.ottoman": 0.7795, "Acc.bottle": 0.5063, "Acc.buffet": 0.6313, "Acc.poster": 0.3553, "Acc.stage": 0.5107, "Acc.van": 0.7551, "Acc.ship": 0.9837, "Acc.fountain": 0.3958, "Acc.conveyer belt": 0.9562, "Acc.canopy": 0.5354, "Acc.washer": 0.9204, "Acc.plaything": 0.4294, "Acc.swimming pool": 0.842, "Acc.stool": 0.6919, "Acc.barrel": 0.9448, "Acc.basket": 0.5928, "Acc.waterfall": 0.6713, "Acc.tent": 0.9855, "Acc.bag": 0.3566, "Acc.minibike": 0.895, "Acc.cradle": 0.9808, "Acc.oven": 0.6471, "Acc.ball": 0.1194, "Acc.food": 0.6823, "Acc.step": 0.2213, "Acc.tank": 0.9404, "Acc.trade name": 0.2779, "Acc.microwave": 0.9608, "Acc.pot": 0.6558, "Acc.animal": 0.5942, "Acc.bicycle": 0.7956, "Acc.lake": 0.6379, "Acc.dishwasher": 0.8423, "Acc.screen": 0.9216, "Acc.blanket": 0.4363, "Acc.sculpture": 0.8701, "Acc.hood": 0.7374, "Acc.sconce": 0.6788, "Acc.vase": 0.6117, "Acc.traffic light": 0.6472, "Acc.tray": 0.3383, "Acc.ashcan": 0.6408, "Acc.fan": 0.843, "Acc.pier": 0.8786, "Acc.crt screen": 0.033, "Acc.plate": 0.75, "Acc.monitor": 0.8205, "Acc.bulletin board": 0.7066, "Acc.shower": 0.019, "Acc.radiator": 0.8169, "Acc.glass": 0.1904, "Acc.clock": 0.5677, "Acc.flag": 0.7879} {"mode": "train", "epoch": 40, "iter": 50050, "lr": 1e-05, "memory": 71384, "data_time": 2.53908, "decode.loss_ce": 0.16745, "decode.acc_seg": 92.88332, "aux.loss_ce": 0.07064, "aux.acc_seg": 92.53274, "loss": 0.23809, "time": 4.16272} {"mode": "train", "epoch": 40, "iter": 50100, "lr": 1e-05, "memory": 71384, "data_time": 0.01001, "decode.loss_ce": 0.16719, "decode.acc_seg": 92.64582, "aux.loss_ce": 0.07077, "aux.acc_seg": 92.25115, "loss": 0.23795, "time": 1.62046} {"mode": "train", "epoch": 40, "iter": 50150, "lr": 1e-05, "memory": 71384, "data_time": 0.01009, "decode.loss_ce": 0.17714, "decode.acc_seg": 92.48163, "aux.loss_ce": 0.07471, "aux.acc_seg": 92.07754, "loss": 0.25185, "time": 1.62268} {"mode": "train", "epoch": 40, "iter": 50200, "lr": 1e-05, "memory": 71384, "data_time": 0.0098, "decode.loss_ce": 0.1508, "decode.acc_seg": 93.30506, "aux.loss_ce": 0.06383, "aux.acc_seg": 92.90387, "loss": 0.21464, "time": 1.62258} {"mode": "train", "epoch": 40, "iter": 50250, "lr": 1e-05, "memory": 71384, "data_time": 0.01016, "decode.loss_ce": 0.16564, "decode.acc_seg": 92.65472, "aux.loss_ce": 0.06932, "aux.acc_seg": 92.31076, "loss": 0.23496, "time": 1.62152} {"mode": "train", "epoch": 40, "iter": 50300, "lr": 1e-05, "memory": 71384, "data_time": 0.00985, "decode.loss_ce": 0.16025, "decode.acc_seg": 93.20558, "aux.loss_ce": 0.06748, "aux.acc_seg": 92.85181, "loss": 0.22773, "time": 1.62198} {"mode": "train", "epoch": 40, "iter": 50350, "lr": 1e-05, "memory": 71384, "data_time": 0.01002, "decode.loss_ce": 0.16738, "decode.acc_seg": 92.7896, "aux.loss_ce": 0.07045, "aux.acc_seg": 92.41964, "loss": 0.23783, "time": 1.62065} {"mode": "train", "epoch": 40, "iter": 50400, "lr": 1e-05, "memory": 71384, "data_time": 0.00963, "decode.loss_ce": 0.16617, "decode.acc_seg": 92.91256, "aux.loss_ce": 0.07007, "aux.acc_seg": 92.52965, "loss": 0.23625, "time": 1.61975} {"mode": "train", "epoch": 40, "iter": 50450, "lr": 1e-05, "memory": 71384, "data_time": 0.0101, "decode.loss_ce": 0.17185, "decode.acc_seg": 92.39402, "aux.loss_ce": 0.07181, "aux.acc_seg": 92.04154, "loss": 0.24367, "time": 1.62322} {"mode": "train", "epoch": 40, "iter": 50500, "lr": 1e-05, "memory": 71384, "data_time": 0.00999, "decode.loss_ce": 0.16436, "decode.acc_seg": 92.86974, "aux.loss_ce": 0.06944, "aux.acc_seg": 92.50138, "loss": 0.2338, "time": 1.61976} {"mode": "train", "epoch": 41, "iter": 50550, "lr": 1e-05, "memory": 71384, "data_time": 0.06366, "decode.loss_ce": 0.17219, "decode.acc_seg": 92.38747, "aux.loss_ce": 0.0718, "aux.acc_seg": 92.08096, "loss": 0.24399, "time": 1.67704} {"mode": "train", "epoch": 41, "iter": 50600, "lr": 1e-05, "memory": 71384, "data_time": 0.0107, "decode.loss_ce": 0.14533, "decode.acc_seg": 93.61247, "aux.loss_ce": 0.06132, "aux.acc_seg": 93.28394, "loss": 0.20665, "time": 1.62412} {"mode": "train", "epoch": 41, "iter": 50650, "lr": 1e-05, "memory": 71384, "data_time": 0.01025, "decode.loss_ce": 0.16721, "decode.acc_seg": 92.82632, "aux.loss_ce": 0.07011, "aux.acc_seg": 92.45362, "loss": 0.23732, "time": 1.62349} {"mode": "train", "epoch": 41, "iter": 50700, "lr": 1e-05, "memory": 71384, "data_time": 0.01038, "decode.loss_ce": 0.16358, "decode.acc_seg": 92.5591, "aux.loss_ce": 0.06909, "aux.acc_seg": 92.16725, "loss": 0.23267, "time": 1.62003} {"mode": "train", "epoch": 41, "iter": 50750, "lr": 1e-05, "memory": 71384, "data_time": 0.0105, "decode.loss_ce": 0.15817, "decode.acc_seg": 93.33166, "aux.loss_ce": 0.06652, "aux.acc_seg": 92.92369, "loss": 0.22469, "time": 1.62125} {"mode": "train", "epoch": 41, "iter": 50800, "lr": 1e-05, "memory": 71384, "data_time": 0.00998, "decode.loss_ce": 0.16707, "decode.acc_seg": 92.87505, "aux.loss_ce": 0.06963, "aux.acc_seg": 92.55227, "loss": 0.2367, "time": 1.62127} {"mode": "train", "epoch": 41, "iter": 50850, "lr": 1e-05, "memory": 71384, "data_time": 0.01014, "decode.loss_ce": 0.15936, "decode.acc_seg": 93.11258, "aux.loss_ce": 0.06786, "aux.acc_seg": 92.65138, "loss": 0.22722, "time": 1.62017} {"mode": "train", "epoch": 41, "iter": 50900, "lr": 1e-05, "memory": 71384, "data_time": 0.01038, "decode.loss_ce": 0.16371, "decode.acc_seg": 92.83847, "aux.loss_ce": 0.06878, "aux.acc_seg": 92.50598, "loss": 0.2325, "time": 1.62128} {"mode": "train", "epoch": 41, "iter": 50950, "lr": 1e-05, "memory": 71384, "data_time": 0.0104, "decode.loss_ce": 0.16749, "decode.acc_seg": 92.93562, "aux.loss_ce": 0.07045, "aux.acc_seg": 92.53535, "loss": 0.23794, "time": 1.62044} {"mode": "train", "epoch": 41, "iter": 51000, "lr": 1e-05, "memory": 71384, "data_time": 0.01061, "decode.loss_ce": 0.15985, "decode.acc_seg": 93.12393, "aux.loss_ce": 0.06729, "aux.acc_seg": 92.73371, "loss": 0.22714, "time": 1.62248} {"mode": "val", "epoch": 41, "iter": 250, "lr": 1e-05, "aAcc": 0.8647, "mIoU": 0.5808, "mAcc": 0.7091, "IoU.wall": 0.8273, "IoU.building": 0.8525, "IoU.sky": 0.9478, "IoU.floor": 0.8588, "IoU.tree": 0.7824, "IoU.ceiling": 0.8763, "IoU.road": 0.8726, "IoU.bed ": 0.9265, "IoU.windowpane": 0.6781, "IoU.grass": 0.6942, "IoU.cabinet": 0.6741, "IoU.sidewalk": 0.7124, "IoU.person": 0.863, "IoU.earth": 0.4227, "IoU.door": 0.6153, "IoU.table": 0.6896, "IoU.mountain": 0.6168, "IoU.plant": 0.5671, "IoU.curtain": 0.8021, "IoU.chair": 0.6871, "IoU.car": 0.8793, "IoU.water": 0.6078, "IoU.painting": 0.7791, "IoU.sofa": 0.835, "IoU.shelf": 0.5152, "IoU.house": 0.5094, "IoU.sea": 0.683, "IoU.mirror": 0.7865, "IoU.rug": 0.7005, "IoU.field": 0.3098, "IoU.armchair": 0.6298, "IoU.seat": 0.6751, "IoU.fence": 0.4734, "IoU.desk": 0.557, "IoU.rock": 0.5584, "IoU.wardrobe": 0.5459, "IoU.lamp": 0.7535, "IoU.bathtub": 0.8659, "IoU.railing": 0.4742, "IoU.cushion": 0.7307, "IoU.base": 0.3816, "IoU.box": 0.3527, "IoU.column": 0.5754, "IoU.signboard": 0.4145, "IoU.chest of drawers": 0.417, "IoU.counter": 0.4233, "IoU.sand": 0.4815, "IoU.sink": 0.8025, "IoU.skyscraper": 0.4477, "IoU.fireplace": 0.7308, "IoU.refrigerator": 0.867, "IoU.grandstand": 0.5037, "IoU.path": 0.3162, "IoU.stairs": 0.3329, "IoU.runway": 0.7236, "IoU.case": 0.6136, "IoU.pool table": 0.9482, "IoU.pillow": 0.6991, "IoU.screen door": 0.7214, "IoU.stairway": 0.3861, "IoU.river": 0.0998, "IoU.bridge": 0.7505, "IoU.bookcase": 0.49, "IoU.blind": 0.4635, "IoU.coffee table": 0.5986, "IoU.toilet": 0.9047, "IoU.flower": 0.4699, "IoU.book": 0.5343, "IoU.hill": 0.0642, "IoU.bench": 0.5402, "IoU.countertop": 0.656, "IoU.stove": 0.8732, "IoU.palm": 0.5454, "IoU.kitchen island": 0.542, "IoU.computer": 0.8035, "IoU.swivel chair": 0.4958, "IoU.boat": 0.8307, "IoU.bar": 0.5999, "IoU.arcade machine": 0.7636, "IoU.hovel": 0.1438, "IoU.bus": 0.9323, "IoU.towel": 0.8193, "IoU.light": 0.6266, "IoU.truck": 0.4864, "IoU.tower": 0.3112, "IoU.chandelier": 0.7547, "IoU.awning": 0.3808, "IoU.streetlight": 0.3587, "IoU.booth": 0.4347, "IoU.television receiver": 0.8029, "IoU.airplane": 0.8502, "IoU.dirt track": 0.1545, "IoU.apparel": 0.6358, "IoU.pole": 0.2374, "IoU.land": 0.0611, "IoU.bannister": 0.22, "IoU.escalator": 0.6098, "IoU.ottoman": 0.5075, "IoU.bottle": 0.4192, "IoU.buffet": 0.4991, "IoU.poster": 0.3027, "IoU.stage": 0.2873, "IoU.van": 0.4483, "IoU.ship": 0.7494, "IoU.fountain": 0.397, "IoU.conveyer belt": 0.8506, "IoU.canopy": 0.5481, "IoU.washer": 0.7815, "IoU.plaything": 0.2894, "IoU.swimming pool": 0.5317, "IoU.stool": 0.5208, "IoU.barrel": 0.6938, "IoU.basket": 0.4117, "IoU.waterfall": 0.5544, "IoU.tent": 0.9526, "IoU.bag": 0.2525, "IoU.minibike": 0.7458, "IoU.cradle": 0.9011, "IoU.oven": 0.6328, "IoU.ball": 0.562, "IoU.food": 0.5579, "IoU.step": 0.1564, "IoU.tank": 0.7172, "IoU.trade name": 0.2127, "IoU.microwave": 0.8885, "IoU.pot": 0.6072, "IoU.animal": 0.6214, "IoU.bicycle": 0.5981, "IoU.lake": 0.4867, "IoU.dishwasher": 0.7811, "IoU.screen": 0.6126, "IoU.blanket": 0.3956, "IoU.sculpture": 0.763, "IoU.hood": 0.6465, "IoU.sconce": 0.6445, "IoU.vase": 0.4936, "IoU.traffic light": 0.3901, "IoU.tray": 0.2519, "IoU.ashcan": 0.4938, "IoU.fan": 0.708, "IoU.pier": 0.4728, "IoU.crt screen": 0.0244, "IoU.plate": 0.588, "IoU.monitor": 0.5961, "IoU.bulletin board": 0.644, "IoU.shower": 0.0117, "IoU.radiator": 0.6784, "IoU.glass": 0.2116, "IoU.clock": 0.5013, "IoU.flag": 0.6989, "Acc.wall": 0.9039, "Acc.building": 0.9333, "Acc.sky": 0.973, "Acc.floor": 0.9211, "Acc.tree": 0.9018, "Acc.ceiling": 0.9403, "Acc.road": 0.921, "Acc.bed ": 0.9687, "Acc.windowpane": 0.8137, "Acc.grass": 0.841, "Acc.cabinet": 0.7721, "Acc.sidewalk": 0.8517, "Acc.person": 0.9445, "Acc.earth": 0.5609, "Acc.door": 0.7647, "Acc.table": 0.7823, "Acc.mountain": 0.7622, "Acc.plant": 0.6461, "Acc.curtain": 0.8988, "Acc.chair": 0.8118, "Acc.car": 0.944, "Acc.water": 0.7419, "Acc.painting": 0.9124, "Acc.sofa": 0.9348, "Acc.shelf": 0.696, "Acc.house": 0.654, "Acc.sea": 0.85, "Acc.mirror": 0.8648, "Acc.rug": 0.7794, "Acc.field": 0.5056, "Acc.armchair": 0.8064, "Acc.seat": 0.8897, "Acc.fence": 0.5912, "Acc.desk": 0.8039, "Acc.rock": 0.8281, "Acc.wardrobe": 0.7277, "Acc.lamp": 0.8563, "Acc.bathtub": 0.8893, "Acc.railing": 0.6697, "Acc.cushion": 0.8116, "Acc.base": 0.5536, "Acc.box": 0.4543, "Acc.column": 0.7123, "Acc.signboard": 0.5557, "Acc.chest of drawers": 0.6271, "Acc.counter": 0.6065, "Acc.sand": 0.7926, "Acc.sink": 0.8582, "Acc.skyscraper": 0.588, "Acc.fireplace": 0.9253, "Acc.refrigerator": 0.9339, "Acc.grandstand": 0.8629, "Acc.path": 0.4324, "Acc.stairs": 0.4097, "Acc.runway": 0.9515, "Acc.case": 0.8109, "Acc.pool table": 0.9845, "Acc.pillow": 0.8146, "Acc.screen door": 0.7432, "Acc.stairway": 0.4834, "Acc.river": 0.2087, "Acc.bridge": 0.8741, "Acc.bookcase": 0.6465, "Acc.blind": 0.5239, "Acc.coffee table": 0.8858, "Acc.toilet": 0.9405, "Acc.flower": 0.5913, "Acc.book": 0.807, "Acc.hill": 0.1023, "Acc.bench": 0.6524, "Acc.countertop": 0.8369, "Acc.stove": 0.919, "Acc.palm": 0.834, "Acc.kitchen island": 0.8778, "Acc.computer": 0.9132, "Acc.swivel chair": 0.7723, "Acc.boat": 0.9059, "Acc.bar": 0.8136, "Acc.arcade machine": 0.8045, "Acc.hovel": 0.1544, "Acc.bus": 0.9627, "Acc.towel": 0.9072, "Acc.light": 0.7085, "Acc.truck": 0.5721, "Acc.tower": 0.5419, "Acc.chandelier": 0.8731, "Acc.awning": 0.4518, "Acc.streetlight": 0.4916, "Acc.booth": 0.5647, "Acc.television receiver": 0.8848, "Acc.airplane": 0.9434, "Acc.dirt track": 0.4652, "Acc.apparel": 0.8764, "Acc.pole": 0.3218, "Acc.land": 0.1037, "Acc.bannister": 0.2912, "Acc.escalator": 0.8759, "Acc.ottoman": 0.6495, "Acc.bottle": 0.5389, "Acc.buffet": 0.5934, "Acc.poster": 0.3478, "Acc.stage": 0.4592, "Acc.van": 0.6299, "Acc.ship": 0.8253, "Acc.fountain": 0.4203, "Acc.conveyer belt": 0.9475, "Acc.canopy": 0.7858, "Acc.washer": 0.8282, "Acc.plaything": 0.3856, "Acc.swimming pool": 0.7898, "Acc.stool": 0.6513, "Acc.barrel": 0.9472, "Acc.basket": 0.6241, "Acc.waterfall": 0.7452, "Acc.tent": 0.9838, "Acc.bag": 0.2847, "Acc.minibike": 0.9143, "Acc.cradle": 0.9777, "Acc.oven": 0.7676, "Acc.ball": 0.7159, "Acc.food": 0.646, "Acc.step": 0.1795, "Acc.tank": 0.9439, "Acc.trade name": 0.2488, "Acc.microwave": 0.9666, "Acc.pot": 0.7067, "Acc.animal": 0.6352, "Acc.bicycle": 0.7662, "Acc.lake": 0.6406, "Acc.dishwasher": 0.8542, "Acc.screen": 0.9162, "Acc.blanket": 0.4721, "Acc.sculpture": 0.8673, "Acc.hood": 0.7504, "Acc.sconce": 0.7395, "Acc.vase": 0.6772, "Acc.traffic light": 0.6032, "Acc.tray": 0.3185, "Acc.ashcan": 0.658, "Acc.fan": 0.8175, "Acc.pier": 0.5446, "Acc.crt screen": 0.0332, "Acc.plate": 0.8268, "Acc.monitor": 0.7407, "Acc.bulletin board": 0.8228, "Acc.shower": 0.0538, "Acc.radiator": 0.8355, "Acc.glass": 0.2262, "Acc.clock": 0.615, "Acc.flag": 0.7785} {"mode": "train", "epoch": 41, "iter": 51050, "lr": 1e-05, "memory": 71384, "data_time": 2.00357, "decode.loss_ce": 0.16684, "decode.acc_seg": 92.71284, "aux.loss_ce": 0.07101, "aux.acc_seg": 92.20161, "loss": 0.23786, "time": 3.61676} {"mode": "train", "epoch": 41, "iter": 51100, "lr": 1e-05, "memory": 71384, "data_time": 0.01001, "decode.loss_ce": 0.17546, "decode.acc_seg": 92.38385, "aux.loss_ce": 0.07344, "aux.acc_seg": 92.06269, "loss": 0.24889, "time": 1.62411} {"mode": "train", "epoch": 41, "iter": 51150, "lr": 1e-05, "memory": 71384, "data_time": 0.00967, "decode.loss_ce": 0.1567, "decode.acc_seg": 93.37643, "aux.loss_ce": 0.0656, "aux.acc_seg": 93.04924, "loss": 0.2223, "time": 1.61694} {"mode": "train", "epoch": 41, "iter": 51200, "lr": 1e-05, "memory": 71384, "data_time": 0.00965, "decode.loss_ce": 0.16577, "decode.acc_seg": 93.27615, "aux.loss_ce": 0.06972, "aux.acc_seg": 92.92288, "loss": 0.23548, "time": 1.61926} {"mode": "train", "epoch": 41, "iter": 51250, "lr": 1e-05, "memory": 71384, "data_time": 0.01015, "decode.loss_ce": 0.17314, "decode.acc_seg": 92.4666, "aux.loss_ce": 0.07325, "aux.acc_seg": 92.05346, "loss": 0.24639, "time": 1.62259} {"mode": "train", "epoch": 41, "iter": 51300, "lr": 1e-05, "memory": 71384, "data_time": 0.0102, "decode.loss_ce": 0.17597, "decode.acc_seg": 92.57622, "aux.loss_ce": 0.07289, "aux.acc_seg": 92.29553, "loss": 0.24886, "time": 1.62164} {"mode": "train", "epoch": 41, "iter": 51350, "lr": 1e-05, "memory": 71384, "data_time": 0.00972, "decode.loss_ce": 0.17016, "decode.acc_seg": 92.45237, "aux.loss_ce": 0.0717, "aux.acc_seg": 92.05919, "loss": 0.24185, "time": 1.62248} {"mode": "train", "epoch": 41, "iter": 51400, "lr": 1e-05, "memory": 71384, "data_time": 0.00988, "decode.loss_ce": 0.16847, "decode.acc_seg": 92.51317, "aux.loss_ce": 0.07108, "aux.acc_seg": 92.17833, "loss": 0.23956, "time": 1.62314} {"mode": "train", "epoch": 41, "iter": 51450, "lr": 1e-05, "memory": 71384, "data_time": 0.00991, "decode.loss_ce": 0.16334, "decode.acc_seg": 92.74194, "aux.loss_ce": 0.06894, "aux.acc_seg": 92.36762, "loss": 0.23229, "time": 1.61997} {"mode": "train", "epoch": 41, "iter": 51500, "lr": 1e-05, "memory": 71384, "data_time": 0.00977, "decode.loss_ce": 0.1611, "decode.acc_seg": 93.03383, "aux.loss_ce": 0.06803, "aux.acc_seg": 92.73806, "loss": 0.22913, "time": 1.6217} {"mode": "train", "epoch": 41, "iter": 51550, "lr": 1e-05, "memory": 71384, "data_time": 0.00968, "decode.loss_ce": 0.15535, "decode.acc_seg": 93.28657, "aux.loss_ce": 0.06618, "aux.acc_seg": 92.84753, "loss": 0.22153, "time": 1.62314} {"mode": "train", "epoch": 41, "iter": 51600, "lr": 1e-05, "memory": 71384, "data_time": 0.00986, "decode.loss_ce": 0.1584, "decode.acc_seg": 93.16577, "aux.loss_ce": 0.06645, "aux.acc_seg": 92.80447, "loss": 0.22485, "time": 1.62106} {"mode": "train", "epoch": 41, "iter": 51650, "lr": 1e-05, "memory": 71384, "data_time": 0.00995, "decode.loss_ce": 0.15982, "decode.acc_seg": 92.81432, "aux.loss_ce": 0.06743, "aux.acc_seg": 92.39684, "loss": 0.22724, "time": 1.62252} {"mode": "train", "epoch": 41, "iter": 51700, "lr": 1e-05, "memory": 71384, "data_time": 0.00964, "decode.loss_ce": 0.16835, "decode.acc_seg": 92.75987, "aux.loss_ce": 0.07079, "aux.acc_seg": 92.37153, "loss": 0.23914, "time": 1.62196} {"mode": "train", "epoch": 41, "iter": 51750, "lr": 1e-05, "memory": 71384, "data_time": 0.0097, "decode.loss_ce": 0.16489, "decode.acc_seg": 92.83285, "aux.loss_ce": 0.06868, "aux.acc_seg": 92.52915, "loss": 0.23356, "time": 1.61992} {"mode": "train", "epoch": 42, "iter": 51800, "lr": 1e-05, "memory": 71384, "data_time": 0.06604, "decode.loss_ce": 0.15115, "decode.acc_seg": 93.37273, "aux.loss_ce": 0.06421, "aux.acc_seg": 92.94284, "loss": 0.21535, "time": 1.67889} {"mode": "train", "epoch": 42, "iter": 51850, "lr": 1e-05, "memory": 71384, "data_time": 0.00997, "decode.loss_ce": 0.15973, "decode.acc_seg": 92.89034, "aux.loss_ce": 0.06803, "aux.acc_seg": 92.42226, "loss": 0.22776, "time": 1.62241} {"mode": "train", "epoch": 42, "iter": 51900, "lr": 1e-05, "memory": 71384, "data_time": 0.00996, "decode.loss_ce": 0.15943, "decode.acc_seg": 93.13002, "aux.loss_ce": 0.06696, "aux.acc_seg": 92.74897, "loss": 0.22639, "time": 1.62208} {"mode": "train", "epoch": 42, "iter": 51950, "lr": 1e-05, "memory": 71384, "data_time": 0.0099, "decode.loss_ce": 0.1603, "decode.acc_seg": 93.01125, "aux.loss_ce": 0.06756, "aux.acc_seg": 92.62957, "loss": 0.22786, "time": 1.61952} {"mode": "train", "epoch": 42, "iter": 52000, "lr": 1e-05, "memory": 71384, "data_time": 0.01004, "decode.loss_ce": 0.16645, "decode.acc_seg": 92.92767, "aux.loss_ce": 0.0703, "aux.acc_seg": 92.50774, "loss": 0.23675, "time": 3.29419} {"mode": "val", "epoch": 42, "iter": 250, "lr": 1e-05, "aAcc": 0.8647, "mIoU": 0.5814, "mAcc": 0.7049, "IoU.wall": 0.8226, "IoU.building": 0.8516, "IoU.sky": 0.9484, "IoU.floor": 0.855, "IoU.tree": 0.779, "IoU.ceiling": 0.8739, "IoU.road": 0.8744, "IoU.bed ": 0.9261, "IoU.windowpane": 0.6805, "IoU.grass": 0.6999, "IoU.cabinet": 0.6688, "IoU.sidewalk": 0.7143, "IoU.person": 0.8618, "IoU.earth": 0.4263, "IoU.door": 0.6035, "IoU.table": 0.7036, "IoU.mountain": 0.614, "IoU.plant": 0.5765, "IoU.curtain": 0.8021, "IoU.chair": 0.693, "IoU.car": 0.885, "IoU.water": 0.6423, "IoU.painting": 0.7704, "IoU.sofa": 0.8453, "IoU.shelf": 0.5108, "IoU.house": 0.5745, "IoU.sea": 0.7449, "IoU.mirror": 0.7785, "IoU.rug": 0.6942, "IoU.field": 0.3451, "IoU.armchair": 0.6411, "IoU.seat": 0.6731, "IoU.fence": 0.4729, "IoU.desk": 0.589, "IoU.rock": 0.5353, "IoU.wardrobe": 0.5306, "IoU.lamp": 0.7548, "IoU.bathtub": 0.8754, "IoU.railing": 0.4484, "IoU.cushion": 0.7281, "IoU.base": 0.374, "IoU.box": 0.3967, "IoU.column": 0.5674, "IoU.signboard": 0.4128, "IoU.chest of drawers": 0.4595, "IoU.counter": 0.3675, "IoU.sand": 0.5507, "IoU.sink": 0.8058, "IoU.skyscraper": 0.4536, "IoU.fireplace": 0.7481, "IoU.refrigerator": 0.8435, "IoU.grandstand": 0.5419, "IoU.path": 0.3055, "IoU.stairs": 0.2622, "IoU.runway": 0.7379, "IoU.case": 0.6666, "IoU.pool table": 0.9496, "IoU.pillow": 0.7058, "IoU.screen door": 0.7486, "IoU.stairway": 0.3965, "IoU.river": 0.1107, "IoU.bridge": 0.7153, "IoU.bookcase": 0.4987, "IoU.blind": 0.4449, "IoU.coffee table": 0.6138, "IoU.toilet": 0.9038, "IoU.flower": 0.4497, "IoU.book": 0.5416, "IoU.hill": 0.1046, "IoU.bench": 0.5172, "IoU.countertop": 0.6511, "IoU.stove": 0.8712, "IoU.palm": 0.5514, "IoU.kitchen island": 0.5995, "IoU.computer": 0.7917, "IoU.swivel chair": 0.503, "IoU.boat": 0.8337, "IoU.bar": 0.6309, "IoU.arcade machine": 0.7942, "IoU.hovel": 0.1637, "IoU.bus": 0.916, "IoU.towel": 0.8111, "IoU.light": 0.6101, "IoU.truck": 0.4595, "IoU.tower": 0.0932, "IoU.chandelier": 0.7434, "IoU.awning": 0.4031, "IoU.streetlight": 0.4048, "IoU.booth": 0.4459, "IoU.television receiver": 0.808, "IoU.airplane": 0.8719, "IoU.dirt track": 0.1711, "IoU.apparel": 0.6273, "IoU.pole": 0.242, "IoU.land": 0.037, "IoU.bannister": 0.2106, "IoU.escalator": 0.6318, "IoU.ottoman": 0.4805, "IoU.bottle": 0.4294, "IoU.buffet": 0.4608, "IoU.poster": 0.3141, "IoU.stage": 0.2624, "IoU.van": 0.4969, "IoU.ship": 0.8246, "IoU.fountain": 0.372, "IoU.conveyer belt": 0.8292, "IoU.canopy": 0.4903, "IoU.washer": 0.8351, "IoU.plaything": 0.3819, "IoU.swimming pool": 0.5334, "IoU.stool": 0.5332, "IoU.barrel": 0.6497, "IoU.basket": 0.4277, "IoU.waterfall": 0.5064, "IoU.tent": 0.9514, "IoU.bag": 0.2853, "IoU.minibike": 0.7592, "IoU.cradle": 0.8666, "IoU.oven": 0.5986, "IoU.ball": 0.4639, "IoU.food": 0.6727, "IoU.step": 0.1464, "IoU.tank": 0.755, "IoU.trade name": 0.2223, "IoU.microwave": 0.8842, "IoU.pot": 0.5889, "IoU.animal": 0.623, "IoU.bicycle": 0.6074, "IoU.lake": 0.5439, "IoU.dishwasher": 0.7567, "IoU.screen": 0.6212, "IoU.blanket": 0.342, "IoU.sculpture": 0.7296, "IoU.hood": 0.6221, "IoU.sconce": 0.6352, "IoU.vase": 0.4862, "IoU.traffic light": 0.3519, "IoU.tray": 0.2096, "IoU.ashcan": 0.5046, "IoU.fan": 0.6787, "IoU.pier": 0.4862, "IoU.crt screen": 0.0237, "IoU.plate": 0.6342, "IoU.monitor": 0.6045, "IoU.bulletin board": 0.478, "IoU.shower": 0.0155, "IoU.radiator": 0.6925, "IoU.glass": 0.2083, "IoU.clock": 0.5299, "IoU.flag": 0.7231, "Acc.wall": 0.9051, "Acc.building": 0.9244, "Acc.sky": 0.972, "Acc.floor": 0.921, "Acc.tree": 0.9001, "Acc.ceiling": 0.9332, "Acc.road": 0.9262, "Acc.bed ": 0.9662, "Acc.windowpane": 0.8242, "Acc.grass": 0.8244, "Acc.cabinet": 0.7557, "Acc.sidewalk": 0.828, "Acc.person": 0.9518, "Acc.earth": 0.5846, "Acc.door": 0.7949, "Acc.table": 0.8175, "Acc.mountain": 0.7533, "Acc.plant": 0.6848, "Acc.curtain": 0.9019, "Acc.chair": 0.8081, "Acc.car": 0.942, "Acc.water": 0.7877, "Acc.painting": 0.8989, "Acc.sofa": 0.9278, "Acc.shelf": 0.7033, "Acc.house": 0.7551, "Acc.sea": 0.8221, "Acc.mirror": 0.8662, "Acc.rug": 0.7892, "Acc.field": 0.5954, "Acc.armchair": 0.7866, "Acc.seat": 0.8873, "Acc.fence": 0.6077, "Acc.desk": 0.7816, "Acc.rock": 0.8371, "Acc.wardrobe": 0.7008, "Acc.lamp": 0.8337, "Acc.bathtub": 0.8964, "Acc.railing": 0.6096, "Acc.cushion": 0.8729, "Acc.base": 0.577, "Acc.box": 0.5384, "Acc.column": 0.6491, "Acc.signboard": 0.5662, "Acc.chest of drawers": 0.6991, "Acc.counter": 0.4307, "Acc.sand": 0.7716, "Acc.sink": 0.8604, "Acc.skyscraper": 0.5945, "Acc.fireplace": 0.9213, "Acc.refrigerator": 0.9138, "Acc.grandstand": 0.801, "Acc.path": 0.4097, "Acc.stairs": 0.2938, "Acc.runway": 0.9555, "Acc.case": 0.8501, "Acc.pool table": 0.9796, "Acc.pillow": 0.8254, "Acc.screen door": 0.7709, "Acc.stairway": 0.6479, "Acc.river": 0.2476, "Acc.bridge": 0.8675, "Acc.bookcase": 0.6362, "Acc.blind": 0.486, "Acc.coffee table": 0.8848, "Acc.toilet": 0.9444, "Acc.flower": 0.5715, "Acc.book": 0.82, "Acc.hill": 0.1745, "Acc.bench": 0.5596, "Acc.countertop": 0.7958, "Acc.stove": 0.9272, "Acc.palm": 0.7984, "Acc.kitchen island": 0.8161, "Acc.computer": 0.9219, "Acc.swivel chair": 0.7632, "Acc.boat": 0.8919, "Acc.bar": 0.8042, "Acc.arcade machine": 0.8494, "Acc.hovel": 0.1899, "Acc.bus": 0.9637, "Acc.towel": 0.899, "Acc.light": 0.6714, "Acc.truck": 0.5357, "Acc.tower": 0.1488, "Acc.chandelier": 0.8878, "Acc.awning": 0.4484, "Acc.streetlight": 0.561, "Acc.booth": 0.6083, "Acc.television receiver": 0.8826, "Acc.airplane": 0.9581, "Acc.dirt track": 0.4794, "Acc.apparel": 0.8526, "Acc.pole": 0.3448, "Acc.land": 0.0652, "Acc.bannister": 0.2674, "Acc.escalator": 0.7802, "Acc.ottoman": 0.585, "Acc.bottle": 0.571, "Acc.buffet": 0.5494, "Acc.poster": 0.391, "Acc.stage": 0.4754, "Acc.van": 0.7207, "Acc.ship": 0.9141, "Acc.fountain": 0.3967, "Acc.conveyer belt": 0.9307, "Acc.canopy": 0.7255, "Acc.washer": 0.9033, "Acc.plaything": 0.6861, "Acc.swimming pool": 0.7763, "Acc.stool": 0.6316, "Acc.barrel": 0.9415, "Acc.basket": 0.6595, "Acc.waterfall": 0.6176, "Acc.tent": 0.9791, "Acc.bag": 0.3325, "Acc.minibike": 0.8895, "Acc.cradle": 0.9734, "Acc.oven": 0.742, "Acc.ball": 0.5434, "Acc.food": 0.7634, "Acc.step": 0.1703, "Acc.tank": 0.8984, "Acc.trade name": 0.2553, "Acc.microwave": 0.9658, "Acc.pot": 0.6889, "Acc.animal": 0.6373, "Acc.bicycle": 0.7863, "Acc.lake": 0.6377, "Acc.dishwasher": 0.8619, "Acc.screen": 0.9196, "Acc.blanket": 0.3986, "Acc.sculpture": 0.892, "Acc.hood": 0.7179, "Acc.sconce": 0.7419, "Acc.vase": 0.6356, "Acc.traffic light": 0.6782, "Acc.tray": 0.262, "Acc.ashcan": 0.6476, "Acc.fan": 0.8086, "Acc.pier": 0.5538, "Acc.crt screen": 0.0339, "Acc.plate": 0.7806, "Acc.monitor": 0.7406, "Acc.bulletin board": 0.564, "Acc.shower": 0.0318, "Acc.radiator": 0.8049, "Acc.glass": 0.2214, "Acc.clock": 0.6504, "Acc.flag": 0.8182} {"mode": "train", "epoch": 42, "iter": 52050, "lr": 1e-05, "memory": 71384, "data_time": 1.95184, "decode.loss_ce": 0.17038, "decode.acc_seg": 92.85597, "aux.loss_ce": 0.07162, "aux.acc_seg": 92.48116, "loss": 0.242, "time": 3.56696} {"mode": "train", "epoch": 42, "iter": 52100, "lr": 1e-05, "memory": 71384, "data_time": 0.0103, "decode.loss_ce": 0.17563, "decode.acc_seg": 92.51886, "aux.loss_ce": 0.07307, "aux.acc_seg": 92.2159, "loss": 0.24869, "time": 1.62188} {"mode": "train", "epoch": 42, "iter": 52150, "lr": 1e-05, "memory": 71384, "data_time": 0.01007, "decode.loss_ce": 0.15925, "decode.acc_seg": 92.98267, "aux.loss_ce": 0.06652, "aux.acc_seg": 92.70336, "loss": 0.22578, "time": 1.61852} {"mode": "train", "epoch": 42, "iter": 52200, "lr": 1e-05, "memory": 71384, "data_time": 0.01046, "decode.loss_ce": 0.1594, "decode.acc_seg": 93.11672, "aux.loss_ce": 0.06748, "aux.acc_seg": 92.73794, "loss": 0.22688, "time": 1.6243} {"mode": "train", "epoch": 42, "iter": 52250, "lr": 1e-05, "memory": 71384, "data_time": 0.01012, "decode.loss_ce": 0.16551, "decode.acc_seg": 92.89589, "aux.loss_ce": 0.06926, "aux.acc_seg": 92.55744, "loss": 0.23477, "time": 1.61721} {"mode": "train", "epoch": 42, "iter": 52300, "lr": 1e-05, "memory": 71384, "data_time": 0.00997, "decode.loss_ce": 0.15974, "decode.acc_seg": 93.1405, "aux.loss_ce": 0.06726, "aux.acc_seg": 92.74104, "loss": 0.22699, "time": 1.62095} {"mode": "train", "epoch": 42, "iter": 52350, "lr": 1e-05, "memory": 71384, "data_time": 0.01021, "decode.loss_ce": 0.16122, "decode.acc_seg": 92.96232, "aux.loss_ce": 0.06766, "aux.acc_seg": 92.64856, "loss": 0.22888, "time": 1.62167} {"mode": "train", "epoch": 42, "iter": 52400, "lr": 1e-05, "memory": 71384, "data_time": 0.01061, "decode.loss_ce": 0.16095, "decode.acc_seg": 92.96694, "aux.loss_ce": 0.06813, "aux.acc_seg": 92.50137, "loss": 0.22908, "time": 1.62926} {"mode": "train", "epoch": 42, "iter": 52450, "lr": 1e-05, "memory": 71384, "data_time": 0.01015, "decode.loss_ce": 0.16465, "decode.acc_seg": 92.84687, "aux.loss_ce": 0.06941, "aux.acc_seg": 92.51394, "loss": 0.23405, "time": 1.62308} {"mode": "train", "epoch": 42, "iter": 52500, "lr": 1e-05, "memory": 71384, "data_time": 0.01005, "decode.loss_ce": 0.16303, "decode.acc_seg": 92.9318, "aux.loss_ce": 0.06901, "aux.acc_seg": 92.54574, "loss": 0.23204, "time": 1.62114} {"mode": "train", "epoch": 42, "iter": 52550, "lr": 1e-05, "memory": 71384, "data_time": 0.00992, "decode.loss_ce": 0.16209, "decode.acc_seg": 92.98599, "aux.loss_ce": 0.06842, "aux.acc_seg": 92.57484, "loss": 0.23051, "time": 1.62115} {"mode": "train", "epoch": 42, "iter": 52600, "lr": 1e-05, "memory": 71384, "data_time": 0.00976, "decode.loss_ce": 0.16441, "decode.acc_seg": 92.96062, "aux.loss_ce": 0.06956, "aux.acc_seg": 92.54604, "loss": 0.23397, "time": 1.62144} {"mode": "train", "epoch": 42, "iter": 52650, "lr": 1e-05, "memory": 71384, "data_time": 0.01013, "decode.loss_ce": 0.15333, "decode.acc_seg": 93.31246, "aux.loss_ce": 0.06464, "aux.acc_seg": 92.95945, "loss": 0.21797, "time": 1.62304} {"mode": "train", "epoch": 42, "iter": 52700, "lr": 1e-05, "memory": 71384, "data_time": 0.01032, "decode.loss_ce": 0.16018, "decode.acc_seg": 93.24686, "aux.loss_ce": 0.06779, "aux.acc_seg": 92.88955, "loss": 0.22797, "time": 1.62442} {"mode": "train", "epoch": 42, "iter": 52750, "lr": 1e-05, "memory": 71384, "data_time": 0.01007, "decode.loss_ce": 0.16141, "decode.acc_seg": 92.97539, "aux.loss_ce": 0.06902, "aux.acc_seg": 92.55811, "loss": 0.23044, "time": 1.62403} {"mode": "train", "epoch": 42, "iter": 52800, "lr": 1e-05, "memory": 71384, "data_time": 0.00986, "decode.loss_ce": 0.15965, "decode.acc_seg": 92.9361, "aux.loss_ce": 0.06704, "aux.acc_seg": 92.55924, "loss": 0.22669, "time": 1.61892} {"mode": "train", "epoch": 42, "iter": 52850, "lr": 1e-05, "memory": 71384, "data_time": 0.00988, "decode.loss_ce": 0.17146, "decode.acc_seg": 92.62988, "aux.loss_ce": 0.07264, "aux.acc_seg": 92.2018, "loss": 0.2441, "time": 1.62422} {"mode": "train", "epoch": 42, "iter": 52900, "lr": 1e-05, "memory": 71384, "data_time": 0.00969, "decode.loss_ce": 0.16504, "decode.acc_seg": 92.82102, "aux.loss_ce": 0.06987, "aux.acc_seg": 92.44542, "loss": 0.23491, "time": 1.61966} {"mode": "train", "epoch": 42, "iter": 52950, "lr": 1e-05, "memory": 71384, "data_time": 0.00972, "decode.loss_ce": 0.16087, "decode.acc_seg": 93.06299, "aux.loss_ce": 0.06826, "aux.acc_seg": 92.63419, "loss": 0.22914, "time": 1.62043} {"mode": "train", "epoch": 42, "iter": 53000, "lr": 1e-05, "memory": 71384, "data_time": 0.00976, "decode.loss_ce": 0.1529, "decode.acc_seg": 93.17576, "aux.loss_ce": 0.06446, "aux.acc_seg": 92.83335, "loss": 0.21736, "time": 1.62178} {"mode": "val", "epoch": 42, "iter": 250, "lr": 1e-05, "aAcc": 0.8637, "mIoU": 0.5778, "mAcc": 0.7063, "IoU.wall": 0.8264, "IoU.building": 0.8551, "IoU.sky": 0.9476, "IoU.floor": 0.8582, "IoU.tree": 0.7785, "IoU.ceiling": 0.8772, "IoU.road": 0.8693, "IoU.bed ": 0.926, "IoU.windowpane": 0.6701, "IoU.grass": 0.6997, "IoU.cabinet": 0.6626, "IoU.sidewalk": 0.7029, "IoU.person": 0.8618, "IoU.earth": 0.3868, "IoU.door": 0.5986, "IoU.table": 0.7042, "IoU.mountain": 0.5986, "IoU.plant": 0.5867, "IoU.curtain": 0.7995, "IoU.chair": 0.6854, "IoU.car": 0.8797, "IoU.water": 0.6263, "IoU.painting": 0.7831, "IoU.sofa": 0.8399, "IoU.shelf": 0.4839, "IoU.house": 0.4993, "IoU.sea": 0.6512, "IoU.mirror": 0.7859, "IoU.rug": 0.6987, "IoU.field": 0.4025, "IoU.armchair": 0.626, "IoU.seat": 0.659, "IoU.fence": 0.4936, "IoU.desk": 0.5922, "IoU.rock": 0.4689, "IoU.wardrobe": 0.5474, "IoU.lamp": 0.7619, "IoU.bathtub": 0.8578, "IoU.railing": 0.4452, "IoU.cushion": 0.7278, "IoU.base": 0.3966, "IoU.box": 0.3886, "IoU.column": 0.5374, "IoU.signboard": 0.4077, "IoU.chest of drawers": 0.4164, "IoU.counter": 0.4255, "IoU.sand": 0.5126, "IoU.sink": 0.8092, "IoU.skyscraper": 0.4727, "IoU.fireplace": 0.7451, "IoU.refrigerator": 0.874, "IoU.grandstand": 0.5237, "IoU.path": 0.316, "IoU.stairs": 0.3174, "IoU.runway": 0.7327, "IoU.case": 0.6222, "IoU.pool table": 0.9539, "IoU.pillow": 0.7011, "IoU.screen door": 0.7992, "IoU.stairway": 0.3567, "IoU.river": 0.1225, "IoU.bridge": 0.6622, "IoU.bookcase": 0.4521, "IoU.blind": 0.4239, "IoU.coffee table": 0.6125, "IoU.toilet": 0.9051, "IoU.flower": 0.4571, "IoU.book": 0.5546, "IoU.hill": 0.086, "IoU.bench": 0.5588, "IoU.countertop": 0.6609, "IoU.stove": 0.868, "IoU.palm": 0.5569, "IoU.kitchen island": 0.5801, "IoU.computer": 0.7901, "IoU.swivel chair": 0.5098, "IoU.boat": 0.7203, "IoU.bar": 0.6619, "IoU.arcade machine": 0.7805, "IoU.hovel": 0.1478, "IoU.bus": 0.919, "IoU.towel": 0.8168, "IoU.light": 0.6308, "IoU.truck": 0.4849, "IoU.tower": 0.3695, "IoU.chandelier": 0.75, "IoU.awning": 0.4027, "IoU.streetlight": 0.3951, "IoU.booth": 0.4068, "IoU.television receiver": 0.8144, "IoU.airplane": 0.8738, "IoU.dirt track": 0.0902, "IoU.apparel": 0.6118, "IoU.pole": 0.2983, "IoU.land": 0.0341, "IoU.bannister": 0.209, "IoU.escalator": 0.6346, "IoU.ottoman": 0.4875, "IoU.bottle": 0.4422, "IoU.buffet": 0.4717, "IoU.poster": 0.3303, "IoU.stage": 0.2339, "IoU.van": 0.4999, "IoU.ship": 0.8861, "IoU.fountain": 0.391, "IoU.conveyer belt": 0.8009, "IoU.canopy": 0.4811, "IoU.washer": 0.8378, "IoU.plaything": 0.4102, "IoU.swimming pool": 0.5318, "IoU.stool": 0.5322, "IoU.barrel": 0.5834, "IoU.basket": 0.4325, "IoU.waterfall": 0.5068, "IoU.tent": 0.9575, "IoU.bag": 0.2833, "IoU.minibike": 0.7621, "IoU.cradle": 0.8167, "IoU.oven": 0.6476, "IoU.ball": 0.4711, "IoU.food": 0.6921, "IoU.step": 0.1422, "IoU.tank": 0.7238, "IoU.trade name": 0.1956, "IoU.microwave": 0.8964, "IoU.pot": 0.5875, "IoU.animal": 0.6308, "IoU.bicycle": 0.6005, "IoU.lake": 0.5223, "IoU.dishwasher": 0.782, "IoU.screen": 0.4908, "IoU.blanket": 0.3407, "IoU.sculpture": 0.7158, "IoU.hood": 0.6349, "IoU.sconce": 0.6439, "IoU.vase": 0.4831, "IoU.traffic light": 0.377, "IoU.tray": 0.2054, "IoU.ashcan": 0.5015, "IoU.fan": 0.7162, "IoU.pier": 0.5061, "IoU.crt screen": 0.047, "IoU.plate": 0.6378, "IoU.monitor": 0.3046, "IoU.bulletin board": 0.4535, "IoU.shower": 0.0171, "IoU.radiator": 0.6982, "IoU.glass": 0.2163, "IoU.clock": 0.5064, "IoU.flag": 0.7234, "Acc.wall": 0.8991, "Acc.building": 0.9368, "Acc.sky": 0.9716, "Acc.floor": 0.9191, "Acc.tree": 0.8962, "Acc.ceiling": 0.9458, "Acc.road": 0.9273, "Acc.bed ": 0.9693, "Acc.windowpane": 0.8302, "Acc.grass": 0.8401, "Acc.cabinet": 0.7718, "Acc.sidewalk": 0.8376, "Acc.person": 0.941, "Acc.earth": 0.5073, "Acc.door": 0.7613, "Acc.table": 0.8109, "Acc.mountain": 0.7419, "Acc.plant": 0.688, "Acc.curtain": 0.903, "Acc.chair": 0.7992, "Acc.car": 0.9424, "Acc.water": 0.7948, "Acc.painting": 0.9059, "Acc.sofa": 0.9256, "Acc.shelf": 0.5966, "Acc.house": 0.6007, "Acc.sea": 0.7225, "Acc.mirror": 0.8472, "Acc.rug": 0.7936, "Acc.field": 0.6965, "Acc.armchair": 0.7703, "Acc.seat": 0.8898, "Acc.fence": 0.6316, "Acc.desk": 0.791, "Acc.rock": 0.7326, "Acc.wardrobe": 0.7729, "Acc.lamp": 0.8698, "Acc.bathtub": 0.8783, "Acc.railing": 0.6467, "Acc.cushion": 0.8441, "Acc.base": 0.5856, "Acc.box": 0.4935, "Acc.column": 0.6348, "Acc.signboard": 0.586, "Acc.chest of drawers": 0.6265, "Acc.counter": 0.5432, "Acc.sand": 0.7743, "Acc.sink": 0.864, "Acc.skyscraper": 0.5857, "Acc.fireplace": 0.9241, "Acc.refrigerator": 0.9557, "Acc.grandstand": 0.8261, "Acc.path": 0.4353, "Acc.stairs": 0.3749, "Acc.runway": 0.9574, "Acc.case": 0.866, "Acc.pool table": 0.9837, "Acc.pillow": 0.8073, "Acc.screen door": 0.8353, "Acc.stairway": 0.5331, "Acc.river": 0.2671, "Acc.bridge": 0.8909, "Acc.bookcase": 0.6841, "Acc.blind": 0.444, "Acc.coffee table": 0.8867, "Acc.toilet": 0.9332, "Acc.flower": 0.5913, "Acc.book": 0.7691, "Acc.hill": 0.1803, "Acc.bench": 0.6007, "Acc.countertop": 0.8401, "Acc.stove": 0.9319, "Acc.palm": 0.8299, "Acc.kitchen island": 0.8653, "Acc.computer": 0.8902, "Acc.swivel chair": 0.8075, "Acc.boat": 0.913, "Acc.bar": 0.8038, "Acc.arcade machine": 0.831, "Acc.hovel": 0.1573, "Acc.bus": 0.9692, "Acc.towel": 0.8902, "Acc.light": 0.7225, "Acc.truck": 0.6316, "Acc.tower": 0.6735, "Acc.chandelier": 0.8558, "Acc.awning": 0.4774, "Acc.streetlight": 0.5223, "Acc.booth": 0.5066, "Acc.television receiver": 0.8754, "Acc.airplane": 0.9667, "Acc.dirt track": 0.108, "Acc.apparel": 0.8499, "Acc.pole": 0.3991, "Acc.land": 0.0544, "Acc.bannister": 0.2546, "Acc.escalator": 0.8502, "Acc.ottoman": 0.6406, "Acc.bottle": 0.6015, "Acc.buffet": 0.5489, "Acc.poster": 0.4288, "Acc.stage": 0.477, "Acc.van": 0.7006, "Acc.ship": 0.9622, "Acc.fountain": 0.4169, "Acc.conveyer belt": 0.9522, "Acc.canopy": 0.6763, "Acc.washer": 0.892, "Acc.plaything": 0.764, "Acc.swimming pool": 0.7875, "Acc.stool": 0.679, "Acc.barrel": 0.7376, "Acc.basket": 0.6421, "Acc.waterfall": 0.6677, "Acc.tent": 0.9797, "Acc.bag": 0.3203, "Acc.minibike": 0.9171, "Acc.cradle": 0.9741, "Acc.oven": 0.7681, "Acc.ball": 0.5307, "Acc.food": 0.8582, "Acc.step": 0.166, "Acc.tank": 0.959, "Acc.trade name": 0.2236, "Acc.microwave": 0.9621, "Acc.pot": 0.6794, "Acc.animal": 0.6476, "Acc.bicycle": 0.7813, "Acc.lake": 0.6362, "Acc.dishwasher": 0.8454, "Acc.screen": 0.7461, "Acc.blanket": 0.4013, "Acc.sculpture": 0.9011, "Acc.hood": 0.7429, "Acc.sconce": 0.7516, "Acc.vase": 0.6345, "Acc.traffic light": 0.6509, "Acc.tray": 0.254, "Acc.ashcan": 0.6495, "Acc.fan": 0.8599, "Acc.pier": 0.669, "Acc.crt screen": 0.1312, "Acc.plate": 0.77, "Acc.monitor": 0.392, "Acc.bulletin board": 0.5127, "Acc.shower": 0.0172, "Acc.radiator": 0.8506, "Acc.glass": 0.2338, "Acc.clock": 0.667, "Acc.flag": 0.8224} {"mode": "train", "epoch": 43, "iter": 53050, "lr": 1e-05, "memory": 71384, "data_time": 2.01624, "decode.loss_ce": 0.15666, "decode.acc_seg": 93.13759, "aux.loss_ce": 0.06632, "aux.acc_seg": 92.75018, "loss": 0.22298, "time": 3.63032} {"mode": "train", "epoch": 43, "iter": 53100, "lr": 1e-05, "memory": 71384, "data_time": 0.01043, "decode.loss_ce": 0.16739, "decode.acc_seg": 92.7804, "aux.loss_ce": 0.07041, "aux.acc_seg": 92.40281, "loss": 0.2378, "time": 1.62497} {"mode": "train", "epoch": 43, "iter": 53150, "lr": 1e-05, "memory": 71384, "data_time": 0.0101, "decode.loss_ce": 0.16929, "decode.acc_seg": 92.89396, "aux.loss_ce": 0.0712, "aux.acc_seg": 92.56332, "loss": 0.24049, "time": 1.61994} {"mode": "train", "epoch": 43, "iter": 53200, "lr": 1e-05, "memory": 71384, "data_time": 0.00982, "decode.loss_ce": 0.1621, "decode.acc_seg": 93.07708, "aux.loss_ce": 0.06858, "aux.acc_seg": 92.68236, "loss": 0.23068, "time": 1.62311} {"mode": "train", "epoch": 43, "iter": 53250, "lr": 1e-05, "memory": 71384, "data_time": 0.00959, "decode.loss_ce": 0.14929, "decode.acc_seg": 93.65683, "aux.loss_ce": 0.063, "aux.acc_seg": 93.27109, "loss": 0.21229, "time": 1.61963} {"mode": "train", "epoch": 43, "iter": 53300, "lr": 1e-05, "memory": 71384, "data_time": 0.00976, "decode.loss_ce": 0.15301, "decode.acc_seg": 93.35388, "aux.loss_ce": 0.06461, "aux.acc_seg": 92.97186, "loss": 0.21762, "time": 1.62031} {"mode": "train", "epoch": 43, "iter": 53350, "lr": 1e-05, "memory": 71384, "data_time": 0.00984, "decode.loss_ce": 0.16732, "decode.acc_seg": 92.70571, "aux.loss_ce": 0.07117, "aux.acc_seg": 92.295, "loss": 0.2385, "time": 1.61972} {"mode": "train", "epoch": 43, "iter": 53400, "lr": 1e-05, "memory": 71384, "data_time": 0.00979, "decode.loss_ce": 0.15364, "decode.acc_seg": 93.27275, "aux.loss_ce": 0.06462, "aux.acc_seg": 92.9089, "loss": 0.21826, "time": 1.62102} {"mode": "train", "epoch": 43, "iter": 53450, "lr": 1e-05, "memory": 71384, "data_time": 0.00989, "decode.loss_ce": 0.14868, "decode.acc_seg": 93.65388, "aux.loss_ce": 0.0633, "aux.acc_seg": 93.24709, "loss": 0.21198, "time": 1.62284} {"mode": "train", "epoch": 43, "iter": 53500, "lr": 1e-05, "memory": 71384, "data_time": 0.01, "decode.loss_ce": 0.15887, "decode.acc_seg": 93.03753, "aux.loss_ce": 0.06713, "aux.acc_seg": 92.67653, "loss": 0.226, "time": 1.62174} {"mode": "train", "epoch": 43, "iter": 53550, "lr": 1e-05, "memory": 71384, "data_time": 0.01015, "decode.loss_ce": 0.16095, "decode.acc_seg": 93.13412, "aux.loss_ce": 0.06816, "aux.acc_seg": 92.65743, "loss": 0.22911, "time": 1.62126} {"mode": "train", "epoch": 43, "iter": 53600, "lr": 1e-05, "memory": 71384, "data_time": 0.01001, "decode.loss_ce": 0.15432, "decode.acc_seg": 93.36484, "aux.loss_ce": 0.06548, "aux.acc_seg": 92.97768, "loss": 0.2198, "time": 1.62336} {"mode": "train", "epoch": 43, "iter": 53650, "lr": 1e-05, "memory": 71384, "data_time": 0.00987, "decode.loss_ce": 0.16153, "decode.acc_seg": 93.00556, "aux.loss_ce": 0.0678, "aux.acc_seg": 92.6607, "loss": 0.22933, "time": 1.62025} {"mode": "train", "epoch": 43, "iter": 53700, "lr": 1e-05, "memory": 71384, "data_time": 0.01035, "decode.loss_ce": 0.16077, "decode.acc_seg": 93.17859, "aux.loss_ce": 0.068, "aux.acc_seg": 92.71625, "loss": 0.22877, "time": 1.62036} {"mode": "train", "epoch": 43, "iter": 53750, "lr": 1e-05, "memory": 71384, "data_time": 0.01066, "decode.loss_ce": 0.15671, "decode.acc_seg": 93.02764, "aux.loss_ce": 0.06645, "aux.acc_seg": 92.5685, "loss": 0.22317, "time": 1.6257} {"mode": "train", "epoch": 43, "iter": 53800, "lr": 1e-05, "memory": 71384, "data_time": 0.01024, "decode.loss_ce": 0.1689, "decode.acc_seg": 92.57047, "aux.loss_ce": 0.07068, "aux.acc_seg": 92.23729, "loss": 0.23958, "time": 1.62067} {"mode": "train", "epoch": 43, "iter": 53850, "lr": 1e-05, "memory": 71384, "data_time": 0.01067, "decode.loss_ce": 0.16206, "decode.acc_seg": 92.89779, "aux.loss_ce": 0.06907, "aux.acc_seg": 92.455, "loss": 0.23113, "time": 1.62342} {"mode": "train", "epoch": 43, "iter": 53900, "lr": 1e-05, "memory": 71384, "data_time": 0.0103, "decode.loss_ce": 0.17389, "decode.acc_seg": 92.56133, "aux.loss_ce": 0.07275, "aux.acc_seg": 92.23561, "loss": 0.24664, "time": 1.62188} {"mode": "train", "epoch": 43, "iter": 53950, "lr": 1e-05, "memory": 71384, "data_time": 0.01014, "decode.loss_ce": 0.14761, "decode.acc_seg": 93.64745, "aux.loss_ce": 0.06225, "aux.acc_seg": 93.34808, "loss": 0.20986, "time": 1.62066} {"mode": "train", "epoch": 43, "iter": 54000, "lr": 1e-05, "memory": 71384, "data_time": 0.01, "decode.loss_ce": 0.16287, "decode.acc_seg": 92.71192, "aux.loss_ce": 0.06869, "aux.acc_seg": 92.29408, "loss": 0.23156, "time": 3.31368} {"mode": "val", "epoch": 43, "iter": 250, "lr": 1e-05, "aAcc": 0.8634, "mIoU": 0.5835, "mAcc": 0.7119, "IoU.wall": 0.8268, "IoU.building": 0.8593, "IoU.sky": 0.9489, "IoU.floor": 0.8548, "IoU.tree": 0.7806, "IoU.ceiling": 0.8722, "IoU.road": 0.8667, "IoU.bed ": 0.9278, "IoU.windowpane": 0.663, "IoU.grass": 0.6619, "IoU.cabinet": 0.676, "IoU.sidewalk": 0.7134, "IoU.person": 0.8625, "IoU.earth": 0.3919, "IoU.door": 0.6053, "IoU.table": 0.6983, "IoU.mountain": 0.6062, "IoU.plant": 0.566, "IoU.curtain": 0.7835, "IoU.chair": 0.6806, "IoU.car": 0.8852, "IoU.water": 0.6376, "IoU.painting": 0.7712, "IoU.sofa": 0.8171, "IoU.shelf": 0.5066, "IoU.house": 0.5463, "IoU.sea": 0.5975, "IoU.mirror": 0.7871, "IoU.rug": 0.6836, "IoU.field": 0.3616, "IoU.armchair": 0.5956, "IoU.seat": 0.68, "IoU.fence": 0.4747, "IoU.desk": 0.5887, "IoU.rock": 0.5046, "IoU.wardrobe": 0.5591, "IoU.lamp": 0.7616, "IoU.bathtub": 0.8636, "IoU.railing": 0.4562, "IoU.cushion": 0.7137, "IoU.base": 0.3517, "IoU.box": 0.4048, "IoU.column": 0.5959, "IoU.signboard": 0.4224, "IoU.chest of drawers": 0.4528, "IoU.counter": 0.4011, "IoU.sand": 0.4977, "IoU.sink": 0.8178, "IoU.skyscraper": 0.4659, "IoU.fireplace": 0.7656, "IoU.refrigerator": 0.858, "IoU.grandstand": 0.5114, "IoU.path": 0.3294, "IoU.stairs": 0.3714, "IoU.runway": 0.7463, "IoU.case": 0.5732, "IoU.pool table": 0.9461, "IoU.pillow": 0.6931, "IoU.screen door": 0.8121, "IoU.stairway": 0.4445, "IoU.river": 0.1127, "IoU.bridge": 0.6774, "IoU.bookcase": 0.4671, "IoU.blind": 0.4384, "IoU.coffee table": 0.5965, "IoU.toilet": 0.9024, "IoU.flower": 0.4381, "IoU.book": 0.5445, "IoU.hill": 0.0804, "IoU.bench": 0.5758, "IoU.countertop": 0.6647, "IoU.stove": 0.8776, "IoU.palm": 0.5291, "IoU.kitchen island": 0.6081, "IoU.computer": 0.7885, "IoU.swivel chair": 0.5187, "IoU.boat": 0.8192, "IoU.bar": 0.639, "IoU.arcade machine": 0.7888, "IoU.hovel": 0.1332, "IoU.bus": 0.9236, "IoU.towel": 0.8101, "IoU.light": 0.6367, "IoU.truck": 0.4994, "IoU.tower": 0.3607, "IoU.chandelier": 0.747, "IoU.awning": 0.3922, "IoU.streetlight": 0.4031, "IoU.booth": 0.3498, "IoU.television receiver": 0.8158, "IoU.airplane": 0.8915, "IoU.dirt track": 0.1049, "IoU.apparel": 0.6471, "IoU.pole": 0.2414, "IoU.land": 0.0393, "IoU.bannister": 0.211, "IoU.escalator": 0.6652, "IoU.ottoman": 0.461, "IoU.bottle": 0.4347, "IoU.buffet": 0.5529, "IoU.poster": 0.3261, "IoU.stage": 0.2231, "IoU.van": 0.5071, "IoU.ship": 0.8465, "IoU.fountain": 0.3355, "IoU.conveyer belt": 0.7921, "IoU.canopy": 0.5281, "IoU.washer": 0.8549, "IoU.plaything": 0.3925, "IoU.swimming pool": 0.5336, "IoU.stool": 0.4647, "IoU.barrel": 0.7274, "IoU.basket": 0.4395, "IoU.waterfall": 0.4905, "IoU.tent": 0.9446, "IoU.bag": 0.2737, "IoU.minibike": 0.765, "IoU.cradle": 0.9006, "IoU.oven": 0.7129, "IoU.ball": 0.5192, "IoU.food": 0.6565, "IoU.step": 0.1971, "IoU.tank": 0.7828, "IoU.trade name": 0.2363, "IoU.microwave": 0.9065, "IoU.pot": 0.5979, "IoU.animal": 0.6137, "IoU.bicycle": 0.6031, "IoU.lake": 0.404, "IoU.dishwasher": 0.7411, "IoU.screen": 0.5912, "IoU.blanket": 0.3987, "IoU.sculpture": 0.7607, "IoU.hood": 0.6509, "IoU.sconce": 0.6103, "IoU.vase": 0.4754, "IoU.traffic light": 0.3668, "IoU.tray": 0.2067, "IoU.ashcan": 0.5048, "IoU.fan": 0.7174, "IoU.pier": 0.4478, "IoU.crt screen": 0.022, "IoU.plate": 0.6155, "IoU.monitor": 0.582, "IoU.bulletin board": 0.5306, "IoU.shower": 0.0888, "IoU.radiator": 0.6964, "IoU.glass": 0.2079, "IoU.clock": 0.521, "IoU.flag": 0.7264, "Acc.wall": 0.908, "Acc.building": 0.9314, "Acc.sky": 0.9732, "Acc.floor": 0.9204, "Acc.tree": 0.9046, "Acc.ceiling": 0.9375, "Acc.road": 0.9163, "Acc.bed ": 0.9708, "Acc.windowpane": 0.8311, "Acc.grass": 0.7634, "Acc.cabinet": 0.7664, "Acc.sidewalk": 0.8506, "Acc.person": 0.9453, "Acc.earth": 0.5573, "Acc.door": 0.7469, "Acc.table": 0.8172, "Acc.mountain": 0.7385, "Acc.plant": 0.6433, "Acc.curtain": 0.8543, "Acc.chair": 0.7854, "Acc.car": 0.9469, "Acc.water": 0.8175, "Acc.painting": 0.9087, "Acc.sofa": 0.9488, "Acc.shelf": 0.684, "Acc.house": 0.6931, "Acc.sea": 0.6697, "Acc.mirror": 0.8532, "Acc.rug": 0.7579, "Acc.field": 0.617, "Acc.armchair": 0.7042, "Acc.seat": 0.8809, "Acc.fence": 0.6111, "Acc.desk": 0.7956, "Acc.rock": 0.7637, "Acc.wardrobe": 0.7335, "Acc.lamp": 0.8649, "Acc.bathtub": 0.8855, "Acc.railing": 0.6153, "Acc.cushion": 0.7914, "Acc.base": 0.504, "Acc.box": 0.5244, "Acc.column": 0.7426, "Acc.signboard": 0.5831, "Acc.chest of drawers": 0.6744, "Acc.counter": 0.6004, "Acc.sand": 0.7653, "Acc.sink": 0.8797, "Acc.skyscraper": 0.5881, "Acc.fireplace": 0.9332, "Acc.refrigerator": 0.9408, "Acc.grandstand": 0.8445, "Acc.path": 0.4428, "Acc.stairs": 0.4556, "Acc.runway": 0.9826, "Acc.case": 0.7167, "Acc.pool table": 0.9844, "Acc.pillow": 0.8267, "Acc.screen door": 0.8388, "Acc.stairway": 0.535, "Acc.river": 0.2096, "Acc.bridge": 0.8257, "Acc.bookcase": 0.6751, "Acc.blind": 0.4724, "Acc.coffee table": 0.9061, "Acc.toilet": 0.9274, "Acc.flower": 0.6069, "Acc.book": 0.801, "Acc.hill": 0.1628, "Acc.bench": 0.6375, "Acc.countertop": 0.8615, "Acc.stove": 0.9491, "Acc.palm": 0.769, "Acc.kitchen island": 0.8532, "Acc.computer": 0.9137, "Acc.swivel chair": 0.8174, "Acc.boat": 0.9057, "Acc.bar": 0.8526, "Acc.arcade machine": 0.8296, "Acc.hovel": 0.1421, "Acc.bus": 0.9712, "Acc.towel": 0.8674, "Acc.light": 0.7517, "Acc.truck": 0.6097, "Acc.tower": 0.6283, "Acc.chandelier": 0.8852, "Acc.awning": 0.4703, "Acc.streetlight": 0.5415, "Acc.booth": 0.4431, "Acc.television receiver": 0.8858, "Acc.airplane": 0.9616, "Acc.dirt track": 0.5176, "Acc.apparel": 0.8384, "Acc.pole": 0.3964, "Acc.land": 0.0666, "Acc.bannister": 0.2684, "Acc.escalator": 0.83, "Acc.ottoman": 0.5857, "Acc.bottle": 0.5599, "Acc.buffet": 0.6959, "Acc.poster": 0.4128, "Acc.stage": 0.4737, "Acc.van": 0.6753, "Acc.ship": 0.8752, "Acc.fountain": 0.3432, "Acc.conveyer belt": 0.938, "Acc.canopy": 0.7245, "Acc.washer": 0.9083, "Acc.plaything": 0.5192, "Acc.swimming pool": 0.7705, "Acc.stool": 0.7359, "Acc.barrel": 0.8963, "Acc.basket": 0.6237, "Acc.waterfall": 0.6495, "Acc.tent": 0.9847, "Acc.bag": 0.3217, "Acc.minibike": 0.9005, "Acc.cradle": 0.9755, "Acc.oven": 0.8167, "Acc.ball": 0.5877, "Acc.food": 0.7868, "Acc.step": 0.2582, "Acc.tank": 0.9351, "Acc.trade name": 0.2745, "Acc.microwave": 0.9624, "Acc.pot": 0.6909, "Acc.animal": 0.6261, "Acc.bicycle": 0.806, "Acc.lake": 0.7696, "Acc.dishwasher": 0.8568, "Acc.screen": 0.9474, "Acc.blanket": 0.4716, "Acc.sculpture": 0.8818, "Acc.hood": 0.7754, "Acc.sconce": 0.6945, "Acc.vase": 0.6473, "Acc.traffic light": 0.6431, "Acc.tray": 0.2686, "Acc.ashcan": 0.6601, "Acc.fan": 0.8483, "Acc.pier": 0.5059, "Acc.crt screen": 0.0331, "Acc.plate": 0.8152, "Acc.monitor": 0.6745, "Acc.bulletin board": 0.6865, "Acc.shower": 0.0923, "Acc.radiator": 0.8148, "Acc.glass": 0.2247, "Acc.clock": 0.6175, "Acc.flag": 0.8207} {"mode": "train", "epoch": 43, "iter": 54050, "lr": 1e-05, "memory": 71384, "data_time": 1.9218, "decode.loss_ce": 0.15222, "decode.acc_seg": 93.33766, "aux.loss_ce": 0.06383, "aux.acc_seg": 93.0556, "loss": 0.21605, "time": 3.53691} {"mode": "train", "epoch": 43, "iter": 54100, "lr": 1e-05, "memory": 71384, "data_time": 0.01004, "decode.loss_ce": 0.16579, "decode.acc_seg": 92.75375, "aux.loss_ce": 0.06991, "aux.acc_seg": 92.38443, "loss": 0.23571, "time": 1.62317} {"mode": "train", "epoch": 43, "iter": 54150, "lr": 1e-05, "memory": 71384, "data_time": 0.00974, "decode.loss_ce": 0.15842, "decode.acc_seg": 92.9575, "aux.loss_ce": 0.06709, "aux.acc_seg": 92.52792, "loss": 0.22551, "time": 1.61939} {"mode": "train", "epoch": 43, "iter": 54200, "lr": 1e-05, "memory": 71384, "data_time": 0.01019, "decode.loss_ce": 0.15229, "decode.acc_seg": 93.39595, "aux.loss_ce": 0.06479, "aux.acc_seg": 93.01232, "loss": 0.21709, "time": 1.623} {"mode": "train", "epoch": 43, "iter": 54250, "lr": 1e-05, "memory": 71384, "data_time": 0.00975, "decode.loss_ce": 0.16133, "decode.acc_seg": 93.02319, "aux.loss_ce": 0.0681, "aux.acc_seg": 92.65152, "loss": 0.22943, "time": 1.62123} {"mode": "train", "epoch": 43, "iter": 54300, "lr": 1e-05, "memory": 71384, "data_time": 0.00978, "decode.loss_ce": 0.16097, "decode.acc_seg": 93.19801, "aux.loss_ce": 0.06778, "aux.acc_seg": 92.8316, "loss": 0.22875, "time": 1.62086} {"mode": "train", "epoch": 44, "iter": 54350, "lr": 1e-05, "memory": 71384, "data_time": 0.06328, "decode.loss_ce": 0.14558, "decode.acc_seg": 93.61236, "aux.loss_ce": 0.06186, "aux.acc_seg": 93.25512, "loss": 0.20744, "time": 1.67398} {"mode": "train", "epoch": 44, "iter": 54400, "lr": 1e-05, "memory": 71384, "data_time": 0.00981, "decode.loss_ce": 0.16178, "decode.acc_seg": 93.11823, "aux.loss_ce": 0.0684, "aux.acc_seg": 92.74759, "loss": 0.23018, "time": 1.62191} {"mode": "train", "epoch": 44, "iter": 54450, "lr": 1e-05, "memory": 71384, "data_time": 0.00973, "decode.loss_ce": 0.15738, "decode.acc_seg": 93.20242, "aux.loss_ce": 0.06621, "aux.acc_seg": 92.86935, "loss": 0.22359, "time": 1.62293} {"mode": "train", "epoch": 44, "iter": 54500, "lr": 1e-05, "memory": 71384, "data_time": 0.00991, "decode.loss_ce": 0.15527, "decode.acc_seg": 93.12334, "aux.loss_ce": 0.06591, "aux.acc_seg": 92.71545, "loss": 0.22118, "time": 1.61949} {"mode": "train", "epoch": 44, "iter": 54550, "lr": 1e-05, "memory": 71384, "data_time": 0.00978, "decode.loss_ce": 0.15813, "decode.acc_seg": 93.17649, "aux.loss_ce": 0.06699, "aux.acc_seg": 92.75767, "loss": 0.22512, "time": 1.62174} {"mode": "train", "epoch": 44, "iter": 54600, "lr": 1e-05, "memory": 71384, "data_time": 0.00979, "decode.loss_ce": 0.155, "decode.acc_seg": 93.33258, "aux.loss_ce": 0.06533, "aux.acc_seg": 92.955, "loss": 0.22033, "time": 1.62} {"mode": "train", "epoch": 44, "iter": 54650, "lr": 1e-05, "memory": 71384, "data_time": 0.00969, "decode.loss_ce": 0.14833, "decode.acc_seg": 93.40123, "aux.loss_ce": 0.06304, "aux.acc_seg": 93.06171, "loss": 0.21137, "time": 1.6195} {"mode": "train", "epoch": 44, "iter": 54700, "lr": 1e-05, "memory": 71384, "data_time": 0.00968, "decode.loss_ce": 0.15488, "decode.acc_seg": 93.27315, "aux.loss_ce": 0.06596, "aux.acc_seg": 92.86998, "loss": 0.22084, "time": 1.62103} {"mode": "train", "epoch": 44, "iter": 54750, "lr": 1e-05, "memory": 71384, "data_time": 0.00988, "decode.loss_ce": 0.15233, "decode.acc_seg": 93.25655, "aux.loss_ce": 0.06431, "aux.acc_seg": 93.02824, "loss": 0.21664, "time": 1.62268} {"mode": "train", "epoch": 44, "iter": 54800, "lr": 1e-05, "memory": 71384, "data_time": 0.00963, "decode.loss_ce": 0.15364, "decode.acc_seg": 93.23368, "aux.loss_ce": 0.06488, "aux.acc_seg": 92.86822, "loss": 0.21852, "time": 1.62084} {"mode": "train", "epoch": 44, "iter": 54850, "lr": 1e-05, "memory": 71384, "data_time": 0.00984, "decode.loss_ce": 0.15017, "decode.acc_seg": 93.31991, "aux.loss_ce": 0.06336, "aux.acc_seg": 92.94983, "loss": 0.21353, "time": 1.6218} {"mode": "train", "epoch": 44, "iter": 54900, "lr": 1e-05, "memory": 71384, "data_time": 0.00977, "decode.loss_ce": 0.14519, "decode.acc_seg": 93.61516, "aux.loss_ce": 0.06181, "aux.acc_seg": 93.20342, "loss": 0.20699, "time": 1.62051} {"mode": "train", "epoch": 44, "iter": 54950, "lr": 1e-05, "memory": 71384, "data_time": 0.00975, "decode.loss_ce": 0.15849, "decode.acc_seg": 93.13556, "aux.loss_ce": 0.06694, "aux.acc_seg": 92.77335, "loss": 0.22543, "time": 1.62071} {"mode": "train", "epoch": 44, "iter": 55000, "lr": 1e-05, "memory": 71384, "data_time": 0.00966, "decode.loss_ce": 0.1508, "decode.acc_seg": 93.39941, "aux.loss_ce": 0.06425, "aux.acc_seg": 92.94012, "loss": 0.21505, "time": 1.62087} {"mode": "val", "epoch": 44, "iter": 250, "lr": 1e-05, "aAcc": 0.8635, "mIoU": 0.586, "mAcc": 0.7173, "IoU.wall": 0.8229, "IoU.building": 0.8531, "IoU.sky": 0.9483, "IoU.floor": 0.8555, "IoU.tree": 0.7786, "IoU.ceiling": 0.8745, "IoU.road": 0.8644, "IoU.bed ": 0.9278, "IoU.windowpane": 0.6894, "IoU.grass": 0.6948, "IoU.cabinet": 0.6706, "IoU.sidewalk": 0.7023, "IoU.person": 0.8559, "IoU.earth": 0.3853, "IoU.door": 0.6072, "IoU.table": 0.6983, "IoU.mountain": 0.6091, "IoU.plant": 0.5703, "IoU.curtain": 0.8001, "IoU.chair": 0.6893, "IoU.car": 0.8816, "IoU.water": 0.6218, "IoU.painting": 0.7653, "IoU.sofa": 0.8359, "IoU.shelf": 0.5134, "IoU.house": 0.527, "IoU.sea": 0.7064, "IoU.mirror": 0.7737, "IoU.rug": 0.6845, "IoU.field": 0.3499, "IoU.armchair": 0.6327, "IoU.seat": 0.6483, "IoU.fence": 0.4772, "IoU.desk": 0.5879, "IoU.rock": 0.5021, "IoU.wardrobe": 0.5397, "IoU.lamp": 0.7689, "IoU.bathtub": 0.8622, "IoU.railing": 0.4352, "IoU.cushion": 0.7248, "IoU.base": 0.3629, "IoU.box": 0.393, "IoU.column": 0.5706, "IoU.signboard": 0.4204, "IoU.chest of drawers": 0.4091, "IoU.counter": 0.4112, "IoU.sand": 0.5214, "IoU.sink": 0.8064, "IoU.skyscraper": 0.4537, "IoU.fireplace": 0.7254, "IoU.refrigerator": 0.8567, "IoU.grandstand": 0.5156, "IoU.path": 0.322, "IoU.stairs": 0.2939, "IoU.runway": 0.7508, "IoU.case": 0.6306, "IoU.pool table": 0.951, "IoU.pillow": 0.7001, "IoU.screen door": 0.8498, "IoU.stairway": 0.387, "IoU.river": 0.1324, "IoU.bridge": 0.734, "IoU.bookcase": 0.5119, "IoU.blind": 0.532, "IoU.coffee table": 0.6118, "IoU.toilet": 0.8977, "IoU.flower": 0.4734, "IoU.book": 0.5681, "IoU.hill": 0.0704, "IoU.bench": 0.5652, "IoU.countertop": 0.6589, "IoU.stove": 0.8742, "IoU.palm": 0.5301, "IoU.kitchen island": 0.5975, "IoU.computer": 0.7894, "IoU.swivel chair": 0.4915, "IoU.boat": 0.8061, "IoU.bar": 0.6632, "IoU.arcade machine": 0.786, "IoU.hovel": 0.1987, "IoU.bus": 0.9273, "IoU.towel": 0.819, "IoU.light": 0.6277, "IoU.truck": 0.4962, "IoU.tower": 0.3583, "IoU.chandelier": 0.7496, "IoU.awning": 0.4155, "IoU.streetlight": 0.3949, "IoU.booth": 0.395, "IoU.television receiver": 0.8335, "IoU.airplane": 0.8859, "IoU.dirt track": 0.1084, "IoU.apparel": 0.6214, "IoU.pole": 0.2509, "IoU.land": 0.0481, "IoU.bannister": 0.217, "IoU.escalator": 0.6396, "IoU.ottoman": 0.498, "IoU.bottle": 0.4299, "IoU.buffet": 0.4563, "IoU.poster": 0.3077, "IoU.stage": 0.2298, "IoU.van": 0.4737, "IoU.ship": 0.7324, "IoU.fountain": 0.3892, "IoU.conveyer belt": 0.8281, "IoU.canopy": 0.5353, "IoU.washer": 0.8787, "IoU.plaything": 0.4426, "IoU.swimming pool": 0.5242, "IoU.stool": 0.528, "IoU.barrel": 0.7224, "IoU.basket": 0.4078, "IoU.waterfall": 0.5814, "IoU.tent": 0.9044, "IoU.bag": 0.2814, "IoU.minibike": 0.7527, "IoU.cradle": 0.8598, "IoU.oven": 0.6456, "IoU.ball": 0.5419, "IoU.food": 0.6319, "IoU.step": 0.1392, "IoU.tank": 0.7254, "IoU.trade name": 0.2216, "IoU.microwave": 0.8949, "IoU.pot": 0.6044, "IoU.animal": 0.6078, "IoU.bicycle": 0.6015, "IoU.lake": 0.6084, "IoU.dishwasher": 0.7508, "IoU.screen": 0.6048, "IoU.blanket": 0.361, "IoU.sculpture": 0.7397, "IoU.hood": 0.6367, "IoU.sconce": 0.6249, "IoU.vase": 0.4629, "IoU.traffic light": 0.3615, "IoU.tray": 0.2516, "IoU.ashcan": 0.5025, "IoU.fan": 0.692, "IoU.pier": 0.4721, "IoU.crt screen": 0.0276, "IoU.plate": 0.6198, "IoU.monitor": 0.6259, "IoU.bulletin board": 0.5952, "IoU.shower": 0.1011, "IoU.radiator": 0.6899, "IoU.glass": 0.209, "IoU.clock": 0.5214, "IoU.flag": 0.7198, "Acc.wall": 0.899, "Acc.building": 0.9268, "Acc.sky": 0.9738, "Acc.floor": 0.9235, "Acc.tree": 0.9016, "Acc.ceiling": 0.9405, "Acc.road": 0.9169, "Acc.bed ": 0.9675, "Acc.windowpane": 0.8154, "Acc.grass": 0.8181, "Acc.cabinet": 0.7672, "Acc.sidewalk": 0.8375, "Acc.person": 0.9567, "Acc.earth": 0.5041, "Acc.door": 0.7501, "Acc.table": 0.7979, "Acc.mountain": 0.7511, "Acc.plant": 0.6743, "Acc.curtain": 0.9051, "Acc.chair": 0.8064, "Acc.car": 0.9395, "Acc.water": 0.7701, "Acc.painting": 0.9079, "Acc.sofa": 0.9096, "Acc.shelf": 0.6855, "Acc.house": 0.6827, "Acc.sea": 0.8164, "Acc.mirror": 0.8373, "Acc.rug": 0.7699, "Acc.field": 0.6052, "Acc.armchair": 0.7983, "Acc.seat": 0.8894, "Acc.fence": 0.6252, "Acc.desk": 0.7788, "Acc.rock": 0.7937, "Acc.wardrobe": 0.7707, "Acc.lamp": 0.8767, "Acc.bathtub": 0.8814, "Acc.railing": 0.6247, "Acc.cushion": 0.8339, "Acc.base": 0.5373, "Acc.box": 0.4977, "Acc.column": 0.686, "Acc.signboard": 0.566, "Acc.chest of drawers": 0.6891, "Acc.counter": 0.5453, "Acc.sand": 0.8141, "Acc.sink": 0.8492, "Acc.skyscraper": 0.594, "Acc.fireplace": 0.957, "Acc.refrigerator": 0.9391, "Acc.grandstand": 0.7774, "Acc.path": 0.4461, "Acc.stairs": 0.3388, "Acc.runway": 0.9645, "Acc.case": 0.8398, "Acc.pool table": 0.9771, "Acc.pillow": 0.8163, "Acc.screen door": 0.8803, "Acc.stairway": 0.6592, "Acc.river": 0.303, "Acc.bridge": 0.8979, "Acc.bookcase": 0.6112, "Acc.blind": 0.6677, "Acc.coffee table": 0.8637, "Acc.toilet": 0.9313, "Acc.flower": 0.6061, "Acc.book": 0.8108, "Acc.hill": 0.1344, "Acc.bench": 0.6196, "Acc.countertop": 0.843, "Acc.stove": 0.9219, "Acc.palm": 0.8316, "Acc.kitchen island": 0.8631, "Acc.computer": 0.9144, "Acc.swivel chair": 0.7552, "Acc.boat": 0.9046, "Acc.bar": 0.8319, "Acc.arcade machine": 0.8364, "Acc.hovel": 0.2115, "Acc.bus": 0.9681, "Acc.towel": 0.8962, "Acc.light": 0.7027, "Acc.truck": 0.6311, "Acc.tower": 0.6466, "Acc.chandelier": 0.8818, "Acc.awning": 0.5562, "Acc.streetlight": 0.5441, "Acc.booth": 0.5379, "Acc.television receiver": 0.8979, "Acc.airplane": 0.9632, "Acc.dirt track": 0.3342, "Acc.apparel": 0.8933, "Acc.pole": 0.3625, "Acc.land": 0.0778, "Acc.bannister": 0.2853, "Acc.escalator": 0.838, "Acc.ottoman": 0.6575, "Acc.bottle": 0.6604, "Acc.buffet": 0.5372, "Acc.poster": 0.3754, "Acc.stage": 0.3566, "Acc.van": 0.7536, "Acc.ship": 0.7523, "Acc.fountain": 0.4107, "Acc.conveyer belt": 0.9313, "Acc.canopy": 0.7405, "Acc.washer": 0.9391, "Acc.plaything": 0.6936, "Acc.swimming pool": 0.7801, "Acc.stool": 0.68, "Acc.barrel": 0.92, "Acc.basket": 0.5828, "Acc.waterfall": 0.7654, "Acc.tent": 0.9823, "Acc.bag": 0.3336, "Acc.minibike": 0.9199, "Acc.cradle": 0.9817, "Acc.oven": 0.7999, "Acc.ball": 0.6069, "Acc.food": 0.7209, "Acc.step": 0.1705, "Acc.tank": 0.8957, "Acc.trade name": 0.2678, "Acc.microwave": 0.9695, "Acc.pot": 0.7163, "Acc.animal": 0.6176, "Acc.bicycle": 0.783, "Acc.lake": 0.6369, "Acc.dishwasher": 0.8524, "Acc.screen": 0.9653, "Acc.blanket": 0.4221, "Acc.sculpture": 0.8923, "Acc.hood": 0.7618, "Acc.sconce": 0.7257, "Acc.vase": 0.6208, "Acc.traffic light": 0.6419, "Acc.tray": 0.3571, "Acc.ashcan": 0.6727, "Acc.fan": 0.8053, "Acc.pier": 0.5336, "Acc.crt screen": 0.0333, "Acc.plate": 0.828, "Acc.monitor": 0.7721, "Acc.bulletin board": 0.7355, "Acc.shower": 0.1316, "Acc.radiator": 0.8428, "Acc.glass": 0.2238, "Acc.clock": 0.6347, "Acc.flag": 0.8267} {"mode": "train", "epoch": 44, "iter": 55050, "lr": 1e-05, "memory": 71384, "data_time": 2.00692, "decode.loss_ce": 0.14653, "decode.acc_seg": 93.63351, "aux.loss_ce": 0.06173, "aux.acc_seg": 93.32593, "loss": 0.20827, "time": 3.62062} {"mode": "train", "epoch": 44, "iter": 55100, "lr": 1e-05, "memory": 71384, "data_time": 0.01052, "decode.loss_ce": 0.15425, "decode.acc_seg": 93.18865, "aux.loss_ce": 0.06491, "aux.acc_seg": 92.81469, "loss": 0.21916, "time": 1.62107} {"mode": "train", "epoch": 44, "iter": 55150, "lr": 1e-05, "memory": 71384, "data_time": 0.01028, "decode.loss_ce": 0.14836, "decode.acc_seg": 93.47392, "aux.loss_ce": 0.06299, "aux.acc_seg": 93.05988, "loss": 0.21135, "time": 1.6254} {"mode": "train", "epoch": 44, "iter": 55200, "lr": 1e-05, "memory": 71384, "data_time": 0.01035, "decode.loss_ce": 0.14906, "decode.acc_seg": 93.54094, "aux.loss_ce": 0.06329, "aux.acc_seg": 93.12165, "loss": 0.21235, "time": 1.6221} {"mode": "train", "epoch": 44, "iter": 55250, "lr": 1e-05, "memory": 71384, "data_time": 0.00974, "decode.loss_ce": 0.16002, "decode.acc_seg": 92.96236, "aux.loss_ce": 0.06789, "aux.acc_seg": 92.5692, "loss": 0.22791, "time": 1.62259} {"mode": "train", "epoch": 44, "iter": 55300, "lr": 1e-05, "memory": 71384, "data_time": 0.0097, "decode.loss_ce": 0.15648, "decode.acc_seg": 92.98578, "aux.loss_ce": 0.06611, "aux.acc_seg": 92.63276, "loss": 0.22259, "time": 1.6217} {"mode": "train", "epoch": 44, "iter": 55350, "lr": 1e-05, "memory": 71384, "data_time": 0.0098, "decode.loss_ce": 0.15789, "decode.acc_seg": 93.11407, "aux.loss_ce": 0.06646, "aux.acc_seg": 92.74001, "loss": 0.22435, "time": 1.61847} {"mode": "train", "epoch": 44, "iter": 55400, "lr": 1e-05, "memory": 71384, "data_time": 0.00977, "decode.loss_ce": 0.14769, "decode.acc_seg": 93.45843, "aux.loss_ce": 0.06246, "aux.acc_seg": 93.08905, "loss": 0.21015, "time": 1.62089} {"mode": "train", "epoch": 44, "iter": 55450, "lr": 1e-05, "memory": 71384, "data_time": 0.00978, "decode.loss_ce": 0.16223, "decode.acc_seg": 93.22956, "aux.loss_ce": 0.06804, "aux.acc_seg": 92.84467, "loss": 0.23027, "time": 1.62123} {"mode": "train", "epoch": 44, "iter": 55500, "lr": 1e-05, "memory": 71384, "data_time": 0.0096, "decode.loss_ce": 0.16016, "decode.acc_seg": 92.92689, "aux.loss_ce": 0.06758, "aux.acc_seg": 92.57889, "loss": 0.22773, "time": 1.62059} {"mode": "train", "epoch": 44, "iter": 55550, "lr": 1e-05, "memory": 71384, "data_time": 0.00975, "decode.loss_ce": 0.15114, "decode.acc_seg": 93.31429, "aux.loss_ce": 0.06419, "aux.acc_seg": 92.92348, "loss": 0.21533, "time": 1.62103} {"mode": "train", "epoch": 45, "iter": 55600, "lr": 1e-05, "memory": 71384, "data_time": 0.05617, "decode.loss_ce": 0.14858, "decode.acc_seg": 93.49299, "aux.loss_ce": 0.0631, "aux.acc_seg": 93.11881, "loss": 0.21167, "time": 1.67288} {"mode": "train", "epoch": 45, "iter": 55650, "lr": 1e-05, "memory": 71384, "data_time": 0.00972, "decode.loss_ce": 0.15819, "decode.acc_seg": 93.07287, "aux.loss_ce": 0.06693, "aux.acc_seg": 92.70705, "loss": 0.22512, "time": 1.62233} {"mode": "train", "epoch": 45, "iter": 55700, "lr": 1e-05, "memory": 71384, "data_time": 0.00961, "decode.loss_ce": 0.14217, "decode.acc_seg": 93.54012, "aux.loss_ce": 0.06059, "aux.acc_seg": 93.14822, "loss": 0.20276, "time": 1.62377} {"mode": "train", "epoch": 45, "iter": 55750, "lr": 1e-05, "memory": 71384, "data_time": 0.00988, "decode.loss_ce": 0.15784, "decode.acc_seg": 93.09724, "aux.loss_ce": 0.06703, "aux.acc_seg": 92.68757, "loss": 0.22487, "time": 1.61962} {"mode": "train", "epoch": 45, "iter": 55800, "lr": 1e-05, "memory": 71384, "data_time": 0.00995, "decode.loss_ce": 0.13841, "decode.acc_seg": 93.87566, "aux.loss_ce": 0.05873, "aux.acc_seg": 93.49723, "loss": 0.19714, "time": 1.62084} {"mode": "train", "epoch": 45, "iter": 55850, "lr": 1e-05, "memory": 71384, "data_time": 0.00992, "decode.loss_ce": 0.157, "decode.acc_seg": 93.01581, "aux.loss_ce": 0.06635, "aux.acc_seg": 92.58229, "loss": 0.22335, "time": 1.61994} {"mode": "train", "epoch": 45, "iter": 55900, "lr": 1e-05, "memory": 71384, "data_time": 0.00969, "decode.loss_ce": 0.16306, "decode.acc_seg": 93.06902, "aux.loss_ce": 0.06907, "aux.acc_seg": 92.64616, "loss": 0.23212, "time": 1.62193} {"mode": "train", "epoch": 45, "iter": 55950, "lr": 1e-05, "memory": 71384, "data_time": 0.00992, "decode.loss_ce": 0.15195, "decode.acc_seg": 93.38226, "aux.loss_ce": 0.06448, "aux.acc_seg": 92.9417, "loss": 0.21643, "time": 1.6253} {"mode": "train", "epoch": 45, "iter": 56000, "lr": 1e-05, "memory": 71384, "data_time": 0.00986, "decode.loss_ce": 0.14607, "decode.acc_seg": 93.63626, "aux.loss_ce": 0.06176, "aux.acc_seg": 93.30552, "loss": 0.20783, "time": 3.39949} {"mode": "val", "epoch": 45, "iter": 250, "lr": 1e-05, "aAcc": 0.8648, "mIoU": 0.5834, "mAcc": 0.7117, "IoU.wall": 0.8232, "IoU.building": 0.8569, "IoU.sky": 0.9484, "IoU.floor": 0.8534, "IoU.tree": 0.7804, "IoU.ceiling": 0.8785, "IoU.road": 0.8664, "IoU.bed ": 0.9257, "IoU.windowpane": 0.6734, "IoU.grass": 0.707, "IoU.cabinet": 0.6614, "IoU.sidewalk": 0.695, "IoU.person": 0.8607, "IoU.earth": 0.4172, "IoU.door": 0.5982, "IoU.table": 0.6941, "IoU.mountain": 0.6175, "IoU.plant": 0.5826, "IoU.curtain": 0.7966, "IoU.chair": 0.6893, "IoU.car": 0.8832, "IoU.water": 0.624, "IoU.painting": 0.7535, "IoU.sofa": 0.832, "IoU.shelf": 0.5297, "IoU.house": 0.5738, "IoU.sea": 0.7133, "IoU.mirror": 0.7766, "IoU.rug": 0.6801, "IoU.field": 0.4339, "IoU.armchair": 0.6192, "IoU.seat": 0.6603, "IoU.fence": 0.4846, "IoU.desk": 0.6172, "IoU.rock": 0.5399, "IoU.wardrobe": 0.5418, "IoU.lamp": 0.768, "IoU.bathtub": 0.8484, "IoU.railing": 0.4432, "IoU.cushion": 0.7273, "IoU.base": 0.3726, "IoU.box": 0.3872, "IoU.column": 0.5763, "IoU.signboard": 0.4264, "IoU.chest of drawers": 0.4234, "IoU.counter": 0.3507, "IoU.sand": 0.5602, "IoU.sink": 0.8084, "IoU.skyscraper": 0.4698, "IoU.fireplace": 0.7245, "IoU.refrigerator": 0.8688, "IoU.grandstand": 0.5238, "IoU.path": 0.3131, "IoU.stairs": 0.2928, "IoU.runway": 0.7522, "IoU.case": 0.622, "IoU.pool table": 0.9439, "IoU.pillow": 0.689, "IoU.screen door": 0.709, "IoU.stairway": 0.4306, "IoU.river": 0.1046, "IoU.bridge": 0.7046, "IoU.bookcase": 0.5057, "IoU.blind": 0.4291, "IoU.coffee table": 0.6128, "IoU.toilet": 0.9004, "IoU.flower": 0.4873, "IoU.book": 0.5573, "IoU.hill": 0.0485, "IoU.bench": 0.5661, "IoU.countertop": 0.6488, "IoU.stove": 0.8739, "IoU.palm": 0.5569, "IoU.kitchen island": 0.5087, "IoU.computer": 0.7861, "IoU.swivel chair": 0.4838, "IoU.boat": 0.8071, "IoU.bar": 0.6298, "IoU.arcade machine": 0.7246, "IoU.hovel": 0.2915, "IoU.bus": 0.9208, "IoU.towel": 0.8141, "IoU.light": 0.6249, "IoU.truck": 0.501, "IoU.tower": 0.2496, "IoU.chandelier": 0.7507, "IoU.awning": 0.4032, "IoU.streetlight": 0.3861, "IoU.booth": 0.3781, "IoU.television receiver": 0.8017, "IoU.airplane": 0.869, "IoU.dirt track": 0.0678, "IoU.apparel": 0.5985, "IoU.pole": 0.2451, "IoU.land": 0.0357, "IoU.bannister": 0.2059, "IoU.escalator": 0.6047, "IoU.ottoman": 0.5007, "IoU.bottle": 0.4386, "IoU.buffet": 0.4622, "IoU.poster": 0.326, "IoU.stage": 0.274, "IoU.van": 0.4805, "IoU.ship": 0.766, "IoU.fountain": 0.3598, "IoU.conveyer belt": 0.7987, "IoU.canopy": 0.5286, "IoU.washer": 0.843, "IoU.plaything": 0.3953, "IoU.swimming pool": 0.5331, "IoU.stool": 0.5239, "IoU.barrel": 0.7668, "IoU.basket": 0.4257, "IoU.waterfall": 0.5327, "IoU.tent": 0.9587, "IoU.bag": 0.2713, "IoU.minibike": 0.7607, "IoU.cradle": 0.8719, "IoU.oven": 0.7016, "IoU.ball": 0.4875, "IoU.food": 0.6508, "IoU.step": 0.1426, "IoU.tank": 0.7342, "IoU.trade name": 0.2152, "IoU.microwave": 0.904, "IoU.pot": 0.611, "IoU.animal": 0.6187, "IoU.bicycle": 0.588, "IoU.lake": 0.521, "IoU.dishwasher": 0.7365, "IoU.screen": 0.6052, "IoU.blanket": 0.3884, "IoU.sculpture": 0.77, "IoU.hood": 0.6366, "IoU.sconce": 0.6352, "IoU.vase": 0.491, "IoU.traffic light": 0.3649, "IoU.tray": 0.2808, "IoU.ashcan": 0.5135, "IoU.fan": 0.6976, "IoU.pier": 0.3942, "IoU.crt screen": 0.0243, "IoU.plate": 0.6146, "IoU.monitor": 0.6361, "IoU.bulletin board": 0.5639, "IoU.shower": 0.1068, "IoU.radiator": 0.6912, "IoU.glass": 0.2286, "IoU.clock": 0.5168, "IoU.flag": 0.7086, "Acc.wall": 0.8951, "Acc.building": 0.9317, "Acc.sky": 0.9794, "Acc.floor": 0.9234, "Acc.tree": 0.8909, "Acc.ceiling": 0.9482, "Acc.road": 0.9069, "Acc.bed ": 0.9713, "Acc.windowpane": 0.8331, "Acc.grass": 0.8367, "Acc.cabinet": 0.7635, "Acc.sidewalk": 0.8373, "Acc.person": 0.9484, "Acc.earth": 0.5719, "Acc.door": 0.7907, "Acc.table": 0.8147, "Acc.mountain": 0.7316, "Acc.plant": 0.6933, "Acc.curtain": 0.8798, "Acc.chair": 0.81, "Acc.car": 0.9456, "Acc.water": 0.7722, "Acc.painting": 0.9111, "Acc.sofa": 0.9096, "Acc.shelf": 0.7042, "Acc.house": 0.7397, "Acc.sea": 0.8135, "Acc.mirror": 0.8456, "Acc.rug": 0.7568, "Acc.field": 0.6477, "Acc.armchair": 0.8047, "Acc.seat": 0.8937, "Acc.fence": 0.6113, "Acc.desk": 0.7987, "Acc.rock": 0.823, "Acc.wardrobe": 0.752, "Acc.lamp": 0.871, "Acc.bathtub": 0.8687, "Acc.railing": 0.5961, "Acc.cushion": 0.8457, "Acc.base": 0.4678, "Acc.box": 0.5029, "Acc.column": 0.6379, "Acc.signboard": 0.6105, "Acc.chest of drawers": 0.6345, "Acc.counter": 0.4067, "Acc.sand": 0.8793, "Acc.sink": 0.8628, "Acc.skyscraper": 0.5842, "Acc.fireplace": 0.9553, "Acc.refrigerator": 0.946, "Acc.grandstand": 0.8415, "Acc.path": 0.4678, "Acc.stairs": 0.3344, "Acc.runway": 0.976, "Acc.case": 0.8258, "Acc.pool table": 0.9799, "Acc.pillow": 0.7831, "Acc.screen door": 0.7358, "Acc.stairway": 0.6272, "Acc.river": 0.2329, "Acc.bridge": 0.8227, "Acc.bookcase": 0.5776, "Acc.blind": 0.4616, "Acc.coffee table": 0.8831, "Acc.toilet": 0.9316, "Acc.flower": 0.5739, "Acc.book": 0.82, "Acc.hill": 0.0863, "Acc.bench": 0.6495, "Acc.countertop": 0.8319, "Acc.stove": 0.9305, "Acc.palm": 0.8516, "Acc.kitchen island": 0.9157, "Acc.computer": 0.9094, "Acc.swivel chair": 0.7041, "Acc.boat": 0.9093, "Acc.bar": 0.9008, "Acc.arcade machine": 0.7688, "Acc.hovel": 0.3146, "Acc.bus": 0.9646, "Acc.towel": 0.8931, "Acc.light": 0.7065, "Acc.truck": 0.6421, "Acc.tower": 0.426, "Acc.chandelier": 0.8864, "Acc.awning": 0.4858, "Acc.streetlight": 0.5116, "Acc.booth": 0.5961, "Acc.television receiver": 0.8853, "Acc.airplane": 0.9461, "Acc.dirt track": 0.3035, "Acc.apparel": 0.8884, "Acc.pole": 0.3385, "Acc.land": 0.0569, "Acc.bannister": 0.2749, "Acc.escalator": 0.784, "Acc.ottoman": 0.6802, "Acc.bottle": 0.6102, "Acc.buffet": 0.5375, "Acc.poster": 0.4251, "Acc.stage": 0.4702, "Acc.van": 0.7177, "Acc.ship": 0.8068, "Acc.fountain": 0.3668, "Acc.conveyer belt": 0.9374, "Acc.canopy": 0.7269, "Acc.washer": 0.895, "Acc.plaything": 0.5416, "Acc.swimming pool": 0.7743, "Acc.stool": 0.676, "Acc.barrel": 0.9324, "Acc.basket": 0.6263, "Acc.waterfall": 0.6991, "Acc.tent": 0.9799, "Acc.bag": 0.3204, "Acc.minibike": 0.911, "Acc.cradle": 0.9757, "Acc.oven": 0.8139, "Acc.ball": 0.5365, "Acc.food": 0.7916, "Acc.step": 0.1666, "Acc.tank": 0.8522, "Acc.trade name": 0.2591, "Acc.microwave": 0.9633, "Acc.pot": 0.7424, "Acc.animal": 0.6313, "Acc.bicycle": 0.7405, "Acc.lake": 0.6378, "Acc.dishwasher": 0.8518, "Acc.screen": 0.9538, "Acc.blanket": 0.4488, "Acc.sculpture": 0.8845, "Acc.hood": 0.76, "Acc.sconce": 0.7337, "Acc.vase": 0.6642, "Acc.traffic light": 0.6928, "Acc.tray": 0.395, "Acc.ashcan": 0.6761, "Acc.fan": 0.849, "Acc.pier": 0.4854, "Acc.crt screen": 0.0341, "Acc.plate": 0.7998, "Acc.monitor": 0.806, "Acc.bulletin board": 0.671, "Acc.shower": 0.1633, "Acc.radiator": 0.8266, "Acc.glass": 0.2575, "Acc.clock": 0.6538, "Acc.flag": 0.8116} {"mode": "train", "epoch": 45, "iter": 56050, "lr": 1e-05, "memory": 71384, "data_time": 1.95881, "decode.loss_ce": 0.15217, "decode.acc_seg": 93.497, "aux.loss_ce": 0.0641, "aux.acc_seg": 93.11817, "loss": 0.21626, "time": 3.57493} {"mode": "train", "epoch": 45, "iter": 56100, "lr": 1e-05, "memory": 71384, "data_time": 0.00976, "decode.loss_ce": 0.1529, "decode.acc_seg": 93.3659, "aux.loss_ce": 0.06448, "aux.acc_seg": 93.00631, "loss": 0.21739, "time": 1.62258} {"mode": "train", "epoch": 45, "iter": 56150, "lr": 1e-05, "memory": 71384, "data_time": 0.00985, "decode.loss_ce": 0.14582, "decode.acc_seg": 93.40908, "aux.loss_ce": 0.06199, "aux.acc_seg": 93.01491, "loss": 0.20781, "time": 1.62126} {"mode": "train", "epoch": 45, "iter": 56200, "lr": 1e-05, "memory": 71384, "data_time": 0.01, "decode.loss_ce": 0.15415, "decode.acc_seg": 93.3571, "aux.loss_ce": 0.06546, "aux.acc_seg": 92.93504, "loss": 0.21961, "time": 1.61972} {"mode": "train", "epoch": 45, "iter": 56250, "lr": 1e-05, "memory": 71384, "data_time": 0.00983, "decode.loss_ce": 0.14311, "decode.acc_seg": 93.87086, "aux.loss_ce": 0.06123, "aux.acc_seg": 93.5086, "loss": 0.20434, "time": 1.62081} {"mode": "train", "epoch": 45, "iter": 56300, "lr": 1e-05, "memory": 71384, "data_time": 0.00967, "decode.loss_ce": 0.15068, "decode.acc_seg": 93.4893, "aux.loss_ce": 0.06368, "aux.acc_seg": 93.10337, "loss": 0.21436, "time": 1.62019} {"mode": "train", "epoch": 45, "iter": 56350, "lr": 1e-05, "memory": 71384, "data_time": 0.0096, "decode.loss_ce": 0.14999, "decode.acc_seg": 93.5047, "aux.loss_ce": 0.06367, "aux.acc_seg": 93.11006, "loss": 0.21366, "time": 1.6213} {"mode": "train", "epoch": 45, "iter": 56400, "lr": 1e-05, "memory": 71384, "data_time": 0.00982, "decode.loss_ce": 0.15605, "decode.acc_seg": 93.39331, "aux.loss_ce": 0.06609, "aux.acc_seg": 93.02391, "loss": 0.22214, "time": 1.62279} {"mode": "train", "epoch": 45, "iter": 56450, "lr": 1e-05, "memory": 71384, "data_time": 0.00974, "decode.loss_ce": 0.16534, "decode.acc_seg": 93.09522, "aux.loss_ce": 0.06931, "aux.acc_seg": 92.70493, "loss": 0.23466, "time": 1.62112} {"mode": "train", "epoch": 45, "iter": 56500, "lr": 1e-05, "memory": 71384, "data_time": 0.00958, "decode.loss_ce": 0.15483, "decode.acc_seg": 93.31824, "aux.loss_ce": 0.06591, "aux.acc_seg": 92.92599, "loss": 0.22074, "time": 1.62141} {"mode": "train", "epoch": 45, "iter": 56550, "lr": 1e-05, "memory": 71384, "data_time": 0.0098, "decode.loss_ce": 0.16249, "decode.acc_seg": 93.33826, "aux.loss_ce": 0.06796, "aux.acc_seg": 92.96588, "loss": 0.23045, "time": 1.62323} {"mode": "train", "epoch": 45, "iter": 56600, "lr": 1e-05, "memory": 71384, "data_time": 0.0099, "decode.loss_ce": 0.14373, "decode.acc_seg": 93.81826, "aux.loss_ce": 0.06105, "aux.acc_seg": 93.44901, "loss": 0.20478, "time": 1.6201} {"mode": "train", "epoch": 45, "iter": 56650, "lr": 1e-05, "memory": 71384, "data_time": 0.00975, "decode.loss_ce": 0.14969, "decode.acc_seg": 93.32582, "aux.loss_ce": 0.06361, "aux.acc_seg": 92.95907, "loss": 0.21329, "time": 1.62044} {"mode": "train", "epoch": 45, "iter": 56700, "lr": 1e-05, "memory": 71384, "data_time": 0.00974, "decode.loss_ce": 0.15067, "decode.acc_seg": 93.45687, "aux.loss_ce": 0.06401, "aux.acc_seg": 93.05199, "loss": 0.21468, "time": 1.62264} {"mode": "train", "epoch": 45, "iter": 56750, "lr": 1e-05, "memory": 71384, "data_time": 0.00995, "decode.loss_ce": 0.14853, "decode.acc_seg": 93.52306, "aux.loss_ce": 0.06278, "aux.acc_seg": 93.17967, "loss": 0.2113, "time": 1.62229} {"mode": "train", "epoch": 45, "iter": 56800, "lr": 1e-05, "memory": 71384, "data_time": 0.00965, "decode.loss_ce": 0.164, "decode.acc_seg": 93.1517, "aux.loss_ce": 0.06901, "aux.acc_seg": 92.76863, "loss": 0.23301, "time": 1.62062} {"mode": "train", "epoch": 46, "iter": 56850, "lr": 1e-05, "memory": 71384, "data_time": 0.06849, "decode.loss_ce": 0.15204, "decode.acc_seg": 93.47072, "aux.loss_ce": 0.06457, "aux.acc_seg": 93.08785, "loss": 0.21661, "time": 1.68078} {"mode": "train", "epoch": 46, "iter": 56900, "lr": 1e-05, "memory": 71384, "data_time": 0.00978, "decode.loss_ce": 0.14265, "decode.acc_seg": 93.70935, "aux.loss_ce": 0.06068, "aux.acc_seg": 93.29103, "loss": 0.20333, "time": 1.62663} {"mode": "train", "epoch": 46, "iter": 56950, "lr": 1e-05, "memory": 71384, "data_time": 0.0098, "decode.loss_ce": 0.14561, "decode.acc_seg": 93.54824, "aux.loss_ce": 0.06173, "aux.acc_seg": 93.20739, "loss": 0.20734, "time": 1.62071} {"mode": "train", "epoch": 46, "iter": 57000, "lr": 1e-05, "memory": 71384, "data_time": 0.00986, "decode.loss_ce": 0.14415, "decode.acc_seg": 93.7665, "aux.loss_ce": 0.06225, "aux.acc_seg": 93.265, "loss": 0.2064, "time": 1.62003} {"mode": "val", "epoch": 46, "iter": 250, "lr": 1e-05, "aAcc": 0.8657, "mIoU": 0.5854, "mAcc": 0.713, "IoU.wall": 0.8286, "IoU.building": 0.8544, "IoU.sky": 0.9493, "IoU.floor": 0.8573, "IoU.tree": 0.7781, "IoU.ceiling": 0.8792, "IoU.road": 0.8646, "IoU.bed ": 0.9265, "IoU.windowpane": 0.673, "IoU.grass": 0.6947, "IoU.cabinet": 0.6711, "IoU.sidewalk": 0.7036, "IoU.person": 0.8656, "IoU.earth": 0.4198, "IoU.door": 0.6077, "IoU.table": 0.6913, "IoU.mountain": 0.6264, "IoU.plant": 0.5736, "IoU.curtain": 0.7879, "IoU.chair": 0.6967, "IoU.car": 0.8854, "IoU.water": 0.6346, "IoU.painting": 0.7594, "IoU.sofa": 0.8286, "IoU.shelf": 0.55, "IoU.house": 0.5551, "IoU.sea": 0.7094, "IoU.mirror": 0.7928, "IoU.rug": 0.6856, "IoU.field": 0.3708, "IoU.armchair": 0.6202, "IoU.seat": 0.6787, "IoU.fence": 0.5062, "IoU.desk": 0.6075, "IoU.rock": 0.5307, "IoU.wardrobe": 0.5724, "IoU.lamp": 0.7717, "IoU.bathtub": 0.8563, "IoU.railing": 0.4515, "IoU.cushion": 0.7203, "IoU.base": 0.371, "IoU.box": 0.3669, "IoU.column": 0.6099, "IoU.signboard": 0.4149, "IoU.chest of drawers": 0.3879, "IoU.counter": 0.3776, "IoU.sand": 0.53, "IoU.sink": 0.8165, "IoU.skyscraper": 0.4573, "IoU.fireplace": 0.7235, "IoU.refrigerator": 0.8642, "IoU.grandstand": 0.5034, "IoU.path": 0.2866, "IoU.stairs": 0.3479, "IoU.runway": 0.7203, "IoU.case": 0.6191, "IoU.pool table": 0.9442, "IoU.pillow": 0.6853, "IoU.screen door": 0.7454, "IoU.stairway": 0.4263, "IoU.river": 0.0981, "IoU.bridge": 0.7623, "IoU.bookcase": 0.5641, "IoU.blind": 0.4249, "IoU.coffee table": 0.6039, "IoU.toilet": 0.906, "IoU.flower": 0.4642, "IoU.book": 0.5747, "IoU.hill": 0.0673, "IoU.bench": 0.5617, "IoU.countertop": 0.6419, "IoU.stove": 0.8751, "IoU.palm": 0.5604, "IoU.kitchen island": 0.5678, "IoU.computer": 0.7872, "IoU.swivel chair": 0.4851, "IoU.boat": 0.7953, "IoU.bar": 0.6222, "IoU.arcade machine": 0.7224, "IoU.hovel": 0.248, "IoU.bus": 0.9261, "IoU.towel": 0.785, "IoU.light": 0.6312, "IoU.truck": 0.4924, "IoU.tower": 0.3463, "IoU.chandelier": 0.756, "IoU.awning": 0.4243, "IoU.streetlight": 0.4006, "IoU.booth": 0.3944, "IoU.television receiver": 0.819, "IoU.airplane": 0.8782, "IoU.dirt track": 0.0895, "IoU.apparel": 0.6112, "IoU.pole": 0.3022, "IoU.land": 0.0387, "IoU.bannister": 0.2212, "IoU.escalator": 0.633, "IoU.ottoman": 0.517, "IoU.bottle": 0.4627, "IoU.buffet": 0.471, "IoU.poster": 0.3022, "IoU.stage": 0.2344, "IoU.van": 0.4931, "IoU.ship": 0.8176, "IoU.fountain": 0.3762, "IoU.conveyer belt": 0.7931, "IoU.canopy": 0.3355, "IoU.washer": 0.8761, "IoU.plaything": 0.4165, "IoU.swimming pool": 0.5289, "IoU.stool": 0.519, "IoU.barrel": 0.7188, "IoU.basket": 0.4225, "IoU.waterfall": 0.5068, "IoU.tent": 0.9586, "IoU.bag": 0.2941, "IoU.minibike": 0.7759, "IoU.cradle": 0.8723, "IoU.oven": 0.6409, "IoU.ball": 0.5561, "IoU.food": 0.6329, "IoU.step": 0.1488, "IoU.tank": 0.8104, "IoU.trade name": 0.2145, "IoU.microwave": 0.8848, "IoU.pot": 0.597, "IoU.animal": 0.5904, "IoU.bicycle": 0.5948, "IoU.lake": 0.4641, "IoU.dishwasher": 0.7578, "IoU.screen": 0.5488, "IoU.blanket": 0.4095, "IoU.sculpture": 0.7455, "IoU.hood": 0.6268, "IoU.sconce": 0.6254, "IoU.vase": 0.4589, "IoU.traffic light": 0.4095, "IoU.tray": 0.26, "IoU.ashcan": 0.5095, "IoU.fan": 0.6974, "IoU.pier": 0.4232, "IoU.crt screen": 0.0259, "IoU.plate": 0.6443, "IoU.monitor": 0.6918, "IoU.bulletin board": 0.587, "IoU.shower": 0.1212, "IoU.radiator": 0.6931, "IoU.glass": 0.2092, "IoU.clock": 0.5139, "IoU.flag": 0.7107, "Acc.wall": 0.899, "Acc.building": 0.9276, "Acc.sky": 0.9732, "Acc.floor": 0.9228, "Acc.tree": 0.9055, "Acc.ceiling": 0.9506, "Acc.road": 0.9107, "Acc.bed ": 0.9682, "Acc.windowpane": 0.8316, "Acc.grass": 0.8359, "Acc.cabinet": 0.7723, "Acc.sidewalk": 0.8524, "Acc.person": 0.9451, "Acc.earth": 0.5626, "Acc.door": 0.768, "Acc.table": 0.8094, "Acc.mountain": 0.7444, "Acc.plant": 0.6708, "Acc.curtain": 0.8812, "Acc.chair": 0.8221, "Acc.car": 0.9415, "Acc.water": 0.784, "Acc.painting": 0.8972, "Acc.sofa": 0.9082, "Acc.shelf": 0.7495, "Acc.house": 0.7616, "Acc.sea": 0.8315, "Acc.mirror": 0.8628, "Acc.rug": 0.7659, "Acc.field": 0.5832, "Acc.armchair": 0.7954, "Acc.seat": 0.8886, "Acc.fence": 0.643, "Acc.desk": 0.7548, "Acc.rock": 0.8256, "Acc.wardrobe": 0.7689, "Acc.lamp": 0.8756, "Acc.bathtub": 0.8817, "Acc.railing": 0.6147, "Acc.cushion": 0.8469, "Acc.base": 0.5558, "Acc.box": 0.4353, "Acc.column": 0.73, "Acc.signboard": 0.5547, "Acc.chest of drawers": 0.5907, "Acc.counter": 0.5082, "Acc.sand": 0.8855, "Acc.sink": 0.877, "Acc.skyscraper": 0.5976, "Acc.fireplace": 0.9573, "Acc.refrigerator": 0.9545, "Acc.grandstand": 0.8191, "Acc.path": 0.3601, "Acc.stairs": 0.4286, "Acc.runway": 0.9306, "Acc.case": 0.8398, "Acc.pool table": 0.9809, "Acc.pillow": 0.7777, "Acc.screen door": 0.7681, "Acc.stairway": 0.5899, "Acc.river": 0.2063, "Acc.bridge": 0.872, "Acc.bookcase": 0.6723, "Acc.blind": 0.4495, "Acc.coffee table": 0.8785, "Acc.toilet": 0.94, "Acc.flower": 0.5483, "Acc.book": 0.7845, "Acc.hill": 0.1133, "Acc.bench": 0.6363, "Acc.countertop": 0.8327, "Acc.stove": 0.9268, "Acc.palm": 0.8173, "Acc.kitchen island": 0.8729, "Acc.computer": 0.9256, "Acc.swivel chair": 0.6473, "Acc.boat": 0.9134, "Acc.bar": 0.8752, "Acc.arcade machine": 0.7641, "Acc.hovel": 0.2775, "Acc.bus": 0.972, "Acc.towel": 0.8973, "Acc.light": 0.7226, "Acc.truck": 0.6225, "Acc.tower": 0.6024, "Acc.chandelier": 0.8618, "Acc.awning": 0.5286, "Acc.streetlight": 0.5444, "Acc.booth": 0.5364, "Acc.television receiver": 0.8948, "Acc.airplane": 0.9593, "Acc.dirt track": 0.4339, "Acc.apparel": 0.7918, "Acc.pole": 0.4903, "Acc.land": 0.056, "Acc.bannister": 0.2889, "Acc.escalator": 0.8032, "Acc.ottoman": 0.6857, "Acc.bottle": 0.6105, "Acc.buffet": 0.5548, "Acc.poster": 0.3432, "Acc.stage": 0.4723, "Acc.van": 0.733, "Acc.ship": 0.949, "Acc.fountain": 0.3798, "Acc.conveyer belt": 0.9362, "Acc.canopy": 0.4395, "Acc.washer": 0.9321, "Acc.plaything": 0.6253, "Acc.swimming pool": 0.7673, "Acc.stool": 0.7052, "Acc.barrel": 0.9207, "Acc.basket": 0.6273, "Acc.waterfall": 0.6521, "Acc.tent": 0.9698, "Acc.bag": 0.3462, "Acc.minibike": 0.8956, "Acc.cradle": 0.977, "Acc.oven": 0.7721, "Acc.ball": 0.657, "Acc.food": 0.7548, "Acc.step": 0.171, "Acc.tank": 0.9283, "Acc.trade name": 0.2548, "Acc.microwave": 0.9693, "Acc.pot": 0.6985, "Acc.animal": 0.6045, "Acc.bicycle": 0.7973, "Acc.lake": 0.638, "Acc.dishwasher": 0.8413, "Acc.screen": 0.8936, "Acc.blanket": 0.4723, "Acc.sculpture": 0.8805, "Acc.hood": 0.7287, "Acc.sconce": 0.7117, "Acc.vase": 0.6766, "Acc.traffic light": 0.6411, "Acc.tray": 0.3287, "Acc.ashcan": 0.6709, "Acc.fan": 0.862, "Acc.pier": 0.4633, "Acc.crt screen": 0.0337, "Acc.plate": 0.7915, "Acc.monitor": 0.8625, "Acc.bulletin board": 0.7085, "Acc.shower": 0.1253, "Acc.radiator": 0.8153, "Acc.glass": 0.222, "Acc.clock": 0.6046, "Acc.flag": 0.809} {"mode": "train", "epoch": 46, "iter": 57050, "lr": 1e-05, "memory": 71384, "data_time": 1.97935, "decode.loss_ce": 0.14774, "decode.acc_seg": 93.68649, "aux.loss_ce": 0.06294, "aux.acc_seg": 93.29279, "loss": 0.21068, "time": 3.5933} {"mode": "train", "epoch": 46, "iter": 57100, "lr": 1e-05, "memory": 71384, "data_time": 0.01017, "decode.loss_ce": 0.14938, "decode.acc_seg": 93.45424, "aux.loss_ce": 0.06393, "aux.acc_seg": 93.0375, "loss": 0.21331, "time": 1.6193} {"mode": "train", "epoch": 46, "iter": 57150, "lr": 1e-05, "memory": 71384, "data_time": 0.0099, "decode.loss_ce": 0.14808, "decode.acc_seg": 93.59641, "aux.loss_ce": 0.06301, "aux.acc_seg": 93.18671, "loss": 0.21109, "time": 1.62126} {"mode": "train", "epoch": 46, "iter": 57200, "lr": 1e-05, "memory": 71384, "data_time": 0.00986, "decode.loss_ce": 0.14801, "decode.acc_seg": 93.4489, "aux.loss_ce": 0.06257, "aux.acc_seg": 93.05263, "loss": 0.21058, "time": 1.62234} {"mode": "train", "epoch": 46, "iter": 57250, "lr": 1e-05, "memory": 71384, "data_time": 0.00979, "decode.loss_ce": 0.15809, "decode.acc_seg": 93.36014, "aux.loss_ce": 0.06729, "aux.acc_seg": 92.94455, "loss": 0.22538, "time": 1.62012} {"mode": "train", "epoch": 46, "iter": 57300, "lr": 1e-05, "memory": 71384, "data_time": 0.00994, "decode.loss_ce": 0.15172, "decode.acc_seg": 93.38753, "aux.loss_ce": 0.06401, "aux.acc_seg": 93.07354, "loss": 0.21573, "time": 1.62456} {"mode": "train", "epoch": 46, "iter": 57350, "lr": 1e-05, "memory": 71384, "data_time": 0.00992, "decode.loss_ce": 0.13823, "decode.acc_seg": 93.93347, "aux.loss_ce": 0.05898, "aux.acc_seg": 93.52011, "loss": 0.19722, "time": 1.6199} {"mode": "train", "epoch": 46, "iter": 57400, "lr": 1e-05, "memory": 71384, "data_time": 0.00975, "decode.loss_ce": 0.15231, "decode.acc_seg": 93.41872, "aux.loss_ce": 0.06456, "aux.acc_seg": 93.05424, "loss": 0.21688, "time": 1.62116} {"mode": "train", "epoch": 46, "iter": 57450, "lr": 1e-05, "memory": 71384, "data_time": 0.01004, "decode.loss_ce": 0.14509, "decode.acc_seg": 93.73054, "aux.loss_ce": 0.06124, "aux.acc_seg": 93.40407, "loss": 0.20634, "time": 1.62081} {"mode": "train", "epoch": 46, "iter": 57500, "lr": 1e-05, "memory": 71384, "data_time": 0.0097, "decode.loss_ce": 0.14276, "decode.acc_seg": 93.79911, "aux.loss_ce": 0.06089, "aux.acc_seg": 93.39213, "loss": 0.20365, "time": 1.62097} {"mode": "train", "epoch": 46, "iter": 57550, "lr": 1e-05, "memory": 71384, "data_time": 0.00991, "decode.loss_ce": 0.14769, "decode.acc_seg": 93.65976, "aux.loss_ce": 0.06256, "aux.acc_seg": 93.3006, "loss": 0.21025, "time": 1.6211} {"mode": "train", "epoch": 46, "iter": 57600, "lr": 1e-05, "memory": 71384, "data_time": 0.00973, "decode.loss_ce": 0.14917, "decode.acc_seg": 93.51457, "aux.loss_ce": 0.06319, "aux.acc_seg": 93.13172, "loss": 0.21236, "time": 1.61767} {"mode": "train", "epoch": 46, "iter": 57650, "lr": 1e-05, "memory": 71384, "data_time": 0.00976, "decode.loss_ce": 0.14398, "decode.acc_seg": 93.71037, "aux.loss_ce": 0.06148, "aux.acc_seg": 93.30509, "loss": 0.20546, "time": 1.62002} {"mode": "train", "epoch": 46, "iter": 57700, "lr": 1e-05, "memory": 71384, "data_time": 0.00978, "decode.loss_ce": 0.14779, "decode.acc_seg": 93.50751, "aux.loss_ce": 0.06281, "aux.acc_seg": 93.15698, "loss": 0.2106, "time": 1.62183} {"mode": "train", "epoch": 46, "iter": 57750, "lr": 1e-05, "memory": 71384, "data_time": 0.01065, "decode.loss_ce": 0.15449, "decode.acc_seg": 93.24304, "aux.loss_ce": 0.06563, "aux.acc_seg": 92.85494, "loss": 0.22012, "time": 1.6218} {"mode": "train", "epoch": 46, "iter": 57800, "lr": 1e-05, "memory": 71384, "data_time": 0.00998, "decode.loss_ce": 0.14953, "decode.acc_seg": 93.39703, "aux.loss_ce": 0.0636, "aux.acc_seg": 92.97149, "loss": 0.21313, "time": 1.62412} {"mode": "train", "epoch": 46, "iter": 57850, "lr": 1e-05, "memory": 71384, "data_time": 0.00976, "decode.loss_ce": 0.15547, "decode.acc_seg": 93.16644, "aux.loss_ce": 0.06588, "aux.acc_seg": 92.73921, "loss": 0.22135, "time": 1.62026} {"mode": "train", "epoch": 46, "iter": 57900, "lr": 1e-05, "memory": 71384, "data_time": 0.00968, "decode.loss_ce": 0.1485, "decode.acc_seg": 93.55346, "aux.loss_ce": 0.06308, "aux.acc_seg": 93.15533, "loss": 0.21158, "time": 1.62024} {"mode": "train", "epoch": 46, "iter": 57950, "lr": 1e-05, "memory": 71384, "data_time": 0.00962, "decode.loss_ce": 0.14418, "decode.acc_seg": 93.64087, "aux.loss_ce": 0.06118, "aux.acc_seg": 93.30156, "loss": 0.20535, "time": 1.6191} {"mode": "train", "epoch": 46, "iter": 58000, "lr": 1e-05, "memory": 71384, "data_time": 0.00958, "decode.loss_ce": 0.15376, "decode.acc_seg": 93.31746, "aux.loss_ce": 0.06561, "aux.acc_seg": 92.81253, "loss": 0.21938, "time": 3.33614} {"mode": "val", "epoch": 46, "iter": 250, "lr": 1e-05, "aAcc": 0.8648, "mIoU": 0.5845, "mAcc": 0.7071, "IoU.wall": 0.8267, "IoU.building": 0.853, "IoU.sky": 0.9509, "IoU.floor": 0.8571, "IoU.tree": 0.7809, "IoU.ceiling": 0.8732, "IoU.road": 0.869, "IoU.bed ": 0.9263, "IoU.windowpane": 0.6709, "IoU.grass": 0.6921, "IoU.cabinet": 0.6665, "IoU.sidewalk": 0.7102, "IoU.person": 0.8588, "IoU.earth": 0.4281, "IoU.door": 0.5945, "IoU.table": 0.6948, "IoU.mountain": 0.62, "IoU.plant": 0.5665, "IoU.curtain": 0.7908, "IoU.chair": 0.6896, "IoU.car": 0.8846, "IoU.water": 0.6299, "IoU.painting": 0.7631, "IoU.sofa": 0.8169, "IoU.shelf": 0.5401, "IoU.house": 0.4968, "IoU.sea": 0.7304, "IoU.mirror": 0.7861, "IoU.rug": 0.6868, "IoU.field": 0.3731, "IoU.armchair": 0.6112, "IoU.seat": 0.6773, "IoU.fence": 0.5329, "IoU.desk": 0.6062, "IoU.rock": 0.5205, "IoU.wardrobe": 0.5391, "IoU.lamp": 0.7691, "IoU.bathtub": 0.864, "IoU.railing": 0.4373, "IoU.cushion": 0.7237, "IoU.base": 0.3669, "IoU.box": 0.384, "IoU.column": 0.5891, "IoU.signboard": 0.4214, "IoU.chest of drawers": 0.4083, "IoU.counter": 0.3743, "IoU.sand": 0.5712, "IoU.sink": 0.8096, "IoU.skyscraper": 0.4646, "IoU.fireplace": 0.7503, "IoU.refrigerator": 0.8647, "IoU.grandstand": 0.5181, "IoU.path": 0.3148, "IoU.stairs": 0.3528, "IoU.runway": 0.7454, "IoU.case": 0.6383, "IoU.pool table": 0.9428, "IoU.pillow": 0.6811, "IoU.screen door": 0.7242, "IoU.stairway": 0.4346, "IoU.river": 0.0959, "IoU.bridge": 0.7509, "IoU.bookcase": 0.5565, "IoU.blind": 0.4208, "IoU.coffee table": 0.6107, "IoU.toilet": 0.9065, "IoU.flower": 0.4638, "IoU.book": 0.5632, "IoU.hill": 0.0603, "IoU.bench": 0.5484, "IoU.countertop": 0.6661, "IoU.stove": 0.8704, "IoU.palm": 0.5549, "IoU.kitchen island": 0.5972, "IoU.computer": 0.7658, "IoU.swivel chair": 0.5113, "IoU.boat": 0.7672, "IoU.bar": 0.6141, "IoU.arcade machine": 0.7269, "IoU.hovel": 0.3587, "IoU.bus": 0.9219, "IoU.towel": 0.7949, "IoU.light": 0.6427, "IoU.truck": 0.5017, "IoU.tower": 0.2316, "IoU.chandelier": 0.7546, "IoU.awning": 0.4203, "IoU.streetlight": 0.3813, "IoU.booth": 0.4067, "IoU.television receiver": 0.8216, "IoU.airplane": 0.8538, "IoU.dirt track": 0.0151, "IoU.apparel": 0.6335, "IoU.pole": 0.2526, "IoU.land": 0.0334, "IoU.bannister": 0.2017, "IoU.escalator": 0.515, "IoU.ottoman": 0.5328, "IoU.bottle": 0.4546, "IoU.buffet": 0.5006, "IoU.poster": 0.3121, "IoU.stage": 0.2563, "IoU.van": 0.5025, "IoU.ship": 0.8618, "IoU.fountain": 0.4387, "IoU.conveyer belt": 0.806, "IoU.canopy": 0.5743, "IoU.washer": 0.8406, "IoU.plaything": 0.3156, "IoU.swimming pool": 0.5401, "IoU.stool": 0.5062, "IoU.barrel": 0.72, "IoU.basket": 0.4321, "IoU.waterfall": 0.4561, "IoU.tent": 0.9279, "IoU.bag": 0.2648, "IoU.minibike": 0.7777, "IoU.cradle": 0.8852, "IoU.oven": 0.6604, "IoU.ball": 0.5779, "IoU.food": 0.6568, "IoU.step": 0.1581, "IoU.tank": 0.7468, "IoU.trade name": 0.2504, "IoU.microwave": 0.9111, "IoU.pot": 0.5967, "IoU.animal": 0.5812, "IoU.bicycle": 0.5924, "IoU.lake": 0.4293, "IoU.dishwasher": 0.7671, "IoU.screen": 0.5719, "IoU.blanket": 0.3872, "IoU.sculpture": 0.7618, "IoU.hood": 0.6367, "IoU.sconce": 0.598, "IoU.vase": 0.4686, "IoU.traffic light": 0.3619, "IoU.tray": 0.2574, "IoU.ashcan": 0.5201, "IoU.fan": 0.7048, "IoU.pier": 0.4472, "IoU.crt screen": 0.0261, "IoU.plate": 0.64, "IoU.monitor": 0.6023, "IoU.bulletin board": 0.6013, "IoU.shower": 0.059, "IoU.radiator": 0.7064, "IoU.glass": 0.2135, "IoU.clock": 0.5135, "IoU.flag": 0.7109, "Acc.wall": 0.9007, "Acc.building": 0.931, "Acc.sky": 0.974, "Acc.floor": 0.923, "Acc.tree": 0.9105, "Acc.ceiling": 0.9416, "Acc.road": 0.9072, "Acc.bed ": 0.9726, "Acc.windowpane": 0.8375, "Acc.grass": 0.8278, "Acc.cabinet": 0.7697, "Acc.sidewalk": 0.8596, "Acc.person": 0.9505, "Acc.earth": 0.5781, "Acc.door": 0.7515, "Acc.table": 0.8178, "Acc.mountain": 0.7301, "Acc.plant": 0.6531, "Acc.curtain": 0.8886, "Acc.chair": 0.7926, "Acc.car": 0.9455, "Acc.water": 0.7782, "Acc.painting": 0.8956, "Acc.sofa": 0.9012, "Acc.shelf": 0.7471, "Acc.house": 0.64, "Acc.sea": 0.8181, "Acc.mirror": 0.8739, "Acc.rug": 0.783, "Acc.field": 0.6322, "Acc.armchair": 0.7727, "Acc.seat": 0.8832, "Acc.fence": 0.6441, "Acc.desk": 0.792, "Acc.rock": 0.7805, "Acc.wardrobe": 0.7438, "Acc.lamp": 0.8571, "Acc.bathtub": 0.8935, "Acc.railing": 0.6014, "Acc.cushion": 0.8235, "Acc.base": 0.5708, "Acc.box": 0.4947, "Acc.column": 0.6983, "Acc.signboard": 0.5477, "Acc.chest of drawers": 0.6101, "Acc.counter": 0.4761, "Acc.sand": 0.8715, "Acc.sink": 0.8551, "Acc.skyscraper": 0.6008, "Acc.fireplace": 0.9338, "Acc.refrigerator": 0.9289, "Acc.grandstand": 0.8072, "Acc.path": 0.4261, "Acc.stairs": 0.4574, "Acc.runway": 0.9815, "Acc.case": 0.8553, "Acc.pool table": 0.9776, "Acc.pillow": 0.7752, "Acc.screen door": 0.7433, "Acc.stairway": 0.5592, "Acc.river": 0.2204, "Acc.bridge": 0.8764, "Acc.bookcase": 0.6631, "Acc.blind": 0.4331, "Acc.coffee table": 0.8917, "Acc.toilet": 0.932, "Acc.flower": 0.544, "Acc.book": 0.7792, "Acc.hill": 0.1114, "Acc.bench": 0.6137, "Acc.countertop": 0.8537, "Acc.stove": 0.942, "Acc.palm": 0.798, "Acc.kitchen island": 0.844, "Acc.computer": 0.8817, "Acc.swivel chair": 0.8093, "Acc.boat": 0.8866, "Acc.bar": 0.8329, "Acc.arcade machine": 0.7658, "Acc.hovel": 0.3946, "Acc.bus": 0.9704, "Acc.towel": 0.8829, "Acc.light": 0.7448, "Acc.truck": 0.6156, "Acc.tower": 0.387, "Acc.chandelier": 0.8751, "Acc.awning": 0.5132, "Acc.streetlight": 0.5003, "Acc.booth": 0.5439, "Acc.television receiver": 0.8798, "Acc.airplane": 0.959, "Acc.dirt track": 0.0712, "Acc.apparel": 0.894, "Acc.pole": 0.3597, "Acc.land": 0.044, "Acc.bannister": 0.287, "Acc.escalator": 0.6425, "Acc.ottoman": 0.7407, "Acc.bottle": 0.5839, "Acc.buffet": 0.6034, "Acc.poster": 0.3673, "Acc.stage": 0.4586, "Acc.van": 0.6922, "Acc.ship": 0.9112, "Acc.fountain": 0.4677, "Acc.conveyer belt": 0.9262, "Acc.canopy": 0.7355, "Acc.washer": 0.8903, "Acc.plaything": 0.3961, "Acc.swimming pool": 0.783, "Acc.stool": 0.7538, "Acc.barrel": 0.9205, "Acc.basket": 0.6183, "Acc.waterfall": 0.5956, "Acc.tent": 0.9805, "Acc.bag": 0.3106, "Acc.minibike": 0.8994, "Acc.cradle": 0.9729, "Acc.oven": 0.8043, "Acc.ball": 0.732, "Acc.food": 0.7864, "Acc.step": 0.1791, "Acc.tank": 0.878, "Acc.trade name": 0.2932, "Acc.microwave": 0.9554, "Acc.pot": 0.69, "Acc.animal": 0.5909, "Acc.bicycle": 0.7267, "Acc.lake": 0.6376, "Acc.dishwasher": 0.8411, "Acc.screen": 0.9173, "Acc.blanket": 0.4492, "Acc.sculpture": 0.8759, "Acc.hood": 0.7399, "Acc.sconce": 0.6697, "Acc.vase": 0.636, "Acc.traffic light": 0.6759, "Acc.tray": 0.3565, "Acc.ashcan": 0.6696, "Acc.fan": 0.8054, "Acc.pier": 0.5302, "Acc.crt screen": 0.0376, "Acc.plate": 0.7932, "Acc.monitor": 0.8117, "Acc.bulletin board": 0.7202, "Acc.shower": 0.1276, "Acc.radiator": 0.7899, "Acc.glass": 0.23, "Acc.clock": 0.5828, "Acc.flag": 0.7821} {"mode": "train", "epoch": 46, "iter": 58050, "lr": 1e-05, "memory": 71384, "data_time": 1.94688, "decode.loss_ce": 0.14502, "decode.acc_seg": 93.57417, "aux.loss_ce": 0.06164, "aux.acc_seg": 93.17885, "loss": 0.20666, "time": 3.56266} {"mode": "train", "epoch": 47, "iter": 58100, "lr": 1e-05, "memory": 71384, "data_time": 0.06341, "decode.loss_ce": 0.14609, "decode.acc_seg": 93.76864, "aux.loss_ce": 0.06196, "aux.acc_seg": 93.38619, "loss": 0.20805, "time": 1.67333} {"mode": "train", "epoch": 47, "iter": 58150, "lr": 1e-05, "memory": 71384, "data_time": 0.01005, "decode.loss_ce": 0.14416, "decode.acc_seg": 93.71404, "aux.loss_ce": 0.0616, "aux.acc_seg": 93.29892, "loss": 0.20576, "time": 1.62425} {"mode": "train", "epoch": 47, "iter": 58200, "lr": 1e-05, "memory": 71384, "data_time": 0.01043, "decode.loss_ce": 0.14693, "decode.acc_seg": 93.65055, "aux.loss_ce": 0.06262, "aux.acc_seg": 93.25203, "loss": 0.20954, "time": 1.62006} {"mode": "train", "epoch": 47, "iter": 58250, "lr": 1e-05, "memory": 71384, "data_time": 0.01034, "decode.loss_ce": 0.14686, "decode.acc_seg": 93.48395, "aux.loss_ce": 0.06245, "aux.acc_seg": 93.0375, "loss": 0.20931, "time": 1.62278} {"mode": "train", "epoch": 47, "iter": 58300, "lr": 1e-05, "memory": 71384, "data_time": 0.01032, "decode.loss_ce": 0.14898, "decode.acc_seg": 93.61818, "aux.loss_ce": 0.06357, "aux.acc_seg": 93.15822, "loss": 0.21255, "time": 1.6196} {"mode": "train", "epoch": 47, "iter": 58350, "lr": 1e-05, "memory": 71384, "data_time": 0.01018, "decode.loss_ce": 0.14652, "decode.acc_seg": 93.66191, "aux.loss_ce": 0.0623, "aux.acc_seg": 93.28895, "loss": 0.20882, "time": 1.62293} {"mode": "train", "epoch": 47, "iter": 58400, "lr": 1e-05, "memory": 71384, "data_time": 0.0102, "decode.loss_ce": 0.14074, "decode.acc_seg": 93.91429, "aux.loss_ce": 0.05997, "aux.acc_seg": 93.52341, "loss": 0.20071, "time": 1.62331} {"mode": "train", "epoch": 47, "iter": 58450, "lr": 1e-05, "memory": 71384, "data_time": 0.01014, "decode.loss_ce": 0.15313, "decode.acc_seg": 93.56429, "aux.loss_ce": 0.06486, "aux.acc_seg": 93.118, "loss": 0.21799, "time": 1.61906} {"mode": "train", "epoch": 47, "iter": 58500, "lr": 1e-05, "memory": 71384, "data_time": 0.0102, "decode.loss_ce": 0.14748, "decode.acc_seg": 93.63342, "aux.loss_ce": 0.06289, "aux.acc_seg": 93.19706, "loss": 0.21038, "time": 1.62239} {"mode": "train", "epoch": 47, "iter": 58550, "lr": 1e-05, "memory": 71384, "data_time": 0.01037, "decode.loss_ce": 0.1462, "decode.acc_seg": 93.48797, "aux.loss_ce": 0.06196, "aux.acc_seg": 93.14947, "loss": 0.20816, "time": 1.62267} {"mode": "train", "epoch": 47, "iter": 58600, "lr": 1e-05, "memory": 71384, "data_time": 0.01014, "decode.loss_ce": 0.14157, "decode.acc_seg": 93.65195, "aux.loss_ce": 0.06044, "aux.acc_seg": 93.21384, "loss": 0.20201, "time": 1.62487} {"mode": "train", "epoch": 47, "iter": 58650, "lr": 1e-05, "memory": 71384, "data_time": 0.01016, "decode.loss_ce": 0.15106, "decode.acc_seg": 93.3294, "aux.loss_ce": 0.06431, "aux.acc_seg": 92.92664, "loss": 0.21537, "time": 1.62122} {"mode": "train", "epoch": 47, "iter": 58700, "lr": 1e-05, "memory": 71384, "data_time": 0.01074, "decode.loss_ce": 0.14576, "decode.acc_seg": 93.58651, "aux.loss_ce": 0.06198, "aux.acc_seg": 93.1691, "loss": 0.20774, "time": 1.62511} {"mode": "train", "epoch": 47, "iter": 58750, "lr": 1e-05, "memory": 71384, "data_time": 0.0111, "decode.loss_ce": 0.14402, "decode.acc_seg": 93.64782, "aux.loss_ce": 0.06122, "aux.acc_seg": 93.23333, "loss": 0.20524, "time": 1.62182} {"mode": "train", "epoch": 47, "iter": 58800, "lr": 1e-05, "memory": 71384, "data_time": 0.01053, "decode.loss_ce": 0.16073, "decode.acc_seg": 93.0731, "aux.loss_ce": 0.06805, "aux.acc_seg": 92.6354, "loss": 0.22879, "time": 1.62113} {"mode": "train", "epoch": 47, "iter": 58850, "lr": 1e-05, "memory": 71384, "data_time": 0.01052, "decode.loss_ce": 0.14295, "decode.acc_seg": 93.68535, "aux.loss_ce": 0.06062, "aux.acc_seg": 93.31357, "loss": 0.20358, "time": 1.62227} {"mode": "train", "epoch": 47, "iter": 58900, "lr": 1e-05, "memory": 71384, "data_time": 0.0102, "decode.loss_ce": 0.15255, "decode.acc_seg": 93.3032, "aux.loss_ce": 0.06479, "aux.acc_seg": 92.93736, "loss": 0.21734, "time": 1.62126} {"mode": "train", "epoch": 47, "iter": 58950, "lr": 1e-05, "memory": 71384, "data_time": 0.01063, "decode.loss_ce": 0.15452, "decode.acc_seg": 93.21378, "aux.loss_ce": 0.06561, "aux.acc_seg": 92.80665, "loss": 0.22013, "time": 1.6238} {"mode": "train", "epoch": 47, "iter": 59000, "lr": 1e-05, "memory": 71384, "data_time": 0.01056, "decode.loss_ce": 0.14727, "decode.acc_seg": 93.49201, "aux.loss_ce": 0.06276, "aux.acc_seg": 93.05095, "loss": 0.21003, "time": 1.62031} {"mode": "val", "epoch": 47, "iter": 250, "lr": 1e-05, "aAcc": 0.8656, "mIoU": 0.5872, "mAcc": 0.7122, "IoU.wall": 0.8277, "IoU.building": 0.8502, "IoU.sky": 0.9491, "IoU.floor": 0.8606, "IoU.tree": 0.7793, "IoU.ceiling": 0.8735, "IoU.road": 0.8601, "IoU.bed ": 0.9286, "IoU.windowpane": 0.6778, "IoU.grass": 0.6979, "IoU.cabinet": 0.6849, "IoU.sidewalk": 0.7039, "IoU.person": 0.862, "IoU.earth": 0.4054, "IoU.door": 0.6152, "IoU.table": 0.6958, "IoU.mountain": 0.6233, "IoU.plant": 0.5731, "IoU.curtain": 0.795, "IoU.chair": 0.6906, "IoU.car": 0.8845, "IoU.water": 0.6272, "IoU.painting": 0.7536, "IoU.sofa": 0.8343, "IoU.shelf": 0.5311, "IoU.house": 0.4752, "IoU.sea": 0.7295, "IoU.mirror": 0.7981, "IoU.rug": 0.6851, "IoU.field": 0.3826, "IoU.armchair": 0.6274, "IoU.seat": 0.6433, "IoU.fence": 0.5303, "IoU.desk": 0.6127, "IoU.rock": 0.5312, "IoU.wardrobe": 0.5977, "IoU.lamp": 0.7668, "IoU.bathtub": 0.8801, "IoU.railing": 0.4701, "IoU.cushion": 0.7248, "IoU.base": 0.3807, "IoU.box": 0.4031, "IoU.column": 0.5754, "IoU.signboard": 0.4072, "IoU.chest of drawers": 0.4023, "IoU.counter": 0.3934, "IoU.sand": 0.5798, "IoU.sink": 0.8073, "IoU.skyscraper": 0.4626, "IoU.fireplace": 0.7295, "IoU.refrigerator": 0.8589, "IoU.grandstand": 0.5688, "IoU.path": 0.2647, "IoU.stairs": 0.4142, "IoU.runway": 0.7327, "IoU.case": 0.636, "IoU.pool table": 0.9389, "IoU.pillow": 0.7, "IoU.screen door": 0.8214, "IoU.stairway": 0.4868, "IoU.river": 0.1027, "IoU.bridge": 0.7262, "IoU.bookcase": 0.5265, "IoU.blind": 0.4406, "IoU.coffee table": 0.6137, "IoU.toilet": 0.9038, "IoU.flower": 0.4598, "IoU.book": 0.5553, "IoU.hill": 0.0925, "IoU.bench": 0.526, "IoU.countertop": 0.6484, "IoU.stove": 0.8817, "IoU.palm": 0.5488, "IoU.kitchen island": 0.5409, "IoU.computer": 0.77, "IoU.swivel chair": 0.5011, "IoU.boat": 0.8026, "IoU.bar": 0.6274, "IoU.arcade machine": 0.7654, "IoU.hovel": 0.1407, "IoU.bus": 0.9245, "IoU.towel": 0.8163, "IoU.light": 0.6242, "IoU.truck": 0.5153, "IoU.tower": 0.317, "IoU.chandelier": 0.7538, "IoU.awning": 0.4052, "IoU.streetlight": 0.3924, "IoU.booth": 0.3826, "IoU.television receiver": 0.8093, "IoU.airplane": 0.887, "IoU.dirt track": 0.0198, "IoU.apparel": 0.6581, "IoU.pole": 0.2731, "IoU.land": 0.0353, "IoU.bannister": 0.2298, "IoU.escalator": 0.6494, "IoU.ottoman": 0.5009, "IoU.bottle": 0.4549, "IoU.buffet": 0.5417, "IoU.poster": 0.2968, "IoU.stage": 0.2496, "IoU.van": 0.4894, "IoU.ship": 0.8915, "IoU.fountain": 0.4669, "IoU.conveyer belt": 0.8171, "IoU.canopy": 0.536, "IoU.washer": 0.886, "IoU.plaything": 0.4227, "IoU.swimming pool": 0.541, "IoU.stool": 0.5302, "IoU.barrel": 0.7012, "IoU.basket": 0.4267, "IoU.waterfall": 0.5123, "IoU.tent": 0.9337, "IoU.bag": 0.278, "IoU.minibike": 0.7701, "IoU.cradle": 0.8638, "IoU.oven": 0.6095, "IoU.ball": 0.5814, "IoU.food": 0.6316, "IoU.step": 0.1587, "IoU.tank": 0.8162, "IoU.trade name": 0.2156, "IoU.microwave": 0.8817, "IoU.pot": 0.608, "IoU.animal": 0.5948, "IoU.bicycle": 0.6006, "IoU.lake": 0.4885, "IoU.dishwasher": 0.7729, "IoU.screen": 0.5643, "IoU.blanket": 0.3686, "IoU.sculpture": 0.7307, "IoU.hood": 0.6451, "IoU.sconce": 0.6387, "IoU.vase": 0.473, "IoU.traffic light": 0.3583, "IoU.tray": 0.2681, "IoU.ashcan": 0.5226, "IoU.fan": 0.7182, "IoU.pier": 0.4519, "IoU.crt screen": 0.0139, "IoU.plate": 0.6218, "IoU.monitor": 0.3314, "IoU.bulletin board": 0.5407, "IoU.shower": 0.135, "IoU.radiator": 0.7062, "IoU.glass": 0.2146, "IoU.clock": 0.5284, "IoU.flag": 0.7105, "Acc.wall": 0.8982, "Acc.building": 0.9388, "Acc.sky": 0.9746, "Acc.floor": 0.9229, "Acc.tree": 0.8929, "Acc.ceiling": 0.9425, "Acc.road": 0.9097, "Acc.bed ": 0.9718, "Acc.windowpane": 0.8261, "Acc.grass": 0.839, "Acc.cabinet": 0.7951, "Acc.sidewalk": 0.8476, "Acc.person": 0.9499, "Acc.earth": 0.5405, "Acc.door": 0.7559, "Acc.table": 0.8125, "Acc.mountain": 0.7309, "Acc.plant": 0.6706, "Acc.curtain": 0.9033, "Acc.chair": 0.7843, "Acc.car": 0.9404, "Acc.water": 0.7738, "Acc.painting": 0.9131, "Acc.sofa": 0.9169, "Acc.shelf": 0.678, "Acc.house": 0.5963, "Acc.sea": 0.815, "Acc.mirror": 0.8685, "Acc.rug": 0.7733, "Acc.field": 0.6463, "Acc.armchair": 0.82, "Acc.seat": 0.8977, "Acc.fence": 0.6214, "Acc.desk": 0.7857, "Acc.rock": 0.7839, "Acc.wardrobe": 0.7557, "Acc.lamp": 0.8843, "Acc.bathtub": 0.9025, "Acc.railing": 0.6801, "Acc.cushion": 0.8382, "Acc.base": 0.6308, "Acc.box": 0.4954, "Acc.column": 0.7474, "Acc.signboard": 0.5502, "Acc.chest of drawers": 0.5872, "Acc.counter": 0.5079, "Acc.sand": 0.8575, "Acc.sink": 0.8639, "Acc.skyscraper": 0.5857, "Acc.fireplace": 0.9624, "Acc.refrigerator": 0.9453, "Acc.grandstand": 0.7999, "Acc.path": 0.3471, "Acc.stairs": 0.537, "Acc.runway": 0.9432, "Acc.case": 0.8173, "Acc.pool table": 0.9825, "Acc.pillow": 0.8097, "Acc.screen door": 0.8532, "Acc.stairway": 0.6026, "Acc.river": 0.2439, "Acc.bridge": 0.8223, "Acc.bookcase": 0.6389, "Acc.blind": 0.4954, "Acc.coffee table": 0.8706, "Acc.toilet": 0.9484, "Acc.flower": 0.5786, "Acc.book": 0.8016, "Acc.hill": 0.18, "Acc.bench": 0.5948, "Acc.countertop": 0.8189, "Acc.stove": 0.9284, "Acc.palm": 0.8508, "Acc.kitchen island": 0.9009, "Acc.computer": 0.9223, "Acc.swivel chair": 0.7265, "Acc.boat": 0.8893, "Acc.bar": 0.8942, "Acc.arcade machine": 0.8029, "Acc.hovel": 0.1509, "Acc.bus": 0.9731, "Acc.towel": 0.9022, "Acc.light": 0.701, "Acc.truck": 0.6166, "Acc.tower": 0.5436, "Acc.chandelier": 0.8893, "Acc.awning": 0.4766, "Acc.streetlight": 0.5267, "Acc.booth": 0.6379, "Acc.television receiver": 0.8718, "Acc.airplane": 0.9539, "Acc.dirt track": 0.0787, "Acc.apparel": 0.8956, "Acc.pole": 0.3933, "Acc.land": 0.0513, "Acc.bannister": 0.2846, "Acc.escalator": 0.8303, "Acc.ottoman": 0.6484, "Acc.bottle": 0.5742, "Acc.buffet": 0.6257, "Acc.poster": 0.3467, "Acc.stage": 0.4658, "Acc.van": 0.6707, "Acc.ship": 0.931, "Acc.fountain": 0.4787, "Acc.conveyer belt": 0.9503, "Acc.canopy": 0.7607, "Acc.washer": 0.9491, "Acc.plaything": 0.5765, "Acc.swimming pool": 0.792, "Acc.stool": 0.7082, "Acc.barrel": 0.844, "Acc.basket": 0.633, "Acc.waterfall": 0.6824, "Acc.tent": 0.9844, "Acc.bag": 0.3205, "Acc.minibike": 0.9124, "Acc.cradle": 0.9773, "Acc.oven": 0.7251, "Acc.ball": 0.7579, "Acc.food": 0.7338, "Acc.step": 0.1809, "Acc.tank": 0.936, "Acc.trade name": 0.2574, "Acc.microwave": 0.9639, "Acc.pot": 0.7191, "Acc.animal": 0.61, "Acc.bicycle": 0.785, "Acc.lake": 0.6376, "Acc.dishwasher": 0.8433, "Acc.screen": 0.9046, "Acc.blanket": 0.4207, "Acc.sculpture": 0.8891, "Acc.hood": 0.7639, "Acc.sconce": 0.7484, "Acc.vase": 0.6755, "Acc.traffic light": 0.6348, "Acc.tray": 0.3592, "Acc.ashcan": 0.6737, "Acc.fan": 0.8259, "Acc.pier": 0.5015, "Acc.crt screen": 0.0341, "Acc.plate": 0.811, "Acc.monitor": 0.3729, "Acc.bulletin board": 0.6963, "Acc.shower": 0.1417, "Acc.radiator": 0.8086, "Acc.glass": 0.2297, "Acc.clock": 0.6462, "Acc.flag": 0.8069} {"mode": "train", "epoch": 47, "iter": 59050, "lr": 1e-05, "memory": 71384, "data_time": 2.00191, "decode.loss_ce": 0.14724, "decode.acc_seg": 93.64562, "aux.loss_ce": 0.06313, "aux.acc_seg": 93.24797, "loss": 0.21037, "time": 3.61281} {"mode": "train", "epoch": 47, "iter": 59100, "lr": 1e-05, "memory": 71384, "data_time": 0.0104, "decode.loss_ce": 0.15, "decode.acc_seg": 93.47505, "aux.loss_ce": 0.06393, "aux.acc_seg": 93.06289, "loss": 0.21392, "time": 1.62015} {"mode": "train", "epoch": 47, "iter": 59150, "lr": 1e-05, "memory": 71384, "data_time": 0.0104, "decode.loss_ce": 0.15102, "decode.acc_seg": 93.59258, "aux.loss_ce": 0.06349, "aux.acc_seg": 93.2383, "loss": 0.21451, "time": 1.62271} {"mode": "train", "epoch": 47, "iter": 59200, "lr": 1e-05, "memory": 71384, "data_time": 0.00987, "decode.loss_ce": 0.15, "decode.acc_seg": 93.44777, "aux.loss_ce": 0.06328, "aux.acc_seg": 93.0766, "loss": 0.21328, "time": 1.62192} {"mode": "train", "epoch": 47, "iter": 59250, "lr": 1e-05, "memory": 71384, "data_time": 0.01002, "decode.loss_ce": 0.1453, "decode.acc_seg": 93.64124, "aux.loss_ce": 0.06235, "aux.acc_seg": 93.21609, "loss": 0.20765, "time": 1.62017} {"mode": "train", "epoch": 47, "iter": 59300, "lr": 1e-05, "memory": 71384, "data_time": 0.01031, "decode.loss_ce": 0.14496, "decode.acc_seg": 93.71581, "aux.loss_ce": 0.0619, "aux.acc_seg": 93.33842, "loss": 0.20685, "time": 1.62176} {"mode": "train", "epoch": 47, "iter": 59350, "lr": 1e-05, "memory": 71384, "data_time": 0.0105, "decode.loss_ce": 0.14901, "decode.acc_seg": 93.40821, "aux.loss_ce": 0.0636, "aux.acc_seg": 93.06969, "loss": 0.2126, "time": 1.62067} {"mode": "train", "epoch": 48, "iter": 59400, "lr": 1e-05, "memory": 71384, "data_time": 0.05265, "decode.loss_ce": 0.13892, "decode.acc_seg": 93.87854, "aux.loss_ce": 0.05917, "aux.acc_seg": 93.53464, "loss": 0.1981, "time": 1.66574} {"mode": "train", "epoch": 48, "iter": 59450, "lr": 1e-05, "memory": 71384, "data_time": 0.01043, "decode.loss_ce": 0.13781, "decode.acc_seg": 93.89729, "aux.loss_ce": 0.05902, "aux.acc_seg": 93.5109, "loss": 0.19683, "time": 1.6213} {"mode": "train", "epoch": 48, "iter": 59500, "lr": 1e-05, "memory": 71384, "data_time": 0.01014, "decode.loss_ce": 0.1433, "decode.acc_seg": 93.61428, "aux.loss_ce": 0.06096, "aux.acc_seg": 93.21979, "loss": 0.20426, "time": 1.62493} {"mode": "train", "epoch": 48, "iter": 59550, "lr": 1e-05, "memory": 71384, "data_time": 0.01033, "decode.loss_ce": 0.14712, "decode.acc_seg": 93.65587, "aux.loss_ce": 0.06267, "aux.acc_seg": 93.25213, "loss": 0.20979, "time": 1.6223} {"mode": "train", "epoch": 48, "iter": 59600, "lr": 1e-05, "memory": 71384, "data_time": 0.01036, "decode.loss_ce": 0.13665, "decode.acc_seg": 93.93179, "aux.loss_ce": 0.05869, "aux.acc_seg": 93.52243, "loss": 0.19534, "time": 1.61863} {"mode": "train", "epoch": 48, "iter": 59650, "lr": 1e-05, "memory": 71384, "data_time": 0.01064, "decode.loss_ce": 0.15989, "decode.acc_seg": 93.08517, "aux.loss_ce": 0.06716, "aux.acc_seg": 92.74491, "loss": 0.22705, "time": 1.62234} {"mode": "train", "epoch": 48, "iter": 59700, "lr": 1e-05, "memory": 71384, "data_time": 0.01032, "decode.loss_ce": 0.14554, "decode.acc_seg": 93.58289, "aux.loss_ce": 0.06171, "aux.acc_seg": 93.21207, "loss": 0.20726, "time": 1.62208} {"mode": "train", "epoch": 48, "iter": 59750, "lr": 1e-05, "memory": 71384, "data_time": 0.01012, "decode.loss_ce": 0.13999, "decode.acc_seg": 93.93378, "aux.loss_ce": 0.0594, "aux.acc_seg": 93.55374, "loss": 0.1994, "time": 1.62344} {"mode": "train", "epoch": 48, "iter": 59800, "lr": 1e-05, "memory": 71384, "data_time": 0.01051, "decode.loss_ce": 0.14021, "decode.acc_seg": 93.73232, "aux.loss_ce": 0.05968, "aux.acc_seg": 93.3625, "loss": 0.19989, "time": 1.61969} {"mode": "train", "epoch": 48, "iter": 59850, "lr": 1e-05, "memory": 71384, "data_time": 0.01018, "decode.loss_ce": 0.14609, "decode.acc_seg": 93.72892, "aux.loss_ce": 0.06221, "aux.acc_seg": 93.25297, "loss": 0.20829, "time": 1.6217} {"mode": "train", "epoch": 48, "iter": 59900, "lr": 1e-05, "memory": 71384, "data_time": 0.01007, "decode.loss_ce": 0.13602, "decode.acc_seg": 93.84542, "aux.loss_ce": 0.05803, "aux.acc_seg": 93.42041, "loss": 0.19405, "time": 1.62292} {"mode": "train", "epoch": 48, "iter": 59950, "lr": 1e-05, "memory": 71384, "data_time": 0.01003, "decode.loss_ce": 0.15357, "decode.acc_seg": 93.50522, "aux.loss_ce": 0.06536, "aux.acc_seg": 93.10667, "loss": 0.21893, "time": 1.62481} {"mode": "train", "epoch": 48, "iter": 60000, "lr": 1e-05, "memory": 71384, "data_time": 0.01023, "decode.loss_ce": 0.14694, "decode.acc_seg": 93.65346, "aux.loss_ce": 0.06234, "aux.acc_seg": 93.21885, "loss": 0.20928, "time": 3.35102} {"mode": "val", "epoch": 48, "iter": 250, "lr": 1e-05, "aAcc": 0.8665, "mIoU": 0.589, "mAcc": 0.712, "IoU.wall": 0.8278, "IoU.building": 0.8565, "IoU.sky": 0.9504, "IoU.floor": 0.8585, "IoU.tree": 0.7815, "IoU.ceiling": 0.8733, "IoU.road": 0.8663, "IoU.bed ": 0.9288, "IoU.windowpane": 0.6716, "IoU.grass": 0.7079, "IoU.cabinet": 0.6764, "IoU.sidewalk": 0.7119, "IoU.person": 0.8598, "IoU.earth": 0.4148, "IoU.door": 0.6202, "IoU.table": 0.705, "IoU.mountain": 0.6143, "IoU.plant": 0.5732, "IoU.curtain": 0.8006, "IoU.chair": 0.6901, "IoU.car": 0.8871, "IoU.water": 0.6311, "IoU.painting": 0.7744, "IoU.sofa": 0.8239, "IoU.shelf": 0.5391, "IoU.house": 0.5158, "IoU.sea": 0.7361, "IoU.mirror": 0.7997, "IoU.rug": 0.6798, "IoU.field": 0.357, "IoU.armchair": 0.6279, "IoU.seat": 0.6516, "IoU.fence": 0.5357, "IoU.desk": 0.5936, "IoU.rock": 0.5364, "IoU.wardrobe": 0.5828, "IoU.lamp": 0.7667, "IoU.bathtub": 0.8781, "IoU.railing": 0.459, "IoU.cushion": 0.7236, "IoU.base": 0.3599, "IoU.box": 0.3948, "IoU.column": 0.5457, "IoU.signboard": 0.412, "IoU.chest of drawers": 0.4256, "IoU.counter": 0.3753, "IoU.sand": 0.5789, "IoU.sink": 0.8071, "IoU.skyscraper": 0.4769, "IoU.fireplace": 0.7462, "IoU.refrigerator": 0.8565, "IoU.grandstand": 0.5244, "IoU.path": 0.3184, "IoU.stairs": 0.293, "IoU.runway": 0.749, "IoU.case": 0.6318, "IoU.pool table": 0.945, "IoU.pillow": 0.6907, "IoU.screen door": 0.832, "IoU.stairway": 0.422, "IoU.river": 0.1001, "IoU.bridge": 0.7395, "IoU.bookcase": 0.4923, "IoU.blind": 0.4213, "IoU.coffee table": 0.6094, "IoU.toilet": 0.9108, "IoU.flower": 0.4587, "IoU.book": 0.5551, "IoU.hill": 0.103, "IoU.bench": 0.563, "IoU.countertop": 0.6482, "IoU.stove": 0.8751, "IoU.palm": 0.5609, "IoU.kitchen island": 0.6117, "IoU.computer": 0.7677, "IoU.swivel chair": 0.5183, "IoU.boat": 0.8031, "IoU.bar": 0.6393, "IoU.arcade machine": 0.7764, "IoU.hovel": 0.1341, "IoU.bus": 0.9358, "IoU.towel": 0.8233, "IoU.light": 0.6352, "IoU.truck": 0.5128, "IoU.tower": 0.3858, "IoU.chandelier": 0.752, "IoU.awning": 0.3997, "IoU.streetlight": 0.3862, "IoU.booth": 0.4561, "IoU.television receiver": 0.81, "IoU.airplane": 0.889, "IoU.dirt track": 0.0551, "IoU.apparel": 0.6497, "IoU.pole": 0.244, "IoU.land": 0.0325, "IoU.bannister": 0.2314, "IoU.escalator": 0.6485, "IoU.ottoman": 0.52, "IoU.bottle": 0.3987, "IoU.buffet": 0.4899, "IoU.poster": 0.3419, "IoU.stage": 0.2847, "IoU.van": 0.5073, "IoU.ship": 0.8694, "IoU.fountain": 0.3837, "IoU.conveyer belt": 0.847, "IoU.canopy": 0.5276, "IoU.washer": 0.8699, "IoU.plaything": 0.3442, "IoU.swimming pool": 0.5424, "IoU.stool": 0.5086, "IoU.barrel": 0.6516, "IoU.basket": 0.3951, "IoU.waterfall": 0.5233, "IoU.tent": 0.9464, "IoU.bag": 0.2632, "IoU.minibike": 0.7856, "IoU.cradle": 0.8602, "IoU.oven": 0.6447, "IoU.ball": 0.497, "IoU.food": 0.6417, "IoU.step": 0.1786, "IoU.tank": 0.7964, "IoU.trade name": 0.1723, "IoU.microwave": 0.8942, "IoU.pot": 0.6152, "IoU.animal": 0.5928, "IoU.bicycle": 0.5943, "IoU.lake": 0.5082, "IoU.dishwasher": 0.7863, "IoU.screen": 0.5871, "IoU.blanket": 0.4184, "IoU.sculpture": 0.74, "IoU.hood": 0.641, "IoU.sconce": 0.6392, "IoU.vase": 0.4844, "IoU.traffic light": 0.3588, "IoU.tray": 0.2535, "IoU.ashcan": 0.5154, "IoU.fan": 0.7192, "IoU.pier": 0.5096, "IoU.crt screen": 0.022, "IoU.plate": 0.641, "IoU.monitor": 0.5998, "IoU.bulletin board": 0.5694, "IoU.shower": 0.1294, "IoU.radiator": 0.6958, "IoU.glass": 0.2249, "IoU.clock": 0.4955, "IoU.flag": 0.7199, "Acc.wall": 0.906, "Acc.building": 0.9312, "Acc.sky": 0.973, "Acc.floor": 0.9223, "Acc.tree": 0.915, "Acc.ceiling": 0.9411, "Acc.road": 0.894, "Acc.bed ": 0.9693, "Acc.windowpane": 0.8138, "Acc.grass": 0.842, "Acc.cabinet": 0.7736, "Acc.sidewalk": 0.8813, "Acc.person": 0.9436, "Acc.earth": 0.5484, "Acc.door": 0.7617, "Acc.table": 0.8242, "Acc.mountain": 0.7305, "Acc.plant": 0.6914, "Acc.curtain": 0.892, "Acc.chair": 0.7945, "Acc.car": 0.9426, "Acc.water": 0.7841, "Acc.painting": 0.901, "Acc.sofa": 0.9105, "Acc.shelf": 0.7203, "Acc.house": 0.6578, "Acc.sea": 0.8109, "Acc.mirror": 0.8687, "Acc.rug": 0.7656, "Acc.field": 0.5743, "Acc.armchair": 0.8054, "Acc.seat": 0.9001, "Acc.fence": 0.6698, "Acc.desk": 0.787, "Acc.rock": 0.767, "Acc.wardrobe": 0.8065, "Acc.lamp": 0.8756, "Acc.bathtub": 0.9011, "Acc.railing": 0.6774, "Acc.cushion": 0.8482, "Acc.base": 0.532, "Acc.box": 0.4984, "Acc.column": 0.6714, "Acc.signboard": 0.5625, "Acc.chest of drawers": 0.5978, "Acc.counter": 0.4753, "Acc.sand": 0.8676, "Acc.sink": 0.8548, "Acc.skyscraper": 0.6, "Acc.fireplace": 0.9306, "Acc.refrigerator": 0.943, "Acc.grandstand": 0.8109, "Acc.path": 0.4426, "Acc.stairs": 0.3476, "Acc.runway": 0.9783, "Acc.case": 0.8383, "Acc.pool table": 0.9808, "Acc.pillow": 0.7901, "Acc.screen door": 0.8636, "Acc.stairway": 0.6318, "Acc.river": 0.2162, "Acc.bridge": 0.8301, "Acc.bookcase": 0.6209, "Acc.blind": 0.4446, "Acc.coffee table": 0.8778, "Acc.toilet": 0.9419, "Acc.flower": 0.5689, "Acc.book": 0.8144, "Acc.hill": 0.2131, "Acc.bench": 0.6559, "Acc.countertop": 0.869, "Acc.stove": 0.9404, "Acc.palm": 0.8144, "Acc.kitchen island": 0.878, "Acc.computer": 0.9192, "Acc.swivel chair": 0.7799, "Acc.boat": 0.9235, "Acc.bar": 0.8753, "Acc.arcade machine": 0.819, "Acc.hovel": 0.1548, "Acc.bus": 0.9579, "Acc.towel": 0.8979, "Acc.light": 0.7481, "Acc.truck": 0.6133, "Acc.tower": 0.6778, "Acc.chandelier": 0.8878, "Acc.awning": 0.476, "Acc.streetlight": 0.5163, "Acc.booth": 0.6051, "Acc.television receiver": 0.8818, "Acc.airplane": 0.9514, "Acc.dirt track": 0.3081, "Acc.apparel": 0.8728, "Acc.pole": 0.3656, "Acc.land": 0.0436, "Acc.bannister": 0.3, "Acc.escalator": 0.8512, "Acc.ottoman": 0.6764, "Acc.bottle": 0.4925, "Acc.buffet": 0.5669, "Acc.poster": 0.4072, "Acc.stage": 0.4061, "Acc.van": 0.7146, "Acc.ship": 0.926, "Acc.fountain": 0.3885, "Acc.conveyer belt": 0.9458, "Acc.canopy": 0.7264, "Acc.washer": 0.9236, "Acc.plaything": 0.4973, "Acc.swimming pool": 0.7844, "Acc.stool": 0.6882, "Acc.barrel": 0.7749, "Acc.basket": 0.5542, "Acc.waterfall": 0.6722, "Acc.tent": 0.9815, "Acc.bag": 0.2978, "Acc.minibike": 0.9017, "Acc.cradle": 0.9534, "Acc.oven": 0.744, "Acc.ball": 0.534, "Acc.food": 0.744, "Acc.step": 0.2074, "Acc.tank": 0.934, "Acc.trade name": 0.1935, "Acc.microwave": 0.9628, "Acc.pot": 0.7293, "Acc.animal": 0.6082, "Acc.bicycle": 0.7769, "Acc.lake": 0.6377, "Acc.dishwasher": 0.837, "Acc.screen": 0.9258, "Acc.blanket": 0.4878, "Acc.sculpture": 0.8923, "Acc.hood": 0.7642, "Acc.sconce": 0.7601, "Acc.vase": 0.6514, "Acc.traffic light": 0.643, "Acc.tray": 0.3254, "Acc.ashcan": 0.6505, "Acc.fan": 0.8634, "Acc.pier": 0.5846, "Acc.crt screen": 0.0334, "Acc.plate": 0.7978, "Acc.monitor": 0.708, "Acc.bulletin board": 0.7248, "Acc.shower": 0.1369, "Acc.radiator": 0.807, "Acc.glass": 0.2456, "Acc.clock": 0.5663, "Acc.flag": 0.7892} {"mode": "train", "epoch": 48, "iter": 60050, "lr": 1e-05, "memory": 71384, "data_time": 1.96792, "decode.loss_ce": 0.14418, "decode.acc_seg": 93.56199, "aux.loss_ce": 0.06222, "aux.acc_seg": 93.08343, "loss": 0.2064, "time": 3.58504} {"mode": "train", "epoch": 48, "iter": 60100, "lr": 1e-05, "memory": 71384, "data_time": 0.01021, "decode.loss_ce": 0.14567, "decode.acc_seg": 93.6526, "aux.loss_ce": 0.06186, "aux.acc_seg": 93.26674, "loss": 0.20752, "time": 1.62142} {"mode": "train", "epoch": 48, "iter": 60150, "lr": 1e-05, "memory": 71384, "data_time": 0.01069, "decode.loss_ce": 0.1431, "decode.acc_seg": 93.60662, "aux.loss_ce": 0.0608, "aux.acc_seg": 93.25745, "loss": 0.2039, "time": 1.62026} {"mode": "train", "epoch": 48, "iter": 60200, "lr": 1e-05, "memory": 71384, "data_time": 0.00987, "decode.loss_ce": 0.15152, "decode.acc_seg": 93.3748, "aux.loss_ce": 0.0647, "aux.acc_seg": 92.9356, "loss": 0.21622, "time": 1.62072} {"mode": "train", "epoch": 48, "iter": 60250, "lr": 1e-05, "memory": 71384, "data_time": 0.00994, "decode.loss_ce": 0.14082, "decode.acc_seg": 93.73874, "aux.loss_ce": 0.05991, "aux.acc_seg": 93.35237, "loss": 0.20073, "time": 1.62164} {"mode": "train", "epoch": 48, "iter": 60300, "lr": 1e-05, "memory": 71384, "data_time": 0.00969, "decode.loss_ce": 0.13783, "decode.acc_seg": 93.94307, "aux.loss_ce": 0.05892, "aux.acc_seg": 93.61549, "loss": 0.19674, "time": 1.61815} {"mode": "train", "epoch": 48, "iter": 60350, "lr": 1e-05, "memory": 71384, "data_time": 0.00965, "decode.loss_ce": 0.14575, "decode.acc_seg": 93.34282, "aux.loss_ce": 0.06159, "aux.acc_seg": 92.96369, "loss": 0.20734, "time": 1.61928} {"mode": "train", "epoch": 48, "iter": 60400, "lr": 1e-05, "memory": 71384, "data_time": 0.00971, "decode.loss_ce": 0.14937, "decode.acc_seg": 93.50563, "aux.loss_ce": 0.06329, "aux.acc_seg": 93.20086, "loss": 0.21266, "time": 1.62327} {"mode": "train", "epoch": 48, "iter": 60450, "lr": 1e-05, "memory": 71384, "data_time": 0.00961, "decode.loss_ce": 0.14142, "decode.acc_seg": 93.59503, "aux.loss_ce": 0.06021, "aux.acc_seg": 93.19519, "loss": 0.20163, "time": 1.62118} {"mode": "train", "epoch": 48, "iter": 60500, "lr": 1e-05, "memory": 71384, "data_time": 0.0096, "decode.loss_ce": 0.1433, "decode.acc_seg": 93.6419, "aux.loss_ce": 0.06092, "aux.acc_seg": 93.27023, "loss": 0.20422, "time": 1.62035} {"mode": "train", "epoch": 48, "iter": 60550, "lr": 1e-05, "memory": 71384, "data_time": 0.0097, "decode.loss_ce": 0.14707, "decode.acc_seg": 93.5188, "aux.loss_ce": 0.06247, "aux.acc_seg": 93.14442, "loss": 0.20953, "time": 1.62281} {"mode": "train", "epoch": 48, "iter": 60600, "lr": 1e-05, "memory": 71384, "data_time": 0.00972, "decode.loss_ce": 0.13664, "decode.acc_seg": 93.79215, "aux.loss_ce": 0.05826, "aux.acc_seg": 93.44209, "loss": 0.1949, "time": 1.61957} {"mode": "train", "epoch": 49, "iter": 60650, "lr": 1e-05, "memory": 71384, "data_time": 0.05181, "decode.loss_ce": 0.15591, "decode.acc_seg": 93.50949, "aux.loss_ce": 0.06581, "aux.acc_seg": 93.18036, "loss": 0.22172, "time": 1.66539} {"mode": "train", "epoch": 49, "iter": 60700, "lr": 1e-05, "memory": 71384, "data_time": 0.00978, "decode.loss_ce": 0.14702, "decode.acc_seg": 93.75151, "aux.loss_ce": 0.06248, "aux.acc_seg": 93.36664, "loss": 0.20951, "time": 1.61978} {"mode": "train", "epoch": 49, "iter": 60750, "lr": 1e-05, "memory": 71384, "data_time": 0.00974, "decode.loss_ce": 0.14116, "decode.acc_seg": 93.78065, "aux.loss_ce": 0.06049, "aux.acc_seg": 93.34176, "loss": 0.20165, "time": 1.62236} {"mode": "train", "epoch": 49, "iter": 60800, "lr": 1e-05, "memory": 71384, "data_time": 0.00968, "decode.loss_ce": 0.14435, "decode.acc_seg": 93.66881, "aux.loss_ce": 0.06113, "aux.acc_seg": 93.29292, "loss": 0.20548, "time": 1.62128} {"mode": "train", "epoch": 49, "iter": 60850, "lr": 1e-05, "memory": 71384, "data_time": 0.00956, "decode.loss_ce": 0.14286, "decode.acc_seg": 93.70276, "aux.loss_ce": 0.06068, "aux.acc_seg": 93.30737, "loss": 0.20353, "time": 1.62074} {"mode": "train", "epoch": 49, "iter": 60900, "lr": 1e-05, "memory": 71384, "data_time": 0.00976, "decode.loss_ce": 0.14041, "decode.acc_seg": 93.88916, "aux.loss_ce": 0.06014, "aux.acc_seg": 93.42363, "loss": 0.20055, "time": 1.61923} {"mode": "train", "epoch": 49, "iter": 60950, "lr": 1e-05, "memory": 71384, "data_time": 0.00979, "decode.loss_ce": 0.14929, "decode.acc_seg": 93.61802, "aux.loss_ce": 0.06368, "aux.acc_seg": 93.19479, "loss": 0.21298, "time": 1.62199} {"mode": "train", "epoch": 49, "iter": 61000, "lr": 1e-05, "memory": 71384, "data_time": 0.00965, "decode.loss_ce": 0.14488, "decode.acc_seg": 93.76616, "aux.loss_ce": 0.06186, "aux.acc_seg": 93.34583, "loss": 0.20674, "time": 1.61967} {"mode": "val", "epoch": 49, "iter": 250, "lr": 1e-05, "aAcc": 0.8667, "mIoU": 0.5878, "mAcc": 0.7066, "IoU.wall": 0.8257, "IoU.building": 0.854, "IoU.sky": 0.9509, "IoU.floor": 0.8558, "IoU.tree": 0.7825, "IoU.ceiling": 0.8752, "IoU.road": 0.8706, "IoU.bed ": 0.9276, "IoU.windowpane": 0.6758, "IoU.grass": 0.7026, "IoU.cabinet": 0.6791, "IoU.sidewalk": 0.7142, "IoU.person": 0.8612, "IoU.earth": 0.4085, "IoU.door": 0.6185, "IoU.table": 0.7045, "IoU.mountain": 0.6234, "IoU.plant": 0.5747, "IoU.curtain": 0.7877, "IoU.chair": 0.6913, "IoU.car": 0.8892, "IoU.water": 0.63, "IoU.painting": 0.76, "IoU.sofa": 0.8305, "IoU.shelf": 0.5319, "IoU.house": 0.5104, "IoU.sea": 0.7396, "IoU.mirror": 0.7903, "IoU.rug": 0.6782, "IoU.field": 0.3764, "IoU.armchair": 0.6106, "IoU.seat": 0.6728, "IoU.fence": 0.4841, "IoU.desk": 0.5974, "IoU.rock": 0.5357, "IoU.wardrobe": 0.5805, "IoU.lamp": 0.7678, "IoU.bathtub": 0.8772, "IoU.railing": 0.4629, "IoU.cushion": 0.7276, "IoU.base": 0.3649, "IoU.box": 0.398, "IoU.column": 0.558, "IoU.signboard": 0.4138, "IoU.chest of drawers": 0.4238, "IoU.counter": 0.4309, "IoU.sand": 0.5661, "IoU.sink": 0.8122, "IoU.skyscraper": 0.4692, "IoU.fireplace": 0.7292, "IoU.refrigerator": 0.8383, "IoU.grandstand": 0.5519, "IoU.path": 0.3388, "IoU.stairs": 0.3415, "IoU.runway": 0.7562, "IoU.case": 0.6465, "IoU.pool table": 0.9446, "IoU.pillow": 0.6853, "IoU.screen door": 0.8204, "IoU.stairway": 0.4058, "IoU.river": 0.0849, "IoU.bridge": 0.749, "IoU.bookcase": 0.5299, "IoU.blind": 0.4194, "IoU.coffee table": 0.606, "IoU.toilet": 0.9144, "IoU.flower": 0.4618, "IoU.book": 0.561, "IoU.hill": 0.0941, "IoU.bench": 0.5478, "IoU.countertop": 0.6469, "IoU.stove": 0.8747, "IoU.palm": 0.5628, "IoU.kitchen island": 0.7018, "IoU.computer": 0.7799, "IoU.swivel chair": 0.5186, "IoU.boat": 0.8335, "IoU.bar": 0.6572, "IoU.arcade machine": 0.7717, "IoU.hovel": 0.1355, "IoU.bus": 0.9309, "IoU.towel": 0.8151, "IoU.light": 0.6024, "IoU.truck": 0.4927, "IoU.tower": 0.3357, "IoU.chandelier": 0.7533, "IoU.awning": 0.4423, "IoU.streetlight": 0.3732, "IoU.booth": 0.454, "IoU.television receiver": 0.809, "IoU.airplane": 0.8799, "IoU.dirt track": 0.0464, "IoU.apparel": 0.6647, "IoU.pole": 0.2376, "IoU.land": 0.0334, "IoU.bannister": 0.2354, "IoU.escalator": 0.6667, "IoU.ottoman": 0.4906, "IoU.bottle": 0.4704, "IoU.buffet": 0.5049, "IoU.poster": 0.2902, "IoU.stage": 0.2621, "IoU.van": 0.5076, "IoU.ship": 0.8869, "IoU.fountain": 0.3931, "IoU.conveyer belt": 0.8282, "IoU.canopy": 0.4905, "IoU.washer": 0.8795, "IoU.plaything": 0.3398, "IoU.swimming pool": 0.5264, "IoU.stool": 0.5122, "IoU.barrel": 0.7737, "IoU.basket": 0.4216, "IoU.waterfall": 0.535, "IoU.tent": 0.946, "IoU.bag": 0.2709, "IoU.minibike": 0.7904, "IoU.cradle": 0.8885, "IoU.oven": 0.5994, "IoU.ball": 0.4714, "IoU.food": 0.6482, "IoU.step": 0.1692, "IoU.tank": 0.7911, "IoU.trade name": 0.2425, "IoU.microwave": 0.8869, "IoU.pot": 0.5983, "IoU.animal": 0.6198, "IoU.bicycle": 0.6006, "IoU.lake": 0.395, "IoU.dishwasher": 0.7884, "IoU.screen": 0.5436, "IoU.blanket": 0.3984, "IoU.sculpture": 0.7394, "IoU.hood": 0.6297, "IoU.sconce": 0.6196, "IoU.vase": 0.4744, "IoU.traffic light": 0.3498, "IoU.tray": 0.2306, "IoU.ashcan": 0.5187, "IoU.fan": 0.6939, "IoU.pier": 0.4531, "IoU.crt screen": 0.0183, "IoU.plate": 0.6235, "IoU.monitor": 0.5041, "IoU.bulletin board": 0.5632, "IoU.shower": 0.1751, "IoU.radiator": 0.6687, "IoU.glass": 0.2243, "IoU.clock": 0.4539, "IoU.flag": 0.7127, "Acc.wall": 0.9042, "Acc.building": 0.9352, "Acc.sky": 0.9794, "Acc.floor": 0.9308, "Acc.tree": 0.8972, "Acc.ceiling": 0.9562, "Acc.road": 0.9133, "Acc.bed ": 0.9701, "Acc.windowpane": 0.814, "Acc.grass": 0.8547, "Acc.cabinet": 0.7945, "Acc.sidewalk": 0.8455, "Acc.person": 0.9275, "Acc.earth": 0.5312, "Acc.door": 0.7726, "Acc.table": 0.807, "Acc.mountain": 0.7395, "Acc.plant": 0.6857, "Acc.curtain": 0.8974, "Acc.chair": 0.8075, "Acc.car": 0.9373, "Acc.water": 0.7628, "Acc.painting": 0.9003, "Acc.sofa": 0.9297, "Acc.shelf": 0.6939, "Acc.house": 0.6499, "Acc.sea": 0.8193, "Acc.mirror": 0.8511, "Acc.rug": 0.7513, "Acc.field": 0.5827, "Acc.armchair": 0.7349, "Acc.seat": 0.8822, "Acc.fence": 0.5845, "Acc.desk": 0.7753, "Acc.rock": 0.7908, "Acc.wardrobe": 0.7903, "Acc.lamp": 0.8433, "Acc.bathtub": 0.9005, "Acc.railing": 0.6376, "Acc.cushion": 0.8261, "Acc.base": 0.5449, "Acc.box": 0.5172, "Acc.column": 0.6607, "Acc.signboard": 0.5378, "Acc.chest of drawers": 0.591, "Acc.counter": 0.5182, "Acc.sand": 0.8615, "Acc.sink": 0.8567, "Acc.skyscraper": 0.6124, "Acc.fireplace": 0.9516, "Acc.refrigerator": 0.9094, "Acc.grandstand": 0.8224, "Acc.path": 0.4778, "Acc.stairs": 0.4263, "Acc.runway": 0.9778, "Acc.case": 0.8699, "Acc.pool table": 0.9803, "Acc.pillow": 0.7716, "Acc.screen door": 0.8476, "Acc.stairway": 0.534, "Acc.river": 0.1932, "Acc.bridge": 0.8514, "Acc.bookcase": 0.6165, "Acc.blind": 0.4782, "Acc.coffee table": 0.8615, "Acc.toilet": 0.9455, "Acc.flower": 0.6262, "Acc.book": 0.7893, "Acc.hill": 0.1693, "Acc.bench": 0.6394, "Acc.countertop": 0.8253, "Acc.stove": 0.9189, "Acc.palm": 0.8382, "Acc.kitchen island": 0.8821, "Acc.computer": 0.9142, "Acc.swivel chair": 0.7656, "Acc.boat": 0.9129, "Acc.bar": 0.8518, "Acc.arcade machine": 0.8193, "Acc.hovel": 0.1529, "Acc.bus": 0.97, "Acc.towel": 0.8872, "Acc.light": 0.6735, "Acc.truck": 0.6163, "Acc.tower": 0.572, "Acc.chandelier": 0.8404, "Acc.awning": 0.5442, "Acc.streetlight": 0.4714, "Acc.booth": 0.5553, "Acc.television receiver": 0.8735, "Acc.airplane": 0.9662, "Acc.dirt track": 0.2132, "Acc.apparel": 0.8931, "Acc.pole": 0.3307, "Acc.land": 0.0398, "Acc.bannister": 0.299, "Acc.escalator": 0.8352, "Acc.ottoman": 0.6231, "Acc.bottle": 0.6156, "Acc.buffet": 0.5773, "Acc.poster": 0.3602, "Acc.stage": 0.4408, "Acc.van": 0.7294, "Acc.ship": 0.9379, "Acc.fountain": 0.403, "Acc.conveyer belt": 0.9551, "Acc.canopy": 0.6753, "Acc.washer": 0.9429, "Acc.plaything": 0.4594, "Acc.swimming pool": 0.7988, "Acc.stool": 0.6713, "Acc.barrel": 0.9389, "Acc.basket": 0.6162, "Acc.waterfall": 0.6997, "Acc.tent": 0.9855, "Acc.bag": 0.3077, "Acc.minibike": 0.8993, "Acc.cradle": 0.9641, "Acc.oven": 0.7193, "Acc.ball": 0.5018, "Acc.food": 0.7694, "Acc.step": 0.1885, "Acc.tank": 0.9399, "Acc.trade name": 0.2937, "Acc.microwave": 0.9587, "Acc.pot": 0.6857, "Acc.animal": 0.6351, "Acc.bicycle": 0.8088, "Acc.lake": 0.6379, "Acc.dishwasher": 0.8379, "Acc.screen": 0.8564, "Acc.blanket": 0.4614, "Acc.sculpture": 0.889, "Acc.hood": 0.739, "Acc.sconce": 0.7059, "Acc.vase": 0.632, "Acc.traffic light": 0.612, "Acc.tray": 0.2977, "Acc.ashcan": 0.6754, "Acc.fan": 0.7993, "Acc.pier": 0.5151, "Acc.crt screen": 0.0331, "Acc.plate": 0.8244, "Acc.monitor": 0.6026, "Acc.bulletin board": 0.711, "Acc.shower": 0.1972, "Acc.radiator": 0.8058, "Acc.glass": 0.2428, "Acc.clock": 0.5212, "Acc.flag": 0.7821} {"mode": "train", "epoch": 49, "iter": 61050, "lr": 1e-05, "memory": 71384, "data_time": 1.96124, "decode.loss_ce": 0.14418, "decode.acc_seg": 93.47065, "aux.loss_ce": 0.06139, "aux.acc_seg": 93.05022, "loss": 0.20557, "time": 3.57526} {"mode": "train", "epoch": 49, "iter": 61100, "lr": 1e-05, "memory": 71384, "data_time": 0.01051, "decode.loss_ce": 0.13587, "decode.acc_seg": 93.90724, "aux.loss_ce": 0.05852, "aux.acc_seg": 93.41495, "loss": 0.19439, "time": 1.62272} {"mode": "train", "epoch": 49, "iter": 61150, "lr": 1e-05, "memory": 71384, "data_time": 0.01047, "decode.loss_ce": 0.14011, "decode.acc_seg": 93.88427, "aux.loss_ce": 0.05979, "aux.acc_seg": 93.46132, "loss": 0.19991, "time": 1.62258} {"mode": "train", "epoch": 49, "iter": 61200, "lr": 1e-05, "memory": 71384, "data_time": 0.0102, "decode.loss_ce": 0.13783, "decode.acc_seg": 93.7915, "aux.loss_ce": 0.05918, "aux.acc_seg": 93.35333, "loss": 0.19701, "time": 1.62254} {"mode": "train", "epoch": 49, "iter": 61250, "lr": 1e-05, "memory": 71384, "data_time": 0.01037, "decode.loss_ce": 0.13919, "decode.acc_seg": 93.99462, "aux.loss_ce": 0.05939, "aux.acc_seg": 93.55964, "loss": 0.19858, "time": 1.6227} {"mode": "train", "epoch": 49, "iter": 61300, "lr": 1e-05, "memory": 71384, "data_time": 0.01061, "decode.loss_ce": 0.15085, "decode.acc_seg": 93.55419, "aux.loss_ce": 0.06383, "aux.acc_seg": 93.22501, "loss": 0.21468, "time": 1.62314} {"mode": "train", "epoch": 49, "iter": 61350, "lr": 1e-05, "memory": 71384, "data_time": 0.01032, "decode.loss_ce": 0.14272, "decode.acc_seg": 93.61524, "aux.loss_ce": 0.06112, "aux.acc_seg": 93.23022, "loss": 0.20384, "time": 1.62182} {"mode": "train", "epoch": 49, "iter": 61400, "lr": 1e-05, "memory": 71384, "data_time": 0.0102, "decode.loss_ce": 0.15386, "decode.acc_seg": 93.44725, "aux.loss_ce": 0.06512, "aux.acc_seg": 93.06551, "loss": 0.21898, "time": 1.62547} {"mode": "train", "epoch": 49, "iter": 61450, "lr": 1e-05, "memory": 71384, "data_time": 0.01042, "decode.loss_ce": 0.13862, "decode.acc_seg": 93.848, "aux.loss_ce": 0.05929, "aux.acc_seg": 93.41666, "loss": 0.19791, "time": 1.62308} {"mode": "train", "epoch": 49, "iter": 61500, "lr": 1e-05, "memory": 71384, "data_time": 0.0105, "decode.loss_ce": 0.14682, "decode.acc_seg": 93.44008, "aux.loss_ce": 0.06207, "aux.acc_seg": 93.05088, "loss": 0.20889, "time": 1.62388} {"mode": "train", "epoch": 49, "iter": 61550, "lr": 1e-05, "memory": 71384, "data_time": 0.01025, "decode.loss_ce": 0.14554, "decode.acc_seg": 93.66296, "aux.loss_ce": 0.06226, "aux.acc_seg": 93.22446, "loss": 0.2078, "time": 1.62324} {"mode": "train", "epoch": 49, "iter": 61600, "lr": 1e-05, "memory": 71384, "data_time": 0.0102, "decode.loss_ce": 0.14313, "decode.acc_seg": 93.82707, "aux.loss_ce": 0.0609, "aux.acc_seg": 93.42564, "loss": 0.20403, "time": 1.621} {"mode": "train", "epoch": 49, "iter": 61650, "lr": 1e-05, "memory": 71384, "data_time": 0.01018, "decode.loss_ce": 0.1402, "decode.acc_seg": 93.84023, "aux.loss_ce": 0.06019, "aux.acc_seg": 93.45555, "loss": 0.20039, "time": 1.61952} {"mode": "train", "epoch": 49, "iter": 61700, "lr": 1e-05, "memory": 71384, "data_time": 0.01001, "decode.loss_ce": 0.13493, "decode.acc_seg": 93.79224, "aux.loss_ce": 0.05789, "aux.acc_seg": 93.39483, "loss": 0.19282, "time": 1.62168} {"mode": "train", "epoch": 49, "iter": 61750, "lr": 1e-05, "memory": 71384, "data_time": 0.00991, "decode.loss_ce": 0.14664, "decode.acc_seg": 93.48624, "aux.loss_ce": 0.06233, "aux.acc_seg": 93.1153, "loss": 0.20898, "time": 1.62106} {"mode": "train", "epoch": 49, "iter": 61800, "lr": 1e-05, "memory": 71384, "data_time": 0.00962, "decode.loss_ce": 0.14163, "decode.acc_seg": 93.66706, "aux.loss_ce": 0.06048, "aux.acc_seg": 93.25392, "loss": 0.20211, "time": 1.61977} {"mode": "train", "epoch": 49, "iter": 61850, "lr": 1e-05, "memory": 71384, "data_time": 0.01004, "decode.loss_ce": 0.14431, "decode.acc_seg": 93.76066, "aux.loss_ce": 0.06185, "aux.acc_seg": 93.31388, "loss": 0.20617, "time": 1.62729} {"mode": "train", "epoch": 50, "iter": 61900, "lr": 1e-05, "memory": 71384, "data_time": 0.06562, "decode.loss_ce": 0.14741, "decode.acc_seg": 93.65351, "aux.loss_ce": 0.06207, "aux.acc_seg": 93.20667, "loss": 0.20948, "time": 1.68306} {"mode": "train", "epoch": 50, "iter": 61950, "lr": 1e-05, "memory": 71384, "data_time": 0.00971, "decode.loss_ce": 0.14049, "decode.acc_seg": 93.79961, "aux.loss_ce": 0.05999, "aux.acc_seg": 93.36472, "loss": 0.20047, "time": 1.62046} {"mode": "train", "epoch": 50, "iter": 62000, "lr": 1e-05, "memory": 71384, "data_time": 0.00962, "decode.loss_ce": 0.13596, "decode.acc_seg": 93.7859, "aux.loss_ce": 0.05755, "aux.acc_seg": 93.41971, "loss": 0.19351, "time": 3.32664} {"mode": "val", "epoch": 50, "iter": 250, "lr": 1e-05, "aAcc": 0.8667, "mIoU": 0.587, "mAcc": 0.7085, "IoU.wall": 0.8274, "IoU.building": 0.8533, "IoU.sky": 0.9513, "IoU.floor": 0.8603, "IoU.tree": 0.7799, "IoU.ceiling": 0.8782, "IoU.road": 0.87, "IoU.bed ": 0.9275, "IoU.windowpane": 0.6807, "IoU.grass": 0.7077, "IoU.cabinet": 0.6754, "IoU.sidewalk": 0.7056, "IoU.person": 0.8638, "IoU.earth": 0.4268, "IoU.door": 0.6031, "IoU.table": 0.6966, "IoU.mountain": 0.6206, "IoU.plant": 0.5634, "IoU.curtain": 0.7924, "IoU.chair": 0.6988, "IoU.car": 0.8861, "IoU.water": 0.6471, "IoU.painting": 0.7621, "IoU.sofa": 0.8294, "IoU.shelf": 0.5358, "IoU.house": 0.5039, "IoU.sea": 0.7304, "IoU.mirror": 0.7971, "IoU.rug": 0.6833, "IoU.field": 0.3364, "IoU.armchair": 0.6399, "IoU.seat": 0.6805, "IoU.fence": 0.5054, "IoU.desk": 0.5839, "IoU.rock": 0.5307, "IoU.wardrobe": 0.5584, "IoU.lamp": 0.7744, "IoU.bathtub": 0.8686, "IoU.railing": 0.463, "IoU.cushion": 0.7327, "IoU.base": 0.4007, "IoU.box": 0.4049, "IoU.column": 0.5646, "IoU.signboard": 0.4183, "IoU.chest of drawers": 0.4018, "IoU.counter": 0.4197, "IoU.sand": 0.5816, "IoU.sink": 0.8097, "IoU.skyscraper": 0.4772, "IoU.fireplace": 0.7049, "IoU.refrigerator": 0.8464, "IoU.grandstand": 0.5629, "IoU.path": 0.317, "IoU.stairs": 0.3241, "IoU.runway": 0.7514, "IoU.case": 0.6316, "IoU.pool table": 0.95, "IoU.pillow": 0.703, "IoU.screen door": 0.839, "IoU.stairway": 0.4047, "IoU.river": 0.1323, "IoU.bridge": 0.7094, "IoU.bookcase": 0.5036, "IoU.blind": 0.4115, "IoU.coffee table": 0.6102, "IoU.toilet": 0.9082, "IoU.flower": 0.4684, "IoU.book": 0.5522, "IoU.hill": 0.082, "IoU.bench": 0.5583, "IoU.countertop": 0.6453, "IoU.stove": 0.8745, "IoU.palm": 0.5526, "IoU.kitchen island": 0.6109, "IoU.computer": 0.7812, "IoU.swivel chair": 0.514, "IoU.boat": 0.8123, "IoU.bar": 0.6521, "IoU.arcade machine": 0.7858, "IoU.hovel": 0.1407, "IoU.bus": 0.9332, "IoU.towel": 0.8319, "IoU.light": 0.6206, "IoU.truck": 0.4854, "IoU.tower": 0.192, "IoU.chandelier": 0.757, "IoU.awning": 0.402, "IoU.streetlight": 0.3766, "IoU.booth": 0.4057, "IoU.television receiver": 0.8074, "IoU.airplane": 0.8906, "IoU.dirt track": 0.0352, "IoU.apparel": 0.6592, "IoU.pole": 0.2058, "IoU.land": 0.0364, "IoU.bannister": 0.2335, "IoU.escalator": 0.6496, "IoU.ottoman": 0.4989, "IoU.bottle": 0.451, "IoU.buffet": 0.5271, "IoU.poster": 0.3122, "IoU.stage": 0.273, "IoU.van": 0.474, "IoU.ship": 0.9239, "IoU.fountain": 0.4255, "IoU.conveyer belt": 0.8241, "IoU.canopy": 0.5558, "IoU.washer": 0.8448, "IoU.plaything": 0.4629, "IoU.swimming pool": 0.5472, "IoU.stool": 0.5139, "IoU.barrel": 0.7036, "IoU.basket": 0.424, "IoU.waterfall": 0.521, "IoU.tent": 0.9514, "IoU.bag": 0.298, "IoU.minibike": 0.7728, "IoU.cradle": 0.8611, "IoU.oven": 0.6004, "IoU.ball": 0.5668, "IoU.food": 0.6321, "IoU.step": 0.146, "IoU.tank": 0.8041, "IoU.trade name": 0.2588, "IoU.microwave": 0.8835, "IoU.pot": 0.5919, "IoU.animal": 0.625, "IoU.bicycle": 0.5938, "IoU.lake": 0.4493, "IoU.dishwasher": 0.7657, "IoU.screen": 0.5508, "IoU.blanket": 0.3966, "IoU.sculpture": 0.7567, "IoU.hood": 0.6549, "IoU.sconce": 0.6101, "IoU.vase": 0.472, "IoU.traffic light": 0.3575, "IoU.tray": 0.2547, "IoU.ashcan": 0.5152, "IoU.fan": 0.697, "IoU.pier": 0.4457, "IoU.crt screen": 0.018, "IoU.plate": 0.6269, "IoU.monitor": 0.5101, "IoU.bulletin board": 0.5235, "IoU.shower": 0.1303, "IoU.radiator": 0.6666, "IoU.glass": 0.2178, "IoU.clock": 0.4835, "IoU.flag": 0.7115, "Acc.wall": 0.9029, "Acc.building": 0.9375, "Acc.sky": 0.9772, "Acc.floor": 0.9218, "Acc.tree": 0.909, "Acc.ceiling": 0.948, "Acc.road": 0.9166, "Acc.bed ": 0.9697, "Acc.windowpane": 0.8408, "Acc.grass": 0.8476, "Acc.cabinet": 0.7799, "Acc.sidewalk": 0.8433, "Acc.person": 0.9451, "Acc.earth": 0.562, "Acc.door": 0.7335, "Acc.table": 0.8106, "Acc.mountain": 0.7424, "Acc.plant": 0.6455, "Acc.curtain": 0.8779, "Acc.chair": 0.8097, "Acc.car": 0.9395, "Acc.water": 0.7797, "Acc.painting": 0.9014, "Acc.sofa": 0.9241, "Acc.shelf": 0.6849, "Acc.house": 0.5978, "Acc.sea": 0.8172, "Acc.mirror": 0.8678, "Acc.rug": 0.7661, "Acc.field": 0.605, "Acc.armchair": 0.8266, "Acc.seat": 0.8912, "Acc.fence": 0.5942, "Acc.desk": 0.7981, "Acc.rock": 0.7782, "Acc.wardrobe": 0.7764, "Acc.lamp": 0.8689, "Acc.bathtub": 0.8942, "Acc.railing": 0.6488, "Acc.cushion": 0.8241, "Acc.base": 0.6182, "Acc.box": 0.502, "Acc.column": 0.6852, "Acc.signboard": 0.557, "Acc.chest of drawers": 0.5713, "Acc.counter": 0.5002, "Acc.sand": 0.8652, "Acc.sink": 0.8748, "Acc.skyscraper": 0.6067, "Acc.fireplace": 0.9764, "Acc.refrigerator": 0.9111, "Acc.grandstand": 0.8099, "Acc.path": 0.4121, "Acc.stairs": 0.3801, "Acc.runway": 0.9801, "Acc.case": 0.8425, "Acc.pool table": 0.9808, "Acc.pillow": 0.8089, "Acc.screen door": 0.8711, "Acc.stairway": 0.654, "Acc.river": 0.2799, "Acc.bridge": 0.7937, "Acc.bookcase": 0.6063, "Acc.blind": 0.4721, "Acc.coffee table": 0.8765, "Acc.toilet": 0.9308, "Acc.flower": 0.5908, "Acc.book": 0.8089, "Acc.hill": 0.1449, "Acc.bench": 0.6374, "Acc.countertop": 0.8422, "Acc.stove": 0.9155, "Acc.palm": 0.7986, "Acc.kitchen island": 0.8853, "Acc.computer": 0.9151, "Acc.swivel chair": 0.7519, "Acc.boat": 0.9093, "Acc.bar": 0.8674, "Acc.arcade machine": 0.8377, "Acc.hovel": 0.155, "Acc.bus": 0.9621, "Acc.towel": 0.888, "Acc.light": 0.6934, "Acc.truck": 0.624, "Acc.tower": 0.302, "Acc.chandelier": 0.8504, "Acc.awning": 0.4831, "Acc.streetlight": 0.4815, "Acc.booth": 0.5891, "Acc.television receiver": 0.8741, "Acc.airplane": 0.9614, "Acc.dirt track": 0.1701, "Acc.apparel": 0.877, "Acc.pole": 0.3345, "Acc.land": 0.0462, "Acc.bannister": 0.2962, "Acc.escalator": 0.8132, "Acc.ottoman": 0.6331, "Acc.bottle": 0.5997, "Acc.buffet": 0.638, "Acc.poster": 0.3769, "Acc.stage": 0.4509, "Acc.van": 0.6881, "Acc.ship": 0.9708, "Acc.fountain": 0.4417, "Acc.conveyer belt": 0.963, "Acc.canopy": 0.7714, "Acc.washer": 0.8963, "Acc.plaything": 0.6786, "Acc.swimming pool": 0.8271, "Acc.stool": 0.6763, "Acc.barrel": 0.8439, "Acc.basket": 0.6149, "Acc.waterfall": 0.6975, "Acc.tent": 0.9835, "Acc.bag": 0.342, "Acc.minibike": 0.9118, "Acc.cradle": 0.973, "Acc.oven": 0.7185, "Acc.ball": 0.5977, "Acc.food": 0.7326, "Acc.step": 0.1686, "Acc.tank": 0.9405, "Acc.trade name": 0.3018, "Acc.microwave": 0.963, "Acc.pot": 0.7077, "Acc.animal": 0.6403, "Acc.bicycle": 0.7485, "Acc.lake": 0.6811, "Acc.dishwasher": 0.8795, "Acc.screen": 0.8498, "Acc.blanket": 0.4537, "Acc.sculpture": 0.8774, "Acc.hood": 0.7799, "Acc.sconce": 0.6815, "Acc.vase": 0.6757, "Acc.traffic light": 0.6147, "Acc.tray": 0.3248, "Acc.ashcan": 0.6493, "Acc.fan": 0.7767, "Acc.pier": 0.5058, "Acc.crt screen": 0.0341, "Acc.plate": 0.8202, "Acc.monitor": 0.613, "Acc.bulletin board": 0.6409, "Acc.shower": 0.1489, "Acc.radiator": 0.8052, "Acc.glass": 0.2355, "Acc.clock": 0.5442, "Acc.flag": 0.8066} {"mode": "train", "epoch": 50, "iter": 62050, "lr": 1e-05, "memory": 71384, "data_time": 1.92803, "decode.loss_ce": 0.1371, "decode.acc_seg": 93.77925, "aux.loss_ce": 0.05839, "aux.acc_seg": 93.36109, "loss": 0.19549, "time": 3.54562} {"mode": "train", "epoch": 50, "iter": 62100, "lr": 1e-05, "memory": 71384, "data_time": 0.00981, "decode.loss_ce": 0.13947, "decode.acc_seg": 93.81818, "aux.loss_ce": 0.05981, "aux.acc_seg": 93.41024, "loss": 0.19928, "time": 1.62087} {"mode": "train", "epoch": 50, "iter": 62150, "lr": 1e-05, "memory": 71384, "data_time": 0.0096, "decode.loss_ce": 0.14688, "decode.acc_seg": 93.61578, "aux.loss_ce": 0.06259, "aux.acc_seg": 93.25108, "loss": 0.20947, "time": 1.62204} {"mode": "train", "epoch": 50, "iter": 62200, "lr": 1e-05, "memory": 71384, "data_time": 0.00958, "decode.loss_ce": 0.14133, "decode.acc_seg": 93.73315, "aux.loss_ce": 0.06026, "aux.acc_seg": 93.31408, "loss": 0.20159, "time": 1.6215} {"mode": "train", "epoch": 50, "iter": 62250, "lr": 1e-05, "memory": 71384, "data_time": 0.00973, "decode.loss_ce": 0.14336, "decode.acc_seg": 93.96541, "aux.loss_ce": 0.06071, "aux.acc_seg": 93.58334, "loss": 0.20407, "time": 1.62245} {"mode": "train", "epoch": 50, "iter": 62300, "lr": 1e-05, "memory": 71384, "data_time": 0.00964, "decode.loss_ce": 0.13916, "decode.acc_seg": 93.91314, "aux.loss_ce": 0.05941, "aux.acc_seg": 93.54579, "loss": 0.19857, "time": 1.62148} {"mode": "train", "epoch": 50, "iter": 62350, "lr": 1e-05, "memory": 71384, "data_time": 0.00991, "decode.loss_ce": 0.14301, "decode.acc_seg": 93.8203, "aux.loss_ce": 0.06083, "aux.acc_seg": 93.40153, "loss": 0.20385, "time": 1.62269} {"mode": "train", "epoch": 50, "iter": 62400, "lr": 1e-05, "memory": 71384, "data_time": 0.00972, "decode.loss_ce": 0.15245, "decode.acc_seg": 93.37459, "aux.loss_ce": 0.06484, "aux.acc_seg": 92.99771, "loss": 0.2173, "time": 1.62327} {"mode": "train", "epoch": 50, "iter": 62450, "lr": 1e-05, "memory": 71384, "data_time": 0.00992, "decode.loss_ce": 0.1685, "decode.acc_seg": 93.15156, "aux.loss_ce": 0.07096, "aux.acc_seg": 92.74037, "loss": 0.23947, "time": 1.62043} {"mode": "train", "epoch": 50, "iter": 62500, "lr": 1e-05, "memory": 71384, "data_time": 0.00961, "decode.loss_ce": 0.14672, "decode.acc_seg": 93.82325, "aux.loss_ce": 0.06194, "aux.acc_seg": 93.467, "loss": 0.20866, "time": 1.62211} {"mode": "train", "epoch": 50, "iter": 62550, "lr": 1e-05, "memory": 71384, "data_time": 0.00966, "decode.loss_ce": 0.14032, "decode.acc_seg": 93.88859, "aux.loss_ce": 0.05987, "aux.acc_seg": 93.45925, "loss": 0.2002, "time": 1.62175} {"mode": "train", "epoch": 50, "iter": 62600, "lr": 1e-05, "memory": 71384, "data_time": 0.00959, "decode.loss_ce": 0.14542, "decode.acc_seg": 93.4527, "aux.loss_ce": 0.06185, "aux.acc_seg": 93.05528, "loss": 0.20727, "time": 1.62016} {"mode": "train", "epoch": 50, "iter": 62650, "lr": 1e-05, "memory": 71384, "data_time": 0.00978, "decode.loss_ce": 0.15035, "decode.acc_seg": 93.48147, "aux.loss_ce": 0.06405, "aux.acc_seg": 93.08506, "loss": 0.2144, "time": 1.62213} {"mode": "train", "epoch": 50, "iter": 62700, "lr": 1e-05, "memory": 71384, "data_time": 0.00963, "decode.loss_ce": 0.14808, "decode.acc_seg": 93.44588, "aux.loss_ce": 0.0638, "aux.acc_seg": 92.98084, "loss": 0.21188, "time": 1.6228} {"mode": "train", "epoch": 50, "iter": 62750, "lr": 1e-05, "memory": 71384, "data_time": 0.00977, "decode.loss_ce": 0.14061, "decode.acc_seg": 93.84256, "aux.loss_ce": 0.05996, "aux.acc_seg": 93.4418, "loss": 0.20058, "time": 1.6251} {"mode": "train", "epoch": 50, "iter": 62800, "lr": 1e-05, "memory": 71384, "data_time": 0.00983, "decode.loss_ce": 0.138, "decode.acc_seg": 94.05667, "aux.loss_ce": 0.05878, "aux.acc_seg": 93.62241, "loss": 0.19679, "time": 1.61901} {"mode": "train", "epoch": 50, "iter": 62850, "lr": 1e-05, "memory": 71384, "data_time": 0.00989, "decode.loss_ce": 0.1399, "decode.acc_seg": 93.70035, "aux.loss_ce": 0.05975, "aux.acc_seg": 93.32646, "loss": 0.19965, "time": 1.61949} {"mode": "train", "epoch": 50, "iter": 62900, "lr": 1e-05, "memory": 71384, "data_time": 0.00968, "decode.loss_ce": 0.14102, "decode.acc_seg": 93.90802, "aux.loss_ce": 0.05983, "aux.acc_seg": 93.47896, "loss": 0.20084, "time": 1.61998} {"mode": "train", "epoch": 50, "iter": 62950, "lr": 1e-05, "memory": 71384, "data_time": 0.00964, "decode.loss_ce": 0.13864, "decode.acc_seg": 93.84483, "aux.loss_ce": 0.05922, "aux.acc_seg": 93.46383, "loss": 0.19786, "time": 1.62361} {"mode": "train", "epoch": 50, "iter": 63000, "lr": 1e-05, "memory": 71384, "data_time": 0.00963, "decode.loss_ce": 0.1445, "decode.acc_seg": 93.41471, "aux.loss_ce": 0.06115, "aux.acc_seg": 93.05245, "loss": 0.20565, "time": 1.62212} {"mode": "val", "epoch": 50, "iter": 250, "lr": 1e-05, "aAcc": 0.867, "mIoU": 0.5876, "mAcc": 0.7084, "IoU.wall": 0.8302, "IoU.building": 0.856, "IoU.sky": 0.9516, "IoU.floor": 0.858, "IoU.tree": 0.7801, "IoU.ceiling": 0.8808, "IoU.road": 0.8633, "IoU.bed ": 0.9282, "IoU.windowpane": 0.6753, "IoU.grass": 0.7087, "IoU.cabinet": 0.6988, "IoU.sidewalk": 0.7114, "IoU.person": 0.864, "IoU.earth": 0.4161, "IoU.door": 0.6025, "IoU.table": 0.7041, "IoU.mountain": 0.6228, "IoU.plant": 0.572, "IoU.curtain": 0.796, "IoU.chair": 0.6854, "IoU.car": 0.8852, "IoU.water": 0.6305, "IoU.painting": 0.7815, "IoU.sofa": 0.8358, "IoU.shelf": 0.5285, "IoU.house": 0.5326, "IoU.sea": 0.7114, "IoU.mirror": 0.7833, "IoU.rug": 0.6683, "IoU.field": 0.3323, "IoU.armchair": 0.6186, "IoU.seat": 0.6609, "IoU.fence": 0.5611, "IoU.desk": 0.5886, "IoU.rock": 0.5483, "IoU.wardrobe": 0.5917, "IoU.lamp": 0.771, "IoU.bathtub": 0.8701, "IoU.railing": 0.4527, "IoU.cushion": 0.738, "IoU.base": 0.3721, "IoU.box": 0.3918, "IoU.column": 0.58, "IoU.signboard": 0.4098, "IoU.chest of drawers": 0.4006, "IoU.counter": 0.4134, "IoU.sand": 0.5704, "IoU.sink": 0.8113, "IoU.skyscraper": 0.474, "IoU.fireplace": 0.7267, "IoU.refrigerator": 0.8557, "IoU.grandstand": 0.5585, "IoU.path": 0.2802, "IoU.stairs": 0.3066, "IoU.runway": 0.7485, "IoU.case": 0.6246, "IoU.pool table": 0.9527, "IoU.pillow": 0.7114, "IoU.screen door": 0.8266, "IoU.stairway": 0.4615, "IoU.river": 0.1048, "IoU.bridge": 0.7324, "IoU.bookcase": 0.5179, "IoU.blind": 0.4681, "IoU.coffee table": 0.6153, "IoU.toilet": 0.9064, "IoU.flower": 0.4742, "IoU.book": 0.5514, "IoU.hill": 0.0901, "IoU.bench": 0.579, "IoU.countertop": 0.6349, "IoU.stove": 0.8742, "IoU.palm": 0.5573, "IoU.kitchen island": 0.7244, "IoU.computer": 0.7903, "IoU.swivel chair": 0.5065, "IoU.boat": 0.8086, "IoU.bar": 0.6485, "IoU.arcade machine": 0.7484, "IoU.hovel": 0.1393, "IoU.bus": 0.9281, "IoU.towel": 0.7923, "IoU.light": 0.6378, "IoU.truck": 0.4932, "IoU.tower": 0.3021, "IoU.chandelier": 0.7625, "IoU.awning": 0.4052, "IoU.streetlight": 0.3971, "IoU.booth": 0.412, "IoU.television receiver": 0.7997, "IoU.airplane": 0.8897, "IoU.dirt track": 0.0735, "IoU.apparel": 0.6862, "IoU.pole": 0.2414, "IoU.land": 0.0297, "IoU.bannister": 0.2305, "IoU.escalator": 0.6588, "IoU.ottoman": 0.4834, "IoU.bottle": 0.4382, "IoU.buffet": 0.4607, "IoU.poster": 0.2978, "IoU.stage": 0.2805, "IoU.van": 0.4687, "IoU.ship": 0.9008, "IoU.fountain": 0.4524, "IoU.conveyer belt": 0.8387, "IoU.canopy": 0.5053, "IoU.washer": 0.8691, "IoU.plaything": 0.3408, "IoU.swimming pool": 0.5358, "IoU.stool": 0.5327, "IoU.barrel": 0.7387, "IoU.basket": 0.4015, "IoU.waterfall": 0.4721, "IoU.tent": 0.9142, "IoU.bag": 0.2722, "IoU.minibike": 0.7746, "IoU.cradle": 0.8555, "IoU.oven": 0.6264, "IoU.ball": 0.5286, "IoU.food": 0.5887, "IoU.step": 0.1625, "IoU.tank": 0.8043, "IoU.trade name": 0.2175, "IoU.microwave": 0.8997, "IoU.pot": 0.5862, "IoU.animal": 0.6038, "IoU.bicycle": 0.6138, "IoU.lake": 0.5171, "IoU.dishwasher": 0.7703, "IoU.screen": 0.5166, "IoU.blanket": 0.4135, "IoU.sculpture": 0.7601, "IoU.hood": 0.647, "IoU.sconce": 0.6124, "IoU.vase": 0.4974, "IoU.traffic light": 0.3573, "IoU.tray": 0.2332, "IoU.ashcan": 0.5223, "IoU.fan": 0.721, "IoU.pier": 0.4936, "IoU.crt screen": 0.0145, "IoU.plate": 0.6428, "IoU.monitor": 0.3721, "IoU.bulletin board": 0.5201, "IoU.shower": 0.1634, "IoU.radiator": 0.6646, "IoU.glass": 0.2125, "IoU.clock": 0.5022, "IoU.flag": 0.7428, "Acc.wall": 0.8995, "Acc.building": 0.9355, "Acc.sky": 0.9764, "Acc.floor": 0.9362, "Acc.tree": 0.9012, "Acc.ceiling": 0.9454, "Acc.road": 0.907, "Acc.bed ": 0.9687, "Acc.windowpane": 0.8557, "Acc.grass": 0.8243, "Acc.cabinet": 0.8013, "Acc.sidewalk": 0.8692, "Acc.person": 0.9497, "Acc.earth": 0.5613, "Acc.door": 0.7324, "Acc.table": 0.8178, "Acc.mountain": 0.7222, "Acc.plant": 0.6815, "Acc.curtain": 0.9019, "Acc.chair": 0.7922, "Acc.car": 0.938, "Acc.water": 0.7954, "Acc.painting": 0.906, "Acc.sofa": 0.9056, "Acc.shelf": 0.6968, "Acc.house": 0.6404, "Acc.sea": 0.7884, "Acc.mirror": 0.8558, "Acc.rug": 0.7277, "Acc.field": 0.6115, "Acc.armchair": 0.7788, "Acc.seat": 0.8951, "Acc.fence": 0.7047, "Acc.desk": 0.7968, "Acc.rock": 0.8122, "Acc.wardrobe": 0.6884, "Acc.lamp": 0.865, "Acc.bathtub": 0.9, "Acc.railing": 0.6394, "Acc.cushion": 0.8282, "Acc.base": 0.5151, "Acc.box": 0.504, "Acc.column": 0.6678, "Acc.signboard": 0.5827, "Acc.chest of drawers": 0.6396, "Acc.counter": 0.5018, "Acc.sand": 0.8707, "Acc.sink": 0.8641, "Acc.skyscraper": 0.6051, "Acc.fireplace": 0.9549, "Acc.refrigerator": 0.9469, "Acc.grandstand": 0.8489, "Acc.path": 0.3499, "Acc.stairs": 0.3588, "Acc.runway": 0.9779, "Acc.case": 0.8591, "Acc.pool table": 0.9833, "Acc.pillow": 0.8264, "Acc.screen door": 0.856, "Acc.stairway": 0.7298, "Acc.river": 0.2189, "Acc.bridge": 0.8225, "Acc.bookcase": 0.6345, "Acc.blind": 0.5786, "Acc.coffee table": 0.8755, "Acc.toilet": 0.9322, "Acc.flower": 0.5821, "Acc.book": 0.7881, "Acc.hill": 0.1524, "Acc.bench": 0.6528, "Acc.countertop": 0.8336, "Acc.stove": 0.9299, "Acc.palm": 0.8143, "Acc.kitchen island": 0.8493, "Acc.computer": 0.9145, "Acc.swivel chair": 0.7428, "Acc.boat": 0.9059, "Acc.bar": 0.8871, "Acc.arcade machine": 0.7893, "Acc.hovel": 0.1566, "Acc.bus": 0.9667, "Acc.towel": 0.8508, "Acc.light": 0.7547, "Acc.truck": 0.6224, "Acc.tower": 0.5188, "Acc.chandelier": 0.8803, "Acc.awning": 0.4907, "Acc.streetlight": 0.5272, "Acc.booth": 0.6234, "Acc.television receiver": 0.8349, "Acc.airplane": 0.9617, "Acc.dirt track": 0.4631, "Acc.apparel": 0.863, "Acc.pole": 0.3723, "Acc.land": 0.0483, "Acc.bannister": 0.2905, "Acc.escalator": 0.8163, "Acc.ottoman": 0.6245, "Acc.bottle": 0.6125, "Acc.buffet": 0.5364, "Acc.poster": 0.351, "Acc.stage": 0.4495, "Acc.van": 0.7213, "Acc.ship": 0.9618, "Acc.fountain": 0.4624, "Acc.conveyer belt": 0.9397, "Acc.canopy": 0.7079, "Acc.washer": 0.9175, "Acc.plaything": 0.46, "Acc.swimming pool": 0.7699, "Acc.stool": 0.6453, "Acc.barrel": 0.8571, "Acc.basket": 0.5523, "Acc.waterfall": 0.6011, "Acc.tent": 0.9821, "Acc.bag": 0.3158, "Acc.minibike": 0.9072, "Acc.cradle": 0.9762, "Acc.oven": 0.7835, "Acc.ball": 0.5635, "Acc.food": 0.6934, "Acc.step": 0.189, "Acc.tank": 0.8993, "Acc.trade name": 0.2529, "Acc.microwave": 0.964, "Acc.pot": 0.6846, "Acc.animal": 0.6154, "Acc.bicycle": 0.7995, "Acc.lake": 0.6378, "Acc.dishwasher": 0.857, "Acc.screen": 0.8212, "Acc.blanket": 0.4762, "Acc.sculpture": 0.8736, "Acc.hood": 0.7671, "Acc.sconce": 0.6834, "Acc.vase": 0.6396, "Acc.traffic light": 0.657, "Acc.tray": 0.2854, "Acc.ashcan": 0.6536, "Acc.fan": 0.8414, "Acc.pier": 0.5666, "Acc.crt screen": 0.0343, "Acc.plate": 0.7938, "Acc.monitor": 0.4466, "Acc.bulletin board": 0.6016, "Acc.shower": 0.1784, "Acc.radiator": 0.8393, "Acc.glass": 0.2287, "Acc.clock": 0.6161, "Acc.flag": 0.8287} {"mode": "train", "epoch": 50, "iter": 63050, "lr": 1e-05, "memory": 71384, "data_time": 1.99122, "decode.loss_ce": 0.14117, "decode.acc_seg": 93.78941, "aux.loss_ce": 0.06014, "aux.acc_seg": 93.38769, "loss": 0.20131, "time": 3.60115} {"mode": "train", "epoch": 50, "iter": 63100, "lr": 1e-05, "memory": 71384, "data_time": 0.00983, "decode.loss_ce": 0.14458, "decode.acc_seg": 93.75599, "aux.loss_ce": 0.06203, "aux.acc_seg": 93.24967, "loss": 0.20661, "time": 1.6266} {"mode": "train", "epoch": 50, "iter": 63150, "lr": 1e-05, "memory": 71384, "data_time": 0.00981, "decode.loss_ce": 0.14435, "decode.acc_seg": 93.5336, "aux.loss_ce": 0.06188, "aux.acc_seg": 93.11025, "loss": 0.20623, "time": 1.62496} {"mode": "train", "epoch": 51, "iter": 63200, "lr": 1e-05, "memory": 71384, "data_time": 0.05182, "decode.loss_ce": 0.13678, "decode.acc_seg": 93.90119, "aux.loss_ce": 0.05825, "aux.acc_seg": 93.52765, "loss": 0.19503, "time": 1.66585} {"mode": "train", "epoch": 51, "iter": 63250, "lr": 1e-05, "memory": 71384, "data_time": 0.00957, "decode.loss_ce": 0.14713, "decode.acc_seg": 93.43571, "aux.loss_ce": 0.06272, "aux.acc_seg": 93.03078, "loss": 0.20985, "time": 1.62028} {"mode": "train", "epoch": 51, "iter": 63300, "lr": 1e-05, "memory": 71384, "data_time": 0.00969, "decode.loss_ce": 0.13661, "decode.acc_seg": 94.06649, "aux.loss_ce": 0.0583, "aux.acc_seg": 93.67507, "loss": 0.19491, "time": 1.62244} {"mode": "train", "epoch": 51, "iter": 63350, "lr": 1e-05, "memory": 71384, "data_time": 0.0097, "decode.loss_ce": 0.14243, "decode.acc_seg": 93.43621, "aux.loss_ce": 0.06047, "aux.acc_seg": 93.04543, "loss": 0.2029, "time": 1.61872} {"mode": "train", "epoch": 51, "iter": 63400, "lr": 1e-05, "memory": 71384, "data_time": 0.00978, "decode.loss_ce": 0.13714, "decode.acc_seg": 93.99114, "aux.loss_ce": 0.05901, "aux.acc_seg": 93.52114, "loss": 0.19615, "time": 1.6214} {"mode": "train", "epoch": 51, "iter": 63450, "lr": 1e-05, "memory": 71384, "data_time": 0.00988, "decode.loss_ce": 0.13898, "decode.acc_seg": 93.96966, "aux.loss_ce": 0.05961, "aux.acc_seg": 93.54268, "loss": 0.19859, "time": 1.62085} {"mode": "train", "epoch": 51, "iter": 63500, "lr": 1e-05, "memory": 71384, "data_time": 0.00985, "decode.loss_ce": 0.13819, "decode.acc_seg": 93.78785, "aux.loss_ce": 0.0586, "aux.acc_seg": 93.41337, "loss": 0.1968, "time": 1.62268} {"mode": "train", "epoch": 51, "iter": 63550, "lr": 1e-05, "memory": 71384, "data_time": 0.00976, "decode.loss_ce": 0.13873, "decode.acc_seg": 93.87748, "aux.loss_ce": 0.05935, "aux.acc_seg": 93.46672, "loss": 0.19808, "time": 1.62265} {"mode": "train", "epoch": 51, "iter": 63600, "lr": 1e-05, "memory": 71384, "data_time": 0.00977, "decode.loss_ce": 0.13279, "decode.acc_seg": 93.98391, "aux.loss_ce": 0.05708, "aux.acc_seg": 93.60266, "loss": 0.18987, "time": 1.62303} {"mode": "train", "epoch": 51, "iter": 63650, "lr": 1e-05, "memory": 71384, "data_time": 0.0098, "decode.loss_ce": 0.14421, "decode.acc_seg": 93.63982, "aux.loss_ce": 0.06148, "aux.acc_seg": 93.23045, "loss": 0.20569, "time": 1.6211} {"mode": "train", "epoch": 51, "iter": 63700, "lr": 1e-05, "memory": 71384, "data_time": 0.00967, "decode.loss_ce": 0.13647, "decode.acc_seg": 94.03061, "aux.loss_ce": 0.05839, "aux.acc_seg": 93.63278, "loss": 0.19486, "time": 1.62327} {"mode": "train", "epoch": 51, "iter": 63750, "lr": 1e-05, "memory": 71384, "data_time": 0.00986, "decode.loss_ce": 0.13147, "decode.acc_seg": 94.11155, "aux.loss_ce": 0.05665, "aux.acc_seg": 93.67199, "loss": 0.18812, "time": 1.62443} {"mode": "train", "epoch": 51, "iter": 63800, "lr": 1e-05, "memory": 71384, "data_time": 0.00977, "decode.loss_ce": 0.14358, "decode.acc_seg": 93.61225, "aux.loss_ce": 0.0612, "aux.acc_seg": 93.23735, "loss": 0.20478, "time": 1.61877} {"mode": "train", "epoch": 51, "iter": 63850, "lr": 1e-05, "memory": 71384, "data_time": 0.00967, "decode.loss_ce": 0.13284, "decode.acc_seg": 94.16749, "aux.loss_ce": 0.05641, "aux.acc_seg": 93.78231, "loss": 0.18925, "time": 1.62429} {"mode": "train", "epoch": 51, "iter": 63900, "lr": 1e-05, "memory": 71384, "data_time": 0.00993, "decode.loss_ce": 0.14307, "decode.acc_seg": 93.79059, "aux.loss_ce": 0.06093, "aux.acc_seg": 93.40397, "loss": 0.20399, "time": 1.62166} {"mode": "train", "epoch": 51, "iter": 63950, "lr": 1e-05, "memory": 71384, "data_time": 0.00995, "decode.loss_ce": 0.13881, "decode.acc_seg": 93.73358, "aux.loss_ce": 0.05947, "aux.acc_seg": 93.30962, "loss": 0.19828, "time": 1.62519} {"mode": "train", "epoch": 51, "iter": 64000, "lr": 1e-05, "memory": 71384, "data_time": 0.00968, "decode.loss_ce": 0.14382, "decode.acc_seg": 93.68977, "aux.loss_ce": 0.06129, "aux.acc_seg": 93.30018, "loss": 0.2051, "time": 3.37474} {"mode": "val", "epoch": 51, "iter": 250, "lr": 1e-05, "aAcc": 0.8662, "mIoU": 0.5866, "mAcc": 0.7111, "IoU.wall": 0.8256, "IoU.building": 0.8572, "IoU.sky": 0.9506, "IoU.floor": 0.8609, "IoU.tree": 0.7815, "IoU.ceiling": 0.8792, "IoU.road": 0.8665, "IoU.bed ": 0.9234, "IoU.windowpane": 0.676, "IoU.grass": 0.7011, "IoU.cabinet": 0.6757, "IoU.sidewalk": 0.7138, "IoU.person": 0.8643, "IoU.earth": 0.4166, "IoU.door": 0.6065, "IoU.table": 0.7041, "IoU.mountain": 0.6286, "IoU.plant": 0.5736, "IoU.curtain": 0.7897, "IoU.chair": 0.6937, "IoU.car": 0.8881, "IoU.water": 0.6447, "IoU.painting": 0.7587, "IoU.sofa": 0.8307, "IoU.shelf": 0.5242, "IoU.house": 0.5414, "IoU.sea": 0.7245, "IoU.mirror": 0.7823, "IoU.rug": 0.6985, "IoU.field": 0.3282, "IoU.armchair": 0.6155, "IoU.seat": 0.6607, "IoU.fence": 0.5547, "IoU.desk": 0.6051, "IoU.rock": 0.5451, "IoU.wardrobe": 0.5578, "IoU.lamp": 0.7742, "IoU.bathtub": 0.8696, "IoU.railing": 0.4646, "IoU.cushion": 0.731, "IoU.base": 0.3877, "IoU.box": 0.3999, "IoU.column": 0.5615, "IoU.signboard": 0.4202, "IoU.chest of drawers": 0.436, "IoU.counter": 0.421, "IoU.sand": 0.5613, "IoU.sink": 0.8136, "IoU.skyscraper": 0.4671, "IoU.fireplace": 0.7224, "IoU.refrigerator": 0.8594, "IoU.grandstand": 0.5495, "IoU.path": 0.3293, "IoU.stairs": 0.3383, "IoU.runway": 0.7423, "IoU.case": 0.6617, "IoU.pool table": 0.9504, "IoU.pillow": 0.6851, "IoU.screen door": 0.7932, "IoU.stairway": 0.4957, "IoU.river": 0.1117, "IoU.bridge": 0.6909, "IoU.bookcase": 0.5331, "IoU.blind": 0.4588, "IoU.coffee table": 0.6197, "IoU.toilet": 0.9062, "IoU.flower": 0.4573, "IoU.book": 0.5529, "IoU.hill": 0.0856, "IoU.bench": 0.5829, "IoU.countertop": 0.6417, "IoU.stove": 0.8706, "IoU.palm": 0.5537, "IoU.kitchen island": 0.6639, "IoU.computer": 0.7786, "IoU.swivel chair": 0.4617, "IoU.boat": 0.8184, "IoU.bar": 0.65, "IoU.arcade machine": 0.7333, "IoU.hovel": 0.136, "IoU.bus": 0.9275, "IoU.towel": 0.802, "IoU.light": 0.6258, "IoU.truck": 0.492, "IoU.tower": 0.3529, "IoU.chandelier": 0.7624, "IoU.awning": 0.3956, "IoU.streetlight": 0.3899, "IoU.booth": 0.3853, "IoU.television receiver": 0.8183, "IoU.airplane": 0.8924, "IoU.dirt track": 0.0382, "IoU.apparel": 0.6376, "IoU.pole": 0.2431, "IoU.land": 0.0293, "IoU.bannister": 0.2144, "IoU.escalator": 0.6698, "IoU.ottoman": 0.4924, "IoU.bottle": 0.4393, "IoU.buffet": 0.5652, "IoU.poster": 0.2976, "IoU.stage": 0.2899, "IoU.van": 0.4976, "IoU.ship": 0.8697, "IoU.fountain": 0.3877, "IoU.conveyer belt": 0.8249, "IoU.canopy": 0.5316, "IoU.washer": 0.8769, "IoU.plaything": 0.3971, "IoU.swimming pool": 0.539, "IoU.stool": 0.5532, "IoU.barrel": 0.6067, "IoU.basket": 0.4369, "IoU.waterfall": 0.4751, "IoU.tent": 0.9336, "IoU.bag": 0.2698, "IoU.minibike": 0.775, "IoU.cradle": 0.8889, "IoU.oven": 0.653, "IoU.ball": 0.5595, "IoU.food": 0.6594, "IoU.step": 0.154, "IoU.tank": 0.7029, "IoU.trade name": 0.2591, "IoU.microwave": 0.9053, "IoU.pot": 0.5894, "IoU.animal": 0.6239, "IoU.bicycle": 0.606, "IoU.lake": 0.4493, "IoU.dishwasher": 0.7643, "IoU.screen": 0.5193, "IoU.blanket": 0.3638, "IoU.sculpture": 0.7585, "IoU.hood": 0.6544, "IoU.sconce": 0.6357, "IoU.vase": 0.4916, "IoU.traffic light": 0.3656, "IoU.tray": 0.2529, "IoU.ashcan": 0.5282, "IoU.fan": 0.7196, "IoU.pier": 0.4561, "IoU.crt screen": 0.0189, "IoU.plate": 0.6277, "IoU.monitor": 0.277, "IoU.bulletin board": 0.5519, "IoU.shower": 0.1393, "IoU.radiator": 0.6715, "IoU.glass": 0.213, "IoU.clock": 0.4848, "IoU.flag": 0.717, "Acc.wall": 0.8935, "Acc.building": 0.9366, "Acc.sky": 0.9766, "Acc.floor": 0.924, "Acc.tree": 0.8841, "Acc.ceiling": 0.9525, "Acc.road": 0.9087, "Acc.bed ": 0.9759, "Acc.windowpane": 0.8276, "Acc.grass": 0.8266, "Acc.cabinet": 0.7711, "Acc.sidewalk": 0.8566, "Acc.person": 0.9431, "Acc.earth": 0.5501, "Acc.door": 0.7832, "Acc.table": 0.8249, "Acc.mountain": 0.7582, "Acc.plant": 0.6909, "Acc.curtain": 0.885, "Acc.chair": 0.8225, "Acc.car": 0.941, "Acc.water": 0.7872, "Acc.painting": 0.9116, "Acc.sofa": 0.908, "Acc.shelf": 0.6958, "Acc.house": 0.6867, "Acc.sea": 0.8027, "Acc.mirror": 0.8691, "Acc.rug": 0.7804, "Acc.field": 0.6154, "Acc.armchair": 0.7902, "Acc.seat": 0.8942, "Acc.fence": 0.6811, "Acc.desk": 0.7836, "Acc.rock": 0.8337, "Acc.wardrobe": 0.7402, "Acc.lamp": 0.884, "Acc.bathtub": 0.8996, "Acc.railing": 0.6534, "Acc.cushion": 0.8132, "Acc.base": 0.551, "Acc.box": 0.5059, "Acc.column": 0.6932, "Acc.signboard": 0.5821, "Acc.chest of drawers": 0.6988, "Acc.counter": 0.5079, "Acc.sand": 0.8627, "Acc.sink": 0.8672, "Acc.skyscraper": 0.5884, "Acc.fireplace": 0.9441, "Acc.refrigerator": 0.9478, "Acc.grandstand": 0.8257, "Acc.path": 0.4389, "Acc.stairs": 0.4095, "Acc.runway": 0.9704, "Acc.case": 0.8342, "Acc.pool table": 0.9794, "Acc.pillow": 0.7769, "Acc.screen door": 0.8182, "Acc.stairway": 0.7362, "Acc.river": 0.2405, "Acc.bridge": 0.7825, "Acc.bookcase": 0.6893, "Acc.blind": 0.5449, "Acc.coffee table": 0.869, "Acc.toilet": 0.9322, "Acc.flower": 0.6057, "Acc.book": 0.7662, "Acc.hill": 0.1544, "Acc.bench": 0.6501, "Acc.countertop": 0.83, "Acc.stove": 0.9356, "Acc.palm": 0.8506, "Acc.kitchen island": 0.8725, "Acc.computer": 0.8951, "Acc.swivel chair": 0.7, "Acc.boat": 0.9131, "Acc.bar": 0.8657, "Acc.arcade machine": 0.7752, "Acc.hovel": 0.1551, "Acc.bus": 0.9712, "Acc.towel": 0.8672, "Acc.light": 0.706, "Acc.truck": 0.6136, "Acc.tower": 0.6272, "Acc.chandelier": 0.8675, "Acc.awning": 0.4686, "Acc.streetlight": 0.515, "Acc.booth": 0.6282, "Acc.television receiver": 0.8751, "Acc.airplane": 0.9602, "Acc.dirt track": 0.1848, "Acc.apparel": 0.8455, "Acc.pole": 0.3789, "Acc.land": 0.0432, "Acc.bannister": 0.2617, "Acc.escalator": 0.8493, "Acc.ottoman": 0.6481, "Acc.bottle": 0.6398, "Acc.buffet": 0.6806, "Acc.poster": 0.3654, "Acc.stage": 0.4758, "Acc.van": 0.7461, "Acc.ship": 0.9347, "Acc.fountain": 0.3937, "Acc.conveyer belt": 0.9482, "Acc.canopy": 0.7332, "Acc.washer": 0.9275, "Acc.plaything": 0.5725, "Acc.swimming pool": 0.7905, "Acc.stool": 0.6785, "Acc.barrel": 0.7247, "Acc.basket": 0.6383, "Acc.waterfall": 0.6062, "Acc.tent": 0.9827, "Acc.bag": 0.3119, "Acc.minibike": 0.8937, "Acc.cradle": 0.9796, "Acc.oven": 0.7994, "Acc.ball": 0.6695, "Acc.food": 0.8125, "Acc.step": 0.1774, "Acc.tank": 0.7913, "Acc.trade name": 0.3152, "Acc.microwave": 0.9648, "Acc.pot": 0.6844, "Acc.animal": 0.6373, "Acc.bicycle": 0.8172, "Acc.lake": 0.6374, "Acc.dishwasher": 0.8325, "Acc.screen": 0.7971, "Acc.blanket": 0.4183, "Acc.sculpture": 0.886, "Acc.hood": 0.7695, "Acc.sconce": 0.7415, "Acc.vase": 0.6332, "Acc.traffic light": 0.64, "Acc.tray": 0.3244, "Acc.ashcan": 0.6711, "Acc.fan": 0.8232, "Acc.pier": 0.5053, "Acc.crt screen": 0.0556, "Acc.plate": 0.8018, "Acc.monitor": 0.3269, "Acc.bulletin board": 0.6853, "Acc.shower": 0.1537, "Acc.radiator": 0.8119, "Acc.glass": 0.2275, "Acc.clock": 0.5904, "Acc.flag": 0.7925} {"mode": "train", "epoch": 51, "iter": 64050, "lr": 1e-05, "memory": 71384, "data_time": 1.948, "decode.loss_ce": 0.13469, "decode.acc_seg": 93.91876, "aux.loss_ce": 0.05732, "aux.acc_seg": 93.54634, "loss": 0.19201, "time": 3.56018} {"mode": "train", "epoch": 51, "iter": 64100, "lr": 1e-05, "memory": 71384, "data_time": 0.00981, "decode.loss_ce": 0.14277, "decode.acc_seg": 93.6438, "aux.loss_ce": 0.06132, "aux.acc_seg": 93.21477, "loss": 0.20409, "time": 1.61961} {"mode": "train", "epoch": 51, "iter": 64150, "lr": 1e-05, "memory": 71384, "data_time": 0.00982, "decode.loss_ce": 0.12557, "decode.acc_seg": 94.34964, "aux.loss_ce": 0.05362, "aux.acc_seg": 93.99961, "loss": 0.17919, "time": 1.62557} {"mode": "train", "epoch": 51, "iter": 64200, "lr": 1e-05, "memory": 71384, "data_time": 0.00955, "decode.loss_ce": 0.14522, "decode.acc_seg": 93.64218, "aux.loss_ce": 0.06201, "aux.acc_seg": 93.25071, "loss": 0.20723, "time": 1.61968} {"mode": "train", "epoch": 51, "iter": 64250, "lr": 1e-05, "memory": 71384, "data_time": 0.00988, "decode.loss_ce": 0.14181, "decode.acc_seg": 93.65772, "aux.loss_ce": 0.06059, "aux.acc_seg": 93.25764, "loss": 0.2024, "time": 1.62291} {"mode": "train", "epoch": 51, "iter": 64300, "lr": 1e-05, "memory": 71384, "data_time": 0.00957, "decode.loss_ce": 0.14284, "decode.acc_seg": 93.64967, "aux.loss_ce": 0.06078, "aux.acc_seg": 93.30937, "loss": 0.20362, "time": 1.61881} {"mode": "train", "epoch": 51, "iter": 64350, "lr": 1e-05, "memory": 71384, "data_time": 0.00966, "decode.loss_ce": 0.13419, "decode.acc_seg": 94.19864, "aux.loss_ce": 0.05752, "aux.acc_seg": 93.78941, "loss": 0.1917, "time": 1.61876} {"mode": "train", "epoch": 51, "iter": 64400, "lr": 1e-05, "memory": 71384, "data_time": 0.00947, "decode.loss_ce": 0.13807, "decode.acc_seg": 93.9133, "aux.loss_ce": 0.05932, "aux.acc_seg": 93.45695, "loss": 0.19739, "time": 1.62347} {"mode": "train", "epoch": 52, "iter": 64450, "lr": 1e-05, "memory": 71384, "data_time": 0.06082, "decode.loss_ce": 0.1371, "decode.acc_seg": 93.88545, "aux.loss_ce": 0.0587, "aux.acc_seg": 93.45713, "loss": 0.1958, "time": 1.67399} {"mode": "train", "epoch": 52, "iter": 64500, "lr": 1e-05, "memory": 71384, "data_time": 0.00969, "decode.loss_ce": 0.14419, "decode.acc_seg": 93.73025, "aux.loss_ce": 0.06113, "aux.acc_seg": 93.40322, "loss": 0.20532, "time": 1.6204} {"mode": "train", "epoch": 52, "iter": 64550, "lr": 1e-05, "memory": 71384, "data_time": 0.00967, "decode.loss_ce": 0.1381, "decode.acc_seg": 93.87617, "aux.loss_ce": 0.05971, "aux.acc_seg": 93.42776, "loss": 0.19781, "time": 1.61935} {"mode": "train", "epoch": 52, "iter": 64600, "lr": 1e-05, "memory": 71384, "data_time": 0.0096, "decode.loss_ce": 0.13664, "decode.acc_seg": 93.95542, "aux.loss_ce": 0.05833, "aux.acc_seg": 93.54395, "loss": 0.19497, "time": 1.62163} {"mode": "train", "epoch": 52, "iter": 64650, "lr": 1e-05, "memory": 71384, "data_time": 0.0096, "decode.loss_ce": 0.13823, "decode.acc_seg": 93.89139, "aux.loss_ce": 0.05947, "aux.acc_seg": 93.43361, "loss": 0.1977, "time": 1.61879} {"mode": "train", "epoch": 52, "iter": 64700, "lr": 1e-05, "memory": 71384, "data_time": 0.00958, "decode.loss_ce": 0.137, "decode.acc_seg": 93.99467, "aux.loss_ce": 0.05885, "aux.acc_seg": 93.63003, "loss": 0.19585, "time": 1.62357} {"mode": "train", "epoch": 52, "iter": 64750, "lr": 1e-05, "memory": 71384, "data_time": 0.00956, "decode.loss_ce": 0.14046, "decode.acc_seg": 93.78126, "aux.loss_ce": 0.06045, "aux.acc_seg": 93.27372, "loss": 0.20091, "time": 1.61972} {"mode": "train", "epoch": 52, "iter": 64800, "lr": 1e-05, "memory": 71384, "data_time": 0.00977, "decode.loss_ce": 0.13672, "decode.acc_seg": 93.89953, "aux.loss_ce": 0.05849, "aux.acc_seg": 93.51765, "loss": 0.19521, "time": 1.62011} {"mode": "train", "epoch": 52, "iter": 64850, "lr": 1e-05, "memory": 71384, "data_time": 0.00957, "decode.loss_ce": 0.13937, "decode.acc_seg": 93.98237, "aux.loss_ce": 0.05964, "aux.acc_seg": 93.58793, "loss": 0.19901, "time": 1.62163} {"mode": "train", "epoch": 52, "iter": 64900, "lr": 1e-05, "memory": 71384, "data_time": 0.00959, "decode.loss_ce": 0.13749, "decode.acc_seg": 93.9277, "aux.loss_ce": 0.05914, "aux.acc_seg": 93.49216, "loss": 0.19663, "time": 1.62125} {"mode": "train", "epoch": 52, "iter": 64950, "lr": 1e-05, "memory": 71384, "data_time": 0.00981, "decode.loss_ce": 0.13658, "decode.acc_seg": 93.77436, "aux.loss_ce": 0.05879, "aux.acc_seg": 93.34788, "loss": 0.19537, "time": 1.62024} {"mode": "train", "epoch": 52, "iter": 65000, "lr": 1e-05, "memory": 71384, "data_time": 0.00973, "decode.loss_ce": 0.13229, "decode.acc_seg": 94.23044, "aux.loss_ce": 0.05689, "aux.acc_seg": 93.74835, "loss": 0.18917, "time": 1.62321} {"mode": "val", "epoch": 52, "iter": 250, "lr": 1e-05, "aAcc": 0.8664, "mIoU": 0.5882, "mAcc": 0.7113, "IoU.wall": 0.8283, "IoU.building": 0.8546, "IoU.sky": 0.9506, "IoU.floor": 0.8538, "IoU.tree": 0.7822, "IoU.ceiling": 0.8794, "IoU.road": 0.8713, "IoU.bed ": 0.9251, "IoU.windowpane": 0.6764, "IoU.grass": 0.6911, "IoU.cabinet": 0.6725, "IoU.sidewalk": 0.7147, "IoU.person": 0.8647, "IoU.earth": 0.4259, "IoU.door": 0.6064, "IoU.table": 0.7024, "IoU.mountain": 0.6095, "IoU.plant": 0.5792, "IoU.curtain": 0.7937, "IoU.chair": 0.6951, "IoU.car": 0.8868, "IoU.water": 0.6376, "IoU.painting": 0.7599, "IoU.sofa": 0.8392, "IoU.shelf": 0.5307, "IoU.house": 0.5112, "IoU.sea": 0.7346, "IoU.mirror": 0.7923, "IoU.rug": 0.6775, "IoU.field": 0.3185, "IoU.armchair": 0.6379, "IoU.seat": 0.6629, "IoU.fence": 0.5242, "IoU.desk": 0.6059, "IoU.rock": 0.5313, "IoU.wardrobe": 0.5449, "IoU.lamp": 0.7651, "IoU.bathtub": 0.8766, "IoU.railing": 0.4539, "IoU.cushion": 0.7437, "IoU.base": 0.3975, "IoU.box": 0.3987, "IoU.column": 0.5625, "IoU.signboard": 0.419, "IoU.chest of drawers": 0.4248, "IoU.counter": 0.422, "IoU.sand": 0.5747, "IoU.sink": 0.8145, "IoU.skyscraper": 0.4676, "IoU.fireplace": 0.7683, "IoU.refrigerator": 0.8566, "IoU.grandstand": 0.5165, "IoU.path": 0.3242, "IoU.stairs": 0.3387, "IoU.runway": 0.7519, "IoU.case": 0.6366, "IoU.pool table": 0.9514, "IoU.pillow": 0.6874, "IoU.screen door": 0.803, "IoU.stairway": 0.4794, "IoU.river": 0.1032, "IoU.bridge": 0.647, "IoU.bookcase": 0.5442, "IoU.blind": 0.4658, "IoU.coffee table": 0.6134, "IoU.toilet": 0.9079, "IoU.flower": 0.4779, "IoU.book": 0.5554, "IoU.hill": 0.0653, "IoU.bench": 0.5576, "IoU.countertop": 0.6577, "IoU.stove": 0.8649, "IoU.palm": 0.5625, "IoU.kitchen island": 0.6538, "IoU.computer": 0.7832, "IoU.swivel chair": 0.4517, "IoU.boat": 0.7824, "IoU.bar": 0.6363, "IoU.arcade machine": 0.7885, "IoU.hovel": 0.1431, "IoU.bus": 0.9276, "IoU.towel": 0.7902, "IoU.light": 0.6314, "IoU.truck": 0.5213, "IoU.tower": 0.3767, "IoU.chandelier": 0.7393, "IoU.awning": 0.3899, "IoU.streetlight": 0.3799, "IoU.booth": 0.3839, "IoU.television receiver": 0.8187, "IoU.airplane": 0.9004, "IoU.dirt track": 0.0614, "IoU.apparel": 0.6466, "IoU.pole": 0.261, "IoU.land": 0.0403, "IoU.bannister": 0.2254, "IoU.escalator": 0.6531, "IoU.ottoman": 0.5279, "IoU.bottle": 0.4497, "IoU.buffet": 0.5417, "IoU.poster": 0.3045, "IoU.stage": 0.2926, "IoU.van": 0.485, "IoU.ship": 0.8719, "IoU.fountain": 0.3787, "IoU.conveyer belt": 0.8193, "IoU.canopy": 0.5208, "IoU.washer": 0.8872, "IoU.plaything": 0.3717, "IoU.swimming pool": 0.5473, "IoU.stool": 0.4991, "IoU.barrel": 0.6784, "IoU.basket": 0.4253, "IoU.waterfall": 0.4799, "IoU.tent": 0.9345, "IoU.bag": 0.2742, "IoU.minibike": 0.7722, "IoU.cradle": 0.8518, "IoU.oven": 0.5973, "IoU.ball": 0.502, "IoU.food": 0.6151, "IoU.step": 0.194, "IoU.tank": 0.769, "IoU.trade name": 0.2434, "IoU.microwave": 0.8864, "IoU.pot": 0.5861, "IoU.animal": 0.6216, "IoU.bicycle": 0.6108, "IoU.lake": 0.5032, "IoU.dishwasher": 0.7641, "IoU.screen": 0.6063, "IoU.blanket": 0.3705, "IoU.sculpture": 0.7632, "IoU.hood": 0.6454, "IoU.sconce": 0.6262, "IoU.vase": 0.4936, "IoU.traffic light": 0.3961, "IoU.tray": 0.2678, "IoU.ashcan": 0.5238, "IoU.fan": 0.7284, "IoU.pier": 0.4878, "IoU.crt screen": 0.0165, "IoU.plate": 0.6301, "IoU.monitor": 0.4374, "IoU.bulletin board": 0.5781, "IoU.shower": 0.1102, "IoU.radiator": 0.6696, "IoU.glass": 0.2196, "IoU.clock": 0.5163, "IoU.flag": 0.7193, "Acc.wall": 0.9045, "Acc.building": 0.9369, "Acc.sky": 0.974, "Acc.floor": 0.9276, "Acc.tree": 0.9002, "Acc.ceiling": 0.9406, "Acc.road": 0.9111, "Acc.bed ": 0.9716, "Acc.windowpane": 0.8323, "Acc.grass": 0.8157, "Acc.cabinet": 0.7748, "Acc.sidewalk": 0.847, "Acc.person": 0.9455, "Acc.earth": 0.5591, "Acc.door": 0.7528, "Acc.table": 0.812, "Acc.mountain": 0.7514, "Acc.plant": 0.6775, "Acc.curtain": 0.9004, "Acc.chair": 0.8028, "Acc.car": 0.9407, "Acc.water": 0.7768, "Acc.painting": 0.9034, "Acc.sofa": 0.9256, "Acc.shelf": 0.7026, "Acc.house": 0.6291, "Acc.sea": 0.8214, "Acc.mirror": 0.8904, "Acc.rug": 0.7621, "Acc.field": 0.5985, "Acc.armchair": 0.7944, "Acc.seat": 0.8932, "Acc.fence": 0.6187, "Acc.desk": 0.8019, "Acc.rock": 0.7791, "Acc.wardrobe": 0.7468, "Acc.lamp": 0.8815, "Acc.bathtub": 0.911, "Acc.railing": 0.6169, "Acc.cushion": 0.8472, "Acc.base": 0.5521, "Acc.box": 0.5136, "Acc.column": 0.6839, "Acc.signboard": 0.5627, "Acc.chest of drawers": 0.6457, "Acc.counter": 0.5375, "Acc.sand": 0.8599, "Acc.sink": 0.8597, "Acc.skyscraper": 0.5848, "Acc.fireplace": 0.8916, "Acc.refrigerator": 0.9349, "Acc.grandstand": 0.8116, "Acc.path": 0.4336, "Acc.stairs": 0.3976, "Acc.runway": 0.9773, "Acc.case": 0.8376, "Acc.pool table": 0.978, "Acc.pillow": 0.772, "Acc.screen door": 0.8274, "Acc.stairway": 0.6673, "Acc.river": 0.2228, "Acc.bridge": 0.7629, "Acc.bookcase": 0.6516, "Acc.blind": 0.5102, "Acc.coffee table": 0.8759, "Acc.toilet": 0.9406, "Acc.flower": 0.5922, "Acc.book": 0.7823, "Acc.hill": 0.0948, "Acc.bench": 0.6214, "Acc.countertop": 0.8404, "Acc.stove": 0.9309, "Acc.palm": 0.8546, "Acc.kitchen island": 0.7928, "Acc.computer": 0.9082, "Acc.swivel chair": 0.7003, "Acc.boat": 0.927, "Acc.bar": 0.8496, "Acc.arcade machine": 0.8347, "Acc.hovel": 0.1554, "Acc.bus": 0.9725, "Acc.towel": 0.8354, "Acc.light": 0.722, "Acc.truck": 0.5957, "Acc.tower": 0.6586, "Acc.chandelier": 0.8365, "Acc.awning": 0.4592, "Acc.streetlight": 0.5403, "Acc.booth": 0.634, "Acc.television receiver": 0.8732, "Acc.airplane": 0.9556, "Acc.dirt track": 0.3495, "Acc.apparel": 0.89, "Acc.pole": 0.4545, "Acc.land": 0.0547, "Acc.bannister": 0.2792, "Acc.escalator": 0.8731, "Acc.ottoman": 0.677, "Acc.bottle": 0.6185, "Acc.buffet": 0.64, "Acc.poster": 0.3624, "Acc.stage": 0.4569, "Acc.van": 0.7481, "Acc.ship": 0.9238, "Acc.fountain": 0.4011, "Acc.conveyer belt": 0.9452, "Acc.canopy": 0.7137, "Acc.washer": 0.9408, "Acc.plaything": 0.5591, "Acc.swimming pool": 0.7978, "Acc.stool": 0.6676, "Acc.barrel": 0.802, "Acc.basket": 0.6219, "Acc.waterfall": 0.5849, "Acc.tent": 0.985, "Acc.bag": 0.3127, "Acc.minibike": 0.9052, "Acc.cradle": 0.9686, "Acc.oven": 0.7241, "Acc.ball": 0.5356, "Acc.food": 0.7187, "Acc.step": 0.2276, "Acc.tank": 0.9254, "Acc.trade name": 0.2928, "Acc.microwave": 0.9687, "Acc.pot": 0.7085, "Acc.animal": 0.6325, "Acc.bicycle": 0.7887, "Acc.lake": 0.6373, "Acc.dishwasher": 0.8503, "Acc.screen": 0.9332, "Acc.blanket": 0.4303, "Acc.sculpture": 0.8871, "Acc.hood": 0.7726, "Acc.sconce": 0.7257, "Acc.vase": 0.6497, "Acc.traffic light": 0.6244, "Acc.tray": 0.3544, "Acc.ashcan": 0.6771, "Acc.fan": 0.8465, "Acc.pier": 0.5656, "Acc.crt screen": 0.0338, "Acc.plate": 0.7954, "Acc.monitor": 0.5074, "Acc.bulletin board": 0.6988, "Acc.shower": 0.1147, "Acc.radiator": 0.8281, "Acc.glass": 0.235, "Acc.clock": 0.6112, "Acc.flag": 0.8175} {"mode": "train", "epoch": 52, "iter": 65050, "lr": 1e-05, "memory": 71384, "data_time": 1.98436, "decode.loss_ce": 0.1399, "decode.acc_seg": 93.64004, "aux.loss_ce": 0.06007, "aux.acc_seg": 93.14547, "loss": 0.19997, "time": 3.59785} {"mode": "train", "epoch": 52, "iter": 65100, "lr": 1e-05, "memory": 71384, "data_time": 0.0097, "decode.loss_ce": 0.14461, "decode.acc_seg": 93.81077, "aux.loss_ce": 0.06211, "aux.acc_seg": 93.3703, "loss": 0.20672, "time": 1.62046} {"mode": "train", "epoch": 52, "iter": 65150, "lr": 1e-05, "memory": 71384, "data_time": 0.0098, "decode.loss_ce": 0.13214, "decode.acc_seg": 94.09428, "aux.loss_ce": 0.05646, "aux.acc_seg": 93.68798, "loss": 0.18861, "time": 1.62008} {"mode": "train", "epoch": 52, "iter": 65200, "lr": 1e-05, "memory": 71384, "data_time": 0.01003, "decode.loss_ce": 0.13546, "decode.acc_seg": 93.92204, "aux.loss_ce": 0.05835, "aux.acc_seg": 93.51093, "loss": 0.19382, "time": 1.62339} {"mode": "train", "epoch": 52, "iter": 65250, "lr": 1e-05, "memory": 71384, "data_time": 0.00947, "decode.loss_ce": 0.13993, "decode.acc_seg": 93.90788, "aux.loss_ce": 0.06018, "aux.acc_seg": 93.52571, "loss": 0.20011, "time": 1.62631} {"mode": "train", "epoch": 52, "iter": 65300, "lr": 1e-05, "memory": 71384, "data_time": 0.00954, "decode.loss_ce": 0.13974, "decode.acc_seg": 93.82571, "aux.loss_ce": 0.05989, "aux.acc_seg": 93.36545, "loss": 0.19963, "time": 1.62007} {"mode": "train", "epoch": 52, "iter": 65350, "lr": 1e-05, "memory": 71384, "data_time": 0.00985, "decode.loss_ce": 0.13998, "decode.acc_seg": 93.7264, "aux.loss_ce": 0.0595, "aux.acc_seg": 93.35649, "loss": 0.19948, "time": 1.62335} {"mode": "train", "epoch": 52, "iter": 65400, "lr": 1e-05, "memory": 71384, "data_time": 0.00977, "decode.loss_ce": 0.13653, "decode.acc_seg": 93.8214, "aux.loss_ce": 0.05814, "aux.acc_seg": 93.49939, "loss": 0.19467, "time": 1.62166} {"mode": "train", "epoch": 52, "iter": 65450, "lr": 1e-05, "memory": 71384, "data_time": 0.00962, "decode.loss_ce": 0.14248, "decode.acc_seg": 93.79293, "aux.loss_ce": 0.06103, "aux.acc_seg": 93.3835, "loss": 0.20351, "time": 1.62118} {"mode": "train", "epoch": 52, "iter": 65500, "lr": 1e-05, "memory": 71384, "data_time": 0.00959, "decode.loss_ce": 0.14104, "decode.acc_seg": 93.832, "aux.loss_ce": 0.06017, "aux.acc_seg": 93.40881, "loss": 0.20121, "time": 1.61903} {"mode": "train", "epoch": 52, "iter": 65550, "lr": 1e-05, "memory": 71384, "data_time": 0.00971, "decode.loss_ce": 0.1378, "decode.acc_seg": 93.92958, "aux.loss_ce": 0.05851, "aux.acc_seg": 93.56146, "loss": 0.19631, "time": 1.62029} {"mode": "train", "epoch": 52, "iter": 65600, "lr": 1e-05, "memory": 71384, "data_time": 0.00984, "decode.loss_ce": 0.14567, "decode.acc_seg": 93.53628, "aux.loss_ce": 0.06209, "aux.acc_seg": 93.06756, "loss": 0.20776, "time": 1.62243} {"mode": "train", "epoch": 52, "iter": 65650, "lr": 1e-05, "memory": 71384, "data_time": 0.00959, "decode.loss_ce": 0.15039, "decode.acc_seg": 93.49155, "aux.loss_ce": 0.06423, "aux.acc_seg": 93.0503, "loss": 0.21462, "time": 1.62071} {"mode": "train", "epoch": 53, "iter": 65700, "lr": 1e-05, "memory": 71384, "data_time": 0.05843, "decode.loss_ce": 0.1357, "decode.acc_seg": 93.73829, "aux.loss_ce": 0.05766, "aux.acc_seg": 93.39837, "loss": 0.19336, "time": 1.67177} {"mode": "train", "epoch": 53, "iter": 65750, "lr": 1e-05, "memory": 71384, "data_time": 0.0098, "decode.loss_ce": 0.13577, "decode.acc_seg": 93.96133, "aux.loss_ce": 0.05813, "aux.acc_seg": 93.60942, "loss": 0.1939, "time": 1.62072} {"mode": "train", "epoch": 53, "iter": 65800, "lr": 1e-05, "memory": 71384, "data_time": 0.01, "decode.loss_ce": 0.13063, "decode.acc_seg": 94.1371, "aux.loss_ce": 0.05566, "aux.acc_seg": 93.75617, "loss": 0.18628, "time": 1.61844} {"mode": "train", "epoch": 53, "iter": 65850, "lr": 1e-05, "memory": 71384, "data_time": 0.00975, "decode.loss_ce": 0.13226, "decode.acc_seg": 93.91945, "aux.loss_ce": 0.05661, "aux.acc_seg": 93.52122, "loss": 0.18886, "time": 1.62058} {"mode": "train", "epoch": 53, "iter": 65900, "lr": 1e-05, "memory": 71384, "data_time": 0.00969, "decode.loss_ce": 0.13947, "decode.acc_seg": 93.5454, "aux.loss_ce": 0.06019, "aux.acc_seg": 93.06992, "loss": 0.19966, "time": 1.62286} {"mode": "train", "epoch": 53, "iter": 65950, "lr": 1e-05, "memory": 71384, "data_time": 0.00974, "decode.loss_ce": 0.1349, "decode.acc_seg": 94.20992, "aux.loss_ce": 0.05805, "aux.acc_seg": 93.77915, "loss": 0.19295, "time": 1.62195} {"mode": "train", "epoch": 53, "iter": 66000, "lr": 1e-05, "memory": 71384, "data_time": 0.00991, "decode.loss_ce": 0.1339, "decode.acc_seg": 93.97949, "aux.loss_ce": 0.05733, "aux.acc_seg": 93.595, "loss": 0.19123, "time": 3.42519} {"mode": "val", "epoch": 53, "iter": 250, "lr": 1e-05, "aAcc": 0.866, "mIoU": 0.5871, "mAcc": 0.7094, "IoU.wall": 0.8274, "IoU.building": 0.856, "IoU.sky": 0.9501, "IoU.floor": 0.8569, "IoU.tree": 0.7808, "IoU.ceiling": 0.879, "IoU.road": 0.8689, "IoU.bed ": 0.9267, "IoU.windowpane": 0.6773, "IoU.grass": 0.6879, "IoU.cabinet": 0.6744, "IoU.sidewalk": 0.7097, "IoU.person": 0.8656, "IoU.earth": 0.4121, "IoU.door": 0.6055, "IoU.table": 0.7028, "IoU.mountain": 0.6193, "IoU.plant": 0.5725, "IoU.curtain": 0.7941, "IoU.chair": 0.6915, "IoU.car": 0.8898, "IoU.water": 0.6351, "IoU.painting": 0.7626, "IoU.sofa": 0.8344, "IoU.shelf": 0.537, "IoU.house": 0.5844, "IoU.sea": 0.7353, "IoU.mirror": 0.7944, "IoU.rug": 0.6819, "IoU.field": 0.2941, "IoU.armchair": 0.6254, "IoU.seat": 0.6783, "IoU.fence": 0.5349, "IoU.desk": 0.6009, "IoU.rock": 0.5462, "IoU.wardrobe": 0.5397, "IoU.lamp": 0.7703, "IoU.bathtub": 0.8615, "IoU.railing": 0.4642, "IoU.cushion": 0.7418, "IoU.base": 0.3758, "IoU.box": 0.3924, "IoU.column": 0.5645, "IoU.signboard": 0.4265, "IoU.chest of drawers": 0.4133, "IoU.counter": 0.4173, "IoU.sand": 0.544, "IoU.sink": 0.8078, "IoU.skyscraper": 0.4686, "IoU.fireplace": 0.7548, "IoU.refrigerator": 0.8654, "IoU.grandstand": 0.517, "IoU.path": 0.3317, "IoU.stairs": 0.3349, "IoU.runway": 0.7476, "IoU.case": 0.6251, "IoU.pool table": 0.9536, "IoU.pillow": 0.6968, "IoU.screen door": 0.8392, "IoU.stairway": 0.4959, "IoU.river": 0.1053, "IoU.bridge": 0.5876, "IoU.bookcase": 0.5524, "IoU.blind": 0.4892, "IoU.coffee table": 0.6126, "IoU.toilet": 0.9127, "IoU.flower": 0.4859, "IoU.book": 0.555, "IoU.hill": 0.0805, "IoU.bench": 0.5327, "IoU.countertop": 0.6501, "IoU.stove": 0.8811, "IoU.palm": 0.5604, "IoU.kitchen island": 0.6294, "IoU.computer": 0.7873, "IoU.swivel chair": 0.4659, "IoU.boat": 0.8132, "IoU.bar": 0.6425, "IoU.arcade machine": 0.759, "IoU.hovel": 0.1547, "IoU.bus": 0.9283, "IoU.towel": 0.814, "IoU.light": 0.6366, "IoU.truck": 0.5406, "IoU.tower": 0.2016, "IoU.chandelier": 0.752, "IoU.awning": 0.3906, "IoU.streetlight": 0.3588, "IoU.booth": 0.3704, "IoU.television receiver": 0.8105, "IoU.airplane": 0.8798, "IoU.dirt track": 0.0573, "IoU.apparel": 0.5656, "IoU.pole": 0.2454, "IoU.land": 0.0281, "IoU.bannister": 0.2205, "IoU.escalator": 0.6687, "IoU.ottoman": 0.4712, "IoU.bottle": 0.4499, "IoU.buffet": 0.5646, "IoU.poster": 0.3095, "IoU.stage": 0.2477, "IoU.van": 0.5007, "IoU.ship": 0.8562, "IoU.fountain": 0.3523, "IoU.conveyer belt": 0.8124, "IoU.canopy": 0.5477, "IoU.washer": 0.8197, "IoU.plaything": 0.3451, "IoU.swimming pool": 0.5347, "IoU.stool": 0.5026, "IoU.barrel": 0.7579, "IoU.basket": 0.4251, "IoU.waterfall": 0.4772, "IoU.tent": 0.9099, "IoU.bag": 0.2906, "IoU.minibike": 0.7669, "IoU.cradle": 0.8944, "IoU.oven": 0.6336, "IoU.ball": 0.5311, "IoU.food": 0.5835, "IoU.step": 0.1834, "IoU.tank": 0.8297, "IoU.trade name": 0.2764, "IoU.microwave": 0.8996, "IoU.pot": 0.588, "IoU.animal": 0.6226, "IoU.bicycle": 0.6042, "IoU.lake": 0.5278, "IoU.dishwasher": 0.7699, "IoU.screen": 0.5591, "IoU.blanket": 0.3874, "IoU.sculpture": 0.7556, "IoU.hood": 0.6461, "IoU.sconce": 0.6283, "IoU.vase": 0.4882, "IoU.traffic light": 0.3646, "IoU.tray": 0.2663, "IoU.ashcan": 0.5225, "IoU.fan": 0.7119, "IoU.pier": 0.4737, "IoU.crt screen": 0.0186, "IoU.plate": 0.6205, "IoU.monitor": 0.5414, "IoU.bulletin board": 0.5842, "IoU.shower": 0.1016, "IoU.radiator": 0.6842, "IoU.glass": 0.2211, "IoU.clock": 0.5102, "IoU.flag": 0.7216, "Acc.wall": 0.9028, "Acc.building": 0.9319, "Acc.sky": 0.9754, "Acc.floor": 0.9273, "Acc.tree": 0.9026, "Acc.ceiling": 0.9476, "Acc.road": 0.9132, "Acc.bed ": 0.9702, "Acc.windowpane": 0.8111, "Acc.grass": 0.8051, "Acc.cabinet": 0.7722, "Acc.sidewalk": 0.8499, "Acc.person": 0.9456, "Acc.earth": 0.5571, "Acc.door": 0.757, "Acc.table": 0.8149, "Acc.mountain": 0.7305, "Acc.plant": 0.683, "Acc.curtain": 0.8973, "Acc.chair": 0.817, "Acc.car": 0.9393, "Acc.water": 0.7982, "Acc.painting": 0.9018, "Acc.sofa": 0.9126, "Acc.shelf": 0.7136, "Acc.house": 0.7708, "Acc.sea": 0.8159, "Acc.mirror": 0.869, "Acc.rug": 0.7499, "Acc.field": 0.5134, "Acc.armchair": 0.7847, "Acc.seat": 0.8941, "Acc.fence": 0.6786, "Acc.desk": 0.7748, "Acc.rock": 0.8206, "Acc.wardrobe": 0.773, "Acc.lamp": 0.8715, "Acc.bathtub": 0.882, "Acc.railing": 0.645, "Acc.cushion": 0.8408, "Acc.base": 0.5381, "Acc.box": 0.5123, "Acc.column": 0.6764, "Acc.signboard": 0.5799, "Acc.chest of drawers": 0.5978, "Acc.counter": 0.4928, "Acc.sand": 0.8656, "Acc.sink": 0.8478, "Acc.skyscraper": 0.5872, "Acc.fireplace": 0.9109, "Acc.refrigerator": 0.9361, "Acc.grandstand": 0.8259, "Acc.path": 0.4567, "Acc.stairs": 0.4083, "Acc.runway": 0.975, "Acc.case": 0.8554, "Acc.pool table": 0.9806, "Acc.pillow": 0.7937, "Acc.screen door": 0.8638, "Acc.stairway": 0.7042, "Acc.river": 0.2166, "Acc.bridge": 0.7188, "Acc.bookcase": 0.6543, "Acc.blind": 0.5599, "Acc.coffee table": 0.8773, "Acc.toilet": 0.9409, "Acc.flower": 0.5902, "Acc.book": 0.7815, "Acc.hill": 0.1541, "Acc.bench": 0.5911, "Acc.countertop": 0.8546, "Acc.stove": 0.9302, "Acc.palm": 0.8314, "Acc.kitchen island": 0.8891, "Acc.computer": 0.9153, "Acc.swivel chair": 0.675, "Acc.boat": 0.9152, "Acc.bar": 0.8665, "Acc.arcade machine": 0.8011, "Acc.hovel": 0.1762, "Acc.bus": 0.9702, "Acc.towel": 0.8753, "Acc.light": 0.7312, "Acc.truck": 0.629, "Acc.tower": 0.3353, "Acc.chandelier": 0.8932, "Acc.awning": 0.4527, "Acc.streetlight": 0.4639, "Acc.booth": 0.5526, "Acc.television receiver": 0.8842, "Acc.airplane": 0.9683, "Acc.dirt track": 0.3112, "Acc.apparel": 0.6842, "Acc.pole": 0.3629, "Acc.land": 0.0403, "Acc.bannister": 0.2766, "Acc.escalator": 0.8599, "Acc.ottoman": 0.6129, "Acc.bottle": 0.5665, "Acc.buffet": 0.6597, "Acc.poster": 0.3686, "Acc.stage": 0.4781, "Acc.van": 0.7515, "Acc.ship": 0.9039, "Acc.fountain": 0.3776, "Acc.conveyer belt": 0.9419, "Acc.canopy": 0.7593, "Acc.washer": 0.8662, "Acc.plaything": 0.4809, "Acc.swimming pool": 0.7959, "Acc.stool": 0.6856, "Acc.barrel": 0.9505, "Acc.basket": 0.6378, "Acc.waterfall": 0.6165, "Acc.tent": 0.9849, "Acc.bag": 0.339, "Acc.minibike": 0.9149, "Acc.cradle": 0.9704, "Acc.oven": 0.764, "Acc.ball": 0.5805, "Acc.food": 0.6706, "Acc.step": 0.2125, "Acc.tank": 0.9355, "Acc.trade name": 0.3385, "Acc.microwave": 0.9625, "Acc.pot": 0.6974, "Acc.animal": 0.6349, "Acc.bicycle": 0.7935, "Acc.lake": 0.6373, "Acc.dishwasher": 0.8512, "Acc.screen": 0.8663, "Acc.blanket": 0.4459, "Acc.sculpture": 0.8778, "Acc.hood": 0.7646, "Acc.sconce": 0.7093, "Acc.vase": 0.659, "Acc.traffic light": 0.6219, "Acc.tray": 0.3464, "Acc.ashcan": 0.6452, "Acc.fan": 0.8269, "Acc.pier": 0.6407, "Acc.crt screen": 0.0356, "Acc.plate": 0.812, "Acc.monitor": 0.6296, "Acc.bulletin board": 0.6766, "Acc.shower": 0.1395, "Acc.radiator": 0.81, "Acc.glass": 0.2397, "Acc.clock": 0.608, "Acc.flag": 0.8139} {"mode": "train", "epoch": 53, "iter": 66050, "lr": 1e-05, "memory": 71384, "data_time": 1.94419, "decode.loss_ce": 0.14628, "decode.acc_seg": 93.70845, "aux.loss_ce": 0.06225, "aux.acc_seg": 93.31704, "loss": 0.20853, "time": 3.56857} {"mode": "train", "epoch": 53, "iter": 66100, "lr": 1e-05, "memory": 71384, "data_time": 0.0103, "decode.loss_ce": 0.13079, "decode.acc_seg": 93.99061, "aux.loss_ce": 0.05622, "aux.acc_seg": 93.60992, "loss": 0.187, "time": 1.61896} {"mode": "train", "epoch": 53, "iter": 66150, "lr": 1e-05, "memory": 71384, "data_time": 0.0101, "decode.loss_ce": 0.13607, "decode.acc_seg": 93.90733, "aux.loss_ce": 0.05834, "aux.acc_seg": 93.51087, "loss": 0.19441, "time": 1.62412} {"mode": "train", "epoch": 53, "iter": 66200, "lr": 1e-05, "memory": 71384, "data_time": 0.01025, "decode.loss_ce": 0.13814, "decode.acc_seg": 94.0949, "aux.loss_ce": 0.0592, "aux.acc_seg": 93.68862, "loss": 0.19734, "time": 1.62213} {"mode": "train", "epoch": 53, "iter": 66250, "lr": 1e-05, "memory": 71384, "data_time": 0.01085, "decode.loss_ce": 0.14105, "decode.acc_seg": 93.83498, "aux.loss_ce": 0.06056, "aux.acc_seg": 93.38544, "loss": 0.20161, "time": 1.62082} {"mode": "train", "epoch": 53, "iter": 66300, "lr": 1e-05, "memory": 71384, "data_time": 0.01066, "decode.loss_ce": 0.13395, "decode.acc_seg": 93.76925, "aux.loss_ce": 0.05765, "aux.acc_seg": 93.32897, "loss": 0.1916, "time": 1.62374} {"mode": "train", "epoch": 53, "iter": 66350, "lr": 1e-05, "memory": 71384, "data_time": 0.01031, "decode.loss_ce": 0.14811, "decode.acc_seg": 93.56182, "aux.loss_ce": 0.06326, "aux.acc_seg": 93.20817, "loss": 0.21138, "time": 1.62196} {"mode": "train", "epoch": 53, "iter": 66400, "lr": 1e-05, "memory": 71384, "data_time": 0.01027, "decode.loss_ce": 0.12638, "decode.acc_seg": 94.27411, "aux.loss_ce": 0.05444, "aux.acc_seg": 93.86323, "loss": 0.18081, "time": 1.62187} {"mode": "train", "epoch": 53, "iter": 66450, "lr": 1e-05, "memory": 71384, "data_time": 0.01016, "decode.loss_ce": 0.14276, "decode.acc_seg": 93.80655, "aux.loss_ce": 0.06137, "aux.acc_seg": 93.37506, "loss": 0.20413, "time": 1.62051} {"mode": "train", "epoch": 53, "iter": 66500, "lr": 1e-05, "memory": 71384, "data_time": 0.01024, "decode.loss_ce": 0.13958, "decode.acc_seg": 93.7423, "aux.loss_ce": 0.05902, "aux.acc_seg": 93.40896, "loss": 0.1986, "time": 1.62435} {"mode": "train", "epoch": 53, "iter": 66550, "lr": 1e-05, "memory": 71384, "data_time": 0.01027, "decode.loss_ce": 0.13431, "decode.acc_seg": 94.10494, "aux.loss_ce": 0.05754, "aux.acc_seg": 93.6785, "loss": 0.19185, "time": 1.62352} {"mode": "train", "epoch": 53, "iter": 66600, "lr": 1e-05, "memory": 71384, "data_time": 0.01059, "decode.loss_ce": 0.13248, "decode.acc_seg": 93.9203, "aux.loss_ce": 0.05719, "aux.acc_seg": 93.4408, "loss": 0.18967, "time": 1.62221} {"mode": "train", "epoch": 53, "iter": 66650, "lr": 1e-05, "memory": 71384, "data_time": 0.01048, "decode.loss_ce": 0.13231, "decode.acc_seg": 94.10633, "aux.loss_ce": 0.05694, "aux.acc_seg": 93.66774, "loss": 0.18925, "time": 1.62091} {"mode": "train", "epoch": 53, "iter": 66700, "lr": 1e-05, "memory": 71384, "data_time": 0.00998, "decode.loss_ce": 0.13978, "decode.acc_seg": 93.77754, "aux.loss_ce": 0.05994, "aux.acc_seg": 93.35573, "loss": 0.19972, "time": 1.61953} {"mode": "train", "epoch": 53, "iter": 66750, "lr": 1e-05, "memory": 71384, "data_time": 0.01004, "decode.loss_ce": 0.14281, "decode.acc_seg": 93.77187, "aux.loss_ce": 0.06112, "aux.acc_seg": 93.29953, "loss": 0.20393, "time": 1.62269} {"mode": "train", "epoch": 53, "iter": 66800, "lr": 1e-05, "memory": 71384, "data_time": 0.0097, "decode.loss_ce": 0.13292, "decode.acc_seg": 93.96766, "aux.loss_ce": 0.05686, "aux.acc_seg": 93.585, "loss": 0.18978, "time": 1.61977} {"mode": "train", "epoch": 53, "iter": 66850, "lr": 1e-05, "memory": 71384, "data_time": 0.00969, "decode.loss_ce": 0.13976, "decode.acc_seg": 93.98803, "aux.loss_ce": 0.05982, "aux.acc_seg": 93.57034, "loss": 0.19958, "time": 1.61881} {"mode": "train", "epoch": 53, "iter": 66900, "lr": 1e-05, "memory": 71384, "data_time": 0.00977, "decode.loss_ce": 0.14186, "decode.acc_seg": 93.55452, "aux.loss_ce": 0.06076, "aux.acc_seg": 93.11504, "loss": 0.20263, "time": 1.62378} {"mode": "train", "epoch": 54, "iter": 66950, "lr": 1e-05, "memory": 71384, "data_time": 0.0855, "decode.loss_ce": 0.13477, "decode.acc_seg": 94.09843, "aux.loss_ce": 0.05774, "aux.acc_seg": 93.73567, "loss": 0.19251, "time": 1.70357} {"mode": "train", "epoch": 54, "iter": 67000, "lr": 1e-05, "memory": 71384, "data_time": 0.0105, "decode.loss_ce": 0.13556, "decode.acc_seg": 94.09032, "aux.loss_ce": 0.05837, "aux.acc_seg": 93.63268, "loss": 0.19392, "time": 1.62288} {"mode": "val", "epoch": 54, "iter": 250, "lr": 1e-05, "aAcc": 0.8658, "mIoU": 0.5885, "mAcc": 0.7123, "IoU.wall": 0.8249, "IoU.building": 0.8539, "IoU.sky": 0.9499, "IoU.floor": 0.8573, "IoU.tree": 0.7752, "IoU.ceiling": 0.8749, "IoU.road": 0.8693, "IoU.bed ": 0.928, "IoU.windowpane": 0.6742, "IoU.grass": 0.6947, "IoU.cabinet": 0.683, "IoU.sidewalk": 0.7106, "IoU.person": 0.8634, "IoU.earth": 0.4185, "IoU.door": 0.6091, "IoU.table": 0.7061, "IoU.mountain": 0.6172, "IoU.plant": 0.5537, "IoU.curtain": 0.7917, "IoU.chair": 0.6937, "IoU.car": 0.8871, "IoU.water": 0.6352, "IoU.painting": 0.759, "IoU.sofa": 0.84, "IoU.shelf": 0.5295, "IoU.house": 0.5497, "IoU.sea": 0.74, "IoU.mirror": 0.779, "IoU.rug": 0.6824, "IoU.field": 0.2894, "IoU.armchair": 0.6328, "IoU.seat": 0.6819, "IoU.fence": 0.5487, "IoU.desk": 0.6124, "IoU.rock": 0.5366, "IoU.wardrobe": 0.5598, "IoU.lamp": 0.7691, "IoU.bathtub": 0.8807, "IoU.railing": 0.4667, "IoU.cushion": 0.7399, "IoU.base": 0.3715, "IoU.box": 0.3884, "IoU.column": 0.5703, "IoU.signboard": 0.4115, "IoU.chest of drawers": 0.4214, "IoU.counter": 0.425, "IoU.sand": 0.581, "IoU.sink": 0.8115, "IoU.skyscraper": 0.4657, "IoU.fireplace": 0.7257, "IoU.refrigerator": 0.8676, "IoU.grandstand": 0.5213, "IoU.path": 0.3217, "IoU.stairs": 0.383, "IoU.runway": 0.7444, "IoU.case": 0.6282, "IoU.pool table": 0.9514, "IoU.pillow": 0.7086, "IoU.screen door": 0.809, "IoU.stairway": 0.4891, "IoU.river": 0.0962, "IoU.bridge": 0.691, "IoU.bookcase": 0.5611, "IoU.blind": 0.4523, "IoU.coffee table": 0.6056, "IoU.toilet": 0.9075, "IoU.flower": 0.4828, "IoU.book": 0.5741, "IoU.hill": 0.0897, "IoU.bench": 0.554, "IoU.countertop": 0.6529, "IoU.stove": 0.8884, "IoU.palm": 0.5615, "IoU.kitchen island": 0.7018, "IoU.computer": 0.7887, "IoU.swivel chair": 0.4571, "IoU.boat": 0.8254, "IoU.bar": 0.6341, "IoU.arcade machine": 0.7314, "IoU.hovel": 0.1404, "IoU.bus": 0.9219, "IoU.towel": 0.8064, "IoU.light": 0.6304, "IoU.truck": 0.5243, "IoU.tower": 0.2424, "IoU.chandelier": 0.7455, "IoU.awning": 0.3969, "IoU.streetlight": 0.3761, "IoU.booth": 0.3657, "IoU.television receiver": 0.824, "IoU.airplane": 0.866, "IoU.dirt track": 0.0531, "IoU.apparel": 0.6656, "IoU.pole": 0.2159, "IoU.land": 0.0355, "IoU.bannister": 0.2302, "IoU.escalator": 0.6504, "IoU.ottoman": 0.5069, "IoU.bottle": 0.4436, "IoU.buffet": 0.512, "IoU.poster": 0.2967, "IoU.stage": 0.2595, "IoU.van": 0.4887, "IoU.ship": 0.8537, "IoU.fountain": 0.3822, "IoU.conveyer belt": 0.8305, "IoU.canopy": 0.5527, "IoU.washer": 0.872, "IoU.plaything": 0.4128, "IoU.swimming pool": 0.551, "IoU.stool": 0.4902, "IoU.barrel": 0.7713, "IoU.basket": 0.4189, "IoU.waterfall": 0.5033, "IoU.tent": 0.8748, "IoU.bag": 0.263, "IoU.minibike": 0.7833, "IoU.cradle": 0.8909, "IoU.oven": 0.6449, "IoU.ball": 0.4183, "IoU.food": 0.6201, "IoU.step": 0.1482, "IoU.tank": 0.7958, "IoU.trade name": 0.2388, "IoU.microwave": 0.9023, "IoU.pot": 0.5858, "IoU.animal": 0.6259, "IoU.bicycle": 0.6013, "IoU.lake": 0.5237, "IoU.dishwasher": 0.7833, "IoU.screen": 0.5572, "IoU.blanket": 0.3848, "IoU.sculpture": 0.7365, "IoU.hood": 0.6401, "IoU.sconce": 0.6385, "IoU.vase": 0.4932, "IoU.traffic light": 0.3583, "IoU.tray": 0.276, "IoU.ashcan": 0.5288, "IoU.fan": 0.7256, "IoU.pier": 0.4534, "IoU.crt screen": 0.0186, "IoU.plate": 0.6407, "IoU.monitor": 0.5547, "IoU.bulletin board": 0.5882, "IoU.shower": 0.0833, "IoU.radiator": 0.6808, "IoU.glass": 0.2243, "IoU.clock": 0.5152, "IoU.flag": 0.7245, "Acc.wall": 0.8913, "Acc.building": 0.9406, "Acc.sky": 0.9773, "Acc.floor": 0.9244, "Acc.tree": 0.8869, "Acc.ceiling": 0.9555, "Acc.road": 0.9164, "Acc.bed ": 0.9707, "Acc.windowpane": 0.835, "Acc.grass": 0.8249, "Acc.cabinet": 0.7964, "Acc.sidewalk": 0.8516, "Acc.person": 0.9531, "Acc.earth": 0.5264, "Acc.door": 0.7694, "Acc.table": 0.8097, "Acc.mountain": 0.7545, "Acc.plant": 0.6411, "Acc.curtain": 0.8951, "Acc.chair": 0.8207, "Acc.car": 0.9402, "Acc.water": 0.7878, "Acc.painting": 0.9146, "Acc.sofa": 0.9182, "Acc.shelf": 0.7077, "Acc.house": 0.6879, "Acc.sea": 0.8172, "Acc.mirror": 0.845, "Acc.rug": 0.7727, "Acc.field": 0.5538, "Acc.armchair": 0.7948, "Acc.seat": 0.8922, "Acc.fence": 0.6921, "Acc.desk": 0.8031, "Acc.rock": 0.821, "Acc.wardrobe": 0.7555, "Acc.lamp": 0.8764, "Acc.bathtub": 0.9108, "Acc.railing": 0.6664, "Acc.cushion": 0.836, "Acc.base": 0.5292, "Acc.box": 0.4889, "Acc.column": 0.6901, "Acc.signboard": 0.5361, "Acc.chest of drawers": 0.5968, "Acc.counter": 0.5114, "Acc.sand": 0.8573, "Acc.sink": 0.8666, "Acc.skyscraper": 0.5873, "Acc.fireplace": 0.937, "Acc.refrigerator": 0.9466, "Acc.grandstand": 0.8246, "Acc.path": 0.4312, "Acc.stairs": 0.4595, "Acc.runway": 0.9698, "Acc.case": 0.8427, "Acc.pool table": 0.9782, "Acc.pillow": 0.8298, "Acc.screen door": 0.8326, "Acc.stairway": 0.7107, "Acc.river": 0.2062, "Acc.bridge": 0.7804, "Acc.bookcase": 0.7591, "Acc.blind": 0.4962, "Acc.coffee table": 0.8733, "Acc.toilet": 0.9364, "Acc.flower": 0.6052, "Acc.book": 0.717, "Acc.hill": 0.1721, "Acc.bench": 0.6233, "Acc.countertop": 0.8501, "Acc.stove": 0.9372, "Acc.palm": 0.8209, "Acc.kitchen island": 0.8632, "Acc.computer": 0.9113, "Acc.swivel chair": 0.6449, "Acc.boat": 0.9206, "Acc.bar": 0.8563, "Acc.arcade machine": 0.7734, "Acc.hovel": 0.157, "Acc.bus": 0.9755, "Acc.towel": 0.8667, "Acc.light": 0.7204, "Acc.truck": 0.6275, "Acc.tower": 0.4168, "Acc.chandelier": 0.8546, "Acc.awning": 0.4718, "Acc.streetlight": 0.4948, "Acc.booth": 0.604, "Acc.television receiver": 0.8862, "Acc.airplane": 0.9714, "Acc.dirt track": 0.2866, "Acc.apparel": 0.8394, "Acc.pole": 0.3378, "Acc.land": 0.0489, "Acc.bannister": 0.2959, "Acc.escalator": 0.8741, "Acc.ottoman": 0.6643, "Acc.bottle": 0.5982, "Acc.buffet": 0.5829, "Acc.poster": 0.3533, "Acc.stage": 0.4603, "Acc.van": 0.7377, "Acc.ship": 0.9364, "Acc.fountain": 0.4, "Acc.conveyer belt": 0.9451, "Acc.canopy": 0.7835, "Acc.washer": 0.9258, "Acc.plaything": 0.6003, "Acc.swimming pool": 0.8302, "Acc.stool": 0.7066, "Acc.barrel": 0.9457, "Acc.basket": 0.6323, "Acc.waterfall": 0.6464, "Acc.tent": 0.9876, "Acc.bag": 0.2986, "Acc.minibike": 0.8969, "Acc.cradle": 0.979, "Acc.oven": 0.7658, "Acc.ball": 0.4359, "Acc.food": 0.7224, "Acc.step": 0.1658, "Acc.tank": 0.9446, "Acc.trade name": 0.2756, "Acc.microwave": 0.9631, "Acc.pot": 0.6864, "Acc.animal": 0.6375, "Acc.bicycle": 0.7767, "Acc.lake": 0.6377, "Acc.dishwasher": 0.8468, "Acc.screen": 0.897, "Acc.blanket": 0.4525, "Acc.sculpture": 0.898, "Acc.hood": 0.7473, "Acc.sconce": 0.7237, "Acc.vase": 0.6556, "Acc.traffic light": 0.6176, "Acc.tray": 0.3741, "Acc.ashcan": 0.6607, "Acc.fan": 0.8394, "Acc.pier": 0.526, "Acc.crt screen": 0.0342, "Acc.plate": 0.7882, "Acc.monitor": 0.6795, "Acc.bulletin board": 0.7122, "Acc.shower": 0.1486, "Acc.radiator": 0.8115, "Acc.glass": 0.243, "Acc.clock": 0.6043, "Acc.flag": 0.8204} {"mode": "train", "epoch": 54, "iter": 67050, "lr": 1e-05, "memory": 71384, "data_time": 1.9778, "decode.loss_ce": 0.13635, "decode.acc_seg": 94.15011, "aux.loss_ce": 0.05829, "aux.acc_seg": 93.75516, "loss": 0.19463, "time": 3.58859} {"mode": "train", "epoch": 54, "iter": 67100, "lr": 1e-05, "memory": 71384, "data_time": 0.00985, "decode.loss_ce": 0.13245, "decode.acc_seg": 93.88267, "aux.loss_ce": 0.05686, "aux.acc_seg": 93.52102, "loss": 0.18931, "time": 1.62264} {"mode": "train", "epoch": 54, "iter": 67150, "lr": 1e-05, "memory": 71384, "data_time": 0.0099, "decode.loss_ce": 0.1372, "decode.acc_seg": 93.99046, "aux.loss_ce": 0.05892, "aux.acc_seg": 93.53203, "loss": 0.19612, "time": 1.62068} {"mode": "train", "epoch": 54, "iter": 67200, "lr": 1e-05, "memory": 71384, "data_time": 0.00986, "decode.loss_ce": 0.13332, "decode.acc_seg": 94.17871, "aux.loss_ce": 0.05684, "aux.acc_seg": 93.80961, "loss": 0.19016, "time": 1.62236} {"mode": "train", "epoch": 54, "iter": 67250, "lr": 1e-05, "memory": 71384, "data_time": 0.00966, "decode.loss_ce": 0.13505, "decode.acc_seg": 93.8879, "aux.loss_ce": 0.05772, "aux.acc_seg": 93.52135, "loss": 0.19276, "time": 1.62057} {"mode": "train", "epoch": 54, "iter": 67300, "lr": 1e-05, "memory": 71384, "data_time": 0.00978, "decode.loss_ce": 0.13463, "decode.acc_seg": 94.17152, "aux.loss_ce": 0.05757, "aux.acc_seg": 93.78177, "loss": 0.19219, "time": 1.61792} {"mode": "train", "epoch": 54, "iter": 67350, "lr": 1e-05, "memory": 71384, "data_time": 0.00971, "decode.loss_ce": 0.13793, "decode.acc_seg": 93.88387, "aux.loss_ce": 0.05882, "aux.acc_seg": 93.55056, "loss": 0.19675, "time": 1.61893} {"mode": "train", "epoch": 54, "iter": 67400, "lr": 1e-05, "memory": 71384, "data_time": 0.0097, "decode.loss_ce": 0.12992, "decode.acc_seg": 94.20293, "aux.loss_ce": 0.05609, "aux.acc_seg": 93.74284, "loss": 0.186, "time": 1.61837} {"mode": "train", "epoch": 54, "iter": 67450, "lr": 1e-05, "memory": 71384, "data_time": 0.00987, "decode.loss_ce": 0.1326, "decode.acc_seg": 94.01561, "aux.loss_ce": 0.05643, "aux.acc_seg": 93.62884, "loss": 0.18903, "time": 1.62555} {"mode": "train", "epoch": 54, "iter": 67500, "lr": 1e-05, "memory": 71384, "data_time": 0.00973, "decode.loss_ce": 0.13353, "decode.acc_seg": 94.05708, "aux.loss_ce": 0.05732, "aux.acc_seg": 93.64229, "loss": 0.19085, "time": 1.61969} {"mode": "train", "epoch": 54, "iter": 67550, "lr": 1e-05, "memory": 71384, "data_time": 0.00987, "decode.loss_ce": 0.14563, "decode.acc_seg": 93.71618, "aux.loss_ce": 0.06151, "aux.acc_seg": 93.29193, "loss": 0.20714, "time": 1.62008} {"mode": "train", "epoch": 54, "iter": 67600, "lr": 1e-05, "memory": 71384, "data_time": 0.00987, "decode.loss_ce": 0.13444, "decode.acc_seg": 93.95082, "aux.loss_ce": 0.05764, "aux.acc_seg": 93.55856, "loss": 0.19208, "time": 1.61936} {"mode": "train", "epoch": 54, "iter": 67650, "lr": 1e-05, "memory": 71384, "data_time": 0.00982, "decode.loss_ce": 0.13897, "decode.acc_seg": 93.79511, "aux.loss_ce": 0.0597, "aux.acc_seg": 93.39656, "loss": 0.19867, "time": 1.62091} {"mode": "train", "epoch": 54, "iter": 67700, "lr": 1e-05, "memory": 71384, "data_time": 0.00968, "decode.loss_ce": 0.13038, "decode.acc_seg": 94.12399, "aux.loss_ce": 0.05567, "aux.acc_seg": 93.79327, "loss": 0.18605, "time": 1.62455} {"mode": "train", "epoch": 54, "iter": 67750, "lr": 1e-05, "memory": 71384, "data_time": 0.00985, "decode.loss_ce": 0.13232, "decode.acc_seg": 93.97724, "aux.loss_ce": 0.05697, "aux.acc_seg": 93.49712, "loss": 0.18929, "time": 1.61779} {"mode": "train", "epoch": 54, "iter": 67800, "lr": 1e-05, "memory": 71384, "data_time": 0.0097, "decode.loss_ce": 0.13618, "decode.acc_seg": 94.06546, "aux.loss_ce": 0.05836, "aux.acc_seg": 93.69704, "loss": 0.19453, "time": 1.61852} {"mode": "train", "epoch": 54, "iter": 67850, "lr": 1e-05, "memory": 71384, "data_time": 0.00957, "decode.loss_ce": 0.13436, "decode.acc_seg": 94.01539, "aux.loss_ce": 0.05795, "aux.acc_seg": 93.56277, "loss": 0.19231, "time": 1.62062} {"mode": "train", "epoch": 54, "iter": 67900, "lr": 1e-05, "memory": 71384, "data_time": 0.00971, "decode.loss_ce": 0.13444, "decode.acc_seg": 93.91521, "aux.loss_ce": 0.05763, "aux.acc_seg": 93.4795, "loss": 0.19207, "time": 1.62098} {"mode": "train", "epoch": 54, "iter": 67950, "lr": 1e-05, "memory": 71384, "data_time": 0.00997, "decode.loss_ce": 0.13948, "decode.acc_seg": 93.80843, "aux.loss_ce": 0.05969, "aux.acc_seg": 93.46077, "loss": 0.19917, "time": 1.61969} {"mode": "train", "epoch": 54, "iter": 68000, "lr": 1e-05, "memory": 71384, "data_time": 0.01012, "decode.loss_ce": 0.13264, "decode.acc_seg": 93.91539, "aux.loss_ce": 0.05712, "aux.acc_seg": 93.47321, "loss": 0.18976, "time": 3.32711} {"mode": "val", "epoch": 54, "iter": 250, "lr": 1e-05, "aAcc": 0.8674, "mIoU": 0.5912, "mAcc": 0.7111, "IoU.wall": 0.827, "IoU.building": 0.8579, "IoU.sky": 0.9498, "IoU.floor": 0.8546, "IoU.tree": 0.7814, "IoU.ceiling": 0.8767, "IoU.road": 0.87, "IoU.bed ": 0.9288, "IoU.windowpane": 0.6812, "IoU.grass": 0.7011, "IoU.cabinet": 0.6768, "IoU.sidewalk": 0.7135, "IoU.person": 0.8655, "IoU.earth": 0.4278, "IoU.door": 0.6133, "IoU.table": 0.7009, "IoU.mountain": 0.6258, "IoU.plant": 0.5757, "IoU.curtain": 0.7847, "IoU.chair": 0.6931, "IoU.car": 0.8866, "IoU.water": 0.6347, "IoU.painting": 0.7692, "IoU.sofa": 0.8379, "IoU.shelf": 0.538, "IoU.house": 0.5935, "IoU.sea": 0.7339, "IoU.mirror": 0.7869, "IoU.rug": 0.6651, "IoU.field": 0.3027, "IoU.armchair": 0.6499, "IoU.seat": 0.687, "IoU.fence": 0.527, "IoU.desk": 0.6108, "IoU.rock": 0.5587, "IoU.wardrobe": 0.5403, "IoU.lamp": 0.771, "IoU.bathtub": 0.8648, "IoU.railing": 0.4672, "IoU.cushion": 0.7417, "IoU.base": 0.3821, "IoU.box": 0.3934, "IoU.column": 0.5746, "IoU.signboard": 0.4236, "IoU.chest of drawers": 0.4178, "IoU.counter": 0.4509, "IoU.sand": 0.5911, "IoU.sink": 0.8071, "IoU.skyscraper": 0.4723, "IoU.fireplace": 0.707, "IoU.refrigerator": 0.8592, "IoU.grandstand": 0.5099, "IoU.path": 0.3139, "IoU.stairs": 0.3953, "IoU.runway": 0.7478, "IoU.case": 0.6275, "IoU.pool table": 0.9512, "IoU.pillow": 0.7067, "IoU.screen door": 0.7921, "IoU.stairway": 0.5303, "IoU.river": 0.1007, "IoU.bridge": 0.6799, "IoU.bookcase": 0.5491, "IoU.blind": 0.4766, "IoU.coffee table": 0.603, "IoU.toilet": 0.9073, "IoU.flower": 0.4675, "IoU.book": 0.5615, "IoU.hill": 0.1162, "IoU.bench": 0.572, "IoU.countertop": 0.6469, "IoU.stove": 0.8834, "IoU.palm": 0.5403, "IoU.kitchen island": 0.658, "IoU.computer": 0.764, "IoU.swivel chair": 0.4552, "IoU.boat": 0.837, "IoU.bar": 0.6817, "IoU.arcade machine": 0.7765, "IoU.hovel": 0.1426, "IoU.bus": 0.9281, "IoU.towel": 0.819, "IoU.light": 0.6105, "IoU.truck": 0.5283, "IoU.tower": 0.2783, "IoU.chandelier": 0.7515, "IoU.awning": 0.3953, "IoU.streetlight": 0.383, "IoU.booth": 0.3521, "IoU.television receiver": 0.8199, "IoU.airplane": 0.8973, "IoU.dirt track": 0.059, "IoU.apparel": 0.6782, "IoU.pole": 0.2328, "IoU.land": 0.0357, "IoU.bannister": 0.2125, "IoU.escalator": 0.6828, "IoU.ottoman": 0.536, "IoU.bottle": 0.4516, "IoU.buffet": 0.4753, "IoU.poster": 0.336, "IoU.stage": 0.2736, "IoU.van": 0.4998, "IoU.ship": 0.8457, "IoU.fountain": 0.3697, "IoU.conveyer belt": 0.8152, "IoU.canopy": 0.5104, "IoU.washer": 0.884, "IoU.plaything": 0.3455, "IoU.swimming pool": 0.5425, "IoU.stool": 0.4966, "IoU.barrel": 0.7841, "IoU.basket": 0.4397, "IoU.waterfall": 0.4706, "IoU.tent": 0.9156, "IoU.bag": 0.2782, "IoU.minibike": 0.7802, "IoU.cradle": 0.8991, "IoU.oven": 0.6219, "IoU.ball": 0.563, "IoU.food": 0.6031, "IoU.step": 0.2111, "IoU.tank": 0.7958, "IoU.trade name": 0.244, "IoU.microwave": 0.8983, "IoU.pot": 0.5896, "IoU.animal": 0.6234, "IoU.bicycle": 0.6079, "IoU.lake": 0.5268, "IoU.dishwasher": 0.7834, "IoU.screen": 0.5956, "IoU.blanket": 0.3851, "IoU.sculpture": 0.7627, "IoU.hood": 0.6489, "IoU.sconce": 0.6163, "IoU.vase": 0.4835, "IoU.traffic light": 0.3774, "IoU.tray": 0.2496, "IoU.ashcan": 0.511, "IoU.fan": 0.6951, "IoU.pier": 0.4626, "IoU.crt screen": 0.0191, "IoU.plate": 0.6494, "IoU.monitor": 0.4827, "IoU.bulletin board": 0.5958, "IoU.shower": 0.0739, "IoU.radiator": 0.68, "IoU.glass": 0.2113, "IoU.clock": 0.5298, "IoU.flag": 0.7294, "Acc.wall": 0.8991, "Acc.building": 0.9337, "Acc.sky": 0.9744, "Acc.floor": 0.9261, "Acc.tree": 0.9092, "Acc.ceiling": 0.9544, "Acc.road": 0.9064, "Acc.bed ": 0.9718, "Acc.windowpane": 0.8217, "Acc.grass": 0.8285, "Acc.cabinet": 0.7881, "Acc.sidewalk": 0.8651, "Acc.person": 0.9459, "Acc.earth": 0.5701, "Acc.door": 0.7733, "Acc.table": 0.8298, "Acc.mountain": 0.7362, "Acc.plant": 0.67, "Acc.curtain": 0.8969, "Acc.chair": 0.7879, "Acc.car": 0.9438, "Acc.water": 0.7915, "Acc.painting": 0.906, "Acc.sofa": 0.9201, "Acc.shelf": 0.7176, "Acc.house": 0.7551, "Acc.sea": 0.8134, "Acc.mirror": 0.8656, "Acc.rug": 0.7435, "Acc.field": 0.5209, "Acc.armchair": 0.8206, "Acc.seat": 0.8899, "Acc.fence": 0.6579, "Acc.desk": 0.7868, "Acc.rock": 0.8144, "Acc.wardrobe": 0.7328, "Acc.lamp": 0.8592, "Acc.bathtub": 0.8857, "Acc.railing": 0.6269, "Acc.cushion": 0.8517, "Acc.base": 0.5414, "Acc.box": 0.4959, "Acc.column": 0.6882, "Acc.signboard": 0.5694, "Acc.chest of drawers": 0.6087, "Acc.counter": 0.5615, "Acc.sand": 0.8509, "Acc.sink": 0.8436, "Acc.skyscraper": 0.6075, "Acc.fireplace": 0.9339, "Acc.refrigerator": 0.948, "Acc.grandstand": 0.8345, "Acc.path": 0.4289, "Acc.stairs": 0.4774, "Acc.runway": 0.9727, "Acc.case": 0.8425, "Acc.pool table": 0.9772, "Acc.pillow": 0.8109, "Acc.screen door": 0.8162, "Acc.stairway": 0.6434, "Acc.river": 0.223, "Acc.bridge": 0.7678, "Acc.bookcase": 0.683, "Acc.blind": 0.5497, "Acc.coffee table": 0.878, "Acc.toilet": 0.9313, "Acc.flower": 0.5869, "Acc.book": 0.7488, "Acc.hill": 0.2119, "Acc.bench": 0.6536, "Acc.countertop": 0.8654, "Acc.stove": 0.9295, "Acc.palm": 0.771, "Acc.kitchen island": 0.8869, "Acc.computer": 0.8776, "Acc.swivel chair": 0.6832, "Acc.boat": 0.9143, "Acc.bar": 0.856, "Acc.arcade machine": 0.822, "Acc.hovel": 0.1602, "Acc.bus": 0.9666, "Acc.towel": 0.8835, "Acc.light": 0.6872, "Acc.truck": 0.6195, "Acc.tower": 0.4847, "Acc.chandelier": 0.8467, "Acc.awning": 0.4556, "Acc.streetlight": 0.5152, "Acc.booth": 0.5544, "Acc.television receiver": 0.8786, "Acc.airplane": 0.9522, "Acc.dirt track": 0.271, "Acc.apparel": 0.8791, "Acc.pole": 0.4143, "Acc.land": 0.0465, "Acc.bannister": 0.253, "Acc.escalator": 0.8551, "Acc.ottoman": 0.6886, "Acc.bottle": 0.5961, "Acc.buffet": 0.5083, "Acc.poster": 0.3993, "Acc.stage": 0.4665, "Acc.van": 0.7326, "Acc.ship": 0.9204, "Acc.fountain": 0.3837, "Acc.conveyer belt": 0.9381, "Acc.canopy": 0.7132, "Acc.washer": 0.9404, "Acc.plaything": 0.4635, "Acc.swimming pool": 0.8128, "Acc.stool": 0.7174, "Acc.barrel": 0.9546, "Acc.basket": 0.6285, "Acc.waterfall": 0.6028, "Acc.tent": 0.9847, "Acc.bag": 0.3322, "Acc.minibike": 0.9033, "Acc.cradle": 0.964, "Acc.oven": 0.7475, "Acc.ball": 0.6708, "Acc.food": 0.7098, "Acc.step": 0.2488, "Acc.tank": 0.8894, "Acc.trade name": 0.2868, "Acc.microwave": 0.9629, "Acc.pot": 0.7012, "Acc.animal": 0.6365, "Acc.bicycle": 0.7701, "Acc.lake": 0.637, "Acc.dishwasher": 0.843, "Acc.screen": 0.9299, "Acc.blanket": 0.4462, "Acc.sculpture": 0.8773, "Acc.hood": 0.7676, "Acc.sconce": 0.684, "Acc.vase": 0.6553, "Acc.traffic light": 0.596, "Acc.tray": 0.3312, "Acc.ashcan": 0.6817, "Acc.fan": 0.8223, "Acc.pier": 0.5228, "Acc.crt screen": 0.0342, "Acc.plate": 0.7788, "Acc.monitor": 0.6331, "Acc.bulletin board": 0.693, "Acc.shower": 0.12, "Acc.radiator": 0.798, "Acc.glass": 0.2232, "Acc.clock": 0.6095, "Acc.flag": 0.7959} {"mode": "train", "epoch": 54, "iter": 68050, "lr": 1e-05, "memory": 71384, "data_time": 1.91867, "decode.loss_ce": 0.13625, "decode.acc_seg": 94.21373, "aux.loss_ce": 0.05893, "aux.acc_seg": 93.78743, "loss": 0.19518, "time": 3.53183} {"mode": "train", "epoch": 54, "iter": 68100, "lr": 1e-05, "memory": 71384, "data_time": 0.00974, "decode.loss_ce": 0.13713, "decode.acc_seg": 94.08657, "aux.loss_ce": 0.05842, "aux.acc_seg": 93.73496, "loss": 0.19555, "time": 1.61843} {"mode": "train", "epoch": 54, "iter": 68150, "lr": 1e-05, "memory": 71384, "data_time": 0.00959, "decode.loss_ce": 0.14264, "decode.acc_seg": 93.601, "aux.loss_ce": 0.06109, "aux.acc_seg": 93.19757, "loss": 0.20373, "time": 1.61674} {"mode": "train", "epoch": 54, "iter": 68200, "lr": 1e-05, "memory": 71384, "data_time": 0.00982, "decode.loss_ce": 0.128, "decode.acc_seg": 94.29469, "aux.loss_ce": 0.05526, "aux.acc_seg": 93.84744, "loss": 0.18326, "time": 1.62021} {"mode": "train", "epoch": 55, "iter": 68250, "lr": 1e-05, "memory": 71384, "data_time": 0.0513, "decode.loss_ce": 0.13334, "decode.acc_seg": 94.06181, "aux.loss_ce": 0.05711, "aux.acc_seg": 93.68482, "loss": 0.19044, "time": 1.66715} {"mode": "train", "epoch": 55, "iter": 68300, "lr": 1e-05, "memory": 71384, "data_time": 0.00965, "decode.loss_ce": 0.14507, "decode.acc_seg": 93.74988, "aux.loss_ce": 0.06056, "aux.acc_seg": 93.35079, "loss": 0.20563, "time": 1.61866} {"mode": "train", "epoch": 55, "iter": 68350, "lr": 1e-05, "memory": 71384, "data_time": 0.00986, "decode.loss_ce": 0.14505, "decode.acc_seg": 93.71566, "aux.loss_ce": 0.06171, "aux.acc_seg": 93.27316, "loss": 0.20676, "time": 1.61809} {"mode": "train", "epoch": 55, "iter": 68400, "lr": 1e-05, "memory": 71384, "data_time": 0.00968, "decode.loss_ce": 0.14399, "decode.acc_seg": 93.48829, "aux.loss_ce": 0.06147, "aux.acc_seg": 93.03654, "loss": 0.20546, "time": 1.61943} {"mode": "train", "epoch": 55, "iter": 68450, "lr": 1e-05, "memory": 71384, "data_time": 0.00983, "decode.loss_ce": 0.12958, "decode.acc_seg": 94.25962, "aux.loss_ce": 0.05563, "aux.acc_seg": 93.81846, "loss": 0.18521, "time": 1.62108} {"mode": "train", "epoch": 55, "iter": 68500, "lr": 1e-05, "memory": 71384, "data_time": 0.00978, "decode.loss_ce": 0.14898, "decode.acc_seg": 93.56656, "aux.loss_ce": 0.06358, "aux.acc_seg": 93.13179, "loss": 0.21256, "time": 1.6227} {"mode": "train", "epoch": 55, "iter": 68550, "lr": 1e-05, "memory": 71384, "data_time": 0.0099, "decode.loss_ce": 0.13648, "decode.acc_seg": 93.99403, "aux.loss_ce": 0.05875, "aux.acc_seg": 93.54077, "loss": 0.19523, "time": 1.62172} {"mode": "train", "epoch": 55, "iter": 68600, "lr": 1e-05, "memory": 71384, "data_time": 0.0101, "decode.loss_ce": 0.13422, "decode.acc_seg": 94.10652, "aux.loss_ce": 0.05746, "aux.acc_seg": 93.63957, "loss": 0.19167, "time": 1.62353} {"mode": "train", "epoch": 55, "iter": 68650, "lr": 1e-05, "memory": 71384, "data_time": 0.00972, "decode.loss_ce": 0.12934, "decode.acc_seg": 94.29204, "aux.loss_ce": 0.05594, "aux.acc_seg": 93.7981, "loss": 0.18528, "time": 1.61884} {"mode": "train", "epoch": 55, "iter": 68700, "lr": 1e-05, "memory": 71384, "data_time": 0.00974, "decode.loss_ce": 0.13266, "decode.acc_seg": 94.14322, "aux.loss_ce": 0.05665, "aux.acc_seg": 93.72501, "loss": 0.18931, "time": 1.62285} {"mode": "train", "epoch": 55, "iter": 68750, "lr": 1e-05, "memory": 71384, "data_time": 0.00979, "decode.loss_ce": 0.12937, "decode.acc_seg": 94.13034, "aux.loss_ce": 0.05571, "aux.acc_seg": 93.68577, "loss": 0.18508, "time": 1.6214} {"mode": "train", "epoch": 55, "iter": 68800, "lr": 1e-05, "memory": 71384, "data_time": 0.00966, "decode.loss_ce": 0.12912, "decode.acc_seg": 94.4091, "aux.loss_ce": 0.05561, "aux.acc_seg": 94.00901, "loss": 0.18473, "time": 1.62026} {"mode": "train", "epoch": 55, "iter": 68850, "lr": 1e-05, "memory": 71384, "data_time": 0.00972, "decode.loss_ce": 0.12602, "decode.acc_seg": 94.30531, "aux.loss_ce": 0.05426, "aux.acc_seg": 93.89342, "loss": 0.18027, "time": 1.61844} {"mode": "train", "epoch": 55, "iter": 68900, "lr": 1e-05, "memory": 71384, "data_time": 0.00965, "decode.loss_ce": 0.14082, "decode.acc_seg": 94.04794, "aux.loss_ce": 0.06031, "aux.acc_seg": 93.6345, "loss": 0.20113, "time": 1.62045} {"mode": "train", "epoch": 55, "iter": 68950, "lr": 1e-05, "memory": 71384, "data_time": 0.00985, "decode.loss_ce": 0.13575, "decode.acc_seg": 93.94244, "aux.loss_ce": 0.05797, "aux.acc_seg": 93.5229, "loss": 0.19372, "time": 1.61928} {"mode": "train", "epoch": 55, "iter": 69000, "lr": 1e-05, "memory": 71384, "data_time": 0.00966, "decode.loss_ce": 0.13139, "decode.acc_seg": 94.17659, "aux.loss_ce": 0.05642, "aux.acc_seg": 93.74348, "loss": 0.18781, "time": 1.62268} {"mode": "val", "epoch": 55, "iter": 250, "lr": 1e-05, "aAcc": 0.8658, "mIoU": 0.5885, "mAcc": 0.7139, "IoU.wall": 0.8289, "IoU.building": 0.859, "IoU.sky": 0.9504, "IoU.floor": 0.853, "IoU.tree": 0.7833, "IoU.ceiling": 0.8782, "IoU.road": 0.8626, "IoU.bed ": 0.9283, "IoU.windowpane": 0.6749, "IoU.grass": 0.7002, "IoU.cabinet": 0.6734, "IoU.sidewalk": 0.7025, "IoU.person": 0.8621, "IoU.earth": 0.4194, "IoU.door": 0.6029, "IoU.table": 0.7066, "IoU.mountain": 0.6321, "IoU.plant": 0.5776, "IoU.curtain": 0.789, "IoU.chair": 0.6892, "IoU.car": 0.8872, "IoU.water": 0.604, "IoU.painting": 0.7677, "IoU.sofa": 0.8464, "IoU.shelf": 0.535, "IoU.house": 0.5653, "IoU.sea": 0.616, "IoU.mirror": 0.7842, "IoU.rug": 0.673, "IoU.field": 0.3033, "IoU.armchair": 0.6157, "IoU.seat": 0.6733, "IoU.fence": 0.5261, "IoU.desk": 0.5943, "IoU.rock": 0.5635, "IoU.wardrobe": 0.5307, "IoU.lamp": 0.7674, "IoU.bathtub": 0.8628, "IoU.railing": 0.4635, "IoU.cushion": 0.7339, "IoU.base": 0.3799, "IoU.box": 0.3852, "IoU.column": 0.572, "IoU.signboard": 0.4146, "IoU.chest of drawers": 0.4119, "IoU.counter": 0.4165, "IoU.sand": 0.5527, "IoU.sink": 0.8064, "IoU.skyscraper": 0.465, "IoU.fireplace": 0.723, "IoU.refrigerator": 0.8629, "IoU.grandstand": 0.5191, "IoU.path": 0.2925, "IoU.stairs": 0.3578, "IoU.runway": 0.7438, "IoU.case": 0.6356, "IoU.pool table": 0.9507, "IoU.pillow": 0.7093, "IoU.screen door": 0.7845, "IoU.stairway": 0.4797, "IoU.river": 0.1049, "IoU.bridge": 0.7105, "IoU.bookcase": 0.5103, "IoU.blind": 0.4197, "IoU.coffee table": 0.6108, "IoU.toilet": 0.9097, "IoU.flower": 0.4554, "IoU.book": 0.5601, "IoU.hill": 0.0938, "IoU.bench": 0.5689, "IoU.countertop": 0.649, "IoU.stove": 0.8894, "IoU.palm": 0.5584, "IoU.kitchen island": 0.6439, "IoU.computer": 0.7937, "IoU.swivel chair": 0.5024, "IoU.boat": 0.822, "IoU.bar": 0.6485, "IoU.arcade machine": 0.7825, "IoU.hovel": 0.1476, "IoU.bus": 0.9182, "IoU.towel": 0.8063, "IoU.light": 0.6308, "IoU.truck": 0.5077, "IoU.tower": 0.3904, "IoU.chandelier": 0.7416, "IoU.awning": 0.4055, "IoU.streetlight": 0.4027, "IoU.booth": 0.3653, "IoU.television receiver": 0.8215, "IoU.airplane": 0.8958, "IoU.dirt track": 0.0563, "IoU.apparel": 0.65, "IoU.pole": 0.2407, "IoU.land": 0.0341, "IoU.bannister": 0.2228, "IoU.escalator": 0.6763, "IoU.ottoman": 0.495, "IoU.bottle": 0.445, "IoU.buffet": 0.5818, "IoU.poster": 0.3117, "IoU.stage": 0.2686, "IoU.van": 0.4955, "IoU.ship": 0.8496, "IoU.fountain": 0.3639, "IoU.conveyer belt": 0.8161, "IoU.canopy": 0.5288, "IoU.washer": 0.8729, "IoU.plaything": 0.318, "IoU.swimming pool": 0.5263, "IoU.stool": 0.5087, "IoU.barrel": 0.7542, "IoU.basket": 0.4347, "IoU.waterfall": 0.477, "IoU.tent": 0.9372, "IoU.bag": 0.2723, "IoU.minibike": 0.7845, "IoU.cradle": 0.8714, "IoU.oven": 0.6597, "IoU.ball": 0.5779, "IoU.food": 0.6484, "IoU.step": 0.2244, "IoU.tank": 0.7864, "IoU.trade name": 0.1959, "IoU.microwave": 0.9055, "IoU.pot": 0.602, "IoU.animal": 0.6235, "IoU.bicycle": 0.6058, "IoU.lake": 0.4923, "IoU.dishwasher": 0.7828, "IoU.screen": 0.5758, "IoU.blanket": 0.3843, "IoU.sculpture": 0.7383, "IoU.hood": 0.6491, "IoU.sconce": 0.6344, "IoU.vase": 0.4874, "IoU.traffic light": 0.3767, "IoU.tray": 0.2592, "IoU.ashcan": 0.5187, "IoU.fan": 0.7038, "IoU.pier": 0.4779, "IoU.crt screen": 0.023, "IoU.plate": 0.6424, "IoU.monitor": 0.5386, "IoU.bulletin board": 0.5629, "IoU.shower": 0.07, "IoU.radiator": 0.6689, "IoU.glass": 0.214, "IoU.clock": 0.5066, "IoU.flag": 0.7262, "Acc.wall": 0.9029, "Acc.building": 0.9328, "Acc.sky": 0.9754, "Acc.floor": 0.9226, "Acc.tree": 0.9054, "Acc.ceiling": 0.9485, "Acc.road": 0.9082, "Acc.bed ": 0.9686, "Acc.windowpane": 0.827, "Acc.grass": 0.8259, "Acc.cabinet": 0.7651, "Acc.sidewalk": 0.8511, "Acc.person": 0.9524, "Acc.earth": 0.5496, "Acc.door": 0.7454, "Acc.table": 0.8215, "Acc.mountain": 0.7255, "Acc.plant": 0.6802, "Acc.curtain": 0.8955, "Acc.chair": 0.8112, "Acc.car": 0.939, "Acc.water": 0.7815, "Acc.painting": 0.91, "Acc.sofa": 0.9313, "Acc.shelf": 0.7099, "Acc.house": 0.7173, "Acc.sea": 0.6825, "Acc.mirror": 0.8566, "Acc.rug": 0.7726, "Acc.field": 0.5631, "Acc.armchair": 0.7531, "Acc.seat": 0.8935, "Acc.fence": 0.668, "Acc.desk": 0.8035, "Acc.rock": 0.8231, "Acc.wardrobe": 0.7354, "Acc.lamp": 0.8806, "Acc.bathtub": 0.8913, "Acc.railing": 0.6368, "Acc.cushion": 0.8162, "Acc.base": 0.522, "Acc.box": 0.4894, "Acc.column": 0.6766, "Acc.signboard": 0.5815, "Acc.chest of drawers": 0.6627, "Acc.counter": 0.5096, "Acc.sand": 0.869, "Acc.sink": 0.8522, "Acc.skyscraper": 0.5812, "Acc.fireplace": 0.9491, "Acc.refrigerator": 0.9349, "Acc.grandstand": 0.8253, "Acc.path": 0.3954, "Acc.stairs": 0.4796, "Acc.runway": 0.9666, "Acc.case": 0.8393, "Acc.pool table": 0.9776, "Acc.pillow": 0.8339, "Acc.screen door": 0.8041, "Acc.stairway": 0.5487, "Acc.river": 0.2474, "Acc.bridge": 0.825, "Acc.bookcase": 0.6647, "Acc.blind": 0.4512, "Acc.coffee table": 0.8724, "Acc.toilet": 0.9335, "Acc.flower": 0.585, "Acc.book": 0.7654, "Acc.hill": 0.1661, "Acc.bench": 0.6434, "Acc.countertop": 0.8608, "Acc.stove": 0.9419, "Acc.palm": 0.8011, "Acc.kitchen island": 0.8728, "Acc.computer": 0.9152, "Acc.swivel chair": 0.7901, "Acc.boat": 0.9172, "Acc.bar": 0.8938, "Acc.arcade machine": 0.8281, "Acc.hovel": 0.1631, "Acc.bus": 0.9713, "Acc.towel": 0.874, "Acc.light": 0.7223, "Acc.truck": 0.6172, "Acc.tower": 0.6922, "Acc.chandelier": 0.8558, "Acc.awning": 0.4993, "Acc.streetlight": 0.5439, "Acc.booth": 0.5799, "Acc.television receiver": 0.885, "Acc.airplane": 0.9573, "Acc.dirt track": 0.3198, "Acc.apparel": 0.8963, "Acc.pole": 0.4257, "Acc.land": 0.0478, "Acc.bannister": 0.276, "Acc.escalator": 0.8607, "Acc.ottoman": 0.6374, "Acc.bottle": 0.5633, "Acc.buffet": 0.6608, "Acc.poster": 0.3694, "Acc.stage": 0.4565, "Acc.van": 0.7266, "Acc.ship": 0.9257, "Acc.fountain": 0.3708, "Acc.conveyer belt": 0.937, "Acc.canopy": 0.728, "Acc.washer": 0.9271, "Acc.plaything": 0.411, "Acc.swimming pool": 0.7705, "Acc.stool": 0.726, "Acc.barrel": 0.9553, "Acc.basket": 0.6781, "Acc.waterfall": 0.6349, "Acc.tent": 0.982, "Acc.bag": 0.3105, "Acc.minibike": 0.8983, "Acc.cradle": 0.9757, "Acc.oven": 0.7706, "Acc.ball": 0.6864, "Acc.food": 0.7658, "Acc.step": 0.2586, "Acc.tank": 0.8479, "Acc.trade name": 0.2272, "Acc.microwave": 0.9653, "Acc.pot": 0.709, "Acc.animal": 0.6377, "Acc.bicycle": 0.7702, "Acc.lake": 0.6764, "Acc.dishwasher": 0.8427, "Acc.screen": 0.8869, "Acc.blanket": 0.4461, "Acc.sculpture": 0.8878, "Acc.hood": 0.7685, "Acc.sconce": 0.7303, "Acc.vase": 0.6512, "Acc.traffic light": 0.6086, "Acc.tray": 0.3499, "Acc.ashcan": 0.6833, "Acc.fan": 0.8521, "Acc.pier": 0.5415, "Acc.crt screen": 0.0405, "Acc.plate": 0.7875, "Acc.monitor": 0.6427, "Acc.bulletin board": 0.6789, "Acc.shower": 0.1259, "Acc.radiator": 0.8264, "Acc.glass": 0.228, "Acc.clock": 0.5813, "Acc.flag": 0.8182} {"mode": "train", "epoch": 55, "iter": 69050, "lr": 1e-05, "memory": 71384, "data_time": 1.96778, "decode.loss_ce": 0.13536, "decode.acc_seg": 93.96267, "aux.loss_ce": 0.0581, "aux.acc_seg": 93.53875, "loss": 0.19346, "time": 3.58029} {"mode": "train", "epoch": 55, "iter": 69100, "lr": 1e-05, "memory": 71384, "data_time": 0.00981, "decode.loss_ce": 0.13789, "decode.acc_seg": 94.07041, "aux.loss_ce": 0.05902, "aux.acc_seg": 93.63341, "loss": 0.19691, "time": 1.61914} {"mode": "train", "epoch": 55, "iter": 69150, "lr": 1e-05, "memory": 71384, "data_time": 0.00976, "decode.loss_ce": 0.1341, "decode.acc_seg": 93.97526, "aux.loss_ce": 0.05756, "aux.acc_seg": 93.49742, "loss": 0.19166, "time": 1.62606} {"mode": "train", "epoch": 55, "iter": 69200, "lr": 1e-05, "memory": 71384, "data_time": 0.00961, "decode.loss_ce": 0.13471, "decode.acc_seg": 94.08226, "aux.loss_ce": 0.05762, "aux.acc_seg": 93.681, "loss": 0.19233, "time": 1.62131} {"mode": "train", "epoch": 55, "iter": 69250, "lr": 1e-05, "memory": 71384, "data_time": 0.00992, "decode.loss_ce": 0.1384, "decode.acc_seg": 94.21804, "aux.loss_ce": 0.05905, "aux.acc_seg": 93.80068, "loss": 0.19745, "time": 1.61928} {"mode": "train", "epoch": 55, "iter": 69300, "lr": 1e-05, "memory": 71384, "data_time": 0.00962, "decode.loss_ce": 0.13208, "decode.acc_seg": 94.02299, "aux.loss_ce": 0.05672, "aux.acc_seg": 93.60915, "loss": 0.1888, "time": 1.61952} {"mode": "train", "epoch": 55, "iter": 69350, "lr": 1e-05, "memory": 71384, "data_time": 0.00975, "decode.loss_ce": 0.13191, "decode.acc_seg": 94.16978, "aux.loss_ce": 0.05648, "aux.acc_seg": 93.77704, "loss": 0.18839, "time": 1.62452} {"mode": "train", "epoch": 55, "iter": 69400, "lr": 1e-05, "memory": 71384, "data_time": 0.00977, "decode.loss_ce": 0.1303, "decode.acc_seg": 94.25071, "aux.loss_ce": 0.05622, "aux.acc_seg": 93.80244, "loss": 0.18652, "time": 1.61997} {"mode": "train", "epoch": 55, "iter": 69450, "lr": 1e-05, "memory": 71384, "data_time": 0.00983, "decode.loss_ce": 0.12947, "decode.acc_seg": 94.20588, "aux.loss_ce": 0.05582, "aux.acc_seg": 93.67354, "loss": 0.18529, "time": 1.62441} {"mode": "train", "epoch": 56, "iter": 69500, "lr": 1e-05, "memory": 71384, "data_time": 0.05121, "decode.loss_ce": 0.13475, "decode.acc_seg": 94.04819, "aux.loss_ce": 0.05806, "aux.acc_seg": 93.63432, "loss": 0.19282, "time": 1.66635} {"mode": "train", "epoch": 56, "iter": 69550, "lr": 1e-05, "memory": 71384, "data_time": 0.00978, "decode.loss_ce": 0.13305, "decode.acc_seg": 93.86654, "aux.loss_ce": 0.0571, "aux.acc_seg": 93.43383, "loss": 0.19016, "time": 1.62074} {"mode": "train", "epoch": 56, "iter": 69600, "lr": 1e-05, "memory": 71384, "data_time": 0.00988, "decode.loss_ce": 0.13141, "decode.acc_seg": 94.03728, "aux.loss_ce": 0.05645, "aux.acc_seg": 93.63452, "loss": 0.18786, "time": 1.61982} {"mode": "train", "epoch": 56, "iter": 69650, "lr": 1e-05, "memory": 71384, "data_time": 0.00991, "decode.loss_ce": 0.13436, "decode.acc_seg": 94.10007, "aux.loss_ce": 0.05766, "aux.acc_seg": 93.65475, "loss": 0.19202, "time": 1.62015} {"mode": "train", "epoch": 56, "iter": 69700, "lr": 1e-05, "memory": 71384, "data_time": 0.00977, "decode.loss_ce": 0.13147, "decode.acc_seg": 94.03928, "aux.loss_ce": 0.05672, "aux.acc_seg": 93.57829, "loss": 0.18819, "time": 1.61977} {"mode": "train", "epoch": 56, "iter": 69750, "lr": 1e-05, "memory": 71384, "data_time": 0.00979, "decode.loss_ce": 0.12917, "decode.acc_seg": 94.35161, "aux.loss_ce": 0.05582, "aux.acc_seg": 93.92563, "loss": 0.18499, "time": 1.61971} {"mode": "train", "epoch": 56, "iter": 69800, "lr": 1e-05, "memory": 71384, "data_time": 0.00981, "decode.loss_ce": 0.13755, "decode.acc_seg": 94.00994, "aux.loss_ce": 0.05886, "aux.acc_seg": 93.58488, "loss": 0.1964, "time": 1.62505} {"mode": "train", "epoch": 56, "iter": 69850, "lr": 1e-05, "memory": 71384, "data_time": 0.00985, "decode.loss_ce": 0.1331, "decode.acc_seg": 94.15951, "aux.loss_ce": 0.0574, "aux.acc_seg": 93.73047, "loss": 0.1905, "time": 1.61895} {"mode": "train", "epoch": 56, "iter": 69900, "lr": 1e-05, "memory": 71384, "data_time": 0.00976, "decode.loss_ce": 0.13183, "decode.acc_seg": 94.20024, "aux.loss_ce": 0.05665, "aux.acc_seg": 93.73433, "loss": 0.18848, "time": 1.62336} {"mode": "train", "epoch": 56, "iter": 69950, "lr": 1e-05, "memory": 71384, "data_time": 0.00978, "decode.loss_ce": 0.13861, "decode.acc_seg": 94.04911, "aux.loss_ce": 0.05929, "aux.acc_seg": 93.63681, "loss": 0.1979, "time": 1.62401} {"mode": "train", "epoch": 56, "iter": 70000, "lr": 1e-05, "memory": 71384, "data_time": 0.00966, "decode.loss_ce": 0.14299, "decode.acc_seg": 93.52482, "aux.loss_ce": 0.061, "aux.acc_seg": 93.1365, "loss": 0.20398, "time": 3.348} {"mode": "val", "epoch": 56, "iter": 250, "lr": 1e-05, "aAcc": 0.8664, "mIoU": 0.588, "mAcc": 0.712, "IoU.wall": 0.8313, "IoU.building": 0.8588, "IoU.sky": 0.9508, "IoU.floor": 0.855, "IoU.tree": 0.783, "IoU.ceiling": 0.8786, "IoU.road": 0.8621, "IoU.bed ": 0.926, "IoU.windowpane": 0.6717, "IoU.grass": 0.6986, "IoU.cabinet": 0.6679, "IoU.sidewalk": 0.7028, "IoU.person": 0.8641, "IoU.earth": 0.4205, "IoU.door": 0.6047, "IoU.table": 0.7093, "IoU.mountain": 0.6287, "IoU.plant": 0.5848, "IoU.curtain": 0.7878, "IoU.chair": 0.6915, "IoU.car": 0.8865, "IoU.water": 0.605, "IoU.painting": 0.7795, "IoU.sofa": 0.8429, "IoU.shelf": 0.5326, "IoU.house": 0.518, "IoU.sea": 0.6171, "IoU.mirror": 0.7845, "IoU.rug": 0.6673, "IoU.field": 0.3388, "IoU.armchair": 0.6176, "IoU.seat": 0.6689, "IoU.fence": 0.4969, "IoU.desk": 0.5961, "IoU.rock": 0.5443, "IoU.wardrobe": 0.544, "IoU.lamp": 0.7695, "IoU.bathtub": 0.8648, "IoU.railing": 0.465, "IoU.cushion": 0.7393, "IoU.base": 0.366, "IoU.box": 0.3899, "IoU.column": 0.5907, "IoU.signboard": 0.4199, "IoU.chest of drawers": 0.4398, "IoU.counter": 0.4267, "IoU.sand": 0.5816, "IoU.sink": 0.8078, "IoU.skyscraper": 0.4657, "IoU.fireplace": 0.7407, "IoU.refrigerator": 0.8599, "IoU.grandstand": 0.5131, "IoU.path": 0.3221, "IoU.stairs": 0.3404, "IoU.runway": 0.7449, "IoU.case": 0.6315, "IoU.pool table": 0.9498, "IoU.pillow": 0.6956, "IoU.screen door": 0.7777, "IoU.stairway": 0.4745, "IoU.river": 0.0918, "IoU.bridge": 0.6218, "IoU.bookcase": 0.5235, "IoU.blind": 0.447, "IoU.coffee table": 0.6237, "IoU.toilet": 0.9132, "IoU.flower": 0.464, "IoU.book": 0.5703, "IoU.hill": 0.0918, "IoU.bench": 0.5641, "IoU.countertop": 0.6428, "IoU.stove": 0.8837, "IoU.palm": 0.5529, "IoU.kitchen island": 0.6238, "IoU.computer": 0.7811, "IoU.swivel chair": 0.5016, "IoU.boat": 0.8379, "IoU.bar": 0.6528, "IoU.arcade machine": 0.7395, "IoU.hovel": 0.1421, "IoU.bus": 0.9222, "IoU.towel": 0.8051, "IoU.light": 0.632, "IoU.truck": 0.497, "IoU.tower": 0.4099, "IoU.chandelier": 0.748, "IoU.awning": 0.3926, "IoU.streetlight": 0.397, "IoU.booth": 0.4157, "IoU.television receiver": 0.8068, "IoU.airplane": 0.8798, "IoU.dirt track": 0.0541, "IoU.apparel": 0.6537, "IoU.pole": 0.2232, "IoU.land": 0.0349, "IoU.bannister": 0.2334, "IoU.escalator": 0.6781, "IoU.ottoman": 0.4935, "IoU.bottle": 0.4641, "IoU.buffet": 0.521, "IoU.poster": 0.3123, "IoU.stage": 0.212, "IoU.van": 0.4941, "IoU.ship": 0.8238, "IoU.fountain": 0.3674, "IoU.conveyer belt": 0.8277, "IoU.canopy": 0.5543, "IoU.washer": 0.8574, "IoU.plaything": 0.3435, "IoU.swimming pool": 0.5282, "IoU.stool": 0.5242, "IoU.barrel": 0.7639, "IoU.basket": 0.4213, "IoU.waterfall": 0.49, "IoU.tent": 0.9384, "IoU.bag": 0.2776, "IoU.minibike": 0.7785, "IoU.cradle": 0.8661, "IoU.oven": 0.6055, "IoU.ball": 0.5718, "IoU.food": 0.6464, "IoU.step": 0.2397, "IoU.tank": 0.8429, "IoU.trade name": 0.217, "IoU.microwave": 0.9002, "IoU.pot": 0.5739, "IoU.animal": 0.628, "IoU.bicycle": 0.5972, "IoU.lake": 0.5035, "IoU.dishwasher": 0.7658, "IoU.screen": 0.5921, "IoU.blanket": 0.3495, "IoU.sculpture": 0.7497, "IoU.hood": 0.6473, "IoU.sconce": 0.6457, "IoU.vase": 0.4888, "IoU.traffic light": 0.3633, "IoU.tray": 0.268, "IoU.ashcan": 0.5234, "IoU.fan": 0.7009, "IoU.pier": 0.497, "IoU.crt screen": 0.017, "IoU.plate": 0.6279, "IoU.monitor": 0.5112, "IoU.bulletin board": 0.5914, "IoU.shower": 0.0941, "IoU.radiator": 0.6767, "IoU.glass": 0.2213, "IoU.clock": 0.5022, "IoU.flag": 0.727, "Acc.wall": 0.9089, "Acc.building": 0.9354, "Acc.sky": 0.9738, "Acc.floor": 0.9249, "Acc.tree": 0.9074, "Acc.ceiling": 0.9475, "Acc.road": 0.9065, "Acc.bed ": 0.9692, "Acc.windowpane": 0.8075, "Acc.grass": 0.8299, "Acc.cabinet": 0.7665, "Acc.sidewalk": 0.8489, "Acc.person": 0.9486, "Acc.earth": 0.5591, "Acc.door": 0.7549, "Acc.table": 0.8169, "Acc.mountain": 0.7363, "Acc.plant": 0.6889, "Acc.curtain": 0.88, "Acc.chair": 0.8236, "Acc.car": 0.9412, "Acc.water": 0.7817, "Acc.painting": 0.9131, "Acc.sofa": 0.9198, "Acc.shelf": 0.6959, "Acc.house": 0.6152, "Acc.sea": 0.6786, "Acc.mirror": 0.8536, "Acc.rug": 0.7558, "Acc.field": 0.5641, "Acc.armchair": 0.759, "Acc.seat": 0.8991, "Acc.fence": 0.6358, "Acc.desk": 0.7956, "Acc.rock": 0.7868, "Acc.wardrobe": 0.7628, "Acc.lamp": 0.8806, "Acc.bathtub": 0.8975, "Acc.railing": 0.6649, "Acc.cushion": 0.8408, "Acc.base": 0.5252, "Acc.box": 0.5033, "Acc.column": 0.6977, "Acc.signboard": 0.5922, "Acc.chest of drawers": 0.6436, "Acc.counter": 0.5253, "Acc.sand": 0.8629, "Acc.sink": 0.8634, "Acc.skyscraper": 0.6003, "Acc.fireplace": 0.9187, "Acc.refrigerator": 0.9432, "Acc.grandstand": 0.8108, "Acc.path": 0.4383, "Acc.stairs": 0.4051, "Acc.runway": 0.9735, "Acc.case": 0.8421, "Acc.pool table": 0.9801, "Acc.pillow": 0.803, "Acc.screen door": 0.792, "Acc.stairway": 0.664, "Acc.river": 0.2089, "Acc.bridge": 0.7123, "Acc.bookcase": 0.6167, "Acc.blind": 0.5031, "Acc.coffee table": 0.8671, "Acc.toilet": 0.9412, "Acc.flower": 0.6042, "Acc.book": 0.8077, "Acc.hill": 0.1576, "Acc.bench": 0.6418, "Acc.countertop": 0.8533, "Acc.stove": 0.9312, "Acc.palm": 0.8347, "Acc.kitchen island": 0.8686, "Acc.computer": 0.912, "Acc.swivel chair": 0.7683, "Acc.boat": 0.9109, "Acc.bar": 0.8733, "Acc.arcade machine": 0.7782, "Acc.hovel": 0.1558, "Acc.bus": 0.9726, "Acc.towel": 0.8679, "Acc.light": 0.731, "Acc.truck": 0.5888, "Acc.tower": 0.7344, "Acc.chandelier": 0.8916, "Acc.awning": 0.4675, "Acc.streetlight": 0.5265, "Acc.booth": 0.5773, "Acc.television receiver": 0.867, "Acc.airplane": 0.9669, "Acc.dirt track": 0.2915, "Acc.apparel": 0.9014, "Acc.pole": 0.3773, "Acc.land": 0.0463, "Acc.bannister": 0.3089, "Acc.escalator": 0.8477, "Acc.ottoman": 0.6339, "Acc.bottle": 0.6319, "Acc.buffet": 0.5899, "Acc.poster": 0.3805, "Acc.stage": 0.3296, "Acc.van": 0.7017, "Acc.ship": 0.9002, "Acc.fountain": 0.3733, "Acc.conveyer belt": 0.9375, "Acc.canopy": 0.7821, "Acc.washer": 0.9113, "Acc.plaything": 0.5166, "Acc.swimming pool": 0.7633, "Acc.stool": 0.718, "Acc.barrel": 0.9422, "Acc.basket": 0.6051, "Acc.waterfall": 0.6482, "Acc.tent": 0.9846, "Acc.bag": 0.32, "Acc.minibike": 0.9085, "Acc.cradle": 0.9741, "Acc.oven": 0.7076, "Acc.ball": 0.7221, "Acc.food": 0.7539, "Acc.step": 0.2744, "Acc.tank": 0.9126, "Acc.trade name": 0.2537, "Acc.microwave": 0.962, "Acc.pot": 0.6808, "Acc.animal": 0.6456, "Acc.bicycle": 0.8106, "Acc.lake": 0.6903, "Acc.dishwasher": 0.8444, "Acc.screen": 0.8816, "Acc.blanket": 0.3964, "Acc.sculpture": 0.8756, "Acc.hood": 0.76, "Acc.sconce": 0.7623, "Acc.vase": 0.6764, "Acc.traffic light": 0.6255, "Acc.tray": 0.3382, "Acc.ashcan": 0.6646, "Acc.fan": 0.8417, "Acc.pier": 0.5638, "Acc.crt screen": 0.0345, "Acc.plate": 0.8122, "Acc.monitor": 0.6086, "Acc.bulletin board": 0.6827, "Acc.shower": 0.1254, "Acc.radiator": 0.8172, "Acc.glass": 0.2384, "Acc.clock": 0.5863, "Acc.flag": 0.8213} {"mode": "train", "epoch": 56, "iter": 70050, "lr": 0.0, "memory": 71384, "data_time": 1.92494, "decode.loss_ce": 0.128, "decode.acc_seg": 94.25048, "aux.loss_ce": 0.05529, "aux.acc_seg": 93.87181, "loss": 0.18329, "time": 3.54101} {"mode": "train", "epoch": 56, "iter": 70100, "lr": 0.0, "memory": 71384, "data_time": 0.01032, "decode.loss_ce": 0.13598, "decode.acc_seg": 93.967, "aux.loss_ce": 0.05868, "aux.acc_seg": 93.49333, "loss": 0.19466, "time": 1.62218} {"mode": "train", "epoch": 56, "iter": 70150, "lr": 0.0, "memory": 71384, "data_time": 0.00983, "decode.loss_ce": 0.13128, "decode.acc_seg": 94.28289, "aux.loss_ce": 0.05681, "aux.acc_seg": 93.84427, "loss": 0.18809, "time": 1.61918} {"mode": "train", "epoch": 56, "iter": 70200, "lr": 0.0, "memory": 71384, "data_time": 0.00992, "decode.loss_ce": 0.12984, "decode.acc_seg": 94.15668, "aux.loss_ce": 0.05603, "aux.acc_seg": 93.72417, "loss": 0.18586, "time": 1.61874} {"mode": "train", "epoch": 56, "iter": 70250, "lr": 0.0, "memory": 71384, "data_time": 0.00991, "decode.loss_ce": 0.12458, "decode.acc_seg": 94.37262, "aux.loss_ce": 0.05404, "aux.acc_seg": 93.90537, "loss": 0.17861, "time": 1.62416} {"mode": "train", "epoch": 56, "iter": 70300, "lr": 0.0, "memory": 71384, "data_time": 0.01015, "decode.loss_ce": 0.14031, "decode.acc_seg": 93.8992, "aux.loss_ce": 0.06039, "aux.acc_seg": 93.47792, "loss": 0.2007, "time": 1.62763} {"mode": "train", "epoch": 56, "iter": 70350, "lr": 0.0, "memory": 71384, "data_time": 0.01014, "decode.loss_ce": 0.1326, "decode.acc_seg": 94.11593, "aux.loss_ce": 0.05743, "aux.acc_seg": 93.66125, "loss": 0.19003, "time": 1.61853} {"mode": "train", "epoch": 56, "iter": 70400, "lr": 0.0, "memory": 71384, "data_time": 0.01014, "decode.loss_ce": 0.12836, "decode.acc_seg": 94.32775, "aux.loss_ce": 0.05517, "aux.acc_seg": 93.92654, "loss": 0.18354, "time": 1.61954} {"mode": "train", "epoch": 56, "iter": 70450, "lr": 0.0, "memory": 71384, "data_time": 0.00984, "decode.loss_ce": 0.12817, "decode.acc_seg": 94.30641, "aux.loss_ce": 0.05523, "aux.acc_seg": 93.88373, "loss": 0.1834, "time": 1.62196} {"mode": "train", "epoch": 56, "iter": 70500, "lr": 0.0, "memory": 71384, "data_time": 0.00987, "decode.loss_ce": 0.1327, "decode.acc_seg": 94.0945, "aux.loss_ce": 0.05732, "aux.acc_seg": 93.66132, "loss": 0.19002, "time": 1.61964} {"mode": "train", "epoch": 56, "iter": 70550, "lr": 0.0, "memory": 71384, "data_time": 0.0099, "decode.loss_ce": 0.12748, "decode.acc_seg": 94.30707, "aux.loss_ce": 0.05477, "aux.acc_seg": 93.91152, "loss": 0.18225, "time": 1.61885} {"mode": "train", "epoch": 56, "iter": 70600, "lr": 0.0, "memory": 71384, "data_time": 0.00989, "decode.loss_ce": 0.1361, "decode.acc_seg": 93.8683, "aux.loss_ce": 0.05817, "aux.acc_seg": 93.46689, "loss": 0.19427, "time": 1.62374} {"mode": "train", "epoch": 56, "iter": 70650, "lr": 0.0, "memory": 71384, "data_time": 0.01002, "decode.loss_ce": 0.13354, "decode.acc_seg": 93.95534, "aux.loss_ce": 0.05733, "aux.acc_seg": 93.49112, "loss": 0.19087, "time": 1.62399} {"mode": "train", "epoch": 56, "iter": 70700, "lr": 0.0, "memory": 71384, "data_time": 0.00996, "decode.loss_ce": 0.12923, "decode.acc_seg": 94.362, "aux.loss_ce": 0.05587, "aux.acc_seg": 93.89434, "loss": 0.1851, "time": 1.62069} {"mode": "train", "epoch": 57, "iter": 70750, "lr": 0.0, "memory": 71384, "data_time": 0.06168, "decode.loss_ce": 0.13293, "decode.acc_seg": 94.02129, "aux.loss_ce": 0.05731, "aux.acc_seg": 93.60897, "loss": 0.19024, "time": 1.6754} {"mode": "train", "epoch": 57, "iter": 70800, "lr": 0.0, "memory": 71384, "data_time": 0.0099, "decode.loss_ce": 0.12444, "decode.acc_seg": 94.45386, "aux.loss_ce": 0.05392, "aux.acc_seg": 93.99177, "loss": 0.17836, "time": 1.62117} {"mode": "train", "epoch": 57, "iter": 70850, "lr": 0.0, "memory": 71384, "data_time": 0.01017, "decode.loss_ce": 0.1212, "decode.acc_seg": 94.60675, "aux.loss_ce": 0.05218, "aux.acc_seg": 94.2035, "loss": 0.17338, "time": 1.62071} {"mode": "train", "epoch": 57, "iter": 70900, "lr": 0.0, "memory": 71384, "data_time": 0.01002, "decode.loss_ce": 0.12863, "decode.acc_seg": 94.03023, "aux.loss_ce": 0.05562, "aux.acc_seg": 93.5656, "loss": 0.18425, "time": 1.62166} {"mode": "train", "epoch": 57, "iter": 70950, "lr": 0.0, "memory": 71384, "data_time": 0.00989, "decode.loss_ce": 0.13199, "decode.acc_seg": 94.14704, "aux.loss_ce": 0.05661, "aux.acc_seg": 93.73952, "loss": 0.1886, "time": 1.62222} {"mode": "train", "epoch": 57, "iter": 71000, "lr": 0.0, "memory": 71384, "data_time": 0.00995, "decode.loss_ce": 0.12889, "decode.acc_seg": 94.18844, "aux.loss_ce": 0.05582, "aux.acc_seg": 93.73465, "loss": 0.18471, "time": 1.61959} {"mode": "val", "epoch": 57, "iter": 250, "lr": 0.0, "aAcc": 0.8674, "mIoU": 0.5895, "mAcc": 0.7143, "IoU.wall": 0.8321, "IoU.building": 0.8597, "IoU.sky": 0.9511, "IoU.floor": 0.8546, "IoU.tree": 0.7828, "IoU.ceiling": 0.8795, "IoU.road": 0.8643, "IoU.bed ": 0.9292, "IoU.windowpane": 0.6806, "IoU.grass": 0.6922, "IoU.cabinet": 0.6856, "IoU.sidewalk": 0.7024, "IoU.person": 0.8637, "IoU.earth": 0.4235, "IoU.door": 0.6032, "IoU.table": 0.7101, "IoU.mountain": 0.6267, "IoU.plant": 0.5834, "IoU.curtain": 0.7882, "IoU.chair": 0.6928, "IoU.car": 0.8868, "IoU.water": 0.6255, "IoU.painting": 0.7681, "IoU.sofa": 0.8444, "IoU.shelf": 0.539, "IoU.house": 0.5644, "IoU.sea": 0.7237, "IoU.mirror": 0.7764, "IoU.rug": 0.6674, "IoU.field": 0.3262, "IoU.armchair": 0.6249, "IoU.seat": 0.6776, "IoU.fence": 0.5338, "IoU.desk": 0.6065, "IoU.rock": 0.5351, "IoU.wardrobe": 0.5593, "IoU.lamp": 0.7724, "IoU.bathtub": 0.8666, "IoU.railing": 0.4583, "IoU.cushion": 0.7439, "IoU.base": 0.3696, "IoU.box": 0.3758, "IoU.column": 0.589, "IoU.signboard": 0.4143, "IoU.chest of drawers": 0.4312, "IoU.counter": 0.4238, "IoU.sand": 0.5404, "IoU.sink": 0.8103, "IoU.skyscraper": 0.4692, "IoU.fireplace": 0.7451, "IoU.refrigerator": 0.8673, "IoU.grandstand": 0.5125, "IoU.path": 0.3132, "IoU.stairs": 0.3305, "IoU.runway": 0.7433, "IoU.case": 0.6462, "IoU.pool table": 0.9513, "IoU.pillow": 0.7099, "IoU.screen door": 0.7543, "IoU.stairway": 0.4607, "IoU.river": 0.0954, "IoU.bridge": 0.7067, "IoU.bookcase": 0.5537, "IoU.blind": 0.4629, "IoU.coffee table": 0.6261, "IoU.toilet": 0.9113, "IoU.flower": 0.4668, "IoU.book": 0.5838, "IoU.hill": 0.0779, "IoU.bench": 0.5619, "IoU.countertop": 0.6501, "IoU.stove": 0.8773, "IoU.palm": 0.5492, "IoU.kitchen island": 0.6659, "IoU.computer": 0.7678, "IoU.swivel chair": 0.4691, "IoU.boat": 0.7992, "IoU.bar": 0.6497, "IoU.arcade machine": 0.7296, "IoU.hovel": 0.1373, "IoU.bus": 0.9217, "IoU.towel": 0.8126, "IoU.light": 0.633, "IoU.truck": 0.515, "IoU.tower": 0.4036, "IoU.chandelier": 0.7529, "IoU.awning": 0.4139, "IoU.streetlight": 0.3984, "IoU.booth": 0.4094, "IoU.television receiver": 0.8047, "IoU.airplane": 0.8746, "IoU.dirt track": 0.059, "IoU.apparel": 0.668, "IoU.pole": 0.208, "IoU.land": 0.0384, "IoU.bannister": 0.2217, "IoU.escalator": 0.6812, "IoU.ottoman": 0.5024, "IoU.bottle": 0.448, "IoU.buffet": 0.5926, "IoU.poster": 0.3221, "IoU.stage": 0.278, "IoU.van": 0.4863, "IoU.ship": 0.8204, "IoU.fountain": 0.3576, "IoU.conveyer belt": 0.8224, "IoU.canopy": 0.511, "IoU.washer": 0.8452, "IoU.plaything": 0.409, "IoU.swimming pool": 0.5229, "IoU.stool": 0.5351, "IoU.barrel": 0.7857, "IoU.basket": 0.4104, "IoU.waterfall": 0.4616, "IoU.tent": 0.9072, "IoU.bag": 0.2918, "IoU.minibike": 0.7628, "IoU.cradle": 0.8875, "IoU.oven": 0.6526, "IoU.ball": 0.5718, "IoU.food": 0.6697, "IoU.step": 0.2349, "IoU.tank": 0.8301, "IoU.trade name": 0.2082, "IoU.microwave": 0.9126, "IoU.pot": 0.5835, "IoU.animal": 0.6305, "IoU.bicycle": 0.6044, "IoU.lake": 0.4917, "IoU.dishwasher": 0.7705, "IoU.screen": 0.5747, "IoU.blanket": 0.3824, "IoU.sculpture": 0.7463, "IoU.hood": 0.6458, "IoU.sconce": 0.6337, "IoU.vase": 0.4925, "IoU.traffic light": 0.354, "IoU.tray": 0.2712, "IoU.ashcan": 0.5223, "IoU.fan": 0.7056, "IoU.pier": 0.4851, "IoU.crt screen": 0.0142, "IoU.plate": 0.6251, "IoU.monitor": 0.3408, "IoU.bulletin board": 0.5341, "IoU.shower": 0.093, "IoU.radiator": 0.6878, "IoU.glass": 0.2318, "IoU.clock": 0.5226, "IoU.flag": 0.7244, "Acc.wall": 0.9091, "Acc.building": 0.9341, "Acc.sky": 0.9765, "Acc.floor": 0.9235, "Acc.tree": 0.8982, "Acc.ceiling": 0.9426, "Acc.road": 0.9119, "Acc.bed ": 0.9668, "Acc.windowpane": 0.8255, "Acc.grass": 0.8214, "Acc.cabinet": 0.7859, "Acc.sidewalk": 0.8409, "Acc.person": 0.9494, "Acc.earth": 0.5638, "Acc.door": 0.7413, "Acc.table": 0.8239, "Acc.mountain": 0.7393, "Acc.plant": 0.6816, "Acc.curtain": 0.8932, "Acc.chair": 0.8185, "Acc.car": 0.941, "Acc.water": 0.784, "Acc.painting": 0.9021, "Acc.sofa": 0.9317, "Acc.shelf": 0.7116, "Acc.house": 0.7206, "Acc.sea": 0.8041, "Acc.mirror": 0.8495, "Acc.rug": 0.756, "Acc.field": 0.554, "Acc.armchair": 0.7686, "Acc.seat": 0.9, "Acc.fence": 0.6539, "Acc.desk": 0.7821, "Acc.rock": 0.7893, "Acc.wardrobe": 0.7426, "Acc.lamp": 0.8669, "Acc.bathtub": 0.8915, "Acc.railing": 0.6343, "Acc.cushion": 0.8449, "Acc.base": 0.536, "Acc.box": 0.4676, "Acc.column": 0.6786, "Acc.signboard": 0.5847, "Acc.chest of drawers": 0.6187, "Acc.counter": 0.5177, "Acc.sand": 0.88, "Acc.sink": 0.8615, "Acc.skyscraper": 0.5962, "Acc.fireplace": 0.9178, "Acc.refrigerator": 0.9443, "Acc.grandstand": 0.8276, "Acc.path": 0.4157, "Acc.stairs": 0.4143, "Acc.runway": 0.969, "Acc.case": 0.8196, "Acc.pool table": 0.9774, "Acc.pillow": 0.8225, "Acc.screen door": 0.7677, "Acc.stairway": 0.641, "Acc.river": 0.2141, "Acc.bridge": 0.8218, "Acc.bookcase": 0.6678, "Acc.blind": 0.5309, "Acc.coffee table": 0.8657, "Acc.toilet": 0.9384, "Acc.flower": 0.6012, "Acc.book": 0.8063, "Acc.hill": 0.144, "Acc.bench": 0.6288, "Acc.countertop": 0.8522, "Acc.stove": 0.9228, "Acc.palm": 0.8379, "Acc.kitchen island": 0.8419, "Acc.computer": 0.8775, "Acc.swivel chair": 0.7072, "Acc.boat": 0.9249, "Acc.bar": 0.8833, "Acc.arcade machine": 0.7692, "Acc.hovel": 0.1607, "Acc.bus": 0.9739, "Acc.towel": 0.887, "Acc.light": 0.7258, "Acc.truck": 0.5916, "Acc.tower": 0.714, "Acc.chandelier": 0.8759, "Acc.awning": 0.4982, "Acc.streetlight": 0.5297, "Acc.booth": 0.544, "Acc.television receiver": 0.8825, "Acc.airplane": 0.9552, "Acc.dirt track": 0.3103, "Acc.apparel": 0.8542, "Acc.pole": 0.356, "Acc.land": 0.0552, "Acc.bannister": 0.2743, "Acc.escalator": 0.8588, "Acc.ottoman": 0.6446, "Acc.bottle": 0.5895, "Acc.buffet": 0.7168, "Acc.poster": 0.3958, "Acc.stage": 0.4562, "Acc.van": 0.7431, "Acc.ship": 0.9381, "Acc.fountain": 0.3747, "Acc.conveyer belt": 0.9517, "Acc.canopy": 0.7119, "Acc.washer": 0.8957, "Acc.plaything": 0.6105, "Acc.swimming pool": 0.76, "Acc.stool": 0.7331, "Acc.barrel": 0.948, "Acc.basket": 0.5663, "Acc.waterfall": 0.5965, "Acc.tent": 0.9848, "Acc.bag": 0.3513, "Acc.minibike": 0.916, "Acc.cradle": 0.9736, "Acc.oven": 0.8075, "Acc.ball": 0.6935, "Acc.food": 0.802, "Acc.step": 0.2691, "Acc.tank": 0.9057, "Acc.trade name": 0.2411, "Acc.microwave": 0.962, "Acc.pot": 0.7034, "Acc.animal": 0.6461, "Acc.bicycle": 0.7781, "Acc.lake": 0.6372, "Acc.dishwasher": 0.8425, "Acc.screen": 0.8979, "Acc.blanket": 0.4376, "Acc.sculpture": 0.8886, "Acc.hood": 0.7589, "Acc.sconce": 0.7288, "Acc.vase": 0.6743, "Acc.traffic light": 0.6632, "Acc.tray": 0.3612, "Acc.ashcan": 0.6746, "Acc.fan": 0.8358, "Acc.pier": 0.5474, "Acc.crt screen": 0.034, "Acc.plate": 0.8105, "Acc.monitor": 0.4383, "Acc.bulletin board": 0.6504, "Acc.shower": 0.1258, "Acc.radiator": 0.822, "Acc.glass": 0.2587, "Acc.clock": 0.6482, "Acc.flag": 0.8223} {"mode": "train", "epoch": 57, "iter": 71050, "lr": 0.0, "memory": 71384, "data_time": 1.93684, "decode.loss_ce": 0.13163, "decode.acc_seg": 93.98911, "aux.loss_ce": 0.05688, "aux.acc_seg": 93.5251, "loss": 0.18851, "time": 3.55089} {"mode": "train", "epoch": 57, "iter": 71100, "lr": 0.0, "memory": 71384, "data_time": 0.0097, "decode.loss_ce": 0.12692, "decode.acc_seg": 94.26734, "aux.loss_ce": 0.0548, "aux.acc_seg": 93.7883, "loss": 0.18172, "time": 1.62053} {"mode": "train", "epoch": 57, "iter": 71150, "lr": 0.0, "memory": 71384, "data_time": 0.00972, "decode.loss_ce": 0.12873, "decode.acc_seg": 94.22757, "aux.loss_ce": 0.05551, "aux.acc_seg": 93.78776, "loss": 0.18424, "time": 1.62161} {"mode": "train", "epoch": 57, "iter": 71200, "lr": 0.0, "memory": 71384, "data_time": 0.0097, "decode.loss_ce": 0.13279, "decode.acc_seg": 94.27591, "aux.loss_ce": 0.0573, "aux.acc_seg": 93.86168, "loss": 0.19009, "time": 1.61772} {"mode": "train", "epoch": 57, "iter": 71250, "lr": 0.0, "memory": 71384, "data_time": 0.00987, "decode.loss_ce": 0.12328, "decode.acc_seg": 94.48019, "aux.loss_ce": 0.05349, "aux.acc_seg": 94.06005, "loss": 0.17677, "time": 1.62259} {"mode": "train", "epoch": 57, "iter": 71300, "lr": 0.0, "memory": 71384, "data_time": 0.00986, "decode.loss_ce": 0.13176, "decode.acc_seg": 94.06943, "aux.loss_ce": 0.05657, "aux.acc_seg": 93.6468, "loss": 0.18832, "time": 1.62194} {"mode": "train", "epoch": 57, "iter": 71350, "lr": 0.0, "memory": 71384, "data_time": 0.00972, "decode.loss_ce": 0.13234, "decode.acc_seg": 94.0823, "aux.loss_ce": 0.05676, "aux.acc_seg": 93.71602, "loss": 0.1891, "time": 1.61917} {"mode": "train", "epoch": 57, "iter": 71400, "lr": 0.0, "memory": 71384, "data_time": 0.00987, "decode.loss_ce": 0.13743, "decode.acc_seg": 94.01858, "aux.loss_ce": 0.05856, "aux.acc_seg": 93.61064, "loss": 0.19599, "time": 1.62353} {"mode": "train", "epoch": 57, "iter": 71450, "lr": 0.0, "memory": 71384, "data_time": 0.00963, "decode.loss_ce": 0.12322, "decode.acc_seg": 94.44698, "aux.loss_ce": 0.05291, "aux.acc_seg": 94.063, "loss": 0.17613, "time": 1.61797} {"mode": "train", "epoch": 57, "iter": 71500, "lr": 0.0, "memory": 71384, "data_time": 0.00996, "decode.loss_ce": 0.13138, "decode.acc_seg": 94.13953, "aux.loss_ce": 0.05634, "aux.acc_seg": 93.73666, "loss": 0.18772, "time": 1.62457} {"mode": "train", "epoch": 57, "iter": 71550, "lr": 0.0, "memory": 71384, "data_time": 0.00985, "decode.loss_ce": 0.1335, "decode.acc_seg": 94.01012, "aux.loss_ce": 0.0572, "aux.acc_seg": 93.6006, "loss": 0.1907, "time": 1.62451} {"mode": "train", "epoch": 57, "iter": 71600, "lr": 0.0, "memory": 71384, "data_time": 0.00961, "decode.loss_ce": 0.13133, "decode.acc_seg": 94.27785, "aux.loss_ce": 0.05621, "aux.acc_seg": 93.84938, "loss": 0.18754, "time": 1.61853} {"mode": "train", "epoch": 57, "iter": 71650, "lr": 0.0, "memory": 71384, "data_time": 0.00972, "decode.loss_ce": 0.12778, "decode.acc_seg": 94.34882, "aux.loss_ce": 0.05493, "aux.acc_seg": 93.91506, "loss": 0.18271, "time": 1.62066} {"mode": "train", "epoch": 57, "iter": 71700, "lr": 0.0, "memory": 71384, "data_time": 0.00956, "decode.loss_ce": 0.12291, "decode.acc_seg": 94.54339, "aux.loss_ce": 0.05342, "aux.acc_seg": 94.09694, "loss": 0.17633, "time": 1.62426} {"mode": "train", "epoch": 57, "iter": 71750, "lr": 0.0, "memory": 71384, "data_time": 0.00973, "decode.loss_ce": 0.12991, "decode.acc_seg": 94.09491, "aux.loss_ce": 0.05635, "aux.acc_seg": 93.63242, "loss": 0.18625, "time": 1.62276} {"mode": "train", "epoch": 57, "iter": 71800, "lr": 0.0, "memory": 71384, "data_time": 0.00959, "decode.loss_ce": 0.12551, "decode.acc_seg": 94.43976, "aux.loss_ce": 0.05397, "aux.acc_seg": 94.09136, "loss": 0.17948, "time": 1.61975} {"mode": "train", "epoch": 57, "iter": 71850, "lr": 0.0, "memory": 71384, "data_time": 0.00966, "decode.loss_ce": 0.13748, "decode.acc_seg": 93.97495, "aux.loss_ce": 0.05942, "aux.acc_seg": 93.51785, "loss": 0.19691, "time": 1.61909} {"mode": "train", "epoch": 57, "iter": 71900, "lr": 0.0, "memory": 71384, "data_time": 0.00961, "decode.loss_ce": 0.12783, "decode.acc_seg": 94.19189, "aux.loss_ce": 0.05479, "aux.acc_seg": 93.76986, "loss": 0.18262, "time": 1.61972} {"mode": "train", "epoch": 57, "iter": 71950, "lr": 0.0, "memory": 71384, "data_time": 0.00972, "decode.loss_ce": 0.13696, "decode.acc_seg": 94.10388, "aux.loss_ce": 0.05866, "aux.acc_seg": 93.68773, "loss": 0.19563, "time": 1.62199} {"mode": "train", "epoch": 58, "iter": 72000, "lr": 0.0, "memory": 71384, "data_time": 0.05482, "decode.loss_ce": 0.13601, "decode.acc_seg": 93.83918, "aux.loss_ce": 0.05872, "aux.acc_seg": 93.45051, "loss": 0.19473, "time": 3.38469} {"mode": "val", "epoch": 58, "iter": 250, "lr": 0.0, "aAcc": 0.867, "mIoU": 0.591, "mAcc": 0.7131, "IoU.wall": 0.8307, "IoU.building": 0.8597, "IoU.sky": 0.9499, "IoU.floor": 0.8496, "IoU.tree": 0.7806, "IoU.ceiling": 0.8788, "IoU.road": 0.8636, "IoU.bed ": 0.9295, "IoU.windowpane": 0.6836, "IoU.grass": 0.6913, "IoU.cabinet": 0.6804, "IoU.sidewalk": 0.7067, "IoU.person": 0.8637, "IoU.earth": 0.4232, "IoU.door": 0.6088, "IoU.table": 0.7052, "IoU.mountain": 0.6268, "IoU.plant": 0.5729, "IoU.curtain": 0.7908, "IoU.chair": 0.6916, "IoU.car": 0.8888, "IoU.water": 0.6207, "IoU.painting": 0.7744, "IoU.sofa": 0.8462, "IoU.shelf": 0.5322, "IoU.house": 0.5749, "IoU.sea": 0.7309, "IoU.mirror": 0.7798, "IoU.rug": 0.5817, "IoU.field": 0.3353, "IoU.armchair": 0.6212, "IoU.seat": 0.6802, "IoU.fence": 0.5375, "IoU.desk": 0.6004, "IoU.rock": 0.5438, "IoU.wardrobe": 0.5612, "IoU.lamp": 0.7714, "IoU.bathtub": 0.8692, "IoU.railing": 0.4666, "IoU.cushion": 0.7439, "IoU.base": 0.3726, "IoU.box": 0.394, "IoU.column": 0.5953, "IoU.signboard": 0.4216, "IoU.chest of drawers": 0.4395, "IoU.counter": 0.4259, "IoU.sand": 0.5644, "IoU.sink": 0.8054, "IoU.skyscraper": 0.4706, "IoU.fireplace": 0.7478, "IoU.refrigerator": 0.8664, "IoU.grandstand": 0.513, "IoU.path": 0.324, "IoU.stairs": 0.3147, "IoU.runway": 0.7452, "IoU.case": 0.6357, "IoU.pool table": 0.9508, "IoU.pillow": 0.7168, "IoU.screen door": 0.825, "IoU.stairway": 0.4782, "IoU.river": 0.0993, "IoU.bridge": 0.6878, "IoU.bookcase": 0.549, "IoU.blind": 0.4925, "IoU.coffee table": 0.6089, "IoU.toilet": 0.9133, "IoU.flower": 0.4605, "IoU.book": 0.5815, "IoU.hill": 0.1073, "IoU.bench": 0.5686, "IoU.countertop": 0.6521, "IoU.stove": 0.8762, "IoU.palm": 0.549, "IoU.kitchen island": 0.6015, "IoU.computer": 0.796, "IoU.swivel chair": 0.4805, "IoU.boat": 0.7946, "IoU.bar": 0.6595, "IoU.arcade machine": 0.7429, "IoU.hovel": 0.1375, "IoU.bus": 0.926, "IoU.towel": 0.813, "IoU.light": 0.617, "IoU.truck": 0.5213, "IoU.tower": 0.3007, "IoU.chandelier": 0.74, "IoU.awning": 0.404, "IoU.streetlight": 0.4083, "IoU.booth": 0.3921, "IoU.television receiver": 0.8149, "IoU.airplane": 0.8853, "IoU.dirt track": 0.0533, "IoU.apparel": 0.6787, "IoU.pole": 0.2328, "IoU.land": 0.0331, "IoU.bannister": 0.2183, "IoU.escalator": 0.6772, "IoU.ottoman": 0.5062, "IoU.bottle": 0.4571, "IoU.buffet": 0.5094, "IoU.poster": 0.3084, "IoU.stage": 0.2723, "IoU.van": 0.4883, "IoU.ship": 0.8291, "IoU.fountain": 0.3595, "IoU.conveyer belt": 0.7953, "IoU.canopy": 0.5127, "IoU.washer": 0.836, "IoU.plaything": 0.4193, "IoU.swimming pool": 0.5228, "IoU.stool": 0.5586, "IoU.barrel": 0.767, "IoU.basket": 0.3965, "IoU.waterfall": 0.4586, "IoU.tent": 0.9252, "IoU.bag": 0.2936, "IoU.minibike": 0.779, "IoU.cradle": 0.8671, "IoU.oven": 0.6708, "IoU.ball": 0.519, "IoU.food": 0.6378, "IoU.step": 0.162, "IoU.tank": 0.8382, "IoU.trade name": 0.2499, "IoU.microwave": 0.9126, "IoU.pot": 0.5884, "IoU.animal": 0.6171, "IoU.bicycle": 0.5976, "IoU.lake": 0.4909, "IoU.dishwasher": 0.782, "IoU.screen": 0.6073, "IoU.blanket": 0.4033, "IoU.sculpture": 0.764, "IoU.hood": 0.6496, "IoU.sconce": 0.6445, "IoU.vase": 0.4915, "IoU.traffic light": 0.3581, "IoU.tray": 0.2549, "IoU.ashcan": 0.5211, "IoU.fan": 0.7203, "IoU.pier": 0.4718, "IoU.crt screen": 0.0229, "IoU.plate": 0.6379, "IoU.monitor": 0.6435, "IoU.bulletin board": 0.5359, "IoU.shower": 0.1321, "IoU.radiator": 0.6861, "IoU.glass": 0.2212, "IoU.clock": 0.5008, "IoU.flag": 0.721, "Acc.wall": 0.9031, "Acc.building": 0.9334, "Acc.sky": 0.9732, "Acc.floor": 0.9264, "Acc.tree": 0.915, "Acc.ceiling": 0.9493, "Acc.road": 0.9085, "Acc.bed ": 0.9693, "Acc.windowpane": 0.8258, "Acc.grass": 0.8152, "Acc.cabinet": 0.7876, "Acc.sidewalk": 0.8481, "Acc.person": 0.9488, "Acc.earth": 0.574, "Acc.door": 0.7645, "Acc.table": 0.8158, "Acc.mountain": 0.7235, "Acc.plant": 0.672, "Acc.curtain": 0.8932, "Acc.chair": 0.8183, "Acc.car": 0.9386, "Acc.water": 0.7782, "Acc.painting": 0.9012, "Acc.sofa": 0.9215, "Acc.shelf": 0.7022, "Acc.house": 0.7207, "Acc.sea": 0.8118, "Acc.mirror": 0.8671, "Acc.rug": 0.6427, "Acc.field": 0.5711, "Acc.armchair": 0.7629, "Acc.seat": 0.8948, "Acc.fence": 0.6438, "Acc.desk": 0.7879, "Acc.rock": 0.8299, "Acc.wardrobe": 0.7393, "Acc.lamp": 0.8718, "Acc.bathtub": 0.8924, "Acc.railing": 0.6685, "Acc.cushion": 0.862, "Acc.base": 0.5365, "Acc.box": 0.5124, "Acc.column": 0.6864, "Acc.signboard": 0.5767, "Acc.chest of drawers": 0.6664, "Acc.counter": 0.5175, "Acc.sand": 0.8669, "Acc.sink": 0.8539, "Acc.skyscraper": 0.5803, "Acc.fireplace": 0.9246, "Acc.refrigerator": 0.9561, "Acc.grandstand": 0.81, "Acc.path": 0.427, "Acc.stairs": 0.3911, "Acc.runway": 0.9746, "Acc.case": 0.8457, "Acc.pool table": 0.9788, "Acc.pillow": 0.8308, "Acc.screen door": 0.8472, "Acc.stairway": 0.6657, "Acc.river": 0.2122, "Acc.bridge": 0.7678, "Acc.bookcase": 0.6802, "Acc.blind": 0.5684, "Acc.coffee table": 0.8732, "Acc.toilet": 0.9405, "Acc.flower": 0.5806, "Acc.book": 0.7964, "Acc.hill": 0.1943, "Acc.bench": 0.6375, "Acc.countertop": 0.865, "Acc.stove": 0.9177, "Acc.palm": 0.831, "Acc.kitchen island": 0.8971, "Acc.computer": 0.9148, "Acc.swivel chair": 0.6636, "Acc.boat": 0.9212, "Acc.bar": 0.8795, "Acc.arcade machine": 0.7861, "Acc.hovel": 0.1558, "Acc.bus": 0.9686, "Acc.towel": 0.8819, "Acc.light": 0.6891, "Acc.truck": 0.6038, "Acc.tower": 0.5134, "Acc.chandelier": 0.8307, "Acc.awning": 0.4739, "Acc.streetlight": 0.5496, "Acc.booth": 0.5783, "Acc.television receiver": 0.884, "Acc.airplane": 0.9594, "Acc.dirt track": 0.266, "Acc.apparel": 0.859, "Acc.pole": 0.399, "Acc.land": 0.049, "Acc.bannister": 0.2688, "Acc.escalator": 0.8528, "Acc.ottoman": 0.6431, "Acc.bottle": 0.6143, "Acc.buffet": 0.5828, "Acc.poster": 0.348, "Acc.stage": 0.4438, "Acc.van": 0.7353, "Acc.ship": 0.9378, "Acc.fountain": 0.365, "Acc.conveyer belt": 0.963, "Acc.canopy": 0.7111, "Acc.washer": 0.8865, "Acc.plaything": 0.6195, "Acc.swimming pool": 0.756, "Acc.stool": 0.7126, "Acc.barrel": 0.9541, "Acc.basket": 0.5694, "Acc.waterfall": 0.6056, "Acc.tent": 0.9839, "Acc.bag": 0.3395, "Acc.minibike": 0.8983, "Acc.cradle": 0.9728, "Acc.oven": 0.8048, "Acc.ball": 0.5584, "Acc.food": 0.7339, "Acc.step": 0.1823, "Acc.tank": 0.9219, "Acc.trade name": 0.2983, "Acc.microwave": 0.9651, "Acc.pot": 0.696, "Acc.animal": 0.6273, "Acc.bicycle": 0.7703, "Acc.lake": 0.6374, "Acc.dishwasher": 0.8425, "Acc.screen": 0.9337, "Acc.blanket": 0.4564, "Acc.sculpture": 0.8655, "Acc.hood": 0.7679, "Acc.sconce": 0.7311, "Acc.vase": 0.6698, "Acc.traffic light": 0.6365, "Acc.tray": 0.3315, "Acc.ashcan": 0.678, "Acc.fan": 0.8157, "Acc.pier": 0.5189, "Acc.crt screen": 0.0339, "Acc.plate": 0.7834, "Acc.monitor": 0.7927, "Acc.bulletin board": 0.7238, "Acc.shower": 0.1393, "Acc.radiator": 0.8267, "Acc.glass": 0.2393, "Acc.clock": 0.6014, "Acc.flag": 0.8034} {"mode": "train", "epoch": 58, "iter": 72050, "lr": 0.0, "memory": 71384, "data_time": 1.94742, "decode.loss_ce": 0.12649, "decode.acc_seg": 94.23851, "aux.loss_ce": 0.05424, "aux.acc_seg": 93.85422, "loss": 0.18074, "time": 3.55752} {"mode": "train", "epoch": 58, "iter": 72100, "lr": 0.0, "memory": 71384, "data_time": 0.0096, "decode.loss_ce": 0.12234, "decode.acc_seg": 94.61367, "aux.loss_ce": 0.05267, "aux.acc_seg": 94.20837, "loss": 0.175, "time": 1.62046} {"mode": "train", "epoch": 58, "iter": 72150, "lr": 0.0, "memory": 71384, "data_time": 0.00982, "decode.loss_ce": 0.13926, "decode.acc_seg": 93.91737, "aux.loss_ce": 0.05958, "aux.acc_seg": 93.4606, "loss": 0.19884, "time": 1.62252} {"mode": "train", "epoch": 58, "iter": 72200, "lr": 0.0, "memory": 71384, "data_time": 0.00969, "decode.loss_ce": 0.12114, "decode.acc_seg": 94.50066, "aux.loss_ce": 0.05253, "aux.acc_seg": 94.03184, "loss": 0.17367, "time": 1.62039} {"mode": "train", "epoch": 58, "iter": 72250, "lr": 0.0, "memory": 71384, "data_time": 0.00981, "decode.loss_ce": 0.12749, "decode.acc_seg": 94.42198, "aux.loss_ce": 0.0549, "aux.acc_seg": 93.96473, "loss": 0.18239, "time": 1.62253} {"mode": "train", "epoch": 58, "iter": 72300, "lr": 0.0, "memory": 71384, "data_time": 0.00987, "decode.loss_ce": 0.13013, "decode.acc_seg": 94.2639, "aux.loss_ce": 0.05583, "aux.acc_seg": 93.83944, "loss": 0.18596, "time": 1.62063} {"mode": "train", "epoch": 58, "iter": 72350, "lr": 0.0, "memory": 71384, "data_time": 0.00981, "decode.loss_ce": 0.13331, "decode.acc_seg": 93.9953, "aux.loss_ce": 0.05818, "aux.acc_seg": 93.5257, "loss": 0.19149, "time": 1.61989} {"mode": "train", "epoch": 58, "iter": 72400, "lr": 0.0, "memory": 71384, "data_time": 0.00992, "decode.loss_ce": 0.12978, "decode.acc_seg": 94.17153, "aux.loss_ce": 0.05594, "aux.acc_seg": 93.75221, "loss": 0.18572, "time": 1.62328} {"mode": "train", "epoch": 58, "iter": 72450, "lr": 0.0, "memory": 71384, "data_time": 0.00973, "decode.loss_ce": 0.12356, "decode.acc_seg": 94.34679, "aux.loss_ce": 0.05352, "aux.acc_seg": 93.94186, "loss": 0.17708, "time": 1.62067} {"mode": "train", "epoch": 58, "iter": 72500, "lr": 0.0, "memory": 71384, "data_time": 0.00989, "decode.loss_ce": 0.1274, "decode.acc_seg": 94.3413, "aux.loss_ce": 0.05499, "aux.acc_seg": 93.92611, "loss": 0.18239, "time": 1.62046} {"mode": "train", "epoch": 58, "iter": 72550, "lr": 0.0, "memory": 71384, "data_time": 0.00991, "decode.loss_ce": 0.12931, "decode.acc_seg": 94.34136, "aux.loss_ce": 0.05563, "aux.acc_seg": 93.95231, "loss": 0.18493, "time": 1.61894} {"mode": "train", "epoch": 58, "iter": 72600, "lr": 0.0, "memory": 71384, "data_time": 0.00979, "decode.loss_ce": 0.12384, "decode.acc_seg": 94.52562, "aux.loss_ce": 0.05344, "aux.acc_seg": 94.13948, "loss": 0.17728, "time": 1.62384} {"mode": "train", "epoch": 58, "iter": 72650, "lr": 0.0, "memory": 71384, "data_time": 0.00969, "decode.loss_ce": 0.12429, "decode.acc_seg": 94.49831, "aux.loss_ce": 0.05386, "aux.acc_seg": 94.0729, "loss": 0.17816, "time": 1.61929} {"mode": "train", "epoch": 58, "iter": 72700, "lr": 0.0, "memory": 71384, "data_time": 0.00946, "decode.loss_ce": 0.1249, "decode.acc_seg": 94.28589, "aux.loss_ce": 0.05403, "aux.acc_seg": 93.87408, "loss": 0.17893, "time": 1.62094} {"mode": "train", "epoch": 58, "iter": 72750, "lr": 0.0, "memory": 71384, "data_time": 0.01013, "decode.loss_ce": 0.14352, "decode.acc_seg": 93.76109, "aux.loss_ce": 0.06111, "aux.acc_seg": 93.38877, "loss": 0.20463, "time": 1.62254} {"mode": "train", "epoch": 58, "iter": 72800, "lr": 0.0, "memory": 71384, "data_time": 0.00957, "decode.loss_ce": 0.13308, "decode.acc_seg": 94.11512, "aux.loss_ce": 0.057, "aux.acc_seg": 93.70191, "loss": 0.19008, "time": 1.61985} {"mode": "train", "epoch": 58, "iter": 72850, "lr": 0.0, "memory": 71384, "data_time": 0.00968, "decode.loss_ce": 0.12951, "decode.acc_seg": 94.17656, "aux.loss_ce": 0.05601, "aux.acc_seg": 93.81433, "loss": 0.18552, "time": 1.61755} {"mode": "train", "epoch": 58, "iter": 72900, "lr": 0.0, "memory": 71384, "data_time": 0.00966, "decode.loss_ce": 0.12784, "decode.acc_seg": 94.23364, "aux.loss_ce": 0.05507, "aux.acc_seg": 93.79494, "loss": 0.18291, "time": 1.62617} {"mode": "train", "epoch": 58, "iter": 72950, "lr": 0.0, "memory": 71384, "data_time": 0.00981, "decode.loss_ce": 0.1247, "decode.acc_seg": 94.48044, "aux.loss_ce": 0.054, "aux.acc_seg": 94.02673, "loss": 0.17869, "time": 1.6185} {"mode": "train", "epoch": 58, "iter": 73000, "lr": 0.0, "memory": 71384, "data_time": 0.0098, "decode.loss_ce": 0.13996, "decode.acc_seg": 94.10559, "aux.loss_ce": 0.06036, "aux.acc_seg": 93.67094, "loss": 0.20032, "time": 1.61895} {"mode": "val", "epoch": 58, "iter": 250, "lr": 0.0, "aAcc": 0.8665, "mIoU": 0.5901, "mAcc": 0.711, "IoU.wall": 0.8311, "IoU.building": 0.8574, "IoU.sky": 0.9502, "IoU.floor": 0.8511, "IoU.tree": 0.7809, "IoU.ceiling": 0.8782, "IoU.road": 0.8617, "IoU.bed ": 0.929, "IoU.windowpane": 0.6821, "IoU.grass": 0.691, "IoU.cabinet": 0.6741, "IoU.sidewalk": 0.697, "IoU.person": 0.8646, "IoU.earth": 0.4124, "IoU.door": 0.6121, "IoU.table": 0.7041, "IoU.mountain": 0.6279, "IoU.plant": 0.5706, "IoU.curtain": 0.7907, "IoU.chair": 0.6895, "IoU.car": 0.8824, "IoU.water": 0.6223, "IoU.painting": 0.7768, "IoU.sofa": 0.8425, "IoU.shelf": 0.5324, "IoU.house": 0.5679, "IoU.sea": 0.7126, "IoU.mirror": 0.7812, "IoU.rug": 0.6509, "IoU.field": 0.3328, "IoU.armchair": 0.6244, "IoU.seat": 0.678, "IoU.fence": 0.5475, "IoU.desk": 0.6063, "IoU.rock": 0.5328, "IoU.wardrobe": 0.5346, "IoU.lamp": 0.7706, "IoU.bathtub": 0.8782, "IoU.railing": 0.4762, "IoU.cushion": 0.7387, "IoU.base": 0.3788, "IoU.box": 0.3902, "IoU.column": 0.5716, "IoU.signboard": 0.421, "IoU.chest of drawers": 0.4261, "IoU.counter": 0.4243, "IoU.sand": 0.5737, "IoU.sink": 0.8059, "IoU.skyscraper": 0.4657, "IoU.fireplace": 0.7468, "IoU.refrigerator": 0.8727, "IoU.grandstand": 0.5075, "IoU.path": 0.3168, "IoU.stairs": 0.3199, "IoU.runway": 0.7382, "IoU.case": 0.6302, "IoU.pool table": 0.9503, "IoU.pillow": 0.7038, "IoU.screen door": 0.8114, "IoU.stairway": 0.4831, "IoU.river": 0.0911, "IoU.bridge": 0.6138, "IoU.bookcase": 0.5689, "IoU.blind": 0.463, "IoU.coffee table": 0.6119, "IoU.toilet": 0.9103, "IoU.flower": 0.4644, "IoU.book": 0.5785, "IoU.hill": 0.0966, "IoU.bench": 0.5586, "IoU.countertop": 0.6528, "IoU.stove": 0.8801, "IoU.palm": 0.5568, "IoU.kitchen island": 0.6318, "IoU.computer": 0.7916, "IoU.swivel chair": 0.4768, "IoU.boat": 0.7843, "IoU.bar": 0.6473, "IoU.arcade machine": 0.7634, "IoU.hovel": 0.1398, "IoU.bus": 0.9261, "IoU.towel": 0.814, "IoU.light": 0.6308, "IoU.truck": 0.528, "IoU.tower": 0.2782, "IoU.chandelier": 0.7378, "IoU.awning": 0.4162, "IoU.streetlight": 0.3959, "IoU.booth": 0.4398, "IoU.television receiver": 0.8182, "IoU.airplane": 0.8881, "IoU.dirt track": 0.0568, "IoU.apparel": 0.6745, "IoU.pole": 0.2312, "IoU.land": 0.023, "IoU.bannister": 0.2253, "IoU.escalator": 0.6802, "IoU.ottoman": 0.4906, "IoU.bottle": 0.4418, "IoU.buffet": 0.5605, "IoU.poster": 0.3145, "IoU.stage": 0.2949, "IoU.van": 0.4872, "IoU.ship": 0.8239, "IoU.fountain": 0.3726, "IoU.conveyer belt": 0.815, "IoU.canopy": 0.5136, "IoU.washer": 0.8364, "IoU.plaything": 0.3849, "IoU.swimming pool": 0.5338, "IoU.stool": 0.557, "IoU.barrel": 0.7873, "IoU.basket": 0.4174, "IoU.waterfall": 0.4984, "IoU.tent": 0.9274, "IoU.bag": 0.2797, "IoU.minibike": 0.7846, "IoU.cradle": 0.8892, "IoU.oven": 0.6613, "IoU.ball": 0.5505, "IoU.food": 0.6464, "IoU.step": 0.1716, "IoU.tank": 0.8123, "IoU.trade name": 0.216, "IoU.microwave": 0.9059, "IoU.pot": 0.5858, "IoU.animal": 0.6189, "IoU.bicycle": 0.6069, "IoU.lake": 0.5029, "IoU.dishwasher": 0.7744, "IoU.screen": 0.606, "IoU.blanket": 0.4054, "IoU.sculpture": 0.7555, "IoU.hood": 0.6493, "IoU.sconce": 0.6391, "IoU.vase": 0.4906, "IoU.traffic light": 0.3615, "IoU.tray": 0.2697, "IoU.ashcan": 0.5263, "IoU.fan": 0.7334, "IoU.pier": 0.4482, "IoU.crt screen": 0.0166, "IoU.plate": 0.6357, "IoU.monitor": 0.4301, "IoU.bulletin board": 0.5805, "IoU.shower": 0.1236, "IoU.radiator": 0.6987, "IoU.glass": 0.2105, "IoU.clock": 0.5167, "IoU.flag": 0.7212, "Acc.wall": 0.9012, "Acc.building": 0.939, "Acc.sky": 0.9749, "Acc.floor": 0.923, "Acc.tree": 0.9037, "Acc.ceiling": 0.9506, "Acc.road": 0.9116, "Acc.bed ": 0.9715, "Acc.windowpane": 0.8213, "Acc.grass": 0.8234, "Acc.cabinet": 0.7818, "Acc.sidewalk": 0.8287, "Acc.person": 0.9453, "Acc.earth": 0.5499, "Acc.door": 0.7717, "Acc.table": 0.8197, "Acc.mountain": 0.7433, "Acc.plant": 0.6601, "Acc.curtain": 0.8951, "Acc.chair": 0.812, "Acc.car": 0.9516, "Acc.water": 0.7778, "Acc.painting": 0.9062, "Acc.sofa": 0.9279, "Acc.shelf": 0.6973, "Acc.house": 0.6916, "Acc.sea": 0.7952, "Acc.mirror": 0.8622, "Acc.rug": 0.7555, "Acc.field": 0.557, "Acc.armchair": 0.7665, "Acc.seat": 0.894, "Acc.fence": 0.6918, "Acc.desk": 0.7938, "Acc.rock": 0.7951, "Acc.wardrobe": 0.7457, "Acc.lamp": 0.8765, "Acc.bathtub": 0.9052, "Acc.railing": 0.6723, "Acc.cushion": 0.8335, "Acc.base": 0.5825, "Acc.box": 0.5035, "Acc.column": 0.6693, "Acc.signboard": 0.5727, "Acc.chest of drawers": 0.6122, "Acc.counter": 0.5107, "Acc.sand": 0.8556, "Acc.sink": 0.8608, "Acc.skyscraper": 0.5836, "Acc.fireplace": 0.9486, "Acc.refrigerator": 0.9525, "Acc.grandstand": 0.8205, "Acc.path": 0.4631, "Acc.stairs": 0.3824, "Acc.runway": 0.9621, "Acc.case": 0.8394, "Acc.pool table": 0.9801, "Acc.pillow": 0.8059, "Acc.screen door": 0.8293, "Acc.stairway": 0.6628, "Acc.river": 0.206, "Acc.bridge": 0.7238, "Acc.bookcase": 0.6837, "Acc.blind": 0.5263, "Acc.coffee table": 0.8731, "Acc.toilet": 0.9388, "Acc.flower": 0.6137, "Acc.book": 0.7828, "Acc.hill": 0.177, "Acc.bench": 0.6357, "Acc.countertop": 0.8498, "Acc.stove": 0.9282, "Acc.palm": 0.8182, "Acc.kitchen island": 0.8868, "Acc.computer": 0.912, "Acc.swivel chair": 0.6845, "Acc.boat": 0.9254, "Acc.bar": 0.8883, "Acc.arcade machine": 0.8052, "Acc.hovel": 0.1537, "Acc.bus": 0.968, "Acc.towel": 0.886, "Acc.light": 0.7241, "Acc.truck": 0.6188, "Acc.tower": 0.4698, "Acc.chandelier": 0.8409, "Acc.awning": 0.4906, "Acc.streetlight": 0.5164, "Acc.booth": 0.5514, "Acc.television receiver": 0.8863, "Acc.airplane": 0.9632, "Acc.dirt track": 0.281, "Acc.apparel": 0.8629, "Acc.pole": 0.3817, "Acc.land": 0.0307, "Acc.bannister": 0.287, "Acc.escalator": 0.8509, "Acc.ottoman": 0.6325, "Acc.bottle": 0.5565, "Acc.buffet": 0.6672, "Acc.poster": 0.3718, "Acc.stage": 0.4503, "Acc.van": 0.6408, "Acc.ship": 0.9214, "Acc.fountain": 0.3931, "Acc.conveyer belt": 0.9465, "Acc.canopy": 0.7187, "Acc.washer": 0.8875, "Acc.plaything": 0.5523, "Acc.swimming pool": 0.775, "Acc.stool": 0.7309, "Acc.barrel": 0.9465, "Acc.basket": 0.5945, "Acc.waterfall": 0.6554, "Acc.tent": 0.9853, "Acc.bag": 0.3118, "Acc.minibike": 0.8991, "Acc.cradle": 0.9736, "Acc.oven": 0.7807, "Acc.ball": 0.6345, "Acc.food": 0.7529, "Acc.step": 0.1941, "Acc.tank": 0.9295, "Acc.trade name": 0.2514, "Acc.microwave": 0.9673, "Acc.pot": 0.7008, "Acc.animal": 0.6319, "Acc.bicycle": 0.7698, "Acc.lake": 0.6436, "Acc.dishwasher": 0.8488, "Acc.screen": 0.9346, "Acc.blanket": 0.4717, "Acc.sculpture": 0.8819, "Acc.hood": 0.763, "Acc.sconce": 0.721, "Acc.vase": 0.6613, "Acc.traffic light": 0.6348, "Acc.tray": 0.3574, "Acc.ashcan": 0.6633, "Acc.fan": 0.8492, "Acc.pier": 0.5001, "Acc.crt screen": 0.0341, "Acc.plate": 0.7884, "Acc.monitor": 0.5144, "Acc.bulletin board": 0.6687, "Acc.shower": 0.1707, "Acc.radiator": 0.822, "Acc.glass": 0.2238, "Acc.clock": 0.6305, "Acc.flag": 0.8056} {"mode": "train", "epoch": 58, "iter": 73050, "lr": 0.0, "memory": 71384, "data_time": 1.96464, "decode.loss_ce": 0.12649, "decode.acc_seg": 94.45712, "aux.loss_ce": 0.05454, "aux.acc_seg": 94.033, "loss": 0.18103, "time": 3.5782} {"mode": "train", "epoch": 58, "iter": 73100, "lr": 0.0, "memory": 71384, "data_time": 0.00954, "decode.loss_ce": 0.1339, "decode.acc_seg": 93.93851, "aux.loss_ce": 0.05781, "aux.acc_seg": 93.4934, "loss": 0.19171, "time": 1.62318} {"mode": "train", "epoch": 58, "iter": 73150, "lr": 0.0, "memory": 71384, "data_time": 0.0096, "decode.loss_ce": 0.13, "decode.acc_seg": 94.16609, "aux.loss_ce": 0.05576, "aux.acc_seg": 93.75454, "loss": 0.18575, "time": 1.622} {"mode": "train", "epoch": 58, "iter": 73200, "lr": 0.0, "memory": 71384, "data_time": 0.00996, "decode.loss_ce": 0.13148, "decode.acc_seg": 94.23088, "aux.loss_ce": 0.05671, "aux.acc_seg": 93.80766, "loss": 0.18819, "time": 1.61747} {"mode": "train", "epoch": 58, "iter": 73250, "lr": 0.0, "memory": 71384, "data_time": 0.0095, "decode.loss_ce": 0.12573, "decode.acc_seg": 94.29681, "aux.loss_ce": 0.05417, "aux.acc_seg": 93.89138, "loss": 0.1799, "time": 1.61991} {"mode": "train", "epoch": 59, "iter": 73300, "lr": 0.0, "memory": 71384, "data_time": 0.06498, "decode.loss_ce": 0.1232, "decode.acc_seg": 94.49425, "aux.loss_ce": 0.05345, "aux.acc_seg": 94.09189, "loss": 0.17665, "time": 1.68199} {"mode": "train", "epoch": 59, "iter": 73350, "lr": 0.0, "memory": 71384, "data_time": 0.00983, "decode.loss_ce": 0.12267, "decode.acc_seg": 94.60903, "aux.loss_ce": 0.05306, "aux.acc_seg": 94.16925, "loss": 0.17574, "time": 1.62054} {"mode": "train", "epoch": 59, "iter": 73400, "lr": 0.0, "memory": 71384, "data_time": 0.00969, "decode.loss_ce": 0.1339, "decode.acc_seg": 94.11136, "aux.loss_ce": 0.05757, "aux.acc_seg": 93.72808, "loss": 0.19147, "time": 1.61888} {"mode": "train", "epoch": 59, "iter": 73450, "lr": 0.0, "memory": 71384, "data_time": 0.00961, "decode.loss_ce": 0.12549, "decode.acc_seg": 94.1573, "aux.loss_ce": 0.05418, "aux.acc_seg": 93.70229, "loss": 0.17967, "time": 1.62385} {"mode": "train", "epoch": 59, "iter": 73500, "lr": 0.0, "memory": 71384, "data_time": 0.00972, "decode.loss_ce": 0.12475, "decode.acc_seg": 94.55947, "aux.loss_ce": 0.05376, "aux.acc_seg": 94.16142, "loss": 0.17851, "time": 1.6202} {"mode": "train", "epoch": 59, "iter": 73550, "lr": 0.0, "memory": 71384, "data_time": 0.00978, "decode.loss_ce": 0.12888, "decode.acc_seg": 94.29151, "aux.loss_ce": 0.05549, "aux.acc_seg": 93.90399, "loss": 0.18437, "time": 1.62374} {"mode": "train", "epoch": 59, "iter": 73600, "lr": 0.0, "memory": 71384, "data_time": 0.00969, "decode.loss_ce": 0.13863, "decode.acc_seg": 94.0741, "aux.loss_ce": 0.05965, "aux.acc_seg": 93.5974, "loss": 0.19828, "time": 1.62288} {"mode": "train", "epoch": 59, "iter": 73650, "lr": 0.0, "memory": 71384, "data_time": 0.00978, "decode.loss_ce": 0.13064, "decode.acc_seg": 94.1032, "aux.loss_ce": 0.05657, "aux.acc_seg": 93.61425, "loss": 0.18721, "time": 1.62068} {"mode": "train", "epoch": 59, "iter": 73700, "lr": 0.0, "memory": 71384, "data_time": 0.00986, "decode.loss_ce": 0.12933, "decode.acc_seg": 94.20717, "aux.loss_ce": 0.05575, "aux.acc_seg": 93.79574, "loss": 0.18509, "time": 1.62011} {"mode": "train", "epoch": 59, "iter": 73750, "lr": 0.0, "memory": 71384, "data_time": 0.00967, "decode.loss_ce": 0.13288, "decode.acc_seg": 94.18925, "aux.loss_ce": 0.05749, "aux.acc_seg": 93.68496, "loss": 0.19037, "time": 1.61887} {"mode": "train", "epoch": 59, "iter": 73800, "lr": 0.0, "memory": 71384, "data_time": 0.00963, "decode.loss_ce": 0.12683, "decode.acc_seg": 94.39861, "aux.loss_ce": 0.05464, "aux.acc_seg": 94.00082, "loss": 0.18146, "time": 1.62619} {"mode": "train", "epoch": 59, "iter": 73850, "lr": 0.0, "memory": 71384, "data_time": 0.0096, "decode.loss_ce": 0.13361, "decode.acc_seg": 94.03295, "aux.loss_ce": 0.05736, "aux.acc_seg": 93.6119, "loss": 0.19096, "time": 1.62053} {"mode": "train", "epoch": 59, "iter": 73900, "lr": 0.0, "memory": 71384, "data_time": 0.00982, "decode.loss_ce": 0.12346, "decode.acc_seg": 94.45604, "aux.loss_ce": 0.05336, "aux.acc_seg": 94.01857, "loss": 0.17683, "time": 1.61888} {"mode": "train", "epoch": 59, "iter": 73950, "lr": 0.0, "memory": 71384, "data_time": 0.00979, "decode.loss_ce": 0.13439, "decode.acc_seg": 93.97617, "aux.loss_ce": 0.0576, "aux.acc_seg": 93.54543, "loss": 0.192, "time": 1.61996} {"mode": "train", "epoch": 59, "iter": 74000, "lr": 0.0, "memory": 71384, "data_time": 0.01004, "decode.loss_ce": 0.13055, "decode.acc_seg": 94.18747, "aux.loss_ce": 0.05634, "aux.acc_seg": 93.76545, "loss": 0.18689, "time": 3.36313} {"mode": "val", "epoch": 59, "iter": 250, "lr": 0.0, "aAcc": 0.8673, "mIoU": 0.5913, "mAcc": 0.7133, "IoU.wall": 0.8319, "IoU.building": 0.8586, "IoU.sky": 0.95, "IoU.floor": 0.8523, "IoU.tree": 0.7818, "IoU.ceiling": 0.8767, "IoU.road": 0.8603, "IoU.bed ": 0.9278, "IoU.windowpane": 0.6815, "IoU.grass": 0.6933, "IoU.cabinet": 0.6774, "IoU.sidewalk": 0.703, "IoU.person": 0.8639, "IoU.earth": 0.4168, "IoU.door": 0.6137, "IoU.table": 0.7077, "IoU.mountain": 0.6264, "IoU.plant": 0.5797, "IoU.curtain": 0.7909, "IoU.chair": 0.6894, "IoU.car": 0.8879, "IoU.water": 0.6278, "IoU.painting": 0.78, "IoU.sofa": 0.8346, "IoU.shelf": 0.5375, "IoU.house": 0.5778, "IoU.sea": 0.7243, "IoU.mirror": 0.7749, "IoU.rug": 0.6294, "IoU.field": 0.3475, "IoU.armchair": 0.6174, "IoU.seat": 0.6859, "IoU.fence": 0.5496, "IoU.desk": 0.6013, "IoU.rock": 0.5501, "IoU.wardrobe": 0.5432, "IoU.lamp": 0.7689, "IoU.bathtub": 0.8701, "IoU.railing": 0.4603, "IoU.cushion": 0.7402, "IoU.base": 0.3661, "IoU.box": 0.3837, "IoU.column": 0.5604, "IoU.signboard": 0.423, "IoU.chest of drawers": 0.4395, "IoU.counter": 0.4393, "IoU.sand": 0.5678, "IoU.sink": 0.8063, "IoU.skyscraper": 0.4561, "IoU.fireplace": 0.7407, "IoU.refrigerator": 0.8629, "IoU.grandstand": 0.5053, "IoU.path": 0.3211, "IoU.stairs": 0.3415, "IoU.runway": 0.7377, "IoU.case": 0.6348, "IoU.pool table": 0.95, "IoU.pillow": 0.7034, "IoU.screen door": 0.8092, "IoU.stairway": 0.4844, "IoU.river": 0.094, "IoU.bridge": 0.7114, "IoU.bookcase": 0.5657, "IoU.blind": 0.4682, "IoU.coffee table": 0.6102, "IoU.toilet": 0.9097, "IoU.flower": 0.4755, "IoU.book": 0.5754, "IoU.hill": 0.1186, "IoU.bench": 0.5672, "IoU.countertop": 0.6559, "IoU.stove": 0.8785, "IoU.palm": 0.5463, "IoU.kitchen island": 0.6886, "IoU.computer": 0.7903, "IoU.swivel chair": 0.4715, "IoU.boat": 0.7846, "IoU.bar": 0.6498, "IoU.arcade machine": 0.7856, "IoU.hovel": 0.1406, "IoU.bus": 0.9211, "IoU.towel": 0.8124, "IoU.light": 0.6261, "IoU.truck": 0.5305, "IoU.tower": 0.3099, "IoU.chandelier": 0.7393, "IoU.awning": 0.4094, "IoU.streetlight": 0.4058, "IoU.booth": 0.4287, "IoU.television receiver": 0.8183, "IoU.airplane": 0.8872, "IoU.dirt track": 0.0551, "IoU.apparel": 0.6796, "IoU.pole": 0.2132, "IoU.land": 0.0354, "IoU.bannister": 0.2058, "IoU.escalator": 0.6739, "IoU.ottoman": 0.4894, "IoU.bottle": 0.4355, "IoU.buffet": 0.5272, "IoU.poster": 0.3231, "IoU.stage": 0.2699, "IoU.van": 0.4969, "IoU.ship": 0.8312, "IoU.fountain": 0.3741, "IoU.conveyer belt": 0.8148, "IoU.canopy": 0.5316, "IoU.washer": 0.8454, "IoU.plaything": 0.3796, "IoU.swimming pool": 0.539, "IoU.stool": 0.5312, "IoU.barrel": 0.7563, "IoU.basket": 0.422, "IoU.waterfall": 0.4897, "IoU.tent": 0.9238, "IoU.bag": 0.2938, "IoU.minibike": 0.7755, "IoU.cradle": 0.8887, "IoU.oven": 0.6191, "IoU.ball": 0.4929, "IoU.food": 0.6426, "IoU.step": 0.1704, "IoU.tank": 0.8023, "IoU.trade name": 0.2596, "IoU.microwave": 0.898, "IoU.pot": 0.5934, "IoU.animal": 0.6284, "IoU.bicycle": 0.6069, "IoU.lake": 0.4719, "IoU.dishwasher": 0.7753, "IoU.screen": 0.6166, "IoU.blanket": 0.3834, "IoU.sculpture": 0.7518, "IoU.hood": 0.6525, "IoU.sconce": 0.643, "IoU.vase": 0.4901, "IoU.traffic light": 0.3689, "IoU.tray": 0.2638, "IoU.ashcan": 0.5235, "IoU.fan": 0.724, "IoU.pier": 0.4547, "IoU.crt screen": 0.0206, "IoU.plate": 0.6422, "IoU.monitor": 0.5611, "IoU.bulletin board": 0.575, "IoU.shower": 0.1184, "IoU.radiator": 0.6868, "IoU.glass": 0.2187, "IoU.clock": 0.518, "IoU.flag": 0.7179, "Acc.wall": 0.9056, "Acc.building": 0.9336, "Acc.sky": 0.9765, "Acc.floor": 0.9253, "Acc.tree": 0.8992, "Acc.ceiling": 0.9487, "Acc.road": 0.9097, "Acc.bed ": 0.9684, "Acc.windowpane": 0.8148, "Acc.grass": 0.834, "Acc.cabinet": 0.7819, "Acc.sidewalk": 0.8453, "Acc.person": 0.9478, "Acc.earth": 0.5568, "Acc.door": 0.7722, "Acc.table": 0.821, "Acc.mountain": 0.7315, "Acc.plant": 0.6764, "Acc.curtain": 0.8932, "Acc.chair": 0.8025, "Acc.car": 0.9449, "Acc.water": 0.773, "Acc.painting": 0.9053, "Acc.sofa": 0.9293, "Acc.shelf": 0.7221, "Acc.house": 0.7394, "Acc.sea": 0.8131, "Acc.mirror": 0.8456, "Acc.rug": 0.7064, "Acc.field": 0.5649, "Acc.armchair": 0.7546, "Acc.seat": 0.8896, "Acc.fence": 0.6875, "Acc.desk": 0.7909, "Acc.rock": 0.8176, "Acc.wardrobe": 0.7629, "Acc.lamp": 0.8788, "Acc.bathtub": 0.8923, "Acc.railing": 0.6323, "Acc.cushion": 0.8412, "Acc.base": 0.5385, "Acc.box": 0.4835, "Acc.column": 0.6816, "Acc.signboard": 0.5798, "Acc.chest of drawers": 0.6717, "Acc.counter": 0.5373, "Acc.sand": 0.8608, "Acc.sink": 0.8549, "Acc.skyscraper": 0.5881, "Acc.fireplace": 0.925, "Acc.refrigerator": 0.9448, "Acc.grandstand": 0.809, "Acc.path": 0.4298, "Acc.stairs": 0.4169, "Acc.runway": 0.9642, "Acc.case": 0.8317, "Acc.pool table": 0.9806, "Acc.pillow": 0.8059, "Acc.screen door": 0.8267, "Acc.stairway": 0.6409, "Acc.river": 0.2117, "Acc.bridge": 0.8216, "Acc.bookcase": 0.6613, "Acc.blind": 0.5268, "Acc.coffee table": 0.8693, "Acc.toilet": 0.9396, "Acc.flower": 0.5925, "Acc.book": 0.7921, "Acc.hill": 0.2007, "Acc.bench": 0.6449, "Acc.countertop": 0.8475, "Acc.stove": 0.9236, "Acc.palm": 0.8047, "Acc.kitchen island": 0.8729, "Acc.computer": 0.9142, "Acc.swivel chair": 0.7055, "Acc.boat": 0.9252, "Acc.bar": 0.8552, "Acc.arcade machine": 0.8299, "Acc.hovel": 0.1538, "Acc.bus": 0.9701, "Acc.towel": 0.8835, "Acc.light": 0.7198, "Acc.truck": 0.6265, "Acc.tower": 0.5342, "Acc.chandelier": 0.8302, "Acc.awning": 0.4913, "Acc.streetlight": 0.5653, "Acc.booth": 0.5725, "Acc.television receiver": 0.8771, "Acc.airplane": 0.9563, "Acc.dirt track": 0.2749, "Acc.apparel": 0.866, "Acc.pole": 0.3595, "Acc.land": 0.0535, "Acc.bannister": 0.2586, "Acc.escalator": 0.8407, "Acc.ottoman": 0.6347, "Acc.bottle": 0.5395, "Acc.buffet": 0.6114, "Acc.poster": 0.3776, "Acc.stage": 0.4732, "Acc.van": 0.7058, "Acc.ship": 0.9247, "Acc.fountain": 0.3912, "Acc.conveyer belt": 0.9427, "Acc.canopy": 0.737, "Acc.washer": 0.8969, "Acc.plaything": 0.5455, "Acc.swimming pool": 0.7862, "Acc.stool": 0.7275, "Acc.barrel": 0.9621, "Acc.basket": 0.5941, "Acc.waterfall": 0.6452, "Acc.tent": 0.9864, "Acc.bag": 0.3386, "Acc.minibike": 0.9068, "Acc.cradle": 0.973, "Acc.oven": 0.7327, "Acc.ball": 0.5365, "Acc.food": 0.7701, "Acc.step": 0.1942, "Acc.tank": 0.9336, "Acc.trade name": 0.3193, "Acc.microwave": 0.9649, "Acc.pot": 0.7095, "Acc.animal": 0.6427, "Acc.bicycle": 0.7816, "Acc.lake": 0.6515, "Acc.dishwasher": 0.8422, "Acc.screen": 0.9373, "Acc.blanket": 0.4408, "Acc.sculpture": 0.8822, "Acc.hood": 0.7699, "Acc.sconce": 0.7312, "Acc.vase": 0.6644, "Acc.traffic light": 0.6561, "Acc.tray": 0.3392, "Acc.ashcan": 0.6691, "Acc.fan": 0.8406, "Acc.pier": 0.5103, "Acc.crt screen": 0.0337, "Acc.plate": 0.7791, "Acc.monitor": 0.6759, "Acc.bulletin board": 0.6695, "Acc.shower": 0.1468, "Acc.radiator": 0.8221, "Acc.glass": 0.234, "Acc.clock": 0.6135, "Acc.flag": 0.8216} {"mode": "train", "epoch": 1, "iter": 74050, "lr": 0.0, "memory": 71386, "data_time": 3.42922, "decode.loss_ce": 0.12495, "decode.acc_seg": 94.52111, "aux.loss_ce": 0.05421, "aux.acc_seg": 94.06959, "loss": 0.17916, "time": 5.05016} {"mode": "train", "epoch": 1, "iter": 74100, "lr": 0.0, "memory": 71386, "data_time": 0.00999, "decode.loss_ce": 0.13246, "decode.acc_seg": 94.11885, "aux.loss_ce": 0.05737, "aux.acc_seg": 93.7169, "loss": 0.18983, "time": 1.62676} {"mode": "train", "epoch": 1, "iter": 74150, "lr": 0.0, "memory": 71386, "data_time": 0.00973, "decode.loss_ce": 0.13055, "decode.acc_seg": 94.09279, "aux.loss_ce": 0.05644, "aux.acc_seg": 93.62835, "loss": 0.18699, "time": 1.62864} {"mode": "train", "epoch": 1, "iter": 74200, "lr": 0.0, "memory": 71386, "data_time": 0.00995, "decode.loss_ce": 0.12508, "decode.acc_seg": 94.34701, "aux.loss_ce": 0.05358, "aux.acc_seg": 93.97125, "loss": 0.17866, "time": 1.62555} {"mode": "train", "epoch": 1, "iter": 74250, "lr": 0.0, "memory": 71386, "data_time": 0.00949, "decode.loss_ce": 0.12937, "decode.acc_seg": 94.26991, "aux.loss_ce": 0.05566, "aux.acc_seg": 93.86724, "loss": 0.18503, "time": 1.63375} {"mode": "train", "epoch": 1, "iter": 74300, "lr": 0.0, "memory": 71386, "data_time": 0.00987, "decode.loss_ce": 0.12641, "decode.acc_seg": 94.36735, "aux.loss_ce": 0.055, "aux.acc_seg": 93.89211, "loss": 0.18141, "time": 1.62664} {"mode": "train", "epoch": 1, "iter": 74350, "lr": 0.0, "memory": 71386, "data_time": 0.00976, "decode.loss_ce": 0.12843, "decode.acc_seg": 94.16581, "aux.loss_ce": 0.05535, "aux.acc_seg": 93.76708, "loss": 0.18378, "time": 1.63493} {"mode": "train", "epoch": 1, "iter": 74400, "lr": 0.0, "memory": 71386, "data_time": 0.00984, "decode.loss_ce": 0.12587, "decode.acc_seg": 94.30901, "aux.loss_ce": 0.05431, "aux.acc_seg": 93.87463, "loss": 0.18018, "time": 1.6262} {"mode": "train", "epoch": 1, "iter": 74450, "lr": 0.0, "memory": 71386, "data_time": 0.00956, "decode.loss_ce": 0.13427, "decode.acc_seg": 94.13754, "aux.loss_ce": 0.0579, "aux.acc_seg": 93.67518, "loss": 0.19217, "time": 1.62482} {"mode": "train", "epoch": 1, "iter": 74500, "lr": 0.0, "memory": 71386, "data_time": 0.00966, "decode.loss_ce": 0.12969, "decode.acc_seg": 94.08034, "aux.loss_ce": 0.05605, "aux.acc_seg": 93.65631, "loss": 0.18574, "time": 1.62671} {"mode": "train", "epoch": 1, "iter": 74550, "lr": 0.0, "memory": 71386, "data_time": 0.00954, "decode.loss_ce": 0.12849, "decode.acc_seg": 94.25418, "aux.loss_ce": 0.05584, "aux.acc_seg": 93.76825, "loss": 0.18433, "time": 1.62398} {"mode": "train", "epoch": 1, "iter": 74600, "lr": 0.0, "memory": 71386, "data_time": 0.00952, "decode.loss_ce": 0.12818, "decode.acc_seg": 94.33236, "aux.loss_ce": 0.05524, "aux.acc_seg": 93.9098, "loss": 0.18342, "time": 1.63023} {"mode": "train", "epoch": 1, "iter": 74650, "lr": 0.0, "memory": 71386, "data_time": 0.00958, "decode.loss_ce": 0.12291, "decode.acc_seg": 94.45966, "aux.loss_ce": 0.05324, "aux.acc_seg": 94.05609, "loss": 0.17614, "time": 1.62688} {"mode": "train", "epoch": 1, "iter": 74700, "lr": 0.0, "memory": 71386, "data_time": 0.00939, "decode.loss_ce": 0.12848, "decode.acc_seg": 94.38162, "aux.loss_ce": 0.05509, "aux.acc_seg": 93.95841, "loss": 0.18357, "time": 1.62766} {"mode": "train", "epoch": 1, "iter": 74750, "lr": 0.0, "memory": 71386, "data_time": 0.00959, "decode.loss_ce": 0.13038, "decode.acc_seg": 94.21026, "aux.loss_ce": 0.0566, "aux.acc_seg": 93.69201, "loss": 0.18698, "time": 1.62775} {"mode": "train", "epoch": 1, "iter": 74800, "lr": 0.0, "memory": 71386, "data_time": 0.00956, "decode.loss_ce": 0.12664, "decode.acc_seg": 94.35032, "aux.loss_ce": 0.05471, "aux.acc_seg": 93.94449, "loss": 0.18135, "time": 1.62828} {"mode": "train", "epoch": 1, "iter": 74850, "lr": 0.0, "memory": 71386, "data_time": 0.00963, "decode.loss_ce": 0.12495, "decode.acc_seg": 94.26835, "aux.loss_ce": 0.05389, "aux.acc_seg": 93.83645, "loss": 0.17884, "time": 1.62641} {"mode": "train", "epoch": 1, "iter": 74900, "lr": 0.0, "memory": 71386, "data_time": 0.00958, "decode.loss_ce": 0.12991, "decode.acc_seg": 94.24241, "aux.loss_ce": 0.05685, "aux.acc_seg": 93.71923, "loss": 0.18676, "time": 1.62614} {"mode": "train", "epoch": 1, "iter": 74950, "lr": 0.0, "memory": 71386, "data_time": 0.00969, "decode.loss_ce": 0.12696, "decode.acc_seg": 94.29374, "aux.loss_ce": 0.05491, "aux.acc_seg": 93.85205, "loss": 0.18187, "time": 1.63193} {"mode": "train", "epoch": 1, "iter": 75000, "lr": 0.0, "memory": 71386, "data_time": 0.00964, "decode.loss_ce": 0.12973, "decode.acc_seg": 94.28396, "aux.loss_ce": 0.05578, "aux.acc_seg": 93.86704, "loss": 0.18551, "time": 1.62911} {"mode": "val", "epoch": 1, "iter": 250, "lr": 0.0, "aAcc": 0.868, "mIoU": 0.5917, "mAcc": 0.7122, "IoU.wall": 0.8321, "IoU.building": 0.8606, "IoU.sky": 0.9506, "IoU.floor": 0.855, "IoU.tree": 0.7823, "IoU.ceiling": 0.879, "IoU.road": 0.8622, "IoU.bed ": 0.9282, "IoU.windowpane": 0.6783, "IoU.grass": 0.6958, "IoU.cabinet": 0.6761, "IoU.sidewalk": 0.71, "IoU.person": 0.8659, "IoU.earth": 0.4211, "IoU.door": 0.6075, "IoU.table": 0.7071, "IoU.mountain": 0.6259, "IoU.plant": 0.5747, "IoU.curtain": 0.7904, "IoU.chair": 0.6876, "IoU.car": 0.8887, "IoU.water": 0.6304, "IoU.painting": 0.78, "IoU.sofa": 0.8408, "IoU.shelf": 0.5327, "IoU.house": 0.5786, "IoU.sea": 0.7305, "IoU.mirror": 0.7774, "IoU.rug": 0.6648, "IoU.field": 0.345, "IoU.armchair": 0.6139, "IoU.seat": 0.6844, "IoU.fence": 0.5484, "IoU.desk": 0.6035, "IoU.rock": 0.5485, "IoU.wardrobe": 0.5371, "IoU.lamp": 0.7729, "IoU.bathtub": 0.8608, "IoU.railing": 0.4517, "IoU.cushion": 0.7382, "IoU.base": 0.3713, "IoU.box": 0.3862, "IoU.column": 0.5634, "IoU.signboard": 0.4188, "IoU.chest of drawers": 0.4318, "IoU.counter": 0.4373, "IoU.sand": 0.5817, "IoU.sink": 0.8053, "IoU.skyscraper": 0.4615, "IoU.fireplace": 0.7397, "IoU.refrigerator": 0.8633, "IoU.grandstand": 0.5087, "IoU.path": 0.3272, "IoU.stairs": 0.3141, "IoU.runway": 0.739, "IoU.case": 0.637, "IoU.pool table": 0.951, "IoU.pillow": 0.6944, "IoU.screen door": 0.7897, "IoU.stairway": 0.4916, "IoU.river": 0.0923, "IoU.bridge": 0.7355, "IoU.bookcase": 0.5495, "IoU.blind": 0.471, "IoU.coffee table": 0.6161, "IoU.toilet": 0.9086, "IoU.flower": 0.474, "IoU.book": 0.5695, "IoU.hill": 0.1207, "IoU.bench": 0.5648, "IoU.countertop": 0.6515, "IoU.stove": 0.8821, "IoU.palm": 0.544, "IoU.kitchen island": 0.6795, "IoU.computer": 0.7997, "IoU.swivel chair": 0.4689, "IoU.boat": 0.8036, "IoU.bar": 0.655, "IoU.arcade machine": 0.777, "IoU.hovel": 0.1408, "IoU.bus": 0.9239, "IoU.towel": 0.7956, "IoU.light": 0.6369, "IoU.truck": 0.5429, "IoU.tower": 0.3235, "IoU.chandelier": 0.7467, "IoU.awning": 0.4012, "IoU.streetlight": 0.3982, "IoU.booth": 0.4435, "IoU.television receiver": 0.8218, "IoU.airplane": 0.893, "IoU.dirt track": 0.0542, "IoU.apparel": 0.669, "IoU.pole": 0.246, "IoU.land": 0.0326, "IoU.bannister": 0.2075, "IoU.escalator": 0.6699, "IoU.ottoman": 0.5054, "IoU.bottle": 0.4332, "IoU.buffet": 0.5156, "IoU.poster": 0.32, "IoU.stage": 0.2696, "IoU.van": 0.4913, "IoU.ship": 0.8229, "IoU.fountain": 0.3856, "IoU.conveyer belt": 0.8028, "IoU.canopy": 0.5459, "IoU.washer": 0.8208, "IoU.plaything": 0.4042, "IoU.swimming pool": 0.5371, "IoU.stool": 0.5456, "IoU.barrel": 0.7614, "IoU.basket": 0.4227, "IoU.waterfall": 0.4883, "IoU.tent": 0.9228, "IoU.bag": 0.2808, "IoU.minibike": 0.7826, "IoU.cradle": 0.877, "IoU.oven": 0.6455, "IoU.ball": 0.5276, "IoU.food": 0.6583, "IoU.step": 0.1581, "IoU.tank": 0.8147, "IoU.trade name": 0.2231, "IoU.microwave": 0.9053, "IoU.pot": 0.6049, "IoU.animal": 0.6235, "IoU.bicycle": 0.6013, "IoU.lake": 0.5165, "IoU.dishwasher": 0.7606, "IoU.screen": 0.6244, "IoU.blanket": 0.3807, "IoU.sculpture": 0.7318, "IoU.hood": 0.6529, "IoU.sconce": 0.6434, "IoU.vase": 0.4801, "IoU.traffic light": 0.3744, "IoU.tray": 0.2723, "IoU.ashcan": 0.5269, "IoU.fan": 0.7253, "IoU.pier": 0.4563, "IoU.crt screen": 0.0172, "IoU.plate": 0.6311, "IoU.monitor": 0.4614, "IoU.bulletin board": 0.5823, "IoU.shower": 0.1344, "IoU.radiator": 0.6986, "IoU.glass": 0.2212, "IoU.clock": 0.5065, "IoU.flag": 0.7191, "Acc.wall": 0.9111, "Acc.building": 0.9356, "Acc.sky": 0.9764, "Acc.floor": 0.9258, "Acc.tree": 0.8984, "Acc.ceiling": 0.9431, "Acc.road": 0.9061, "Acc.bed ": 0.9707, "Acc.windowpane": 0.8155, "Acc.grass": 0.8338, "Acc.cabinet": 0.7717, "Acc.sidewalk": 0.8612, "Acc.person": 0.948, "Acc.earth": 0.5597, "Acc.door": 0.7561, "Acc.table": 0.8202, "Acc.mountain": 0.7326, "Acc.plant": 0.6755, "Acc.curtain": 0.8889, "Acc.chair": 0.812, "Acc.car": 0.9438, "Acc.water": 0.784, "Acc.painting": 0.9114, "Acc.sofa": 0.9319, "Acc.shelf": 0.7044, "Acc.house": 0.734, "Acc.sea": 0.808, "Acc.mirror": 0.8569, "Acc.rug": 0.7517, "Acc.field": 0.5668, "Acc.armchair": 0.7467, "Acc.seat": 0.8928, "Acc.fence": 0.7009, "Acc.desk": 0.7886, "Acc.rock": 0.8149, "Acc.wardrobe": 0.7327, "Acc.lamp": 0.8765, "Acc.bathtub": 0.8901, "Acc.railing": 0.6056, "Acc.cushion": 0.8378, "Acc.base": 0.541, "Acc.box": 0.4975, "Acc.column": 0.6761, "Acc.signboard": 0.5586, "Acc.chest of drawers": 0.6696, "Acc.counter": 0.5218, "Acc.sand": 0.8617, "Acc.sink": 0.8514, "Acc.skyscraper": 0.5853, "Acc.fireplace": 0.9324, "Acc.refrigerator": 0.946, "Acc.grandstand": 0.8176, "Acc.path": 0.4364, "Acc.stairs": 0.373, "Acc.runway": 0.9607, "Acc.case": 0.8258, "Acc.pool table": 0.9785, "Acc.pillow": 0.7888, "Acc.screen door": 0.8064, "Acc.stairway": 0.6889, "Acc.river": 0.205, "Acc.bridge": 0.8419, "Acc.bookcase": 0.6667, "Acc.blind": 0.5228, "Acc.coffee table": 0.8694, "Acc.toilet": 0.934, "Acc.flower": 0.6035, "Acc.book": 0.7927, "Acc.hill": 0.2074, "Acc.bench": 0.64, "Acc.countertop": 0.8561, "Acc.stove": 0.9285, "Acc.palm": 0.854, "Acc.kitchen island": 0.8773, "Acc.computer": 0.9094, "Acc.swivel chair": 0.7017, "Acc.boat": 0.9103, "Acc.bar": 0.8791, "Acc.arcade machine": 0.8198, "Acc.hovel": 0.1555, "Acc.bus": 0.9705, "Acc.towel": 0.8577, "Acc.light": 0.7423, "Acc.truck": 0.6249, "Acc.tower": 0.5569, "Acc.chandelier": 0.8585, "Acc.awning": 0.4674, "Acc.streetlight": 0.5303, "Acc.booth": 0.5605, "Acc.television receiver": 0.8777, "Acc.airplane": 0.9606, "Acc.dirt track": 0.2667, "Acc.apparel": 0.8632, "Acc.pole": 0.4018, "Acc.land": 0.0455, "Acc.bannister": 0.2664, "Acc.escalator": 0.8513, "Acc.ottoman": 0.6599, "Acc.bottle": 0.5414, "Acc.buffet": 0.6007, "Acc.poster": 0.3676, "Acc.stage": 0.4791, "Acc.van": 0.6859, "Acc.ship": 0.9167, "Acc.fountain": 0.3978, "Acc.conveyer belt": 0.9484, "Acc.canopy": 0.7614, "Acc.washer": 0.8699, "Acc.plaything": 0.5724, "Acc.swimming pool": 0.7761, "Acc.stool": 0.7093, "Acc.barrel": 0.9648, "Acc.basket": 0.6127, "Acc.waterfall": 0.6375, "Acc.tent": 0.987, "Acc.bag": 0.3211, "Acc.minibike": 0.9028, "Acc.cradle": 0.976, "Acc.oven": 0.7705, "Acc.ball": 0.5767, "Acc.food": 0.7862, "Acc.step": 0.1779, "Acc.tank": 0.9165, "Acc.trade name": 0.2555, "Acc.microwave": 0.964, "Acc.pot": 0.7032, "Acc.animal": 0.636, "Acc.bicycle": 0.7624, "Acc.lake": 0.6374, "Acc.dishwasher": 0.8469, "Acc.screen": 0.932, "Acc.blanket": 0.4388, "Acc.sculpture": 0.8928, "Acc.hood": 0.77, "Acc.sconce": 0.7335, "Acc.vase": 0.6682, "Acc.traffic light": 0.6228, "Acc.tray": 0.362, "Acc.ashcan": 0.6562, "Acc.fan": 0.8483, "Acc.pier": 0.5065, "Acc.crt screen": 0.0338, "Acc.plate": 0.7922, "Acc.monitor": 0.5473, "Acc.bulletin board": 0.665, "Acc.shower": 0.1621, "Acc.radiator": 0.8236, "Acc.glass": 0.2385, "Acc.clock": 0.5982, "Acc.flag": 0.8029} {"mode": "train", "epoch": 1, "iter": 75050, "lr": 0.0, "memory": 71386, "data_time": 1.95322, "decode.loss_ce": 0.12141, "decode.acc_seg": 94.4893, "aux.loss_ce": 0.05256, "aux.acc_seg": 94.02683, "loss": 0.17397, "time": 3.56835} {"mode": "train", "epoch": 1, "iter": 75100, "lr": 0.0, "memory": 71386, "data_time": 0.00974, "decode.loss_ce": 0.12762, "decode.acc_seg": 94.36913, "aux.loss_ce": 0.05502, "aux.acc_seg": 93.94378, "loss": 0.18264, "time": 1.62235} {"mode": "train", "epoch": 1, "iter": 75150, "lr": 0.0, "memory": 71386, "data_time": 0.00976, "decode.loss_ce": 0.12482, "decode.acc_seg": 94.35387, "aux.loss_ce": 0.05422, "aux.acc_seg": 93.89529, "loss": 0.17904, "time": 1.6246} {"mode": "train", "epoch": 1, "iter": 75200, "lr": 0.0, "memory": 71386, "data_time": 0.00967, "decode.loss_ce": 0.12856, "decode.acc_seg": 94.23933, "aux.loss_ce": 0.05574, "aux.acc_seg": 93.76414, "loss": 0.1843, "time": 1.62389} {"mode": "train", "epoch": 1, "iter": 75250, "lr": 0.0, "memory": 71386, "data_time": 0.00991, "decode.loss_ce": 0.12991, "decode.acc_seg": 94.18208, "aux.loss_ce": 0.05626, "aux.acc_seg": 93.7352, "loss": 0.18617, "time": 1.62522} {"mode": "train", "epoch": 2, "iter": 75300, "lr": 0.0, "memory": 71386, "data_time": 0.05103, "decode.loss_ce": 0.12286, "decode.acc_seg": 94.4954, "aux.loss_ce": 0.05348, "aux.acc_seg": 94.07012, "loss": 0.17633, "time": 1.66994} {"mode": "train", "epoch": 2, "iter": 75350, "lr": 0.0, "memory": 71386, "data_time": 0.0101, "decode.loss_ce": 0.13438, "decode.acc_seg": 94.05237, "aux.loss_ce": 0.05819, "aux.acc_seg": 93.57373, "loss": 0.19258, "time": 1.62377} {"mode": "train", "epoch": 2, "iter": 75400, "lr": 0.0, "memory": 71386, "data_time": 0.0099, "decode.loss_ce": 0.12387, "decode.acc_seg": 94.48103, "aux.loss_ce": 0.0537, "aux.acc_seg": 94.0273, "loss": 0.17757, "time": 1.62267} {"mode": "train", "epoch": 2, "iter": 75450, "lr": 0.0, "memory": 71386, "data_time": 0.00976, "decode.loss_ce": 0.1324, "decode.acc_seg": 94.35314, "aux.loss_ce": 0.05728, "aux.acc_seg": 93.92177, "loss": 0.18968, "time": 1.6234} {"mode": "train", "epoch": 2, "iter": 75500, "lr": 0.0, "memory": 71386, "data_time": 0.00992, "decode.loss_ce": 0.13013, "decode.acc_seg": 94.30027, "aux.loss_ce": 0.0553, "aux.acc_seg": 93.92268, "loss": 0.18543, "time": 1.62622} {"mode": "train", "epoch": 2, "iter": 75550, "lr": 0.0, "memory": 71386, "data_time": 0.00978, "decode.loss_ce": 0.12597, "decode.acc_seg": 94.39889, "aux.loss_ce": 0.05482, "aux.acc_seg": 93.92976, "loss": 0.18079, "time": 1.62568} {"mode": "train", "epoch": 2, "iter": 75600, "lr": 0.0, "memory": 71386, "data_time": 0.00965, "decode.loss_ce": 0.11721, "decode.acc_seg": 94.69794, "aux.loss_ce": 0.05048, "aux.acc_seg": 94.27763, "loss": 0.16769, "time": 1.62374} {"mode": "train", "epoch": 2, "iter": 75650, "lr": 0.0, "memory": 71386, "data_time": 0.00963, "decode.loss_ce": 0.12534, "decode.acc_seg": 94.4334, "aux.loss_ce": 0.05435, "aux.acc_seg": 93.99242, "loss": 0.17968, "time": 1.62422} {"mode": "train", "epoch": 2, "iter": 75700, "lr": 0.0, "memory": 71386, "data_time": 0.00967, "decode.loss_ce": 0.11846, "decode.acc_seg": 94.59946, "aux.loss_ce": 0.05148, "aux.acc_seg": 94.13358, "loss": 0.16994, "time": 1.62633} {"mode": "train", "epoch": 2, "iter": 75750, "lr": 0.0, "memory": 71386, "data_time": 0.0096, "decode.loss_ce": 0.12482, "decode.acc_seg": 94.39832, "aux.loss_ce": 0.0539, "aux.acc_seg": 93.98775, "loss": 0.17872, "time": 1.6217} {"mode": "train", "epoch": 2, "iter": 75800, "lr": 0.0, "memory": 71386, "data_time": 0.00977, "decode.loss_ce": 0.1235, "decode.acc_seg": 94.46909, "aux.loss_ce": 0.05387, "aux.acc_seg": 93.98156, "loss": 0.17737, "time": 1.62599} {"mode": "train", "epoch": 2, "iter": 75850, "lr": 0.0, "memory": 71386, "data_time": 0.00954, "decode.loss_ce": 0.12643, "decode.acc_seg": 94.2086, "aux.loss_ce": 0.05458, "aux.acc_seg": 93.74873, "loss": 0.18101, "time": 1.62655} {"mode": "train", "epoch": 2, "iter": 75900, "lr": 0.0, "memory": 71386, "data_time": 0.00991, "decode.loss_ce": 0.13034, "decode.acc_seg": 94.03409, "aux.loss_ce": 0.05637, "aux.acc_seg": 93.57841, "loss": 0.18671, "time": 1.62754} {"mode": "train", "epoch": 2, "iter": 75950, "lr": 0.0, "memory": 71386, "data_time": 0.00973, "decode.loss_ce": 0.12857, "decode.acc_seg": 94.29224, "aux.loss_ce": 0.05589, "aux.acc_seg": 93.82857, "loss": 0.18446, "time": 1.6227} {"mode": "train", "epoch": 2, "iter": 76000, "lr": 0.0, "memory": 71386, "data_time": 0.00981, "decode.loss_ce": 0.13255, "decode.acc_seg": 94.27469, "aux.loss_ce": 0.05709, "aux.acc_seg": 93.87002, "loss": 0.18964, "time": 3.43519} {"mode": "val", "epoch": 2, "iter": 250, "lr": 0.0, "aAcc": 0.8676, "mIoU": 0.5916, "mAcc": 0.7098, "IoU.wall": 0.8299, "IoU.building": 0.8589, "IoU.sky": 0.9503, "IoU.floor": 0.8547, "IoU.tree": 0.7819, "IoU.ceiling": 0.8791, "IoU.road": 0.8628, "IoU.bed ": 0.9271, "IoU.windowpane": 0.6799, "IoU.grass": 0.6954, "IoU.cabinet": 0.6777, "IoU.sidewalk": 0.7079, "IoU.person": 0.8646, "IoU.earth": 0.4272, "IoU.door": 0.6115, "IoU.table": 0.7066, "IoU.mountain": 0.6251, "IoU.plant": 0.5749, "IoU.curtain": 0.7896, "IoU.chair": 0.6907, "IoU.car": 0.8881, "IoU.water": 0.624, "IoU.painting": 0.7722, "IoU.sofa": 0.8447, "IoU.shelf": 0.5433, "IoU.house": 0.5725, "IoU.sea": 0.7197, "IoU.mirror": 0.783, "IoU.rug": 0.6665, "IoU.field": 0.3366, "IoU.armchair": 0.6221, "IoU.seat": 0.6844, "IoU.fence": 0.5487, "IoU.desk": 0.5936, "IoU.rock": 0.5426, "IoU.wardrobe": 0.5442, "IoU.lamp": 0.77, "IoU.bathtub": 0.8691, "IoU.railing": 0.4549, "IoU.cushion": 0.7319, "IoU.base": 0.371, "IoU.box": 0.3899, "IoU.column": 0.5647, "IoU.signboard": 0.4164, "IoU.chest of drawers": 0.4299, "IoU.counter": 0.4317, "IoU.sand": 0.5904, "IoU.sink": 0.8085, "IoU.skyscraper": 0.4636, "IoU.fireplace": 0.7416, "IoU.refrigerator": 0.8652, "IoU.grandstand": 0.5143, "IoU.path": 0.3264, "IoU.stairs": 0.3109, "IoU.runway": 0.7383, "IoU.case": 0.628, "IoU.pool table": 0.9514, "IoU.pillow": 0.6889, "IoU.screen door": 0.8342, "IoU.stairway": 0.4613, "IoU.river": 0.0964, "IoU.bridge": 0.7319, "IoU.bookcase": 0.5722, "IoU.blind": 0.4907, "IoU.coffee table": 0.6144, "IoU.toilet": 0.9112, "IoU.flower": 0.4831, "IoU.book": 0.5702, "IoU.hill": 0.1167, "IoU.bench": 0.5596, "IoU.countertop": 0.6595, "IoU.stove": 0.8814, "IoU.palm": 0.5595, "IoU.kitchen island": 0.6734, "IoU.computer": 0.7934, "IoU.swivel chair": 0.4707, "IoU.boat": 0.7871, "IoU.bar": 0.6499, "IoU.arcade machine": 0.7891, "IoU.hovel": 0.1421, "IoU.bus": 0.9244, "IoU.towel": 0.7973, "IoU.light": 0.6189, "IoU.truck": 0.5379, "IoU.tower": 0.3009, "IoU.chandelier": 0.7371, "IoU.awning": 0.4016, "IoU.streetlight": 0.3961, "IoU.booth": 0.4202, "IoU.television receiver": 0.8285, "IoU.airplane": 0.8931, "IoU.dirt track": 0.0539, "IoU.apparel": 0.6632, "IoU.pole": 0.2312, "IoU.land": 0.0305, "IoU.bannister": 0.2143, "IoU.escalator": 0.6723, "IoU.ottoman": 0.4907, "IoU.bottle": 0.4373, "IoU.buffet": 0.4961, "IoU.poster": 0.3195, "IoU.stage": 0.2847, "IoU.van": 0.4856, "IoU.ship": 0.8112, "IoU.fountain": 0.3666, "IoU.conveyer belt": 0.8098, "IoU.canopy": 0.5375, "IoU.washer": 0.8249, "IoU.plaything": 0.4196, "IoU.swimming pool": 0.5384, "IoU.stool": 0.5482, "IoU.barrel": 0.7649, "IoU.basket": 0.4141, "IoU.waterfall": 0.4964, "IoU.tent": 0.9297, "IoU.bag": 0.2731, "IoU.minibike": 0.779, "IoU.cradle": 0.8846, "IoU.oven": 0.6161, "IoU.ball": 0.5559, "IoU.food": 0.6435, "IoU.step": 0.1568, "IoU.tank": 0.8257, "IoU.trade name": 0.2268, "IoU.microwave": 0.8933, "IoU.pot": 0.5998, "IoU.animal": 0.6181, "IoU.bicycle": 0.6051, "IoU.lake": 0.5173, "IoU.dishwasher": 0.773, "IoU.screen": 0.6166, "IoU.blanket": 0.3702, "IoU.sculpture": 0.7568, "IoU.hood": 0.6491, "IoU.sconce": 0.6432, "IoU.vase": 0.4892, "IoU.traffic light": 0.3715, "IoU.tray": 0.263, "IoU.ashcan": 0.5246, "IoU.fan": 0.7222, "IoU.pier": 0.4525, "IoU.crt screen": 0.0185, "IoU.plate": 0.6366, "IoU.monitor": 0.5165, "IoU.bulletin board": 0.5726, "IoU.shower": 0.144, "IoU.radiator": 0.6977, "IoU.glass": 0.213, "IoU.clock": 0.5102, "IoU.flag": 0.7196, "Acc.wall": 0.9046, "Acc.building": 0.9381, "Acc.sky": 0.9786, "Acc.floor": 0.9232, "Acc.tree": 0.898, "Acc.ceiling": 0.9518, "Acc.road": 0.9082, "Acc.bed ": 0.9728, "Acc.windowpane": 0.8133, "Acc.grass": 0.829, "Acc.cabinet": 0.777, "Acc.sidewalk": 0.85, "Acc.person": 0.9486, "Acc.earth": 0.5752, "Acc.door": 0.759, "Acc.table": 0.8185, "Acc.mountain": 0.7415, "Acc.plant": 0.6696, "Acc.curtain": 0.893, "Acc.chair": 0.8159, "Acc.car": 0.9444, "Acc.water": 0.7805, "Acc.painting": 0.9103, "Acc.sofa": 0.928, "Acc.shelf": 0.7263, "Acc.house": 0.7173, "Acc.sea": 0.8017, "Acc.mirror": 0.8578, "Acc.rug": 0.751, "Acc.field": 0.5451, "Acc.armchair": 0.7738, "Acc.seat": 0.8939, "Acc.fence": 0.6842, "Acc.desk": 0.7963, "Acc.rock": 0.8028, "Acc.wardrobe": 0.7561, "Acc.lamp": 0.87, "Acc.bathtub": 0.9005, "Acc.railing": 0.6196, "Acc.cushion": 0.819, "Acc.base": 0.544, "Acc.box": 0.4971, "Acc.column": 0.6653, "Acc.signboard": 0.5654, "Acc.chest of drawers": 0.6442, "Acc.counter": 0.5343, "Acc.sand": 0.8593, "Acc.sink": 0.8579, "Acc.skyscraper": 0.5821, "Acc.fireplace": 0.9436, "Acc.refrigerator": 0.9492, "Acc.grandstand": 0.8113, "Acc.path": 0.4479, "Acc.stairs": 0.3821, "Acc.runway": 0.9552, "Acc.case": 0.8313, "Acc.pool table": 0.9787, "Acc.pillow": 0.7844, "Acc.screen door": 0.8613, "Acc.stairway": 0.6291, "Acc.river": 0.2214, "Acc.bridge": 0.8352, "Acc.bookcase": 0.699, "Acc.blind": 0.5498, "Acc.coffee table": 0.8711, "Acc.toilet": 0.9376, "Acc.flower": 0.5902, "Acc.book": 0.764, "Acc.hill": 0.2019, "Acc.bench": 0.6311, "Acc.countertop": 0.8444, "Acc.stove": 0.9282, "Acc.palm": 0.8067, "Acc.kitchen island": 0.8853, "Acc.computer": 0.9133, "Acc.swivel chair": 0.7076, "Acc.boat": 0.9107, "Acc.bar": 0.8677, "Acc.arcade machine": 0.8295, "Acc.hovel": 0.1586, "Acc.bus": 0.9693, "Acc.towel": 0.8488, "Acc.light": 0.6969, "Acc.truck": 0.6257, "Acc.tower": 0.512, "Acc.chandelier": 0.8409, "Acc.awning": 0.4667, "Acc.streetlight": 0.5212, "Acc.booth": 0.5649, "Acc.television receiver": 0.8805, "Acc.airplane": 0.9568, "Acc.dirt track": 0.2777, "Acc.apparel": 0.8472, "Acc.pole": 0.3865, "Acc.land": 0.0432, "Acc.bannister": 0.2764, "Acc.escalator": 0.8577, "Acc.ottoman": 0.6251, "Acc.bottle": 0.5441, "Acc.buffet": 0.5641, "Acc.poster": 0.3594, "Acc.stage": 0.4744, "Acc.van": 0.7207, "Acc.ship": 0.9211, "Acc.fountain": 0.3757, "Acc.conveyer belt": 0.9374, "Acc.canopy": 0.748, "Acc.washer": 0.8741, "Acc.plaything": 0.5661, "Acc.swimming pool": 0.7776, "Acc.stool": 0.7062, "Acc.barrel": 0.9613, "Acc.basket": 0.5813, "Acc.waterfall": 0.6512, "Acc.tent": 0.9846, "Acc.bag": 0.3059, "Acc.minibike": 0.9055, "Acc.cradle": 0.9734, "Acc.oven": 0.7421, "Acc.ball": 0.6257, "Acc.food": 0.76, "Acc.step": 0.1752, "Acc.tank": 0.9257, "Acc.trade name": 0.2634, "Acc.microwave": 0.9673, "Acc.pot": 0.7096, "Acc.animal": 0.629, "Acc.bicycle": 0.7629, "Acc.lake": 0.6377, "Acc.dishwasher": 0.8437, "Acc.screen": 0.9124, "Acc.blanket": 0.4189, "Acc.sculpture": 0.872, "Acc.hood": 0.762, "Acc.sconce": 0.7344, "Acc.vase": 0.6562, "Acc.traffic light": 0.6229, "Acc.tray": 0.3429, "Acc.ashcan": 0.6547, "Acc.fan": 0.8251, "Acc.pier": 0.5024, "Acc.crt screen": 0.0338, "Acc.plate": 0.7852, "Acc.monitor": 0.6063, "Acc.bulletin board": 0.6445, "Acc.shower": 0.1526, "Acc.radiator": 0.8292, "Acc.glass": 0.2274, "Acc.clock": 0.5975, "Acc.flag": 0.7954} {"mode": "train", "epoch": 2, "iter": 76050, "lr": 0.0, "memory": 71386, "data_time": 1.94794, "decode.loss_ce": 0.12502, "decode.acc_seg": 94.269, "aux.loss_ce": 0.05459, "aux.acc_seg": 93.83854, "loss": 0.17961, "time": 3.56558} {"mode": "train", "epoch": 2, "iter": 76100, "lr": 0.0, "memory": 71386, "data_time": 0.00995, "decode.loss_ce": 0.12729, "decode.acc_seg": 94.24184, "aux.loss_ce": 0.05519, "aux.acc_seg": 93.75099, "loss": 0.18248, "time": 1.62522} {"mode": "train", "epoch": 2, "iter": 76150, "lr": 0.0, "memory": 71386, "data_time": 0.0099, "decode.loss_ce": 0.12665, "decode.acc_seg": 94.34856, "aux.loss_ce": 0.05498, "aux.acc_seg": 93.94379, "loss": 0.18164, "time": 1.62438} {"mode": "train", "epoch": 2, "iter": 76200, "lr": 0.0, "memory": 71386, "data_time": 0.00966, "decode.loss_ce": 0.12015, "decode.acc_seg": 94.47384, "aux.loss_ce": 0.05227, "aux.acc_seg": 94.05319, "loss": 0.17242, "time": 1.62535} {"mode": "train", "epoch": 2, "iter": 76250, "lr": 0.0, "memory": 71386, "data_time": 0.00989, "decode.loss_ce": 0.12575, "decode.acc_seg": 94.43292, "aux.loss_ce": 0.05478, "aux.acc_seg": 93.9957, "loss": 0.18053, "time": 1.62674} {"mode": "train", "epoch": 2, "iter": 76300, "lr": 0.0, "memory": 71386, "data_time": 0.00957, "decode.loss_ce": 0.11924, "decode.acc_seg": 94.62098, "aux.loss_ce": 0.05167, "aux.acc_seg": 94.18889, "loss": 0.17091, "time": 1.62268} {"mode": "train", "epoch": 2, "iter": 76350, "lr": 0.0, "memory": 71386, "data_time": 0.00967, "decode.loss_ce": 0.13085, "decode.acc_seg": 94.18134, "aux.loss_ce": 0.05635, "aux.acc_seg": 93.74112, "loss": 0.1872, "time": 1.62285} {"mode": "train", "epoch": 2, "iter": 76400, "lr": 0.0, "memory": 71386, "data_time": 0.00953, "decode.loss_ce": 0.12867, "decode.acc_seg": 94.33331, "aux.loss_ce": 0.05525, "aux.acc_seg": 93.93922, "loss": 0.18392, "time": 1.62451} {"mode": "train", "epoch": 2, "iter": 76450, "lr": 0.0, "memory": 71386, "data_time": 0.00976, "decode.loss_ce": 0.12502, "decode.acc_seg": 94.41731, "aux.loss_ce": 0.05408, "aux.acc_seg": 93.99846, "loss": 0.17909, "time": 1.62444} {"mode": "train", "epoch": 2, "iter": 76500, "lr": 0.0, "memory": 71386, "data_time": 0.00992, "decode.loss_ce": 0.1386, "decode.acc_seg": 93.99725, "aux.loss_ce": 0.05964, "aux.acc_seg": 93.5779, "loss": 0.19824, "time": 1.62534} {"mode": "train", "epoch": 3, "iter": 76550, "lr": 0.0, "memory": 71386, "data_time": 0.06038, "decode.loss_ce": 0.13203, "decode.acc_seg": 94.14103, "aux.loss_ce": 0.05671, "aux.acc_seg": 93.69942, "loss": 0.18874, "time": 1.67828} {"mode": "train", "epoch": 3, "iter": 76600, "lr": 0.0, "memory": 71386, "data_time": 0.01005, "decode.loss_ce": 0.12209, "decode.acc_seg": 94.45668, "aux.loss_ce": 0.05289, "aux.acc_seg": 94.00012, "loss": 0.17499, "time": 1.6246} {"mode": "train", "epoch": 3, "iter": 76650, "lr": 0.0, "memory": 71386, "data_time": 0.00996, "decode.loss_ce": 0.12484, "decode.acc_seg": 94.58341, "aux.loss_ce": 0.05376, "aux.acc_seg": 94.17578, "loss": 0.1786, "time": 1.62406} {"mode": "train", "epoch": 3, "iter": 76700, "lr": 0.0, "memory": 71386, "data_time": 0.01008, "decode.loss_ce": 0.11769, "decode.acc_seg": 94.75792, "aux.loss_ce": 0.05087, "aux.acc_seg": 94.34965, "loss": 0.16856, "time": 1.6263} {"mode": "train", "epoch": 3, "iter": 76750, "lr": 0.0, "memory": 71386, "data_time": 0.00984, "decode.loss_ce": 0.12511, "decode.acc_seg": 94.4935, "aux.loss_ce": 0.05389, "aux.acc_seg": 94.03082, "loss": 0.179, "time": 1.62427} {"mode": "train", "epoch": 3, "iter": 76800, "lr": 0.0, "memory": 71386, "data_time": 0.00996, "decode.loss_ce": 0.12646, "decode.acc_seg": 94.37024, "aux.loss_ce": 0.05478, "aux.acc_seg": 93.95131, "loss": 0.18124, "time": 1.6259} {"mode": "train", "epoch": 3, "iter": 76850, "lr": 0.0, "memory": 71386, "data_time": 0.00983, "decode.loss_ce": 0.12922, "decode.acc_seg": 94.26976, "aux.loss_ce": 0.05623, "aux.acc_seg": 93.75491, "loss": 0.18545, "time": 1.63198} {"mode": "train", "epoch": 3, "iter": 76900, "lr": 0.0, "memory": 71386, "data_time": 0.01041, "decode.loss_ce": 0.12272, "decode.acc_seg": 94.51047, "aux.loss_ce": 0.05345, "aux.acc_seg": 94.0737, "loss": 0.17617, "time": 1.62492} {"mode": "train", "epoch": 3, "iter": 76950, "lr": 0.0, "memory": 71386, "data_time": 0.01055, "decode.loss_ce": 0.13563, "decode.acc_seg": 93.92794, "aux.loss_ce": 0.05792, "aux.acc_seg": 93.55706, "loss": 0.19355, "time": 1.62433} {"mode": "train", "epoch": 3, "iter": 77000, "lr": 0.0, "memory": 71386, "data_time": 0.0103, "decode.loss_ce": 0.12162, "decode.acc_seg": 94.6228, "aux.loss_ce": 0.05228, "aux.acc_seg": 94.24721, "loss": 0.1739, "time": 1.62498} {"mode": "val", "epoch": 3, "iter": 250, "lr": 0.0, "aAcc": 0.8679, "mIoU": 0.5932, "mAcc": 0.7164, "IoU.wall": 0.8303, "IoU.building": 0.8597, "IoU.sky": 0.9505, "IoU.floor": 0.8552, "IoU.tree": 0.7831, "IoU.ceiling": 0.8792, "IoU.road": 0.8625, "IoU.bed ": 0.9288, "IoU.windowpane": 0.6809, "IoU.grass": 0.7037, "IoU.cabinet": 0.6775, "IoU.sidewalk": 0.7076, "IoU.person": 0.8639, "IoU.earth": 0.4208, "IoU.door": 0.6088, "IoU.table": 0.7062, "IoU.mountain": 0.628, "IoU.plant": 0.5759, "IoU.curtain": 0.7898, "IoU.chair": 0.6889, "IoU.car": 0.8888, "IoU.water": 0.6246, "IoU.painting": 0.7823, "IoU.sofa": 0.8472, "IoU.shelf": 0.5436, "IoU.house": 0.581, "IoU.sea": 0.7259, "IoU.mirror": 0.7778, "IoU.rug": 0.6639, "IoU.field": 0.3451, "IoU.armchair": 0.623, "IoU.seat": 0.6777, "IoU.fence": 0.5437, "IoU.desk": 0.6009, "IoU.rock": 0.5463, "IoU.wardrobe": 0.5365, "IoU.lamp": 0.7743, "IoU.bathtub": 0.8692, "IoU.railing": 0.4596, "IoU.cushion": 0.7381, "IoU.base": 0.3727, "IoU.box": 0.3902, "IoU.column": 0.5638, "IoU.signboard": 0.4215, "IoU.chest of drawers": 0.4278, "IoU.counter": 0.4302, "IoU.sand": 0.5731, "IoU.sink": 0.8096, "IoU.skyscraper": 0.4621, "IoU.fireplace": 0.7373, "IoU.refrigerator": 0.8654, "IoU.grandstand": 0.5155, "IoU.path": 0.3262, "IoU.stairs": 0.3154, "IoU.runway": 0.7418, "IoU.case": 0.6268, "IoU.pool table": 0.9513, "IoU.pillow": 0.7031, "IoU.screen door": 0.8136, "IoU.stairway": 0.4754, "IoU.river": 0.0928, "IoU.bridge": 0.7525, "IoU.bookcase": 0.5727, "IoU.blind": 0.4687, "IoU.coffee table": 0.6177, "IoU.toilet": 0.9123, "IoU.flower": 0.4822, "IoU.book": 0.5781, "IoU.hill": 0.1155, "IoU.bench": 0.5641, "IoU.countertop": 0.6623, "IoU.stove": 0.8817, "IoU.palm": 0.5596, "IoU.kitchen island": 0.6858, "IoU.computer": 0.7947, "IoU.swivel chair": 0.4709, "IoU.boat": 0.8088, "IoU.bar": 0.6541, "IoU.arcade machine": 0.7896, "IoU.hovel": 0.1407, "IoU.bus": 0.9243, "IoU.towel": 0.8034, "IoU.light": 0.6309, "IoU.truck": 0.529, "IoU.tower": 0.3554, "IoU.chandelier": 0.7539, "IoU.awning": 0.413, "IoU.streetlight": 0.3968, "IoU.booth": 0.4178, "IoU.television receiver": 0.8248, "IoU.airplane": 0.8913, "IoU.dirt track": 0.0546, "IoU.apparel": 0.6505, "IoU.pole": 0.2431, "IoU.land": 0.0325, "IoU.bannister": 0.2131, "IoU.escalator": 0.6652, "IoU.ottoman": 0.489, "IoU.bottle": 0.4435, "IoU.buffet": 0.5026, "IoU.poster": 0.3221, "IoU.stage": 0.2774, "IoU.van": 0.486, "IoU.ship": 0.8021, "IoU.fountain": 0.3732, "IoU.conveyer belt": 0.8006, "IoU.canopy": 0.5381, "IoU.washer": 0.8301, "IoU.plaything": 0.429, "IoU.swimming pool": 0.5294, "IoU.stool": 0.5489, "IoU.barrel": 0.7546, "IoU.basket": 0.4181, "IoU.waterfall": 0.4908, "IoU.tent": 0.9272, "IoU.bag": 0.2908, "IoU.minibike": 0.7805, "IoU.cradle": 0.8696, "IoU.oven": 0.6167, "IoU.ball": 0.5728, "IoU.food": 0.6443, "IoU.step": 0.1593, "IoU.tank": 0.8174, "IoU.trade name": 0.2619, "IoU.microwave": 0.8964, "IoU.pot": 0.6077, "IoU.animal": 0.6194, "IoU.bicycle": 0.6072, "IoU.lake": 0.5142, "IoU.dishwasher": 0.7586, "IoU.screen": 0.602, "IoU.blanket": 0.3883, "IoU.sculpture": 0.7578, "IoU.hood": 0.6523, "IoU.sconce": 0.6431, "IoU.vase": 0.4834, "IoU.traffic light": 0.3724, "IoU.tray": 0.2713, "IoU.ashcan": 0.5276, "IoU.fan": 0.7241, "IoU.pier": 0.4489, "IoU.crt screen": 0.0184, "IoU.plate": 0.6344, "IoU.monitor": 0.5217, "IoU.bulletin board": 0.5734, "IoU.shower": 0.1485, "IoU.radiator": 0.6981, "IoU.glass": 0.2209, "IoU.clock": 0.5128, "IoU.flag": 0.7177, "Acc.wall": 0.9028, "Acc.building": 0.9341, "Acc.sky": 0.9761, "Acc.floor": 0.9231, "Acc.tree": 0.9043, "Acc.ceiling": 0.9497, "Acc.road": 0.9058, "Acc.bed ": 0.9716, "Acc.windowpane": 0.8229, "Acc.grass": 0.8343, "Acc.cabinet": 0.7789, "Acc.sidewalk": 0.8525, "Acc.person": 0.9488, "Acc.earth": 0.5613, "Acc.door": 0.7579, "Acc.table": 0.817, "Acc.mountain": 0.7384, "Acc.plant": 0.6924, "Acc.curtain": 0.898, "Acc.chair": 0.8156, "Acc.car": 0.9418, "Acc.water": 0.7771, "Acc.painting": 0.9066, "Acc.sofa": 0.9255, "Acc.shelf": 0.7329, "Acc.house": 0.737, "Acc.sea": 0.8089, "Acc.mirror": 0.8512, "Acc.rug": 0.7554, "Acc.field": 0.5384, "Acc.armchair": 0.7746, "Acc.seat": 0.8956, "Acc.fence": 0.6845, "Acc.desk": 0.7831, "Acc.rock": 0.8177, "Acc.wardrobe": 0.7402, "Acc.lamp": 0.8741, "Acc.bathtub": 0.8969, "Acc.railing": 0.6392, "Acc.cushion": 0.8372, "Acc.base": 0.5433, "Acc.box": 0.5032, "Acc.column": 0.6751, "Acc.signboard": 0.5728, "Acc.chest of drawers": 0.6606, "Acc.counter": 0.518, "Acc.sand": 0.8595, "Acc.sink": 0.8597, "Acc.skyscraper": 0.5808, "Acc.fireplace": 0.9409, "Acc.refrigerator": 0.9463, "Acc.grandstand": 0.8113, "Acc.path": 0.4573, "Acc.stairs": 0.3832, "Acc.runway": 0.9624, "Acc.case": 0.8308, "Acc.pool table": 0.9782, "Acc.pillow": 0.8157, "Acc.screen door": 0.84, "Acc.stairway": 0.6864, "Acc.river": 0.2082, "Acc.bridge": 0.8882, "Acc.bookcase": 0.6697, "Acc.blind": 0.5209, "Acc.coffee table": 0.8704, "Acc.toilet": 0.9406, "Acc.flower": 0.6008, "Acc.book": 0.7847, "Acc.hill": 0.1984, "Acc.bench": 0.6364, "Acc.countertop": 0.8417, "Acc.stove": 0.9275, "Acc.palm": 0.8296, "Acc.kitchen island": 0.8841, "Acc.computer": 0.914, "Acc.swivel chair": 0.7008, "Acc.boat": 0.9146, "Acc.bar": 0.8776, "Acc.arcade machine": 0.8316, "Acc.hovel": 0.1566, "Acc.bus": 0.9681, "Acc.towel": 0.8667, "Acc.light": 0.7222, "Acc.truck": 0.6306, "Acc.tower": 0.616, "Acc.chandelier": 0.8688, "Acc.awning": 0.498, "Acc.streetlight": 0.5241, "Acc.booth": 0.575, "Acc.television receiver": 0.8848, "Acc.airplane": 0.9609, "Acc.dirt track": 0.2731, "Acc.apparel": 0.8912, "Acc.pole": 0.3888, "Acc.land": 0.0452, "Acc.bannister": 0.2722, "Acc.escalator": 0.8674, "Acc.ottoman": 0.629, "Acc.bottle": 0.5638, "Acc.buffet": 0.5781, "Acc.poster": 0.3773, "Acc.stage": 0.4795, "Acc.van": 0.7251, "Acc.ship": 0.9217, "Acc.fountain": 0.3824, "Acc.conveyer belt": 0.9442, "Acc.canopy": 0.7519, "Acc.washer": 0.8792, "Acc.plaything": 0.6049, "Acc.swimming pool": 0.7709, "Acc.stool": 0.7115, "Acc.barrel": 0.9664, "Acc.basket": 0.5934, "Acc.waterfall": 0.6395, "Acc.tent": 0.9846, "Acc.bag": 0.3402, "Acc.minibike": 0.9069, "Acc.cradle": 0.9759, "Acc.oven": 0.7404, "Acc.ball": 0.6546, "Acc.food": 0.7645, "Acc.step": 0.1798, "Acc.tank": 0.925, "Acc.trade name": 0.3126, "Acc.microwave": 0.9696, "Acc.pot": 0.7227, "Acc.animal": 0.6299, "Acc.bicycle": 0.7799, "Acc.lake": 0.6375, "Acc.dishwasher": 0.8479, "Acc.screen": 0.8967, "Acc.blanket": 0.4429, "Acc.sculpture": 0.8823, "Acc.hood": 0.7752, "Acc.sconce": 0.738, "Acc.vase": 0.6724, "Acc.traffic light": 0.6302, "Acc.tray": 0.3609, "Acc.ashcan": 0.6802, "Acc.fan": 0.8418, "Acc.pier": 0.5064, "Acc.crt screen": 0.0341, "Acc.plate": 0.7873, "Acc.monitor": 0.6283, "Acc.bulletin board": 0.6734, "Acc.shower": 0.1614, "Acc.radiator": 0.8183, "Acc.glass": 0.2389, "Acc.clock": 0.6136, "Acc.flag": 0.8097} {"mode": "train", "epoch": 3, "iter": 77050, "lr": 0.0, "memory": 71386, "data_time": 1.94143, "decode.loss_ce": 0.12418, "decode.acc_seg": 94.33611, "aux.loss_ce": 0.05405, "aux.acc_seg": 93.90068, "loss": 0.17823, "time": 3.56083} {"mode": "train", "epoch": 3, "iter": 77100, "lr": 0.0, "memory": 71386, "data_time": 0.01006, "decode.loss_ce": 0.12113, "decode.acc_seg": 94.63465, "aux.loss_ce": 0.05265, "aux.acc_seg": 94.16583, "loss": 0.17377, "time": 1.62983} {"mode": "train", "epoch": 3, "iter": 77150, "lr": 0.0, "memory": 71386, "data_time": 0.01042, "decode.loss_ce": 0.12733, "decode.acc_seg": 94.33524, "aux.loss_ce": 0.05548, "aux.acc_seg": 93.86983, "loss": 0.18281, "time": 1.62649} {"mode": "train", "epoch": 3, "iter": 77200, "lr": 0.0, "memory": 71386, "data_time": 0.01016, "decode.loss_ce": 0.12913, "decode.acc_seg": 94.18572, "aux.loss_ce": 0.05564, "aux.acc_seg": 93.71736, "loss": 0.18477, "time": 1.62584} {"mode": "train", "epoch": 3, "iter": 77250, "lr": 0.0, "memory": 71386, "data_time": 0.01015, "decode.loss_ce": 0.12826, "decode.acc_seg": 94.26773, "aux.loss_ce": 0.05562, "aux.acc_seg": 93.84977, "loss": 0.18388, "time": 1.62589} {"mode": "train", "epoch": 3, "iter": 77300, "lr": 0.0, "memory": 71386, "data_time": 0.01039, "decode.loss_ce": 0.12777, "decode.acc_seg": 94.20281, "aux.loss_ce": 0.05544, "aux.acc_seg": 93.73988, "loss": 0.18321, "time": 1.62749} {"mode": "train", "epoch": 3, "iter": 77350, "lr": 0.0, "memory": 71386, "data_time": 0.01009, "decode.loss_ce": 0.13013, "decode.acc_seg": 94.19154, "aux.loss_ce": 0.05581, "aux.acc_seg": 93.82788, "loss": 0.18594, "time": 1.63041} {"mode": "train", "epoch": 3, "iter": 77400, "lr": 0.0, "memory": 71386, "data_time": 0.00996, "decode.loss_ce": 0.12511, "decode.acc_seg": 94.45751, "aux.loss_ce": 0.05411, "aux.acc_seg": 93.99992, "loss": 0.17922, "time": 1.62351} {"mode": "train", "epoch": 3, "iter": 77450, "lr": 0.0, "memory": 71386, "data_time": 0.01006, "decode.loss_ce": 0.125, "decode.acc_seg": 94.34854, "aux.loss_ce": 0.05425, "aux.acc_seg": 93.91689, "loss": 0.17925, "time": 1.62647} {"mode": "train", "epoch": 3, "iter": 77500, "lr": 0.0, "memory": 71386, "data_time": 0.00996, "decode.loss_ce": 0.11925, "decode.acc_seg": 94.50251, "aux.loss_ce": 0.05193, "aux.acc_seg": 94.04687, "loss": 0.17117, "time": 1.6246} {"mode": "train", "epoch": 3, "iter": 77550, "lr": 0.0, "memory": 71386, "data_time": 0.01069, "decode.loss_ce": 0.1329, "decode.acc_seg": 94.04518, "aux.loss_ce": 0.05737, "aux.acc_seg": 93.57726, "loss": 0.19027, "time": 1.63003} {"mode": "train", "epoch": 3, "iter": 77600, "lr": 0.0, "memory": 71386, "data_time": 0.01043, "decode.loss_ce": 0.1212, "decode.acc_seg": 94.581, "aux.loss_ce": 0.05276, "aux.acc_seg": 94.14292, "loss": 0.17397, "time": 1.62495} {"mode": "train", "epoch": 3, "iter": 77650, "lr": 0.0, "memory": 71386, "data_time": 0.01022, "decode.loss_ce": 0.1272, "decode.acc_seg": 94.35459, "aux.loss_ce": 0.05518, "aux.acc_seg": 93.92932, "loss": 0.18238, "time": 1.62677} {"mode": "train", "epoch": 3, "iter": 77700, "lr": 0.0, "memory": 71386, "data_time": 0.01012, "decode.loss_ce": 0.12285, "decode.acc_seg": 94.36162, "aux.loss_ce": 0.05339, "aux.acc_seg": 93.92619, "loss": 0.17623, "time": 1.62838} {"mode": "train", "epoch": 3, "iter": 77750, "lr": 0.0, "memory": 71386, "data_time": 0.01016, "decode.loss_ce": 0.12974, "decode.acc_seg": 94.2486, "aux.loss_ce": 0.05613, "aux.acc_seg": 93.81876, "loss": 0.18586, "time": 1.62594} {"mode": "train", "epoch": 4, "iter": 77800, "lr": 0.0, "memory": 71386, "data_time": 0.0607, "decode.loss_ce": 0.12628, "decode.acc_seg": 94.33396, "aux.loss_ce": 0.05478, "aux.acc_seg": 93.86586, "loss": 0.18107, "time": 1.6785} {"mode": "train", "epoch": 4, "iter": 77850, "lr": 0.0, "memory": 71386, "data_time": 0.01033, "decode.loss_ce": 0.12192, "decode.acc_seg": 94.45121, "aux.loss_ce": 0.05307, "aux.acc_seg": 94.0079, "loss": 0.175, "time": 1.62658} {"mode": "train", "epoch": 4, "iter": 77900, "lr": 0.0, "memory": 71386, "data_time": 0.01012, "decode.loss_ce": 0.12463, "decode.acc_seg": 94.41773, "aux.loss_ce": 0.05359, "aux.acc_seg": 94.0034, "loss": 0.17822, "time": 1.62622} {"mode": "train", "epoch": 4, "iter": 77950, "lr": 0.0, "memory": 71386, "data_time": 0.01035, "decode.loss_ce": 0.13478, "decode.acc_seg": 93.78705, "aux.loss_ce": 0.05806, "aux.acc_seg": 93.33106, "loss": 0.19284, "time": 1.62613} {"mode": "train", "epoch": 4, "iter": 78000, "lr": 0.0, "memory": 71386, "data_time": 0.01011, "decode.loss_ce": 0.13213, "decode.acc_seg": 94.08712, "aux.loss_ce": 0.05706, "aux.acc_seg": 93.6317, "loss": 0.1892, "time": 3.40554} {"mode": "val", "epoch": 4, "iter": 250, "lr": 0.0, "aAcc": 0.8678, "mIoU": 0.5929, "mAcc": 0.7156, "IoU.wall": 0.8303, "IoU.building": 0.8586, "IoU.sky": 0.9503, "IoU.floor": 0.855, "IoU.tree": 0.7838, "IoU.ceiling": 0.8808, "IoU.road": 0.8633, "IoU.bed ": 0.9285, "IoU.windowpane": 0.6778, "IoU.grass": 0.701, "IoU.cabinet": 0.6815, "IoU.sidewalk": 0.7078, "IoU.person": 0.8637, "IoU.earth": 0.4255, "IoU.door": 0.6065, "IoU.table": 0.7066, "IoU.mountain": 0.6285, "IoU.plant": 0.5775, "IoU.curtain": 0.7892, "IoU.chair": 0.6858, "IoU.car": 0.8887, "IoU.water": 0.6294, "IoU.painting": 0.779, "IoU.sofa": 0.847, "IoU.shelf": 0.5357, "IoU.house": 0.573, "IoU.sea": 0.7292, "IoU.mirror": 0.7743, "IoU.rug": 0.6605, "IoU.field": 0.3471, "IoU.armchair": 0.6183, "IoU.seat": 0.6771, "IoU.fence": 0.5392, "IoU.desk": 0.6013, "IoU.rock": 0.5513, "IoU.wardrobe": 0.5391, "IoU.lamp": 0.7721, "IoU.bathtub": 0.8687, "IoU.railing": 0.4627, "IoU.cushion": 0.7357, "IoU.base": 0.3763, "IoU.box": 0.3926, "IoU.column": 0.5695, "IoU.signboard": 0.4168, "IoU.chest of drawers": 0.4281, "IoU.counter": 0.4306, "IoU.sand": 0.5663, "IoU.sink": 0.812, "IoU.skyscraper": 0.4704, "IoU.fireplace": 0.7388, "IoU.refrigerator": 0.8629, "IoU.grandstand": 0.5089, "IoU.path": 0.3252, "IoU.stairs": 0.3077, "IoU.runway": 0.7434, "IoU.case": 0.6303, "IoU.pool table": 0.9516, "IoU.pillow": 0.7002, "IoU.screen door": 0.7966, "IoU.stairway": 0.4316, "IoU.river": 0.0923, "IoU.bridge": 0.756, "IoU.bookcase": 0.565, "IoU.blind": 0.4671, "IoU.coffee table": 0.6233, "IoU.toilet": 0.9126, "IoU.flower": 0.4766, "IoU.book": 0.5679, "IoU.hill": 0.1244, "IoU.bench": 0.5645, "IoU.countertop": 0.6568, "IoU.stove": 0.8787, "IoU.palm": 0.5564, "IoU.kitchen island": 0.6949, "IoU.computer": 0.8006, "IoU.swivel chair": 0.4732, "IoU.boat": 0.8027, "IoU.bar": 0.65, "IoU.arcade machine": 0.7877, "IoU.hovel": 0.1408, "IoU.bus": 0.9265, "IoU.towel": 0.8056, "IoU.light": 0.6308, "IoU.truck": 0.5326, "IoU.tower": 0.3365, "IoU.chandelier": 0.7454, "IoU.awning": 0.4063, "IoU.streetlight": 0.3899, "IoU.booth": 0.407, "IoU.television receiver": 0.8248, "IoU.airplane": 0.8941, "IoU.dirt track": 0.0542, "IoU.apparel": 0.6656, "IoU.pole": 0.2263, "IoU.land": 0.0315, "IoU.bannister": 0.21, "IoU.escalator": 0.6703, "IoU.ottoman": 0.4991, "IoU.bottle": 0.4571, "IoU.buffet": 0.5155, "IoU.poster": 0.3185, "IoU.stage": 0.2771, "IoU.van": 0.4883, "IoU.ship": 0.7965, "IoU.fountain": 0.3789, "IoU.conveyer belt": 0.8093, "IoU.canopy": 0.5377, "IoU.washer": 0.832, "IoU.plaything": 0.4363, "IoU.swimming pool": 0.5407, "IoU.stool": 0.5263, "IoU.barrel": 0.766, "IoU.basket": 0.4152, "IoU.waterfall": 0.4986, "IoU.tent": 0.9264, "IoU.bag": 0.2826, "IoU.minibike": 0.778, "IoU.cradle": 0.8727, "IoU.oven": 0.6377, "IoU.ball": 0.5679, "IoU.food": 0.6466, "IoU.step": 0.1606, "IoU.tank": 0.8224, "IoU.trade name": 0.2435, "IoU.microwave": 0.9032, "IoU.pot": 0.6017, "IoU.animal": 0.6249, "IoU.bicycle": 0.6057, "IoU.lake": 0.5062, "IoU.dishwasher": 0.7609, "IoU.screen": 0.6216, "IoU.blanket": 0.3904, "IoU.sculpture": 0.7527, "IoU.hood": 0.6519, "IoU.sconce": 0.6433, "IoU.vase": 0.4877, "IoU.traffic light": 0.3762, "IoU.tray": 0.2709, "IoU.ashcan": 0.5275, "IoU.fan": 0.7209, "IoU.pier": 0.4489, "IoU.crt screen": 0.0201, "IoU.plate": 0.6307, "IoU.monitor": 0.5591, "IoU.bulletin board": 0.5663, "IoU.shower": 0.1366, "IoU.radiator": 0.6949, "IoU.glass": 0.217, "IoU.clock": 0.5213, "IoU.flag": 0.7174, "Acc.wall": 0.9043, "Acc.building": 0.9358, "Acc.sky": 0.9778, "Acc.floor": 0.924, "Acc.tree": 0.9016, "Acc.ceiling": 0.9477, "Acc.road": 0.9056, "Acc.bed ": 0.9706, "Acc.windowpane": 0.8239, "Acc.grass": 0.8295, "Acc.cabinet": 0.78, "Acc.sidewalk": 0.8564, "Acc.person": 0.9471, "Acc.earth": 0.572, "Acc.door": 0.757, "Acc.table": 0.8227, "Acc.mountain": 0.7295, "Acc.plant": 0.6754, "Acc.curtain": 0.8944, "Acc.chair": 0.81, "Acc.car": 0.9425, "Acc.water": 0.7784, "Acc.painting": 0.9098, "Acc.sofa": 0.9282, "Acc.shelf": 0.7104, "Acc.house": 0.7151, "Acc.sea": 0.8102, "Acc.mirror": 0.8446, "Acc.rug": 0.7526, "Acc.field": 0.5605, "Acc.armchair": 0.757, "Acc.seat": 0.8935, "Acc.fence": 0.678, "Acc.desk": 0.7848, "Acc.rock": 0.8297, "Acc.wardrobe": 0.7393, "Acc.lamp": 0.8761, "Acc.bathtub": 0.8942, "Acc.railing": 0.6582, "Acc.cushion": 0.8326, "Acc.base": 0.5486, "Acc.box": 0.5071, "Acc.column": 0.6792, "Acc.signboard": 0.565, "Acc.chest of drawers": 0.6311, "Acc.counter": 0.5165, "Acc.sand": 0.8626, "Acc.sink": 0.864, "Acc.skyscraper": 0.5998, "Acc.fireplace": 0.9399, "Acc.refrigerator": 0.9459, "Acc.grandstand": 0.8198, "Acc.path": 0.4472, "Acc.stairs": 0.3943, "Acc.runway": 0.9659, "Acc.case": 0.8314, "Acc.pool table": 0.9777, "Acc.pillow": 0.8081, "Acc.screen door": 0.8167, "Acc.stairway": 0.5938, "Acc.river": 0.2073, "Acc.bridge": 0.8713, "Acc.bookcase": 0.6702, "Acc.blind": 0.5239, "Acc.coffee table": 0.8676, "Acc.toilet": 0.9415, "Acc.flower": 0.6077, "Acc.book": 0.8054, "Acc.hill": 0.2147, "Acc.bench": 0.6383, "Acc.countertop": 0.8347, "Acc.stove": 0.9298, "Acc.palm": 0.8166, "Acc.kitchen island": 0.8656, "Acc.computer": 0.911, "Acc.swivel chair": 0.6925, "Acc.boat": 0.9135, "Acc.bar": 0.8822, "Acc.arcade machine": 0.8321, "Acc.hovel": 0.1577, "Acc.bus": 0.9686, "Acc.towel": 0.8699, "Acc.light": 0.7196, "Acc.truck": 0.6242, "Acc.tower": 0.5771, "Acc.chandelier": 0.8609, "Acc.awning": 0.4802, "Acc.streetlight": 0.5066, "Acc.booth": 0.5838, "Acc.television receiver": 0.8857, "Acc.airplane": 0.9611, "Acc.dirt track": 0.2726, "Acc.apparel": 0.8748, "Acc.pole": 0.3773, "Acc.land": 0.0432, "Acc.bannister": 0.2655, "Acc.escalator": 0.8647, "Acc.ottoman": 0.651, "Acc.bottle": 0.6158, "Acc.buffet": 0.5946, "Acc.poster": 0.3791, "Acc.stage": 0.4801, "Acc.van": 0.7344, "Acc.ship": 0.9134, "Acc.fountain": 0.3866, "Acc.conveyer belt": 0.9424, "Acc.canopy": 0.7474, "Acc.washer": 0.882, "Acc.plaything": 0.6331, "Acc.swimming pool": 0.7868, "Acc.stool": 0.7227, "Acc.barrel": 0.9648, "Acc.basket": 0.5759, "Acc.waterfall": 0.6439, "Acc.tent": 0.9852, "Acc.bag": 0.3259, "Acc.minibike": 0.9044, "Acc.cradle": 0.9741, "Acc.oven": 0.7744, "Acc.ball": 0.6645, "Acc.food": 0.7752, "Acc.step": 0.1821, "Acc.tank": 0.9248, "Acc.trade name": 0.2855, "Acc.microwave": 0.9675, "Acc.pot": 0.7032, "Acc.animal": 0.6368, "Acc.bicycle": 0.7815, "Acc.lake": 0.6575, "Acc.dishwasher": 0.8488, "Acc.screen": 0.927, "Acc.blanket": 0.4472, "Acc.sculpture": 0.8848, "Acc.hood": 0.7729, "Acc.sconce": 0.7319, "Acc.vase": 0.6613, "Acc.traffic light": 0.6154, "Acc.tray": 0.3559, "Acc.ashcan": 0.6684, "Acc.fan": 0.8289, "Acc.pier": 0.4998, "Acc.crt screen": 0.034, "Acc.plate": 0.8054, "Acc.monitor": 0.6785, "Acc.bulletin board": 0.6621, "Acc.shower": 0.1623, "Acc.radiator": 0.8131, "Acc.glass": 0.2326, "Acc.clock": 0.6131, "Acc.flag": 0.8099} {"mode": "train", "epoch": 4, "iter": 78050, "lr": 0.0, "memory": 71386, "data_time": 1.91848, "decode.loss_ce": 0.1199, "decode.acc_seg": 94.51037, "aux.loss_ce": 0.05207, "aux.acc_seg": 94.05955, "loss": 0.17197, "time": 3.5365} {"mode": "train", "epoch": 4, "iter": 78100, "lr": 0.0, "memory": 71386, "data_time": 0.01052, "decode.loss_ce": 0.12328, "decode.acc_seg": 94.39085, "aux.loss_ce": 0.05343, "aux.acc_seg": 93.94636, "loss": 0.1767, "time": 1.6258} {"mode": "train", "epoch": 4, "iter": 78150, "lr": 0.0, "memory": 71386, "data_time": 0.0102, "decode.loss_ce": 0.12606, "decode.acc_seg": 94.36781, "aux.loss_ce": 0.05456, "aux.acc_seg": 93.94299, "loss": 0.18062, "time": 1.62529} {"mode": "train", "epoch": 4, "iter": 78200, "lr": 0.0, "memory": 71386, "data_time": 0.01034, "decode.loss_ce": 0.12683, "decode.acc_seg": 94.30367, "aux.loss_ce": 0.05501, "aux.acc_seg": 93.89878, "loss": 0.18184, "time": 1.62564} {"mode": "train", "epoch": 4, "iter": 78250, "lr": 0.0, "memory": 71386, "data_time": 0.01003, "decode.loss_ce": 0.12103, "decode.acc_seg": 94.64251, "aux.loss_ce": 0.05226, "aux.acc_seg": 94.23848, "loss": 0.17329, "time": 1.62983} {"mode": "train", "epoch": 4, "iter": 78300, "lr": 0.0, "memory": 71386, "data_time": 0.01052, "decode.loss_ce": 0.12953, "decode.acc_seg": 94.21318, "aux.loss_ce": 0.05607, "aux.acc_seg": 93.77281, "loss": 0.18561, "time": 1.62618} {"mode": "train", "epoch": 4, "iter": 78350, "lr": 0.0, "memory": 71386, "data_time": 0.01031, "decode.loss_ce": 0.1225, "decode.acc_seg": 94.46512, "aux.loss_ce": 0.05266, "aux.acc_seg": 94.0495, "loss": 0.17516, "time": 1.62697} {"mode": "train", "epoch": 4, "iter": 78400, "lr": 0.0, "memory": 71386, "data_time": 0.01002, "decode.loss_ce": 0.12641, "decode.acc_seg": 94.3363, "aux.loss_ce": 0.0549, "aux.acc_seg": 93.88292, "loss": 0.1813, "time": 1.62572} {"mode": "train", "epoch": 4, "iter": 78450, "lr": 0.0, "memory": 71386, "data_time": 0.00977, "decode.loss_ce": 0.12216, "decode.acc_seg": 94.35804, "aux.loss_ce": 0.05317, "aux.acc_seg": 93.87978, "loss": 0.17534, "time": 1.62604} {"mode": "train", "epoch": 4, "iter": 78500, "lr": 0.0, "memory": 71386, "data_time": 0.00985, "decode.loss_ce": 0.12715, "decode.acc_seg": 94.35499, "aux.loss_ce": 0.05496, "aux.acc_seg": 93.92374, "loss": 0.18211, "time": 1.6261} {"mode": "train", "epoch": 4, "iter": 78550, "lr": 0.0, "memory": 71386, "data_time": 0.01033, "decode.loss_ce": 0.12789, "decode.acc_seg": 94.2091, "aux.loss_ce": 0.05523, "aux.acc_seg": 93.77524, "loss": 0.18312, "time": 1.62475} {"mode": "train", "epoch": 4, "iter": 78600, "lr": 0.0, "memory": 71386, "data_time": 0.01008, "decode.loss_ce": 0.12164, "decode.acc_seg": 94.47396, "aux.loss_ce": 0.05277, "aux.acc_seg": 94.07133, "loss": 0.17442, "time": 1.62568} {"mode": "train", "epoch": 4, "iter": 78650, "lr": 0.0, "memory": 71386, "data_time": 0.00993, "decode.loss_ce": 0.12372, "decode.acc_seg": 94.41731, "aux.loss_ce": 0.05317, "aux.acc_seg": 93.98937, "loss": 0.17688, "time": 1.62834} {"mode": "train", "epoch": 4, "iter": 78700, "lr": 0.0, "memory": 71386, "data_time": 0.00985, "decode.loss_ce": 0.12407, "decode.acc_seg": 94.49361, "aux.loss_ce": 0.05378, "aux.acc_seg": 94.10368, "loss": 0.17786, "time": 1.62517} {"mode": "train", "epoch": 4, "iter": 78750, "lr": 0.0, "memory": 71386, "data_time": 0.00984, "decode.loss_ce": 0.1252, "decode.acc_seg": 94.15496, "aux.loss_ce": 0.05463, "aux.acc_seg": 93.68039, "loss": 0.17983, "time": 1.62683} {"mode": "train", "epoch": 4, "iter": 78800, "lr": 0.0, "memory": 71386, "data_time": 0.00998, "decode.loss_ce": 0.13257, "decode.acc_seg": 94.22796, "aux.loss_ce": 0.05689, "aux.acc_seg": 93.80337, "loss": 0.18946, "time": 1.62628} {"mode": "train", "epoch": 4, "iter": 78850, "lr": 0.0, "memory": 71386, "data_time": 0.00967, "decode.loss_ce": 0.12895, "decode.acc_seg": 94.32102, "aux.loss_ce": 0.05571, "aux.acc_seg": 93.84696, "loss": 0.18466, "time": 1.62898} {"mode": "train", "epoch": 4, "iter": 78900, "lr": 0.0, "memory": 71386, "data_time": 0.00969, "decode.loss_ce": 0.1249, "decode.acc_seg": 94.46351, "aux.loss_ce": 0.05432, "aux.acc_seg": 94.07464, "loss": 0.17921, "time": 1.62449} {"mode": "train", "epoch": 4, "iter": 78950, "lr": 0.0, "memory": 71386, "data_time": 0.00986, "decode.loss_ce": 0.12568, "decode.acc_seg": 94.34523, "aux.loss_ce": 0.05457, "aux.acc_seg": 93.86745, "loss": 0.18025, "time": 1.62551} {"mode": "train", "epoch": 4, "iter": 79000, "lr": 0.0, "memory": 71386, "data_time": 0.01004, "decode.loss_ce": 0.12098, "decode.acc_seg": 94.58666, "aux.loss_ce": 0.05257, "aux.acc_seg": 94.17585, "loss": 0.17355, "time": 1.62732} {"mode": "val", "epoch": 4, "iter": 250, "lr": 0.0, "aAcc": 0.8678, "mIoU": 0.5931, "mAcc": 0.7157, "IoU.wall": 0.8302, "IoU.building": 0.859, "IoU.sky": 0.9505, "IoU.floor": 0.8545, "IoU.tree": 0.7849, "IoU.ceiling": 0.8803, "IoU.road": 0.8627, "IoU.bed ": 0.9281, "IoU.windowpane": 0.6774, "IoU.grass": 0.7013, "IoU.cabinet": 0.6805, "IoU.sidewalk": 0.708, "IoU.person": 0.8636, "IoU.earth": 0.4226, "IoU.door": 0.6069, "IoU.table": 0.7066, "IoU.mountain": 0.6298, "IoU.plant": 0.5824, "IoU.curtain": 0.7876, "IoU.chair": 0.6889, "IoU.car": 0.8898, "IoU.water": 0.6273, "IoU.painting": 0.7782, "IoU.sofa": 0.8426, "IoU.shelf": 0.5403, "IoU.house": 0.5697, "IoU.sea": 0.7295, "IoU.mirror": 0.7755, "IoU.rug": 0.66, "IoU.field": 0.3478, "IoU.armchair": 0.6154, "IoU.seat": 0.6815, "IoU.fence": 0.5423, "IoU.desk": 0.6001, "IoU.rock": 0.5528, "IoU.wardrobe": 0.5405, "IoU.lamp": 0.7738, "IoU.bathtub": 0.8704, "IoU.railing": 0.4628, "IoU.cushion": 0.7401, "IoU.base": 0.3743, "IoU.box": 0.3864, "IoU.column": 0.5695, "IoU.signboard": 0.4193, "IoU.chest of drawers": 0.4234, "IoU.counter": 0.4334, "IoU.sand": 0.5651, "IoU.sink": 0.8105, "IoU.skyscraper": 0.4635, "IoU.fireplace": 0.739, "IoU.refrigerator": 0.8669, "IoU.grandstand": 0.5086, "IoU.path": 0.322, "IoU.stairs": 0.3081, "IoU.runway": 0.7418, "IoU.case": 0.6275, "IoU.pool table": 0.9511, "IoU.pillow": 0.7025, "IoU.screen door": 0.7986, "IoU.stairway": 0.4281, "IoU.river": 0.0926, "IoU.bridge": 0.7429, "IoU.bookcase": 0.5787, "IoU.blind": 0.4579, "IoU.coffee table": 0.6208, "IoU.toilet": 0.9126, "IoU.flower": 0.4802, "IoU.book": 0.5764, "IoU.hill": 0.1267, "IoU.bench": 0.5626, "IoU.countertop": 0.658, "IoU.stove": 0.8797, "IoU.palm": 0.5566, "IoU.kitchen island": 0.6936, "IoU.computer": 0.7928, "IoU.swivel chair": 0.4728, "IoU.boat": 0.8072, "IoU.bar": 0.6502, "IoU.arcade machine": 0.7887, "IoU.hovel": 0.1414, "IoU.bus": 0.9258, "IoU.towel": 0.8049, "IoU.light": 0.6327, "IoU.truck": 0.5322, "IoU.tower": 0.357, "IoU.chandelier": 0.7543, "IoU.awning": 0.4054, "IoU.streetlight": 0.4017, "IoU.booth": 0.4218, "IoU.television receiver": 0.824, "IoU.airplane": 0.8924, "IoU.dirt track": 0.0561, "IoU.apparel": 0.6676, "IoU.pole": 0.2288, "IoU.land": 0.0323, "IoU.bannister": 0.2105, "IoU.escalator": 0.6735, "IoU.ottoman": 0.508, "IoU.bottle": 0.4528, "IoU.buffet": 0.5158, "IoU.poster": 0.3164, "IoU.stage": 0.278, "IoU.van": 0.4904, "IoU.ship": 0.802, "IoU.fountain": 0.3815, "IoU.conveyer belt": 0.8147, "IoU.canopy": 0.5371, "IoU.washer": 0.8314, "IoU.plaything": 0.4388, "IoU.swimming pool": 0.5398, "IoU.stool": 0.5325, "IoU.barrel": 0.7648, "IoU.basket": 0.4137, "IoU.waterfall": 0.4949, "IoU.tent": 0.9313, "IoU.bag": 0.2769, "IoU.minibike": 0.7794, "IoU.cradle": 0.8621, "IoU.oven": 0.6317, "IoU.ball": 0.5552, "IoU.food": 0.6395, "IoU.step": 0.1594, "IoU.tank": 0.8064, "IoU.trade name": 0.2548, "IoU.microwave": 0.9008, "IoU.pot": 0.6036, "IoU.animal": 0.6216, "IoU.bicycle": 0.6053, "IoU.lake": 0.4995, "IoU.dishwasher": 0.7641, "IoU.screen": 0.6217, "IoU.blanket": 0.385, "IoU.sculpture": 0.7507, "IoU.hood": 0.6509, "IoU.sconce": 0.6452, "IoU.vase": 0.4865, "IoU.traffic light": 0.3723, "IoU.tray": 0.2667, "IoU.ashcan": 0.5286, "IoU.fan": 0.7241, "IoU.pier": 0.4521, "IoU.crt screen": 0.0206, "IoU.plate": 0.6323, "IoU.monitor": 0.5768, "IoU.bulletin board": 0.5661, "IoU.shower": 0.1383, "IoU.radiator": 0.6963, "IoU.glass": 0.2188, "IoU.clock": 0.5172, "IoU.flag": 0.7182, "Acc.wall": 0.9049, "Acc.building": 0.9353, "Acc.sky": 0.9767, "Acc.floor": 0.9216, "Acc.tree": 0.9049, "Acc.ceiling": 0.9479, "Acc.road": 0.9062, "Acc.bed ": 0.9701, "Acc.windowpane": 0.8208, "Acc.grass": 0.8262, "Acc.cabinet": 0.7823, "Acc.sidewalk": 0.8544, "Acc.person": 0.9498, "Acc.earth": 0.5643, "Acc.door": 0.757, "Acc.table": 0.8195, "Acc.mountain": 0.7326, "Acc.plant": 0.6881, "Acc.curtain": 0.8918, "Acc.chair": 0.8167, "Acc.car": 0.9402, "Acc.water": 0.7772, "Acc.painting": 0.9078, "Acc.sofa": 0.9306, "Acc.shelf": 0.7226, "Acc.house": 0.7032, "Acc.sea": 0.8113, "Acc.mirror": 0.8429, "Acc.rug": 0.7581, "Acc.field": 0.5777, "Acc.armchair": 0.7508, "Acc.seat": 0.8922, "Acc.fence": 0.6824, "Acc.desk": 0.792, "Acc.rock": 0.8218, "Acc.wardrobe": 0.7492, "Acc.lamp": 0.8769, "Acc.bathtub": 0.8968, "Acc.railing": 0.6481, "Acc.cushion": 0.8422, "Acc.base": 0.5531, "Acc.box": 0.4934, "Acc.column": 0.6893, "Acc.signboard": 0.5739, "Acc.chest of drawers": 0.6244, "Acc.counter": 0.5249, "Acc.sand": 0.8632, "Acc.sink": 0.859, "Acc.skyscraper": 0.5823, "Acc.fireplace": 0.9412, "Acc.refrigerator": 0.9435, "Acc.grandstand": 0.8079, "Acc.path": 0.4307, "Acc.stairs": 0.3917, "Acc.runway": 0.9646, "Acc.case": 0.834, "Acc.pool table": 0.9787, "Acc.pillow": 0.8052, "Acc.screen door": 0.8182, "Acc.stairway": 0.5815, "Acc.river": 0.2079, "Acc.bridge": 0.8771, "Acc.bookcase": 0.6899, "Acc.blind": 0.5114, "Acc.coffee table": 0.8694, "Acc.toilet": 0.9404, "Acc.flower": 0.5953, "Acc.book": 0.7777, "Acc.hill": 0.2231, "Acc.bench": 0.6374, "Acc.countertop": 0.8498, "Acc.stove": 0.9264, "Acc.palm": 0.8284, "Acc.kitchen island": 0.8696, "Acc.computer": 0.9146, "Acc.swivel chair": 0.7022, "Acc.boat": 0.9102, "Acc.bar": 0.8788, "Acc.arcade machine": 0.8288, "Acc.hovel": 0.157, "Acc.bus": 0.9693, "Acc.towel": 0.8694, "Acc.light": 0.7273, "Acc.truck": 0.6249, "Acc.tower": 0.6154, "Acc.chandelier": 0.881, "Acc.awning": 0.4772, "Acc.streetlight": 0.5378, "Acc.booth": 0.5747, "Acc.television receiver": 0.8823, "Acc.airplane": 0.9613, "Acc.dirt track": 0.2869, "Acc.apparel": 0.8488, "Acc.pole": 0.3755, "Acc.land": 0.0445, "Acc.bannister": 0.2676, "Acc.escalator": 0.863, "Acc.ottoman": 0.6628, "Acc.bottle": 0.5865, "Acc.buffet": 0.5975, "Acc.poster": 0.3673, "Acc.stage": 0.4779, "Acc.van": 0.7352, "Acc.ship": 0.9256, "Acc.fountain": 0.3919, "Acc.conveyer belt": 0.9393, "Acc.canopy": 0.7467, "Acc.washer": 0.8815, "Acc.plaything": 0.6252, "Acc.swimming pool": 0.7859, "Acc.stool": 0.726, "Acc.barrel": 0.9628, "Acc.basket": 0.5728, "Acc.waterfall": 0.6458, "Acc.tent": 0.9846, "Acc.bag": 0.3144, "Acc.minibike": 0.905, "Acc.cradle": 0.9751, "Acc.oven": 0.7595, "Acc.ball": 0.6313, "Acc.food": 0.7629, "Acc.step": 0.1803, "Acc.tank": 0.9254, "Acc.trade name": 0.3049, "Acc.microwave": 0.9654, "Acc.pot": 0.7108, "Acc.animal": 0.6326, "Acc.bicycle": 0.7762, "Acc.lake": 0.644, "Acc.dishwasher": 0.8461, "Acc.screen": 0.9238, "Acc.blanket": 0.4394, "Acc.sculpture": 0.8865, "Acc.hood": 0.769, "Acc.sconce": 0.737, "Acc.vase": 0.6694, "Acc.traffic light": 0.6447, "Acc.tray": 0.3491, "Acc.ashcan": 0.6748, "Acc.fan": 0.8379, "Acc.pier": 0.5064, "Acc.crt screen": 0.0339, "Acc.plate": 0.7932, "Acc.monitor": 0.6864, "Acc.bulletin board": 0.6646, "Acc.shower": 0.1629, "Acc.radiator": 0.8112, "Acc.glass": 0.2366, "Acc.clock": 0.6138, "Acc.flag": 0.8137} {"mode": "train", "epoch": 4, "iter": 79050, "lr": 0.0, "memory": 71386, "data_time": 2.06677, "decode.loss_ce": 0.12916, "decode.acc_seg": 94.08531, "aux.loss_ce": 0.05565, "aux.acc_seg": 93.68713, "loss": 0.1848, "time": 3.69333} {"mode": "train", "epoch": 5, "iter": 79100, "lr": 0.0, "memory": 71386, "data_time": 0.06003, "decode.loss_ce": 0.12428, "decode.acc_seg": 94.41056, "aux.loss_ce": 0.05398, "aux.acc_seg": 93.90915, "loss": 0.17826, "time": 1.68146} {"mode": "train", "epoch": 5, "iter": 79150, "lr": 0.0, "memory": 71386, "data_time": 0.01001, "decode.loss_ce": 0.1222, "decode.acc_seg": 94.47154, "aux.loss_ce": 0.05263, "aux.acc_seg": 94.10027, "loss": 0.17482, "time": 1.62597} {"mode": "train", "epoch": 5, "iter": 79200, "lr": 0.0, "memory": 71386, "data_time": 0.00968, "decode.loss_ce": 0.12765, "decode.acc_seg": 94.33215, "aux.loss_ce": 0.05496, "aux.acc_seg": 93.88368, "loss": 0.18261, "time": 1.62688} {"mode": "train", "epoch": 5, "iter": 79250, "lr": 0.0, "memory": 71386, "data_time": 0.00995, "decode.loss_ce": 0.12712, "decode.acc_seg": 94.33505, "aux.loss_ce": 0.05501, "aux.acc_seg": 93.9412, "loss": 0.18214, "time": 1.62428} {"mode": "train", "epoch": 5, "iter": 79300, "lr": 0.0, "memory": 71386, "data_time": 0.01019, "decode.loss_ce": 0.1216, "decode.acc_seg": 94.47746, "aux.loss_ce": 0.0528, "aux.acc_seg": 94.03676, "loss": 0.1744, "time": 1.62829} {"mode": "train", "epoch": 5, "iter": 79350, "lr": 0.0, "memory": 71386, "data_time": 0.01009, "decode.loss_ce": 0.12606, "decode.acc_seg": 94.26004, "aux.loss_ce": 0.05489, "aux.acc_seg": 93.76771, "loss": 0.18095, "time": 1.62588} {"mode": "train", "epoch": 5, "iter": 79400, "lr": 0.0, "memory": 71386, "data_time": 0.00992, "decode.loss_ce": 0.12177, "decode.acc_seg": 94.4678, "aux.loss_ce": 0.05286, "aux.acc_seg": 94.05056, "loss": 0.17462, "time": 1.62945} {"mode": "train", "epoch": 5, "iter": 79450, "lr": 0.0, "memory": 71386, "data_time": 0.00991, "decode.loss_ce": 0.12699, "decode.acc_seg": 94.28889, "aux.loss_ce": 0.05483, "aux.acc_seg": 93.89232, "loss": 0.18183, "time": 1.6247} {"mode": "train", "epoch": 5, "iter": 79500, "lr": 0.0, "memory": 71386, "data_time": 0.00987, "decode.loss_ce": 0.12204, "decode.acc_seg": 94.2813, "aux.loss_ce": 0.05296, "aux.acc_seg": 93.82833, "loss": 0.175, "time": 1.62562} {"mode": "train", "epoch": 5, "iter": 79550, "lr": 0.0, "memory": 71386, "data_time": 0.01002, "decode.loss_ce": 0.12919, "decode.acc_seg": 94.37053, "aux.loss_ce": 0.05561, "aux.acc_seg": 93.92671, "loss": 0.18481, "time": 1.62549} {"mode": "train", "epoch": 5, "iter": 79600, "lr": 0.0, "memory": 71386, "data_time": 0.00994, "decode.loss_ce": 0.11584, "decode.acc_seg": 94.82249, "aux.loss_ce": 0.05041, "aux.acc_seg": 94.39913, "loss": 0.16625, "time": 1.63249} {"mode": "train", "epoch": 5, "iter": 79650, "lr": 0.0, "memory": 71386, "data_time": 0.01041, "decode.loss_ce": 0.12642, "decode.acc_seg": 94.42531, "aux.loss_ce": 0.05514, "aux.acc_seg": 93.92542, "loss": 0.18155, "time": 1.62367} {"mode": "train", "epoch": 5, "iter": 79700, "lr": 0.0, "memory": 71386, "data_time": 0.0104, "decode.loss_ce": 0.12831, "decode.acc_seg": 94.29885, "aux.loss_ce": 0.05563, "aux.acc_seg": 93.9224, "loss": 0.18394, "time": 1.62538} {"mode": "train", "epoch": 5, "iter": 79750, "lr": 0.0, "memory": 71386, "data_time": 0.01017, "decode.loss_ce": 0.12111, "decode.acc_seg": 94.57551, "aux.loss_ce": 0.05242, "aux.acc_seg": 94.16685, "loss": 0.17354, "time": 1.62602} {"mode": "train", "epoch": 5, "iter": 79800, "lr": 0.0, "memory": 71386, "data_time": 0.01002, "decode.loss_ce": 0.12362, "decode.acc_seg": 94.45726, "aux.loss_ce": 0.05356, "aux.acc_seg": 94.00726, "loss": 0.17718, "time": 1.62594} {"mode": "train", "epoch": 5, "iter": 79850, "lr": 0.0, "memory": 71386, "data_time": 0.00984, "decode.loss_ce": 0.12485, "decode.acc_seg": 94.25523, "aux.loss_ce": 0.05498, "aux.acc_seg": 93.74547, "loss": 0.17983, "time": 1.62501} {"mode": "train", "epoch": 5, "iter": 79900, "lr": 0.0, "memory": 71386, "data_time": 0.00972, "decode.loss_ce": 0.12031, "decode.acc_seg": 94.36637, "aux.loss_ce": 0.05241, "aux.acc_seg": 93.87946, "loss": 0.17272, "time": 1.62644} {"mode": "train", "epoch": 5, "iter": 79950, "lr": 0.0, "memory": 71386, "data_time": 0.00985, "decode.loss_ce": 0.12194, "decode.acc_seg": 94.44498, "aux.loss_ce": 0.05278, "aux.acc_seg": 94.0182, "loss": 0.17472, "time": 1.62592} {"mode": "train", "epoch": 5, "iter": 80000, "lr": 0.0, "memory": 71386, "data_time": 0.01046, "decode.loss_ce": 0.12552, "decode.acc_seg": 94.37264, "aux.loss_ce": 0.05486, "aux.acc_seg": 93.87545, "loss": 0.18038, "time": 3.3414} {"mode": "val", "epoch": 5, "iter": 250, "lr": 0.0, "aAcc": 0.8678, "mIoU": 0.5932, "mAcc": 0.7159, "IoU.wall": 0.8305, "IoU.building": 0.8593, "IoU.sky": 0.9505, "IoU.floor": 0.8537, "IoU.tree": 0.7839, "IoU.ceiling": 0.8803, "IoU.road": 0.8624, "IoU.bed ": 0.9282, "IoU.windowpane": 0.6778, "IoU.grass": 0.6995, "IoU.cabinet": 0.6795, "IoU.sidewalk": 0.7077, "IoU.person": 0.865, "IoU.earth": 0.422, "IoU.door": 0.6074, "IoU.table": 0.7065, "IoU.mountain": 0.6293, "IoU.plant": 0.5799, "IoU.curtain": 0.7887, "IoU.chair": 0.6888, "IoU.car": 0.8896, "IoU.water": 0.629, "IoU.painting": 0.7802, "IoU.sofa": 0.8454, "IoU.shelf": 0.5439, "IoU.house": 0.5689, "IoU.sea": 0.7322, "IoU.mirror": 0.7753, "IoU.rug": 0.6597, "IoU.field": 0.3463, "IoU.armchair": 0.6181, "IoU.seat": 0.6837, "IoU.fence": 0.543, "IoU.desk": 0.6019, "IoU.rock": 0.5527, "IoU.wardrobe": 0.5455, "IoU.lamp": 0.7739, "IoU.bathtub": 0.8704, "IoU.railing": 0.4632, "IoU.cushion": 0.7383, "IoU.base": 0.3728, "IoU.box": 0.3897, "IoU.column": 0.5713, "IoU.signboard": 0.417, "IoU.chest of drawers": 0.4273, "IoU.counter": 0.4331, "IoU.sand": 0.565, "IoU.sink": 0.8107, "IoU.skyscraper": 0.4632, "IoU.fireplace": 0.7374, "IoU.refrigerator": 0.865, "IoU.grandstand": 0.5103, "IoU.path": 0.323, "IoU.stairs": 0.3137, "IoU.runway": 0.7409, "IoU.case": 0.6295, "IoU.pool table": 0.9512, "IoU.pillow": 0.7028, "IoU.screen door": 0.8037, "IoU.stairway": 0.4331, "IoU.river": 0.0929, "IoU.bridge": 0.7429, "IoU.bookcase": 0.5716, "IoU.blind": 0.4587, "IoU.coffee table": 0.6181, "IoU.toilet": 0.9125, "IoU.flower": 0.4795, "IoU.book": 0.5747, "IoU.hill": 0.1265, "IoU.bench": 0.5629, "IoU.countertop": 0.6568, "IoU.stove": 0.8807, "IoU.palm": 0.5554, "IoU.kitchen island": 0.6855, "IoU.computer": 0.7966, "IoU.swivel chair": 0.4727, "IoU.boat": 0.7956, "IoU.bar": 0.6526, "IoU.arcade machine": 0.7885, "IoU.hovel": 0.1411, "IoU.bus": 0.9259, "IoU.towel": 0.8047, "IoU.light": 0.632, "IoU.truck": 0.5308, "IoU.tower": 0.3607, "IoU.chandelier": 0.7547, "IoU.awning": 0.4065, "IoU.streetlight": 0.4001, "IoU.booth": 0.4246, "IoU.television receiver": 0.8238, "IoU.airplane": 0.8924, "IoU.dirt track": 0.0564, "IoU.apparel": 0.6587, "IoU.pole": 0.2295, "IoU.land": 0.0315, "IoU.bannister": 0.2139, "IoU.escalator": 0.6723, "IoU.ottoman": 0.5113, "IoU.bottle": 0.4563, "IoU.buffet": 0.5128, "IoU.poster": 0.3188, "IoU.stage": 0.2847, "IoU.van": 0.4918, "IoU.ship": 0.8061, "IoU.fountain": 0.38, "IoU.conveyer belt": 0.8121, "IoU.canopy": 0.5385, "IoU.washer": 0.8304, "IoU.plaything": 0.4333, "IoU.swimming pool": 0.5405, "IoU.stool": 0.534, "IoU.barrel": 0.7717, "IoU.basket": 0.4129, "IoU.waterfall": 0.4951, "IoU.tent": 0.9255, "IoU.bag": 0.2795, "IoU.minibike": 0.7782, "IoU.cradle": 0.8651, "IoU.oven": 0.6315, "IoU.ball": 0.5485, "IoU.food": 0.6417, "IoU.step": 0.1594, "IoU.tank": 0.8107, "IoU.trade name": 0.2414, "IoU.microwave": 0.8994, "IoU.pot": 0.6047, "IoU.animal": 0.6247, "IoU.bicycle": 0.6081, "IoU.lake": 0.4988, "IoU.dishwasher": 0.7638, "IoU.screen": 0.6187, "IoU.blanket": 0.3896, "IoU.sculpture": 0.7517, "IoU.hood": 0.6516, "IoU.sconce": 0.6456, "IoU.vase": 0.4875, "IoU.traffic light": 0.3731, "IoU.tray": 0.2701, "IoU.ashcan": 0.5286, "IoU.fan": 0.7237, "IoU.pier": 0.4584, "IoU.crt screen": 0.0197, "IoU.plate": 0.6339, "IoU.monitor": 0.5539, "IoU.bulletin board": 0.5634, "IoU.shower": 0.1378, "IoU.radiator": 0.6965, "IoU.glass": 0.2157, "IoU.clock": 0.5174, "IoU.flag": 0.7181, "Acc.wall": 0.9053, "Acc.building": 0.9356, "Acc.sky": 0.9771, "Acc.floor": 0.921, "Acc.tree": 0.9012, "Acc.ceiling": 0.9481, "Acc.road": 0.9074, "Acc.bed ": 0.9709, "Acc.windowpane": 0.8196, "Acc.grass": 0.8282, "Acc.cabinet": 0.777, "Acc.sidewalk": 0.8533, "Acc.person": 0.9466, "Acc.earth": 0.5677, "Acc.door": 0.7559, "Acc.table": 0.8182, "Acc.mountain": 0.7356, "Acc.plant": 0.6818, "Acc.curtain": 0.8919, "Acc.chair": 0.815, "Acc.car": 0.9418, "Acc.water": 0.7817, "Acc.painting": 0.9087, "Acc.sofa": 0.9296, "Acc.shelf": 0.7304, "Acc.house": 0.7074, "Acc.sea": 0.8102, "Acc.mirror": 0.8446, "Acc.rug": 0.757, "Acc.field": 0.5691, "Acc.armchair": 0.7595, "Acc.seat": 0.8933, "Acc.fence": 0.6803, "Acc.desk": 0.7887, "Acc.rock": 0.8164, "Acc.wardrobe": 0.7562, "Acc.lamp": 0.8776, "Acc.bathtub": 0.8973, "Acc.railing": 0.6528, "Acc.cushion": 0.8383, "Acc.base": 0.5436, "Acc.box": 0.5018, "Acc.column": 0.6876, "Acc.signboard": 0.5719, "Acc.chest of drawers": 0.6426, "Acc.counter": 0.5227, "Acc.sand": 0.8635, "Acc.sink": 0.8608, "Acc.skyscraper": 0.5856, "Acc.fireplace": 0.9423, "Acc.refrigerator": 0.9432, "Acc.grandstand": 0.8096, "Acc.path": 0.4345, "Acc.stairs": 0.4006, "Acc.runway": 0.9615, "Acc.case": 0.8299, "Acc.pool table": 0.9784, "Acc.pillow": 0.8064, "Acc.screen door": 0.8239, "Acc.stairway": 0.5799, "Acc.river": 0.2093, "Acc.bridge": 0.8799, "Acc.bookcase": 0.6718, "Acc.blind": 0.5118, "Acc.coffee table": 0.8707, "Acc.toilet": 0.9404, "Acc.flower": 0.5943, "Acc.book": 0.7838, "Acc.hill": 0.2246, "Acc.bench": 0.6365, "Acc.countertop": 0.8555, "Acc.stove": 0.9298, "Acc.palm": 0.8293, "Acc.kitchen island": 0.8741, "Acc.computer": 0.9125, "Acc.swivel chair": 0.6998, "Acc.boat": 0.9144, "Acc.bar": 0.8789, "Acc.arcade machine": 0.8295, "Acc.hovel": 0.1572, "Acc.bus": 0.9698, "Acc.towel": 0.8746, "Acc.light": 0.7259, "Acc.truck": 0.6257, "Acc.tower": 0.6231, "Acc.chandelier": 0.8773, "Acc.awning": 0.4819, "Acc.streetlight": 0.5342, "Acc.booth": 0.5747, "Acc.television receiver": 0.8859, "Acc.airplane": 0.9615, "Acc.dirt track": 0.2882, "Acc.apparel": 0.8538, "Acc.pole": 0.3782, "Acc.land": 0.0442, "Acc.bannister": 0.2717, "Acc.escalator": 0.8615, "Acc.ottoman": 0.6713, "Acc.bottle": 0.5891, "Acc.buffet": 0.5927, "Acc.poster": 0.3718, "Acc.stage": 0.4764, "Acc.van": 0.7276, "Acc.ship": 0.9288, "Acc.fountain": 0.3901, "Acc.conveyer belt": 0.9388, "Acc.canopy": 0.7514, "Acc.washer": 0.8807, "Acc.plaything": 0.6192, "Acc.swimming pool": 0.7913, "Acc.stool": 0.7305, "Acc.barrel": 0.9586, "Acc.basket": 0.5721, "Acc.waterfall": 0.6475, "Acc.tent": 0.9857, "Acc.bag": 0.3186, "Acc.minibike": 0.906, "Acc.cradle": 0.9762, "Acc.oven": 0.7547, "Acc.ball": 0.6123, "Acc.food": 0.7638, "Acc.step": 0.1806, "Acc.tank": 0.9238, "Acc.trade name": 0.2848, "Acc.microwave": 0.966, "Acc.pot": 0.7095, "Acc.animal": 0.6367, "Acc.bicycle": 0.7748, "Acc.lake": 0.6378, "Acc.dishwasher": 0.8465, "Acc.screen": 0.9262, "Acc.blanket": 0.4474, "Acc.sculpture": 0.8852, "Acc.hood": 0.7712, "Acc.sconce": 0.7387, "Acc.vase": 0.6678, "Acc.traffic light": 0.643, "Acc.tray": 0.3577, "Acc.ashcan": 0.6736, "Acc.fan": 0.8382, "Acc.pier": 0.5209, "Acc.crt screen": 0.034, "Acc.plate": 0.7932, "Acc.monitor": 0.6607, "Acc.bulletin board": 0.6534, "Acc.shower": 0.1626, "Acc.radiator": 0.8117, "Acc.glass": 0.2313, "Acc.clock": 0.6107, "Acc.flag": 0.8128}