diff --git "a/segmentation/upernet_internvit_6b_512_80k_ade20k_bs16_lr4e-5.log.json" "b/segmentation/upernet_internvit_6b_512_80k_ade20k_bs16_lr4e-5.log.json" new file mode 100644--- /dev/null +++ "b/segmentation/upernet_internvit_6b_512_80k_ade20k_bs16_lr4e-5.log.json" @@ -0,0 +1,1681 @@ +{"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": 1140238576, "exp_name": "upernet_internvit_6b_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='InternViT6B',\n pretrain_img_size=224,\n img_size=512,\n pretrain_patch_size=14,\n patch_size=16,\n embed_dim=3200,\n depth=48,\n num_heads=25,\n mlp_ratio=4.0,\n qkv_bias=False,\n drop_path_rate=0.4,\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=True,\n freeze_vit=False,\n out_indices=[11, 23, 35, 47],\n use_simple_fpn=True,\n pretrained='./pretrained/intern_vit_6b_224px.pth',\n norm_layer_type='RMSNorm',\n output_dtype='float32',\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))\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 = './pretrained/intern_vit_6b_224px.pth'\ncustom_hooks = [dict(type='ToBFloat16Hook', priority=49)]\nwork_dir = './work_dirs/upernet_internvit_6b_512_80k_ade20k_bs16_lr4e-5'\ngpu_ids = range(0, 8)\nauto_resume = False\ndevice = 'cuda'\nseed = 1140238576\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": 65790, "data_time": 0.00865, "decode.loss_ce": 4.18032, "decode.acc_seg": 0.4504, "aux.loss_ce": 1.65453, "aux.acc_seg": 2.67537, "loss": 5.83485, "time": 1.89196} +{"mode": "train", "epoch": 1, "iter": 100, "lr": 0.0, "memory": 65790, "data_time": 0.00679, "decode.loss_ce": 4.00413, "decode.acc_seg": 3.24119, "aux.loss_ce": 1.59904, "aux.acc_seg": 5.02724, "loss": 5.60317, "time": 1.60712} +{"mode": "train", "epoch": 1, "iter": 150, "lr": 0.0, "memory": 65790, "data_time": 0.00684, "decode.loss_ce": 3.93227, "decode.acc_seg": 13.30143, "aux.loss_ce": 1.60332, "aux.acc_seg": 8.66507, "loss": 5.5356, "time": 1.60844} +{"mode": "train", "epoch": 1, "iter": 200, "lr": 0.0, "memory": 65790, "data_time": 0.00688, "decode.loss_ce": 3.54866, "decode.acc_seg": 28.88203, "aux.loss_ce": 1.53615, "aux.acc_seg": 20.60869, "loss": 5.08482, "time": 1.60885} +{"mode": "train", "epoch": 1, "iter": 250, "lr": 0.0, "memory": 65790, "data_time": 0.00682, "decode.loss_ce": 2.78282, "decode.acc_seg": 40.00967, "aux.loss_ce": 1.41013, "aux.acc_seg": 33.34279, "loss": 4.19295, "time": 1.61137} +{"mode": "train", "epoch": 1, "iter": 300, "lr": 0.0, "memory": 65790, "data_time": 0.00694, "decode.loss_ce": 2.22499, "decode.acc_seg": 48.16086, "aux.loss_ce": 1.18675, "aux.acc_seg": 39.10807, "loss": 3.41174, "time": 1.61575} +{"mode": "train", "epoch": 1, "iter": 350, "lr": 0.0, "memory": 65790, "data_time": 0.00692, "decode.loss_ce": 1.87176, "decode.acc_seg": 55.47965, "aux.loss_ce": 0.98962, "aux.acc_seg": 46.29161, "loss": 2.86138, "time": 1.60939} +{"mode": "train", "epoch": 1, "iter": 400, "lr": 0.0, "memory": 65790, "data_time": 0.00689, "decode.loss_ce": 1.68146, "decode.acc_seg": 59.27479, "aux.loss_ce": 0.85816, "aux.acc_seg": 51.36711, "loss": 2.53962, "time": 1.60893} +{"mode": "train", "epoch": 1, "iter": 450, "lr": 0.0, "memory": 65790, "data_time": 0.00693, "decode.loss_ce": 1.46804, "decode.acc_seg": 62.47088, "aux.loss_ce": 0.73155, "aux.acc_seg": 56.85846, "loss": 2.19958, "time": 1.60938} +{"mode": "train", "epoch": 1, "iter": 500, "lr": 0.0, "memory": 65790, "data_time": 0.00697, "decode.loss_ce": 1.31773, "decode.acc_seg": 65.52265, "aux.loss_ce": 0.63677, "aux.acc_seg": 61.07343, "loss": 1.95449, "time": 1.61} +{"mode": "train", "epoch": 1, "iter": 550, "lr": 0.0, "memory": 65790, "data_time": 0.00704, "decode.loss_ce": 1.27293, "decode.acc_seg": 65.61321, "aux.loss_ce": 0.60771, "aux.acc_seg": 61.70356, "loss": 1.88064, "time": 1.61022} +{"mode": "train", "epoch": 1, "iter": 600, "lr": 0.0, "memory": 65790, "data_time": 0.00702, "decode.loss_ce": 1.19203, "decode.acc_seg": 67.46701, "aux.loss_ce": 0.56318, "aux.acc_seg": 64.29872, "loss": 1.7552, "time": 1.61609} +{"mode": "train", "epoch": 1, "iter": 650, "lr": 0.0, "memory": 65790, "data_time": 0.00688, "decode.loss_ce": 1.08582, "decode.acc_seg": 69.63028, "aux.loss_ce": 0.50436, "aux.acc_seg": 67.03329, "loss": 1.59018, "time": 1.61107} +{"mode": "train", "epoch": 1, "iter": 700, "lr": 0.0, "memory": 65790, "data_time": 0.00712, "decode.loss_ce": 1.04237, "decode.acc_seg": 69.91489, "aux.loss_ce": 0.48049, "aux.acc_seg": 67.96454, "loss": 1.52286, "time": 1.61133} +{"mode": "train", "epoch": 1, "iter": 750, "lr": 0.0, "memory": 65790, "data_time": 0.00707, "decode.loss_ce": 0.90113, "decode.acc_seg": 71.98787, "aux.loss_ce": 0.416, "aux.acc_seg": 70.47614, "loss": 1.31713, "time": 1.61147} +{"mode": "train", "epoch": 1, "iter": 800, "lr": 0.0, "memory": 65790, "data_time": 0.00702, "decode.loss_ce": 0.95523, "decode.acc_seg": 71.08433, "aux.loss_ce": 0.43797, "aux.acc_seg": 69.19466, "loss": 1.3932, "time": 1.61124} +{"mode": "train", "epoch": 1, "iter": 850, "lr": 0.0, "memory": 65790, "data_time": 0.00689, "decode.loss_ce": 0.90765, "decode.acc_seg": 72.33921, "aux.loss_ce": 0.41361, "aux.acc_seg": 70.77519, "loss": 1.32127, "time": 1.61091} +{"mode": "train", "epoch": 1, "iter": 900, "lr": 0.0, "memory": 65790, "data_time": 0.00688, "decode.loss_ce": 0.88714, "decode.acc_seg": 72.7838, "aux.loss_ce": 0.39801, "aux.acc_seg": 71.22522, "loss": 1.28515, "time": 1.61239} +{"mode": "train", "epoch": 1, "iter": 950, "lr": 0.0, "memory": 65790, "data_time": 0.00689, "decode.loss_ce": 0.82654, "decode.acc_seg": 74.05076, "aux.loss_ce": 0.37183, "aux.acc_seg": 72.89436, "loss": 1.19837, "time": 1.61138} +{"mode": "train", "epoch": 1, "iter": 1000, "lr": 0.0, "memory": 65790, "data_time": 0.00683, "decode.loss_ce": 0.81902, "decode.acc_seg": 74.11321, "aux.loss_ce": 0.35715, "aux.acc_seg": 73.67137, "loss": 1.17617, "time": 1.61159} +{"mode": "val", "epoch": 1, "iter": 250, "lr": 0.0, "aAcc": 0.7868, "mIoU": 0.3154, "mAcc": 0.4042, "IoU.wall": 0.7067, "IoU.building": 0.7687, "IoU.sky": 0.9098, "IoU.floor": 0.7764, "IoU.tree": 0.6984, "IoU.ceiling": 0.7949, "IoU.road": 0.8004, "IoU.bed ": 0.8621, "IoU.windowpane": 0.5585, "IoU.grass": 0.5875, "IoU.cabinet": 0.5616, "IoU.sidewalk": 0.5422, "IoU.person": 0.7432, "IoU.earth": 0.2896, "IoU.door": 0.456, "IoU.table": 0.5384, "IoU.mountain": 0.5499, "IoU.plant": 0.4969, "IoU.curtain": 0.6622, "IoU.chair": 0.4753, "IoU.car": 0.7531, "IoU.water": 0.4584, "IoU.painting": 0.6411, "IoU.sofa": 0.638, "IoU.shelf": 0.2527, "IoU.house": 0.1389, "IoU.sea": 0.4418, "IoU.mirror": 0.5359, "IoU.rug": 0.5572, "IoU.field": 0.2656, "IoU.armchair": 0.3749, "IoU.seat": 0.5912, "IoU.fence": 0.2064, "IoU.desk": 0.3492, "IoU.rock": 0.4166, "IoU.wardrobe": 0.5055, "IoU.lamp": 0.5076, "IoU.bathtub": 0.6223, "IoU.railing": 0.2384, "IoU.cushion": 0.4329, "IoU.base": 0.103, "IoU.box": 0.1634, "IoU.column": 0.2851, "IoU.signboard": 0.1378, "IoU.chest of drawers": 0.4361, "IoU.counter": 0.4665, "IoU.sand": 0.5662, "IoU.sink": 0.536, "IoU.skyscraper": 0.4101, "IoU.fireplace": 0.6289, "IoU.refrigerator": 0.6497, "IoU.grandstand": 0.4142, "IoU.path": 0.051, "IoU.stairs": 0.3443, "IoU.runway": 0.6868, "IoU.case": 0.5844, "IoU.pool table": 0.7513, "IoU.pillow": 0.5075, "IoU.screen door": 0.5196, "IoU.stairway": 0.3479, "IoU.river": 0.2034, "IoU.bridge": 0.355, "IoU.bookcase": 0.2506, "IoU.blind": 0.0, "IoU.coffee table": 0.5331, "IoU.toilet": 0.7897, "IoU.flower": 0.2318, "IoU.book": 0.4033, "IoU.hill": 0.0021, "IoU.bench": 0.4661, "IoU.countertop": 0.1377, "IoU.stove": 0.6677, "IoU.palm": 0.4891, "IoU.kitchen island": 0.3373, "IoU.computer": 0.6326, "IoU.swivel chair": 0.1839, "IoU.boat": 0.4181, "IoU.bar": 0.5042, "IoU.arcade machine": 0.7907, "IoU.hovel": 0.0, "IoU.bus": 0.843, "IoU.towel": 0.4525, "IoU.light": 0.0, "IoU.truck": 0.2757, "IoU.tower": 0.0, "IoU.chandelier": 0.539, "IoU.awning": 0.0836, "IoU.streetlight": 0.0, "IoU.booth": 0.0005, "IoU.television receiver": 0.6392, "IoU.airplane": 0.4663, "IoU.dirt track": 0.0, "IoU.apparel": 0.3571, "IoU.pole": 0.0, "IoU.land": 0.0, "IoU.bannister": 0.0, "IoU.escalator": 0.0, "IoU.ottoman": 0.0005, "IoU.bottle": 0.0421, "IoU.buffet": 0.0, "IoU.poster": 0.0, "IoU.stage": 0.0, "IoU.van": 0.0145, "IoU.ship": 0.0, "IoU.fountain": 0.0027, "IoU.conveyer belt": 0.835, "IoU.canopy": 0.0, "IoU.washer": 0.6627, "IoU.plaything": 0.0, "IoU.swimming pool": 0.5217, "IoU.stool": 0.0, "IoU.barrel": 0.0765, "IoU.basket": 0.0, "IoU.waterfall": 0.3806, "IoU.tent": 0.906, "IoU.bag": 0.0, "IoU.minibike": 0.0926, "IoU.cradle": 0.7056, "IoU.oven": 0.0, "IoU.ball": 0.4919, "IoU.food": 0.0, "IoU.step": 0.0, "IoU.tank": 0.0, "IoU.trade name": 0.0, "IoU.microwave": 0.3504, "IoU.pot": 0.0, "IoU.animal": 0.0, "IoU.bicycle": 0.272, "IoU.lake": 0.0, "IoU.dishwasher": 0.379, "IoU.screen": 0.2271, "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.8603, "Acc.building": 0.9524, "Acc.sky": 0.9545, "Acc.floor": 0.8866, "Acc.tree": 0.8333, "Acc.ceiling": 0.9287, "Acc.road": 0.8939, "Acc.bed ": 0.9372, "Acc.windowpane": 0.8257, "Acc.grass": 0.7463, "Acc.cabinet": 0.7395, "Acc.sidewalk": 0.7085, "Acc.person": 0.9005, "Acc.earth": 0.3284, "Acc.door": 0.5452, "Acc.table": 0.6672, "Acc.mountain": 0.7783, "Acc.plant": 0.581, "Acc.curtain": 0.8447, "Acc.chair": 0.6018, "Acc.car": 0.9291, "Acc.water": 0.6823, "Acc.painting": 0.8503, "Acc.sofa": 0.727, "Acc.shelf": 0.3768, "Acc.house": 0.1513, "Acc.sea": 0.7583, "Acc.mirror": 0.6195, "Acc.rug": 0.6067, "Acc.field": 0.6014, "Acc.armchair": 0.7759, "Acc.seat": 0.8548, "Acc.fence": 0.2311, "Acc.desk": 0.6565, "Acc.rock": 0.59, "Acc.wardrobe": 0.6616, "Acc.lamp": 0.6069, "Acc.bathtub": 0.8515, "Acc.railing": 0.2712, "Acc.cushion": 0.4609, "Acc.base": 0.1103, "Acc.box": 0.181, "Acc.column": 0.2927, "Acc.signboard": 0.1439, "Acc.chest of drawers": 0.6095, "Acc.counter": 0.6431, "Acc.sand": 0.7068, "Acc.sink": 0.7821, "Acc.skyscraper": 0.6787, "Acc.fireplace": 0.9113, "Acc.refrigerator": 0.7974, "Acc.grandstand": 0.7285, "Acc.path": 0.0527, "Acc.stairs": 0.5476, "Acc.runway": 0.9254, "Acc.case": 0.8304, "Acc.pool table": 0.9859, "Acc.pillow": 0.6736, "Acc.screen door": 0.5741, "Acc.stairway": 0.4669, "Acc.river": 0.2534, "Acc.bridge": 0.393, "Acc.bookcase": 0.3901, "Acc.blind": 0.0, "Acc.coffee table": 0.8132, "Acc.toilet": 0.9428, "Acc.flower": 0.4005, "Acc.book": 0.5783, "Acc.hill": 0.0021, "Acc.bench": 0.4963, "Acc.countertop": 0.1386, "Acc.stove": 0.7863, "Acc.palm": 0.6042, "Acc.kitchen island": 0.4649, "Acc.computer": 0.9081, "Acc.swivel chair": 0.221, "Acc.boat": 0.5013, "Acc.bar": 0.6693, "Acc.arcade machine": 0.8611, "Acc.hovel": 0.0, "Acc.bus": 0.8804, "Acc.towel": 0.4878, "Acc.light": 0.0, "Acc.truck": 0.2923, "Acc.tower": 0.0, "Acc.chandelier": 0.7837, "Acc.awning": 0.0848, "Acc.streetlight": 0.0, "Acc.booth": 0.0005, "Acc.television receiver": 0.6982, "Acc.airplane": 0.5266, "Acc.dirt track": 0.0, "Acc.apparel": 0.5667, "Acc.pole": 0.0, "Acc.land": 0.0, "Acc.bannister": 0.0, "Acc.escalator": 0.0, "Acc.ottoman": 0.0005, "Acc.bottle": 0.043, "Acc.buffet": 0.0, "Acc.poster": 0.0, "Acc.stage": 0.0, "Acc.van": 0.0147, "Acc.ship": 0.0, "Acc.fountain": 0.0027, "Acc.conveyer belt": 0.9004, "Acc.canopy": 0.0, "Acc.washer": 0.9954, "Acc.plaything": 0.0, "Acc.swimming pool": 0.548, "Acc.stool": 0.0, "Acc.barrel": 0.0765, "Acc.basket": 0.0, "Acc.waterfall": 0.9742, "Acc.tent": 0.9864, "Acc.bag": 0.0, "Acc.minibike": 0.0927, "Acc.cradle": 0.9348, "Acc.oven": 0.0, "Acc.ball": 0.6267, "Acc.food": 0.0, "Acc.step": 0.0, "Acc.tank": 0.0, "Acc.trade name": 0.0, "Acc.microwave": 0.3526, "Acc.pot": 0.0, "Acc.animal": 0.0, "Acc.bicycle": 0.2829, "Acc.lake": 0.0, "Acc.dishwasher": 0.3991, "Acc.screen": 0.234, "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": 0.0, "memory": 65790, "data_time": 3.16904, "decode.loss_ce": 0.7586, "decode.acc_seg": 75.61963, "aux.loss_ce": 0.33017, "aux.acc_seg": 74.95827, "loss": 1.08876, "time": 4.77374} +{"mode": "train", "epoch": 1, "iter": 1100, "lr": 0.0, "memory": 65790, "data_time": 0.00706, "decode.loss_ce": 0.77323, "decode.acc_seg": 74.6426, "aux.loss_ce": 0.33584, "aux.acc_seg": 74.1952, "loss": 1.10907, "time": 1.61165} +{"mode": "train", "epoch": 1, "iter": 1150, "lr": 0.0, "memory": 65790, "data_time": 0.007, "decode.loss_ce": 0.73447, "decode.acc_seg": 75.24257, "aux.loss_ce": 0.3161, "aux.acc_seg": 75.03729, "loss": 1.05057, "time": 1.61132} +{"mode": "train", "epoch": 1, "iter": 1200, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.75364, "decode.acc_seg": 75.21915, "aux.loss_ce": 0.32158, "aux.acc_seg": 75.09579, "loss": 1.07521, "time": 1.61572} +{"mode": "train", "epoch": 1, "iter": 1250, "lr": 0.0, "memory": 65790, "data_time": 0.007, "decode.loss_ce": 0.73706, "decode.acc_seg": 75.46507, "aux.loss_ce": 0.315, "aux.acc_seg": 75.16328, "loss": 1.05206, "time": 1.61201} +{"mode": "train", "epoch": 2, "iter": 1300, "lr": 0.0, "memory": 65790, "data_time": 0.05833, "decode.loss_ce": 0.66717, "decode.acc_seg": 77.1437, "aux.loss_ce": 0.28212, "aux.acc_seg": 77.32967, "loss": 0.94929, "time": 1.66498} +{"mode": "train", "epoch": 2, "iter": 1350, "lr": 0.0, "memory": 65790, "data_time": 0.00702, "decode.loss_ce": 0.68408, "decode.acc_seg": 76.0694, "aux.loss_ce": 0.28749, "aux.acc_seg": 76.08228, "loss": 0.97157, "time": 1.61047} +{"mode": "train", "epoch": 2, "iter": 1400, "lr": 0.0, "memory": 65790, "data_time": 0.00702, "decode.loss_ce": 0.67974, "decode.acc_seg": 77.01802, "aux.loss_ce": 0.28699, "aux.acc_seg": 76.67416, "loss": 0.96673, "time": 1.61116} +{"mode": "train", "epoch": 2, "iter": 1450, "lr": 0.0, "memory": 65790, "data_time": 0.00713, "decode.loss_ce": 0.68195, "decode.acc_seg": 76.01414, "aux.loss_ce": 0.28302, "aux.acc_seg": 76.56745, "loss": 0.96497, "time": 1.61146} +{"mode": "train", "epoch": 2, "iter": 1500, "lr": 0.0, "memory": 65790, "data_time": 0.00704, "decode.loss_ce": 0.70733, "decode.acc_seg": 75.19041, "aux.loss_ce": 0.29515, "aux.acc_seg": 75.62271, "loss": 1.00248, "time": 1.61553} +{"mode": "train", "epoch": 2, "iter": 1550, "lr": 0.0, "memory": 65790, "data_time": 0.00706, "decode.loss_ce": 0.6582, "decode.acc_seg": 77.10969, "aux.loss_ce": 0.27205, "aux.acc_seg": 77.377, "loss": 0.93025, "time": 1.61205} +{"mode": "train", "epoch": 2, "iter": 1600, "lr": 0.0, "memory": 65790, "data_time": 0.00706, "decode.loss_ce": 0.63696, "decode.acc_seg": 77.33917, "aux.loss_ce": 0.26091, "aux.acc_seg": 77.80867, "loss": 0.89787, "time": 1.61149} +{"mode": "train", "epoch": 2, "iter": 1650, "lr": 0.0, "memory": 65790, "data_time": 0.00698, "decode.loss_ce": 0.67187, "decode.acc_seg": 76.41898, "aux.loss_ce": 0.27632, "aux.acc_seg": 76.47841, "loss": 0.94819, "time": 1.6117} +{"mode": "train", "epoch": 2, "iter": 1700, "lr": 0.0, "memory": 65790, "data_time": 0.00698, "decode.loss_ce": 0.64819, "decode.acc_seg": 76.4205, "aux.loss_ce": 0.26549, "aux.acc_seg": 76.84869, "loss": 0.91368, "time": 1.61199} +{"mode": "train", "epoch": 2, "iter": 1750, "lr": 0.0, "memory": 65790, "data_time": 0.00701, "decode.loss_ce": 0.67131, "decode.acc_seg": 76.13922, "aux.loss_ce": 0.27548, "aux.acc_seg": 76.29858, "loss": 0.94679, "time": 1.6119} +{"mode": "train", "epoch": 2, "iter": 1800, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.60143, "decode.acc_seg": 77.89114, "aux.loss_ce": 0.24606, "aux.acc_seg": 78.26789, "loss": 0.84749, "time": 1.61182} +{"mode": "train", "epoch": 2, "iter": 1850, "lr": 0.0, "memory": 65790, "data_time": 0.00721, "decode.loss_ce": 0.58281, "decode.acc_seg": 78.34485, "aux.loss_ce": 0.23827, "aux.acc_seg": 78.74692, "loss": 0.82108, "time": 1.61522} +{"mode": "train", "epoch": 2, "iter": 1900, "lr": 0.0, "memory": 65790, "data_time": 0.00708, "decode.loss_ce": 0.62325, "decode.acc_seg": 77.20207, "aux.loss_ce": 0.25393, "aux.acc_seg": 77.61012, "loss": 0.87718, "time": 1.61167} +{"mode": "train", "epoch": 2, "iter": 1950, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.63122, "decode.acc_seg": 77.65174, "aux.loss_ce": 0.25365, "aux.acc_seg": 78.29205, "loss": 0.88487, "time": 1.61187} +{"mode": "train", "epoch": 2, "iter": 2000, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.61009, "decode.acc_seg": 77.93967, "aux.loss_ce": 0.24793, "aux.acc_seg": 78.38244, "loss": 0.85802, "time": 2.91399} +{"mode": "val", "epoch": 2, "iter": 250, "lr": 0.0, "aAcc": 0.8123, "mIoU": 0.4503, "mAcc": 0.5975, "IoU.wall": 0.7478, "IoU.building": 0.799, "IoU.sky": 0.9254, "IoU.floor": 0.7953, "IoU.tree": 0.723, "IoU.ceiling": 0.8199, "IoU.road": 0.8212, "IoU.bed ": 0.8671, "IoU.windowpane": 0.6007, "IoU.grass": 0.6731, "IoU.cabinet": 0.6058, "IoU.sidewalk": 0.6121, "IoU.person": 0.7717, "IoU.earth": 0.3256, "IoU.door": 0.5236, "IoU.table": 0.5391, "IoU.mountain": 0.5679, "IoU.plant": 0.5257, "IoU.curtain": 0.7046, "IoU.chair": 0.495, "IoU.car": 0.8093, "IoU.water": 0.2827, "IoU.painting": 0.6746, "IoU.sofa": 0.7541, "IoU.shelf": 0.3828, "IoU.house": 0.3892, "IoU.sea": 0.647, "IoU.mirror": 0.6779, "IoU.rug": 0.6797, "IoU.field": 0.2328, "IoU.armchair": 0.5357, "IoU.seat": 0.5683, "IoU.fence": 0.4927, "IoU.desk": 0.4057, "IoU.rock": 0.5171, "IoU.wardrobe": 0.4881, "IoU.lamp": 0.5687, "IoU.bathtub": 0.7914, "IoU.railing": 0.3276, "IoU.cushion": 0.5907, "IoU.base": 0.3132, "IoU.box": 0.094, "IoU.column": 0.4899, "IoU.signboard": 0.3366, "IoU.chest of drawers": 0.396, "IoU.counter": 0.4911, "IoU.sand": 0.4381, "IoU.sink": 0.6574, "IoU.skyscraper": 0.4561, "IoU.fireplace": 0.6373, "IoU.refrigerator": 0.7067, "IoU.grandstand": 0.3814, "IoU.path": 0.214, "IoU.stairs": 0.2051, "IoU.runway": 0.6564, "IoU.case": 0.6024, "IoU.pool table": 0.8752, "IoU.pillow": 0.547, "IoU.screen door": 0.6549, "IoU.stairway": 0.3406, "IoU.river": 0.1357, "IoU.bridge": 0.6101, "IoU.bookcase": 0.3109, "IoU.blind": 0.1338, "IoU.coffee table": 0.5356, "IoU.toilet": 0.8351, "IoU.flower": 0.3926, "IoU.book": 0.4334, "IoU.hill": 0.0482, "IoU.bench": 0.535, "IoU.countertop": 0.5713, "IoU.stove": 0.7486, "IoU.palm": 0.508, "IoU.kitchen island": 0.2141, "IoU.computer": 0.511, "IoU.swivel chair": 0.3243, "IoU.boat": 0.3609, "IoU.bar": 0.6009, "IoU.arcade machine": 0.766, "IoU.hovel": 0.155, "IoU.bus": 0.8789, "IoU.towel": 0.6157, "IoU.light": 0.3637, "IoU.truck": 0.4061, "IoU.tower": 0.2251, "IoU.chandelier": 0.6085, "IoU.awning": 0.2753, "IoU.streetlight": 0.167, "IoU.booth": 0.2741, "IoU.television receiver": 0.7107, "IoU.airplane": 0.6587, "IoU.dirt track": 0.0217, "IoU.apparel": 0.3658, "IoU.pole": 0.0779, "IoU.land": 0.0, "IoU.bannister": 0.0683, "IoU.escalator": 0.6227, "IoU.ottoman": 0.4479, "IoU.bottle": 0.3928, "IoU.buffet": 0.4794, "IoU.poster": 0.1453, "IoU.stage": 0.1582, "IoU.van": 0.2969, "IoU.ship": 0.0843, "IoU.fountain": 0.4651, "IoU.conveyer belt": 0.5693, "IoU.canopy": 0.4819, "IoU.washer": 0.7353, "IoU.plaything": 0.2164, "IoU.swimming pool": 0.4433, "IoU.stool": 0.2712, "IoU.barrel": 0.4586, "IoU.basket": 0.3671, "IoU.waterfall": 0.5017, "IoU.tent": 0.9314, "IoU.bag": 0.017, "IoU.minibike": 0.6726, "IoU.cradle": 0.6925, "IoU.oven": 0.4478, "IoU.ball": 0.3382, "IoU.food": 0.5447, "IoU.step": 0.0, "IoU.tank": 0.4385, "IoU.trade name": 0.0058, "IoU.microwave": 0.7637, "IoU.pot": 0.4995, "IoU.animal": 0.6746, "IoU.bicycle": 0.5378, "IoU.lake": 0.0, "IoU.dishwasher": 0.5582, "IoU.screen": 0.5678, "IoU.blanket": 0.0002, "IoU.sculpture": 0.5044, "IoU.hood": 0.5697, "IoU.sconce": 0.1232, "IoU.vase": 0.2942, "IoU.traffic light": 0.1011, "IoU.tray": 0.0125, "IoU.ashcan": 0.4012, "IoU.fan": 0.4913, "IoU.pier": 0.2994, "IoU.crt screen": 0.0361, "IoU.plate": 0.4605, "IoU.monitor": 0.148, "IoU.bulletin board": 0.3904, "IoU.shower": 0.0, "IoU.radiator": 0.3622, "IoU.glass": 0.0241, "IoU.clock": 0.0096, "IoU.flag": 0.2946, "Acc.wall": 0.8311, "Acc.building": 0.9354, "Acc.sky": 0.9556, "Acc.floor": 0.864, "Acc.tree": 0.8602, "Acc.ceiling": 0.8954, "Acc.road": 0.914, "Acc.bed ": 0.9714, "Acc.windowpane": 0.8037, "Acc.grass": 0.8602, "Acc.cabinet": 0.7152, "Acc.sidewalk": 0.7694, "Acc.person": 0.9253, "Acc.earth": 0.4318, "Acc.door": 0.7279, "Acc.table": 0.6417, "Acc.mountain": 0.7147, "Acc.plant": 0.6264, "Acc.curtain": 0.8751, "Acc.chair": 0.5796, "Acc.car": 0.9241, "Acc.water": 0.3095, "Acc.painting": 0.8624, "Acc.sofa": 0.8663, "Acc.shelf": 0.583, "Acc.house": 0.5452, "Acc.sea": 0.8659, "Acc.mirror": 0.813, "Acc.rug": 0.8012, "Acc.field": 0.3724, "Acc.armchair": 0.7571, "Acc.seat": 0.9116, "Acc.fence": 0.6362, "Acc.desk": 0.6713, "Acc.rock": 0.85, "Acc.wardrobe": 0.7038, "Acc.lamp": 0.8014, "Acc.bathtub": 0.881, "Acc.railing": 0.5767, "Acc.cushion": 0.77, "Acc.base": 0.4466, "Acc.box": 0.0953, "Acc.column": 0.5633, "Acc.signboard": 0.4548, "Acc.chest of drawers": 0.6943, "Acc.counter": 0.5581, "Acc.sand": 0.5916, "Acc.sink": 0.8241, "Acc.skyscraper": 0.5019, "Acc.fireplace": 0.9257, "Acc.refrigerator": 0.8603, "Acc.grandstand": 0.7963, "Acc.path": 0.2687, "Acc.stairs": 0.2244, "Acc.runway": 0.9637, "Acc.case": 0.765, "Acc.pool table": 0.9643, "Acc.pillow": 0.6083, "Acc.screen door": 0.702, "Acc.stairway": 0.5077, "Acc.river": 0.8429, "Acc.bridge": 0.6796, "Acc.bookcase": 0.5896, "Acc.blind": 0.1345, "Acc.coffee table": 0.8325, "Acc.toilet": 0.954, "Acc.flower": 0.5398, "Acc.book": 0.6525, "Acc.hill": 0.0655, "Acc.bench": 0.5881, "Acc.countertop": 0.7136, "Acc.stove": 0.8634, "Acc.palm": 0.7716, "Acc.kitchen island": 0.3281, "Acc.computer": 0.6169, "Acc.swivel chair": 0.9295, "Acc.boat": 0.9474, "Acc.bar": 0.671, "Acc.arcade machine": 0.8109, "Acc.hovel": 0.1684, "Acc.bus": 0.9573, "Acc.towel": 0.8201, "Acc.light": 0.6561, "Acc.truck": 0.5155, "Acc.tower": 0.4271, "Acc.chandelier": 0.8357, "Acc.awning": 0.3203, "Acc.streetlight": 0.2603, "Acc.booth": 0.3145, "Acc.television receiver": 0.8307, "Acc.airplane": 0.913, "Acc.dirt track": 0.0218, "Acc.apparel": 0.6904, "Acc.pole": 0.0881, "Acc.land": 0.0, "Acc.bannister": 0.1626, "Acc.escalator": 0.8206, "Acc.ottoman": 0.7459, "Acc.bottle": 0.6811, "Acc.buffet": 0.6658, "Acc.poster": 0.1742, "Acc.stage": 0.204, "Acc.van": 0.3775, "Acc.ship": 0.0884, "Acc.fountain": 0.4984, "Acc.conveyer belt": 0.9941, "Acc.canopy": 0.7085, "Acc.washer": 0.9806, "Acc.plaything": 0.8004, "Acc.swimming pool": 0.8992, "Acc.stool": 0.4428, "Acc.barrel": 0.6502, "Acc.basket": 0.5773, "Acc.waterfall": 0.6965, "Acc.tent": 0.9881, "Acc.bag": 0.017, "Acc.minibike": 0.8796, "Acc.cradle": 0.9899, "Acc.oven": 0.6184, "Acc.ball": 0.6798, "Acc.food": 0.7005, "Acc.step": 0.0, "Acc.tank": 0.4516, "Acc.trade name": 0.0058, "Acc.microwave": 0.9657, "Acc.pot": 0.5908, "Acc.animal": 0.7174, "Acc.bicycle": 0.7343, "Acc.lake": 0.0, "Acc.dishwasher": 0.598, "Acc.screen": 0.8998, "Acc.blanket": 0.0002, "Acc.sculpture": 0.5936, "Acc.hood": 0.6692, "Acc.sconce": 0.1341, "Acc.vase": 0.408, "Acc.traffic light": 0.109, "Acc.tray": 0.0129, "Acc.ashcan": 0.451, "Acc.fan": 0.804, "Acc.pier": 0.3291, "Acc.crt screen": 0.0895, "Acc.plate": 0.5159, "Acc.monitor": 0.3442, "Acc.bulletin board": 0.3996, "Acc.shower": 0.0, "Acc.radiator": 0.3624, "Acc.glass": 0.0242, "Acc.clock": 0.0096, "Acc.flag": 0.299} +{"mode": "train", "epoch": 2, "iter": 2050, "lr": 0.0, "memory": 65790, "data_time": 1.67924, "decode.loss_ce": 0.61084, "decode.acc_seg": 78.56788, "aux.loss_ce": 0.24609, "aux.acc_seg": 78.5112, "loss": 0.85693, "time": 3.28437} +{"mode": "train", "epoch": 2, "iter": 2100, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.5797, "decode.acc_seg": 78.89636, "aux.loss_ce": 0.23469, "aux.acc_seg": 79.18104, "loss": 0.81439, "time": 1.61398} +{"mode": "train", "epoch": 2, "iter": 2150, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.62815, "decode.acc_seg": 77.73935, "aux.loss_ce": 0.2526, "aux.acc_seg": 78.18752, "loss": 0.88075, "time": 1.6151} +{"mode": "train", "epoch": 2, "iter": 2200, "lr": 0.0, "memory": 65790, "data_time": 0.00709, "decode.loss_ce": 0.59282, "decode.acc_seg": 78.7106, "aux.loss_ce": 0.23989, "aux.acc_seg": 78.82668, "loss": 0.83272, "time": 1.61199} +{"mode": "train", "epoch": 2, "iter": 2250, "lr": 0.0, "memory": 65790, "data_time": 0.00704, "decode.loss_ce": 0.61183, "decode.acc_seg": 78.18528, "aux.loss_ce": 0.2445, "aux.acc_seg": 78.53825, "loss": 0.85632, "time": 1.61242} +{"mode": "train", "epoch": 2, "iter": 2300, "lr": 0.0, "memory": 65790, "data_time": 0.00695, "decode.loss_ce": 0.60367, "decode.acc_seg": 78.67492, "aux.loss_ce": 0.24059, "aux.acc_seg": 79.09194, "loss": 0.84426, "time": 1.6114} +{"mode": "train", "epoch": 2, "iter": 2350, "lr": 0.0, "memory": 65790, "data_time": 0.00702, "decode.loss_ce": 0.59394, "decode.acc_seg": 78.12134, "aux.loss_ce": 0.23716, "aux.acc_seg": 78.19318, "loss": 0.8311, "time": 1.611} +{"mode": "train", "epoch": 2, "iter": 2400, "lr": 0.0, "memory": 65790, "data_time": 0.007, "decode.loss_ce": 0.55483, "decode.acc_seg": 78.85824, "aux.loss_ce": 0.22399, "aux.acc_seg": 79.17628, "loss": 0.77883, "time": 1.6112} +{"mode": "train", "epoch": 2, "iter": 2450, "lr": 0.0, "memory": 65790, "data_time": 0.00724, "decode.loss_ce": 0.57115, "decode.acc_seg": 78.96767, "aux.loss_ce": 0.22793, "aux.acc_seg": 79.45714, "loss": 0.79908, "time": 1.61905} +{"mode": "train", "epoch": 2, "iter": 2500, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.59222, "decode.acc_seg": 78.56824, "aux.loss_ce": 0.23771, "aux.acc_seg": 78.84427, "loss": 0.82993, "time": 1.61403} +{"mode": "train", "epoch": 3, "iter": 2550, "lr": 0.0, "memory": 65790, "data_time": 0.05166, "decode.loss_ce": 0.59144, "decode.acc_seg": 78.0691, "aux.loss_ce": 0.23519, "aux.acc_seg": 78.51394, "loss": 0.82663, "time": 1.65722} +{"mode": "train", "epoch": 3, "iter": 2600, "lr": 0.0, "memory": 65790, "data_time": 0.00698, "decode.loss_ce": 0.53902, "decode.acc_seg": 80.14727, "aux.loss_ce": 0.22007, "aux.acc_seg": 80.06985, "loss": 0.75909, "time": 1.61134} +{"mode": "train", "epoch": 3, "iter": 2650, "lr": 0.0, "memory": 65790, "data_time": 0.00703, "decode.loss_ce": 0.54145, "decode.acc_seg": 79.35023, "aux.loss_ce": 0.21838, "aux.acc_seg": 79.51548, "loss": 0.75983, "time": 1.61216} +{"mode": "train", "epoch": 3, "iter": 2700, "lr": 0.0, "memory": 65790, "data_time": 0.00706, "decode.loss_ce": 0.56791, "decode.acc_seg": 78.91573, "aux.loss_ce": 0.22671, "aux.acc_seg": 79.22692, "loss": 0.79462, "time": 1.61165} +{"mode": "train", "epoch": 3, "iter": 2750, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.55245, "decode.acc_seg": 79.57818, "aux.loss_ce": 0.21956, "aux.acc_seg": 79.78282, "loss": 0.77202, "time": 1.61908} +{"mode": "train", "epoch": 3, "iter": 2800, "lr": 0.0, "memory": 65790, "data_time": 0.00695, "decode.loss_ce": 0.5432, "decode.acc_seg": 79.56687, "aux.loss_ce": 0.21579, "aux.acc_seg": 80.19666, "loss": 0.75899, "time": 1.61099} +{"mode": "train", "epoch": 3, "iter": 2850, "lr": 0.0, "memory": 65790, "data_time": 0.00715, "decode.loss_ce": 0.53082, "decode.acc_seg": 79.42308, "aux.loss_ce": 0.21326, "aux.acc_seg": 79.9845, "loss": 0.74408, "time": 1.61379} +{"mode": "train", "epoch": 3, "iter": 2900, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.57263, "decode.acc_seg": 79.49552, "aux.loss_ce": 0.23013, "aux.acc_seg": 79.6212, "loss": 0.80276, "time": 1.6113} +{"mode": "train", "epoch": 3, "iter": 2950, "lr": 0.0, "memory": 65790, "data_time": 0.00705, "decode.loss_ce": 0.54491, "decode.acc_seg": 79.81004, "aux.loss_ce": 0.21667, "aux.acc_seg": 80.1006, "loss": 0.76158, "time": 1.61011} +{"mode": "train", "epoch": 3, "iter": 3000, "lr": 0.0, "memory": 65790, "data_time": 0.00695, "decode.loss_ce": 0.54253, "decode.acc_seg": 79.58026, "aux.loss_ce": 0.21603, "aux.acc_seg": 80.17949, "loss": 0.75856, "time": 1.61106} +{"mode": "val", "epoch": 3, "iter": 250, "lr": 0.0, "aAcc": 0.8211, "mIoU": 0.4785, "mAcc": 0.6206, "IoU.wall": 0.7564, "IoU.building": 0.8182, "IoU.sky": 0.931, "IoU.floor": 0.804, "IoU.tree": 0.7343, "IoU.ceiling": 0.8156, "IoU.road": 0.8267, "IoU.bed ": 0.8904, "IoU.windowpane": 0.6239, "IoU.grass": 0.5675, "IoU.cabinet": 0.5875, "IoU.sidewalk": 0.6343, "IoU.person": 0.7856, "IoU.earth": 0.3363, "IoU.door": 0.5056, "IoU.table": 0.5828, "IoU.mountain": 0.5648, "IoU.plant": 0.5575, "IoU.curtain": 0.7508, "IoU.chair": 0.5726, "IoU.car": 0.8125, "IoU.water": 0.5572, "IoU.painting": 0.6992, "IoU.sofa": 0.6454, "IoU.shelf": 0.3738, "IoU.house": 0.4716, "IoU.sea": 0.6268, "IoU.mirror": 0.709, "IoU.rug": 0.6875, "IoU.field": 0.2481, "IoU.armchair": 0.3574, "IoU.seat": 0.6545, "IoU.fence": 0.3926, "IoU.desk": 0.3818, "IoU.rock": 0.6165, "IoU.wardrobe": 0.479, "IoU.lamp": 0.5971, "IoU.bathtub": 0.7702, "IoU.railing": 0.3759, "IoU.cushion": 0.6077, "IoU.base": 0.3881, "IoU.box": 0.2591, "IoU.column": 0.43, "IoU.signboard": 0.3615, "IoU.chest of drawers": 0.5207, "IoU.counter": 0.3369, "IoU.sand": 0.6626, "IoU.sink": 0.6823, "IoU.skyscraper": 0.5172, "IoU.fireplace": 0.662, "IoU.refrigerator": 0.7226, "IoU.grandstand": 0.3479, "IoU.path": 0.0965, "IoU.stairs": 0.3522, "IoU.runway": 0.7111, "IoU.case": 0.5673, "IoU.pool table": 0.8794, "IoU.pillow": 0.6292, "IoU.screen door": 0.728, "IoU.stairway": 0.3742, "IoU.river": 0.3302, "IoU.bridge": 0.6445, "IoU.bookcase": 0.3075, "IoU.blind": 0.4447, "IoU.coffee table": 0.5608, "IoU.toilet": 0.8519, "IoU.flower": 0.3795, "IoU.book": 0.4698, "IoU.hill": 0.0254, "IoU.bench": 0.4957, "IoU.countertop": 0.6081, "IoU.stove": 0.7595, "IoU.palm": 0.4725, "IoU.kitchen island": 0.3911, "IoU.computer": 0.7261, "IoU.swivel chair": 0.4479, "IoU.boat": 0.3051, "IoU.bar": 0.6259, "IoU.arcade machine": 0.7728, "IoU.hovel": 0.1301, "IoU.bus": 0.7219, "IoU.towel": 0.6893, "IoU.light": 0.4124, "IoU.truck": 0.2832, "IoU.tower": 0.0873, "IoU.chandelier": 0.6121, "IoU.awning": 0.2936, "IoU.streetlight": 0.1678, "IoU.booth": 0.3753, "IoU.television receiver": 0.6784, "IoU.airplane": 0.5435, "IoU.dirt track": 0.0002, "IoU.apparel": 0.3535, "IoU.pole": 0.1156, "IoU.land": 0.0024, "IoU.bannister": 0.0802, "IoU.escalator": 0.6297, "IoU.ottoman": 0.4779, "IoU.bottle": 0.342, "IoU.buffet": 0.0912, "IoU.poster": 0.0666, "IoU.stage": 0.189, "IoU.van": 0.4228, "IoU.ship": 0.0, "IoU.fountain": 0.258, "IoU.conveyer belt": 0.6258, "IoU.canopy": 0.3376, "IoU.washer": 0.8487, "IoU.plaything": 0.2656, "IoU.swimming pool": 0.5281, "IoU.stool": 0.2889, "IoU.barrel": 0.4006, "IoU.basket": 0.3693, "IoU.waterfall": 0.6397, "IoU.tent": 0.9262, "IoU.bag": 0.1387, "IoU.minibike": 0.7048, "IoU.cradle": 0.7154, "IoU.oven": 0.4682, "IoU.ball": 0.3808, "IoU.food": 0.5011, "IoU.step": 0.0004, "IoU.tank": 0.4835, "IoU.trade name": 0.2084, "IoU.microwave": 0.8166, "IoU.pot": 0.5111, "IoU.animal": 0.6948, "IoU.bicycle": 0.55, "IoU.lake": 0.0, "IoU.dishwasher": 0.6308, "IoU.screen": 0.6493, "IoU.blanket": 0.0281, "IoU.sculpture": 0.6102, "IoU.hood": 0.6196, "IoU.sconce": 0.4093, "IoU.vase": 0.3592, "IoU.traffic light": 0.2301, "IoU.tray": 0.077, "IoU.ashcan": 0.4242, "IoU.fan": 0.5319, "IoU.pier": 0.689, "IoU.crt screen": 0.0318, "IoU.plate": 0.4959, "IoU.monitor": 0.0033, "IoU.bulletin board": 0.4273, "IoU.shower": 0.0, "IoU.radiator": 0.6326, "IoU.glass": 0.0675, "IoU.clock": 0.2589, "IoU.flag": 0.6162, "Acc.wall": 0.8649, "Acc.building": 0.9261, "Acc.sky": 0.9657, "Acc.floor": 0.853, "Acc.tree": 0.8365, "Acc.ceiling": 0.8576, "Acc.road": 0.9141, "Acc.bed ": 0.9576, "Acc.windowpane": 0.8122, "Acc.grass": 0.6753, "Acc.cabinet": 0.7456, "Acc.sidewalk": 0.804, "Acc.person": 0.8818, "Acc.earth": 0.4095, "Acc.door": 0.7109, "Acc.table": 0.7248, "Acc.mountain": 0.7483, "Acc.plant": 0.6948, "Acc.curtain": 0.852, "Acc.chair": 0.7089, "Acc.car": 0.8889, "Acc.water": 0.693, "Acc.painting": 0.8554, "Acc.sofa": 0.9241, "Acc.shelf": 0.4954, "Acc.house": 0.7006, "Acc.sea": 0.9602, "Acc.mirror": 0.8256, "Acc.rug": 0.7868, "Acc.field": 0.8277, "Acc.armchair": 0.4241, "Acc.seat": 0.8646, "Acc.fence": 0.4975, "Acc.desk": 0.8267, "Acc.rock": 0.8007, "Acc.wardrobe": 0.851, "Acc.lamp": 0.7178, "Acc.bathtub": 0.7938, "Acc.railing": 0.4736, "Acc.cushion": 0.7467, "Acc.base": 0.6783, "Acc.box": 0.2897, "Acc.column": 0.4726, "Acc.signboard": 0.4717, "Acc.chest of drawers": 0.6769, "Acc.counter": 0.357, "Acc.sand": 0.8072, "Acc.sink": 0.7593, "Acc.skyscraper": 0.6485, "Acc.fireplace": 0.9158, "Acc.refrigerator": 0.8726, "Acc.grandstand": 0.9325, "Acc.path": 0.1071, "Acc.stairs": 0.4178, "Acc.runway": 0.944, "Acc.case": 0.8819, "Acc.pool table": 0.9786, "Acc.pillow": 0.7644, "Acc.screen door": 0.8901, "Acc.stairway": 0.465, "Acc.river": 0.4431, "Acc.bridge": 0.8511, "Acc.bookcase": 0.4831, "Acc.blind": 0.5208, "Acc.coffee table": 0.8658, "Acc.toilet": 0.9594, "Acc.flower": 0.5181, "Acc.book": 0.6726, "Acc.hill": 0.0276, "Acc.bench": 0.6236, "Acc.countertop": 0.8533, "Acc.stove": 0.8315, "Acc.palm": 0.7437, "Acc.kitchen island": 0.881, "Acc.computer": 0.8304, "Acc.swivel chair": 0.6587, "Acc.boat": 0.9292, "Acc.bar": 0.7997, "Acc.arcade machine": 0.9791, "Acc.hovel": 0.139, "Acc.bus": 0.9871, "Acc.towel": 0.8053, "Acc.light": 0.4933, "Acc.truck": 0.4741, "Acc.tower": 0.1144, "Acc.chandelier": 0.8164, "Acc.awning": 0.4047, "Acc.streetlight": 0.2397, "Acc.booth": 0.3945, "Acc.television receiver": 0.8488, "Acc.airplane": 0.6682, "Acc.dirt track": 0.0002, "Acc.apparel": 0.5953, "Acc.pole": 0.1318, "Acc.land": 0.0024, "Acc.bannister": 0.0887, "Acc.escalator": 0.8702, "Acc.ottoman": 0.6551, "Acc.bottle": 0.4239, "Acc.buffet": 0.0926, "Acc.poster": 0.0688, "Acc.stage": 0.4549, "Acc.van": 0.5886, "Acc.ship": 0.0, "Acc.fountain": 0.2605, "Acc.conveyer belt": 0.996, "Acc.canopy": 0.4825, "Acc.washer": 0.9049, "Acc.plaything": 0.7387, "Acc.swimming pool": 0.8484, "Acc.stool": 0.3201, "Acc.barrel": 0.6474, "Acc.basket": 0.4295, "Acc.waterfall": 0.9254, "Acc.tent": 0.9924, "Acc.bag": 0.1432, "Acc.minibike": 0.8672, "Acc.cradle": 0.9917, "Acc.oven": 0.5586, "Acc.ball": 0.6945, "Acc.food": 0.5669, "Acc.step": 0.0004, "Acc.tank": 0.5869, "Acc.trade name": 0.2225, "Acc.microwave": 0.9475, "Acc.pot": 0.6027, "Acc.animal": 0.7415, "Acc.bicycle": 0.833, "Acc.lake": 0.0, "Acc.dishwasher": 0.7181, "Acc.screen": 0.8528, "Acc.blanket": 0.0292, "Acc.sculpture": 0.6985, "Acc.hood": 0.7826, "Acc.sconce": 0.5272, "Acc.vase": 0.5144, "Acc.traffic light": 0.3135, "Acc.tray": 0.1266, "Acc.ashcan": 0.5185, "Acc.fan": 0.7701, "Acc.pier": 0.7592, "Acc.crt screen": 0.0969, "Acc.plate": 0.82, "Acc.monitor": 0.0033, "Acc.bulletin board": 0.4493, "Acc.shower": 0.0, "Acc.radiator": 0.7427, "Acc.glass": 0.0684, "Acc.clock": 0.2668, "Acc.flag": 0.6638} +{"mode": "train", "epoch": 3, "iter": 3050, "lr": 0.0, "memory": 65790, "data_time": 1.61953, "decode.loss_ce": 0.53188, "decode.acc_seg": 80.02623, "aux.loss_ce": 0.2154, "aux.acc_seg": 80.36674, "loss": 0.74728, "time": 3.23026} +{"mode": "train", "epoch": 3, "iter": 3100, "lr": 0.0, "memory": 65790, "data_time": 0.0071, "decode.loss_ce": 0.52437, "decode.acc_seg": 80.09988, "aux.loss_ce": 0.20865, "aux.acc_seg": 80.41747, "loss": 0.73301, "time": 1.61108} +{"mode": "train", "epoch": 3, "iter": 3150, "lr": 0.0, "memory": 65790, "data_time": 0.00699, "decode.loss_ce": 0.48479, "decode.acc_seg": 81.10368, "aux.loss_ce": 0.19185, "aux.acc_seg": 81.6384, "loss": 0.67664, "time": 1.61086} +{"mode": "train", "epoch": 3, "iter": 3200, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.54349, "decode.acc_seg": 79.75806, "aux.loss_ce": 0.2144, "aux.acc_seg": 80.32965, "loss": 0.75789, "time": 1.6112} +{"mode": "train", "epoch": 3, "iter": 3250, "lr": 0.0, "memory": 65790, "data_time": 0.00703, "decode.loss_ce": 0.52906, "decode.acc_seg": 80.2209, "aux.loss_ce": 0.21173, "aux.acc_seg": 80.60682, "loss": 0.7408, "time": 1.61094} +{"mode": "train", "epoch": 3, "iter": 3300, "lr": 0.0, "memory": 65790, "data_time": 0.00693, "decode.loss_ce": 0.57956, "decode.acc_seg": 78.87202, "aux.loss_ce": 0.23071, "aux.acc_seg": 79.11226, "loss": 0.81027, "time": 1.61038} +{"mode": "train", "epoch": 3, "iter": 3350, "lr": 0.0, "memory": 65790, "data_time": 0.00707, "decode.loss_ce": 0.54904, "decode.acc_seg": 79.03432, "aux.loss_ce": 0.21854, "aux.acc_seg": 79.63615, "loss": 0.76758, "time": 1.61472} +{"mode": "train", "epoch": 3, "iter": 3400, "lr": 0.0, "memory": 65790, "data_time": 0.00694, "decode.loss_ce": 0.58333, "decode.acc_seg": 77.96607, "aux.loss_ce": 0.23074, "aux.acc_seg": 78.48831, "loss": 0.81407, "time": 1.61067} +{"mode": "train", "epoch": 3, "iter": 3450, "lr": 0.0, "memory": 65790, "data_time": 0.00707, "decode.loss_ce": 0.51345, "decode.acc_seg": 79.98046, "aux.loss_ce": 0.20362, "aux.acc_seg": 80.52455, "loss": 0.71707, "time": 1.6111} +{"mode": "train", "epoch": 3, "iter": 3500, "lr": 0.0, "memory": 65790, "data_time": 0.00712, "decode.loss_ce": 0.5279, "decode.acc_seg": 79.72947, "aux.loss_ce": 0.21001, "aux.acc_seg": 80.3509, "loss": 0.73792, "time": 1.61079} +{"mode": "train", "epoch": 3, "iter": 3550, "lr": 0.0, "memory": 65790, "data_time": 0.00708, "decode.loss_ce": 0.541, "decode.acc_seg": 79.61865, "aux.loss_ce": 0.21618, "aux.acc_seg": 79.85676, "loss": 0.75718, "time": 1.61076} +{"mode": "train", "epoch": 3, "iter": 3600, "lr": 0.0, "memory": 65790, "data_time": 0.00707, "decode.loss_ce": 0.55057, "decode.acc_seg": 79.4891, "aux.loss_ce": 0.21545, "aux.acc_seg": 80.11299, "loss": 0.76602, "time": 1.61128} +{"mode": "train", "epoch": 3, "iter": 3650, "lr": 0.0, "memory": 65790, "data_time": 0.007, "decode.loss_ce": 0.56244, "decode.acc_seg": 79.45119, "aux.loss_ce": 0.22192, "aux.acc_seg": 79.88024, "loss": 0.78436, "time": 1.60995} +{"mode": "train", "epoch": 3, "iter": 3700, "lr": 0.0, "memory": 65790, "data_time": 0.00728, "decode.loss_ce": 0.51305, "decode.acc_seg": 80.45449, "aux.loss_ce": 0.20401, "aux.acc_seg": 80.82363, "loss": 0.71706, "time": 1.61673} +{"mode": "train", "epoch": 3, "iter": 3750, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.52333, "decode.acc_seg": 80.06987, "aux.loss_ce": 0.20818, "aux.acc_seg": 80.52483, "loss": 0.73151, "time": 1.6128} +{"mode": "train", "epoch": 4, "iter": 3800, "lr": 0.0, "memory": 65790, "data_time": 0.05545, "decode.loss_ce": 0.53219, "decode.acc_seg": 79.76362, "aux.loss_ce": 0.2115, "aux.acc_seg": 79.98373, "loss": 0.74369, "time": 1.6605} +{"mode": "train", "epoch": 4, "iter": 3850, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.45835, "decode.acc_seg": 82.12981, "aux.loss_ce": 0.18351, "aux.acc_seg": 82.46046, "loss": 0.64186, "time": 1.61171} +{"mode": "train", "epoch": 4, "iter": 3900, "lr": 0.0, "memory": 65790, "data_time": 0.00706, "decode.loss_ce": 0.48354, "decode.acc_seg": 81.51762, "aux.loss_ce": 0.19325, "aux.acc_seg": 81.82561, "loss": 0.67678, "time": 1.61385} +{"mode": "train", "epoch": 4, "iter": 3950, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.47203, "decode.acc_seg": 82.0883, "aux.loss_ce": 0.18888, "aux.acc_seg": 82.24078, "loss": 0.6609, "time": 1.61496} +{"mode": "train", "epoch": 4, "iter": 4000, "lr": 0.0, "memory": 65790, "data_time": 0.00704, "decode.loss_ce": 0.48477, "decode.acc_seg": 81.62457, "aux.loss_ce": 0.19357, "aux.acc_seg": 81.89339, "loss": 0.67833, "time": 3.04587} +{"mode": "val", "epoch": 4, "iter": 250, "lr": 0.0, "aAcc": 0.8265, "mIoU": 0.4974, "mAcc": 0.6458, "IoU.wall": 0.7727, "IoU.building": 0.8292, "IoU.sky": 0.9325, "IoU.floor": 0.8216, "IoU.tree": 0.7461, "IoU.ceiling": 0.833, "IoU.road": 0.8395, "IoU.bed ": 0.8994, "IoU.windowpane": 0.6166, "IoU.grass": 0.6418, "IoU.cabinet": 0.6203, "IoU.sidewalk": 0.6578, "IoU.person": 0.8005, "IoU.earth": 0.2642, "IoU.door": 0.5314, "IoU.table": 0.5751, "IoU.mountain": 0.5375, "IoU.plant": 0.5287, "IoU.curtain": 0.7076, "IoU.chair": 0.5307, "IoU.car": 0.8288, "IoU.water": 0.1327, "IoU.painting": 0.6884, "IoU.sofa": 0.7578, "IoU.shelf": 0.4403, "IoU.house": 0.3944, "IoU.sea": 0.5618, "IoU.mirror": 0.6828, "IoU.rug": 0.6974, "IoU.field": 0.2052, "IoU.armchair": 0.5364, "IoU.seat": 0.6439, "IoU.fence": 0.4653, "IoU.desk": 0.4053, "IoU.rock": 0.4543, "IoU.wardrobe": 0.5354, "IoU.lamp": 0.6086, "IoU.bathtub": 0.8152, "IoU.railing": 0.3935, "IoU.cushion": 0.6278, "IoU.base": 0.4035, "IoU.box": 0.3311, "IoU.column": 0.5144, "IoU.signboard": 0.3344, "IoU.chest of drawers": 0.4943, "IoU.counter": 0.4518, "IoU.sand": 0.4883, "IoU.sink": 0.7106, "IoU.skyscraper": 0.5404, "IoU.fireplace": 0.6673, "IoU.refrigerator": 0.679, "IoU.grandstand": 0.4118, "IoU.path": 0.2367, "IoU.stairs": 0.2947, "IoU.runway": 0.6796, "IoU.case": 0.5437, "IoU.pool table": 0.8954, "IoU.pillow": 0.649, "IoU.screen door": 0.6921, "IoU.stairway": 0.4794, "IoU.river": 0.1388, "IoU.bridge": 0.5317, "IoU.bookcase": 0.282, "IoU.blind": 0.4557, "IoU.coffee table": 0.5234, "IoU.toilet": 0.8647, "IoU.flower": 0.3586, "IoU.book": 0.4777, "IoU.hill": 0.0414, "IoU.bench": 0.6062, "IoU.countertop": 0.5779, "IoU.stove": 0.7456, "IoU.palm": 0.4986, "IoU.kitchen island": 0.3428, "IoU.computer": 0.7174, "IoU.swivel chair": 0.4136, "IoU.boat": 0.5565, "IoU.bar": 0.5919, "IoU.arcade machine": 0.8371, "IoU.hovel": 0.1874, "IoU.bus": 0.878, "IoU.towel": 0.6586, "IoU.light": 0.4255, "IoU.truck": 0.4154, "IoU.tower": 0.1545, "IoU.chandelier": 0.619, "IoU.awning": 0.4013, "IoU.streetlight": 0.1969, "IoU.booth": 0.4441, "IoU.television receiver": 0.6923, "IoU.airplane": 0.8066, "IoU.dirt track": 0.095, "IoU.apparel": 0.3997, "IoU.pole": 0.1962, "IoU.land": 0.0007, "IoU.bannister": 0.1162, "IoU.escalator": 0.5696, "IoU.ottoman": 0.4921, "IoU.bottle": 0.323, "IoU.buffet": 0.5019, "IoU.poster": 0.1678, "IoU.stage": 0.1888, "IoU.van": 0.4677, "IoU.ship": 0.7992, "IoU.fountain": 0.207, "IoU.conveyer belt": 0.7135, "IoU.canopy": 0.396, "IoU.washer": 0.8635, "IoU.plaything": 0.199, "IoU.swimming pool": 0.5334, "IoU.stool": 0.3693, "IoU.barrel": 0.484, "IoU.basket": 0.4052, "IoU.waterfall": 0.4105, "IoU.tent": 0.8796, "IoU.bag": 0.1613, "IoU.minibike": 0.6991, "IoU.cradle": 0.793, "IoU.oven": 0.4708, "IoU.ball": 0.0736, "IoU.food": 0.5299, "IoU.step": 0.0504, "IoU.tank": 0.5049, "IoU.trade name": 0.2874, "IoU.microwave": 0.8072, "IoU.pot": 0.4977, "IoU.animal": 0.6589, "IoU.bicycle": 0.5503, "IoU.lake": 0.3007, "IoU.dishwasher": 0.4847, "IoU.screen": 0.5346, "IoU.blanket": 0.2076, "IoU.sculpture": 0.6302, "IoU.hood": 0.6938, "IoU.sconce": 0.4144, "IoU.vase": 0.3736, "IoU.traffic light": 0.274, "IoU.tray": 0.0631, "IoU.ashcan": 0.4568, "IoU.fan": 0.559, "IoU.pier": 0.3508, "IoU.crt screen": 0.0338, "IoU.plate": 0.5437, "IoU.monitor": 0.0326, "IoU.bulletin board": 0.4946, "IoU.shower": 0.0, "IoU.radiator": 0.6335, "IoU.glass": 0.138, "IoU.clock": 0.3829, "IoU.flag": 0.6461, "Acc.wall": 0.8652, "Acc.building": 0.9282, "Acc.sky": 0.9592, "Acc.floor": 0.9011, "Acc.tree": 0.8903, "Acc.ceiling": 0.8867, "Acc.road": 0.8812, "Acc.bed ": 0.9513, "Acc.windowpane": 0.8302, "Acc.grass": 0.9408, "Acc.cabinet": 0.7279, "Acc.sidewalk": 0.7807, "Acc.person": 0.8995, "Acc.earth": 0.324, "Acc.door": 0.6336, "Acc.table": 0.6511, "Acc.mountain": 0.8162, "Acc.plant": 0.6588, "Acc.curtain": 0.821, "Acc.chair": 0.6181, "Acc.car": 0.9254, "Acc.water": 0.1451, "Acc.painting": 0.853, "Acc.sofa": 0.8983, "Acc.shelf": 0.5907, "Acc.house": 0.4494, "Acc.sea": 0.9226, "Acc.mirror": 0.9188, "Acc.rug": 0.7844, "Acc.field": 0.2493, "Acc.armchair": 0.7766, "Acc.seat": 0.8332, "Acc.fence": 0.6576, "Acc.desk": 0.7512, "Acc.rock": 0.6545, "Acc.wardrobe": 0.8427, "Acc.lamp": 0.688, "Acc.bathtub": 0.8956, "Acc.railing": 0.6173, "Acc.cushion": 0.7296, "Acc.base": 0.5725, "Acc.box": 0.423, "Acc.column": 0.6126, "Acc.signboard": 0.4385, "Acc.chest of drawers": 0.7008, "Acc.counter": 0.5138, "Acc.sand": 0.7809, "Acc.sink": 0.8387, "Acc.skyscraper": 0.7527, "Acc.fireplace": 0.8926, "Acc.refrigerator": 0.8881, "Acc.grandstand": 0.9016, "Acc.path": 0.3571, "Acc.stairs": 0.3354, "Acc.runway": 0.8981, "Acc.case": 0.9398, "Acc.pool table": 0.9775, "Acc.pillow": 0.7921, "Acc.screen door": 0.8902, "Acc.stairway": 0.6468, "Acc.river": 0.7691, "Acc.bridge": 0.9338, "Acc.bookcase": 0.3437, "Acc.blind": 0.5576, "Acc.coffee table": 0.8833, "Acc.toilet": 0.9306, "Acc.flower": 0.5406, "Acc.book": 0.7849, "Acc.hill": 0.061, "Acc.bench": 0.7039, "Acc.countertop": 0.7042, "Acc.stove": 0.9141, "Acc.palm": 0.7954, "Acc.kitchen island": 0.7946, "Acc.computer": 0.9311, "Acc.swivel chair": 0.905, "Acc.boat": 0.8402, "Acc.bar": 0.8549, "Acc.arcade machine": 0.9933, "Acc.hovel": 0.1972, "Acc.bus": 0.9665, "Acc.towel": 0.8332, "Acc.light": 0.5367, "Acc.truck": 0.5206, "Acc.tower": 0.2702, "Acc.chandelier": 0.8071, "Acc.awning": 0.6404, "Acc.streetlight": 0.2587, "Acc.booth": 0.7323, "Acc.television receiver": 0.8247, "Acc.airplane": 0.893, "Acc.dirt track": 0.2484, "Acc.apparel": 0.5462, "Acc.pole": 0.2445, "Acc.land": 0.0008, "Acc.bannister": 0.1479, "Acc.escalator": 0.8784, "Acc.ottoman": 0.6763, "Acc.bottle": 0.3909, "Acc.buffet": 0.6519, "Acc.poster": 0.1715, "Acc.stage": 0.3264, "Acc.van": 0.6933, "Acc.ship": 0.8664, "Acc.fountain": 0.2084, "Acc.conveyer belt": 0.9891, "Acc.canopy": 0.4419, "Acc.washer": 0.9449, "Acc.plaything": 0.3323, "Acc.swimming pool": 0.8295, "Acc.stool": 0.5228, "Acc.barrel": 0.6475, "Acc.basket": 0.5228, "Acc.waterfall": 0.5741, "Acc.tent": 0.9894, "Acc.bag": 0.1702, "Acc.minibike": 0.8795, "Acc.cradle": 0.9807, "Acc.oven": 0.6128, "Acc.ball": 0.0738, "Acc.food": 0.6078, "Acc.step": 0.0561, "Acc.tank": 0.7245, "Acc.trade name": 0.3883, "Acc.microwave": 0.9593, "Acc.pot": 0.5664, "Acc.animal": 0.675, "Acc.bicycle": 0.8299, "Acc.lake": 0.4565, "Acc.dishwasher": 0.5071, "Acc.screen": 0.9514, "Acc.blanket": 0.2411, "Acc.sculpture": 0.7755, "Acc.hood": 0.8479, "Acc.sconce": 0.5566, "Acc.vase": 0.5028, "Acc.traffic light": 0.4494, "Acc.tray": 0.0696, "Acc.ashcan": 0.5853, "Acc.fan": 0.8039, "Acc.pier": 0.3998, "Acc.crt screen": 0.1021, "Acc.plate": 0.6878, "Acc.monitor": 0.0333, "Acc.bulletin board": 0.5302, "Acc.shower": 0.0, "Acc.radiator": 0.72, "Acc.glass": 0.1446, "Acc.clock": 0.4055, "Acc.flag": 0.7127} +{"mode": "train", "epoch": 4, "iter": 4050, "lr": 0.0, "memory": 65790, "data_time": 1.63632, "decode.loss_ce": 0.47237, "decode.acc_seg": 81.6107, "aux.loss_ce": 0.1874, "aux.acc_seg": 82.12646, "loss": 0.65977, "time": 3.2406} +{"mode": "train", "epoch": 4, "iter": 4100, "lr": 0.0, "memory": 65790, "data_time": 0.00746, "decode.loss_ce": 0.4722, "decode.acc_seg": 81.71875, "aux.loss_ce": 0.18727, "aux.acc_seg": 82.14524, "loss": 0.65946, "time": 1.6108} +{"mode": "train", "epoch": 4, "iter": 4150, "lr": 0.0, "memory": 65790, "data_time": 0.00695, "decode.loss_ce": 0.47642, "decode.acc_seg": 81.08333, "aux.loss_ce": 0.19046, "aux.acc_seg": 81.63169, "loss": 0.66688, "time": 1.61233} +{"mode": "train", "epoch": 4, "iter": 4200, "lr": 0.0, "memory": 65790, "data_time": 0.00706, "decode.loss_ce": 0.48349, "decode.acc_seg": 80.89725, "aux.loss_ce": 0.19266, "aux.acc_seg": 81.03154, "loss": 0.67614, "time": 1.61147} +{"mode": "train", "epoch": 4, "iter": 4250, "lr": 0.0, "memory": 65790, "data_time": 0.00712, "decode.loss_ce": 0.47668, "decode.acc_seg": 81.08789, "aux.loss_ce": 0.19061, "aux.acc_seg": 81.63039, "loss": 0.66728, "time": 1.61582} +{"mode": "train", "epoch": 4, "iter": 4300, "lr": 0.0, "memory": 65790, "data_time": 0.00704, "decode.loss_ce": 0.50335, "decode.acc_seg": 80.38773, "aux.loss_ce": 0.20007, "aux.acc_seg": 80.82284, "loss": 0.70343, "time": 1.61628} +{"mode": "train", "epoch": 4, "iter": 4350, "lr": 0.0, "memory": 65790, "data_time": 0.00712, "decode.loss_ce": 0.48682, "decode.acc_seg": 80.77743, "aux.loss_ce": 0.19375, "aux.acc_seg": 81.16645, "loss": 0.68057, "time": 1.6128} +{"mode": "train", "epoch": 4, "iter": 4400, "lr": 0.0, "memory": 65790, "data_time": 0.0071, "decode.loss_ce": 0.4866, "decode.acc_seg": 81.10383, "aux.loss_ce": 0.19304, "aux.acc_seg": 81.84016, "loss": 0.67964, "time": 1.61186} +{"mode": "train", "epoch": 4, "iter": 4450, "lr": 0.0, "memory": 65790, "data_time": 0.00706, "decode.loss_ce": 0.51055, "decode.acc_seg": 80.40745, "aux.loss_ce": 0.20045, "aux.acc_seg": 80.89018, "loss": 0.711, "time": 1.61274} +{"mode": "train", "epoch": 4, "iter": 4500, "lr": 0.0, "memory": 65790, "data_time": 0.00703, "decode.loss_ce": 0.47543, "decode.acc_seg": 80.92829, "aux.loss_ce": 0.19038, "aux.acc_seg": 81.2407, "loss": 0.66582, "time": 1.61224} +{"mode": "train", "epoch": 4, "iter": 4550, "lr": 0.0, "memory": 65790, "data_time": 0.00703, "decode.loss_ce": 0.49558, "decode.acc_seg": 80.62895, "aux.loss_ce": 0.19696, "aux.acc_seg": 81.25999, "loss": 0.69254, "time": 1.61333} +{"mode": "train", "epoch": 4, "iter": 4600, "lr": 0.0, "memory": 65790, "data_time": 0.00699, "decode.loss_ce": 0.47064, "decode.acc_seg": 81.93912, "aux.loss_ce": 0.1864, "aux.acc_seg": 82.12258, "loss": 0.65704, "time": 1.61939} +{"mode": "train", "epoch": 4, "iter": 4650, "lr": 0.0, "memory": 65790, "data_time": 0.00696, "decode.loss_ce": 0.48121, "decode.acc_seg": 81.05545, "aux.loss_ce": 0.19076, "aux.acc_seg": 81.41027, "loss": 0.67197, "time": 1.61152} +{"mode": "train", "epoch": 4, "iter": 4700, "lr": 0.0, "memory": 65790, "data_time": 0.00704, "decode.loss_ce": 0.49419, "decode.acc_seg": 80.88781, "aux.loss_ce": 0.19664, "aux.acc_seg": 81.21657, "loss": 0.69082, "time": 1.61219} +{"mode": "train", "epoch": 4, "iter": 4750, "lr": 0.0, "memory": 65790, "data_time": 0.007, "decode.loss_ce": 0.53861, "decode.acc_seg": 79.02569, "aux.loss_ce": 0.21345, "aux.acc_seg": 79.61852, "loss": 0.75206, "time": 1.61141} +{"mode": "train", "epoch": 4, "iter": 4800, "lr": 0.0, "memory": 65790, "data_time": 0.00699, "decode.loss_ce": 0.49282, "decode.acc_seg": 80.84692, "aux.loss_ce": 0.19463, "aux.acc_seg": 81.41759, "loss": 0.68745, "time": 1.61318} +{"mode": "train", "epoch": 4, "iter": 4850, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.52862, "decode.acc_seg": 79.53346, "aux.loss_ce": 0.20975, "aux.acc_seg": 80.1486, "loss": 0.73837, "time": 1.61229} +{"mode": "train", "epoch": 4, "iter": 4900, "lr": 0.0, "memory": 65790, "data_time": 0.00715, "decode.loss_ce": 0.49827, "decode.acc_seg": 81.11146, "aux.loss_ce": 0.19584, "aux.acc_seg": 81.49847, "loss": 0.6941, "time": 1.61993} +{"mode": "train", "epoch": 4, "iter": 4950, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.50401, "decode.acc_seg": 80.65888, "aux.loss_ce": 0.20089, "aux.acc_seg": 80.8078, "loss": 0.7049, "time": 1.61289} +{"mode": "train", "epoch": 4, "iter": 5000, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.50788, "decode.acc_seg": 80.05976, "aux.loss_ce": 0.199, "aux.acc_seg": 80.80202, "loss": 0.70688, "time": 1.6133} +{"mode": "val", "epoch": 4, "iter": 250, "lr": 0.0, "aAcc": 0.8288, "mIoU": 0.4992, "mAcc": 0.6401, "IoU.wall": 0.7699, "IoU.building": 0.8132, "IoU.sky": 0.9301, "IoU.floor": 0.816, "IoU.tree": 0.7295, "IoU.ceiling": 0.8305, "IoU.road": 0.8243, "IoU.bed ": 0.8895, "IoU.windowpane": 0.6294, "IoU.grass": 0.635, "IoU.cabinet": 0.5998, "IoU.sidewalk": 0.643, "IoU.person": 0.8073, "IoU.earth": 0.3498, "IoU.door": 0.5192, "IoU.table": 0.5983, "IoU.mountain": 0.6132, "IoU.plant": 0.5582, "IoU.curtain": 0.7494, "IoU.chair": 0.5938, "IoU.car": 0.8282, "IoU.water": 0.4066, "IoU.painting": 0.7156, "IoU.sofa": 0.7204, "IoU.shelf": 0.4254, "IoU.house": 0.4663, "IoU.sea": 0.7475, "IoU.mirror": 0.7677, "IoU.rug": 0.6809, "IoU.field": 0.3174, "IoU.armchair": 0.4921, "IoU.seat": 0.6246, "IoU.fence": 0.4752, "IoU.desk": 0.4987, "IoU.rock": 0.611, "IoU.wardrobe": 0.5652, "IoU.lamp": 0.6026, "IoU.bathtub": 0.8324, "IoU.railing": 0.3844, "IoU.cushion": 0.6248, "IoU.base": 0.3126, "IoU.box": 0.2704, "IoU.column": 0.5039, "IoU.signboard": 0.32, "IoU.chest of drawers": 0.4375, "IoU.counter": 0.4684, "IoU.sand": 0.4425, "IoU.sink": 0.7152, "IoU.skyscraper": 0.5075, "IoU.fireplace": 0.6402, "IoU.refrigerator": 0.6696, "IoU.grandstand": 0.5959, "IoU.path": 0.2568, "IoU.stairs": 0.1832, "IoU.runway": 0.6199, "IoU.case": 0.6485, "IoU.pool table": 0.8459, "IoU.pillow": 0.6392, "IoU.screen door": 0.6701, "IoU.stairway": 0.3042, "IoU.river": 0.153, "IoU.bridge": 0.3552, "IoU.bookcase": 0.3551, "IoU.blind": 0.371, "IoU.coffee table": 0.5632, "IoU.toilet": 0.8545, "IoU.flower": 0.3876, "IoU.book": 0.4651, "IoU.hill": 0.0378, "IoU.bench": 0.5532, "IoU.countertop": 0.5858, "IoU.stove": 0.7757, "IoU.palm": 0.4726, "IoU.kitchen island": 0.3709, "IoU.computer": 0.6343, "IoU.swivel chair": 0.5227, "IoU.boat": 0.6439, "IoU.bar": 0.493, "IoU.arcade machine": 0.8871, "IoU.hovel": 0.077, "IoU.bus": 0.8047, "IoU.towel": 0.6519, "IoU.light": 0.3949, "IoU.truck": 0.2736, "IoU.tower": 0.1976, "IoU.chandelier": 0.6226, "IoU.awning": 0.3445, "IoU.streetlight": 0.2068, "IoU.booth": 0.6276, "IoU.television receiver": 0.715, "IoU.airplane": 0.7061, "IoU.dirt track": 0.0203, "IoU.apparel": 0.4163, "IoU.pole": 0.1865, "IoU.land": 0.0, "IoU.bannister": 0.0281, "IoU.escalator": 0.5956, "IoU.ottoman": 0.5255, "IoU.bottle": 0.3943, "IoU.buffet": 0.6259, "IoU.poster": 0.3023, "IoU.stage": 0.1451, "IoU.van": 0.467, "IoU.ship": 0.0353, "IoU.fountain": 0.3846, "IoU.conveyer belt": 0.6211, "IoU.canopy": 0.6187, "IoU.washer": 0.8484, "IoU.plaything": 0.1708, "IoU.swimming pool": 0.541, "IoU.stool": 0.3854, "IoU.barrel": 0.5129, "IoU.basket": 0.4065, "IoU.waterfall": 0.4663, "IoU.tent": 0.8388, "IoU.bag": 0.1264, "IoU.minibike": 0.7073, "IoU.cradle": 0.7425, "IoU.oven": 0.5596, "IoU.ball": 0.433, "IoU.food": 0.568, "IoU.step": 0.0487, "IoU.tank": 0.4478, "IoU.trade name": 0.0559, "IoU.microwave": 0.8319, "IoU.pot": 0.4966, "IoU.animal": 0.5492, "IoU.bicycle": 0.5677, "IoU.lake": 0.0, "IoU.dishwasher": 0.6054, "IoU.screen": 0.5754, "IoU.blanket": 0.0943, "IoU.sculpture": 0.6465, "IoU.hood": 0.7079, "IoU.sconce": 0.4672, "IoU.vase": 0.3851, "IoU.traffic light": 0.2683, "IoU.tray": 0.0578, "IoU.ashcan": 0.4741, "IoU.fan": 0.5585, "IoU.pier": 0.3768, "IoU.crt screen": 0.0064, "IoU.plate": 0.432, "IoU.monitor": 0.4249, "IoU.bulletin board": 0.5499, "IoU.shower": 0.0, "IoU.radiator": 0.5912, "IoU.glass": 0.1322, "IoU.clock": 0.4111, "IoU.flag": 0.6082, "Acc.wall": 0.8488, "Acc.building": 0.9415, "Acc.sky": 0.9755, "Acc.floor": 0.8802, "Acc.tree": 0.8244, "Acc.ceiling": 0.937, "Acc.road": 0.8724, "Acc.bed ": 0.9577, "Acc.windowpane": 0.7488, "Acc.grass": 0.7802, "Acc.cabinet": 0.6812, "Acc.sidewalk": 0.885, "Acc.person": 0.9231, "Acc.earth": 0.4717, "Acc.door": 0.7888, "Acc.table": 0.7447, "Acc.mountain": 0.7499, "Acc.plant": 0.6898, "Acc.curtain": 0.8712, "Acc.chair": 0.7533, "Acc.car": 0.921, "Acc.water": 0.4467, "Acc.painting": 0.889, "Acc.sofa": 0.9178, "Acc.shelf": 0.5617, "Acc.house": 0.6687, "Acc.sea": 0.8894, "Acc.mirror": 0.8733, "Acc.rug": 0.8554, "Acc.field": 0.6862, "Acc.armchair": 0.5855, "Acc.seat": 0.784, "Acc.fence": 0.7769, "Acc.desk": 0.6362, "Acc.rock": 0.7421, "Acc.wardrobe": 0.831, "Acc.lamp": 0.6958, "Acc.bathtub": 0.8836, "Acc.railing": 0.5983, "Acc.cushion": 0.7928, "Acc.base": 0.5045, "Acc.box": 0.3151, "Acc.column": 0.6031, "Acc.signboard": 0.3906, "Acc.chest of drawers": 0.7131, "Acc.counter": 0.5142, "Acc.sand": 0.6071, "Acc.sink": 0.7846, "Acc.skyscraper": 0.5918, "Acc.fireplace": 0.9521, "Acc.refrigerator": 0.8617, "Acc.grandstand": 0.6596, "Acc.path": 0.3094, "Acc.stairs": 0.1919, "Acc.runway": 0.7796, "Acc.case": 0.8007, "Acc.pool table": 0.8614, "Acc.pillow": 0.7641, "Acc.screen door": 0.8011, "Acc.stairway": 0.4439, "Acc.river": 0.8355, "Acc.bridge": 0.4927, "Acc.bookcase": 0.5853, "Acc.blind": 0.4167, "Acc.coffee table": 0.8555, "Acc.toilet": 0.9665, "Acc.flower": 0.4725, "Acc.book": 0.73, "Acc.hill": 0.0544, "Acc.bench": 0.8284, "Acc.countertop": 0.6864, "Acc.stove": 0.9416, "Acc.palm": 0.8017, "Acc.kitchen island": 0.8412, "Acc.computer": 0.7378, "Acc.swivel chair": 0.7221, "Acc.boat": 0.876, "Acc.bar": 0.6942, "Acc.arcade machine": 0.9575, "Acc.hovel": 0.0825, "Acc.bus": 0.9788, "Acc.towel": 0.7918, "Acc.light": 0.4473, "Acc.truck": 0.3216, "Acc.tower": 0.3269, "Acc.chandelier": 0.8499, "Acc.awning": 0.4608, "Acc.streetlight": 0.2779, "Acc.booth": 0.8133, "Acc.television receiver": 0.851, "Acc.airplane": 0.8053, "Acc.dirt track": 0.0222, "Acc.apparel": 0.5358, "Acc.pole": 0.2397, "Acc.land": 0.0, "Acc.bannister": 0.0315, "Acc.escalator": 0.8928, "Acc.ottoman": 0.7709, "Acc.bottle": 0.677, "Acc.buffet": 0.7482, "Acc.poster": 0.4423, "Acc.stage": 0.2081, "Acc.van": 0.6501, "Acc.ship": 0.0353, "Acc.fountain": 0.3897, "Acc.conveyer belt": 0.991, "Acc.canopy": 0.6693, "Acc.washer": 0.8929, "Acc.plaything": 0.2284, "Acc.swimming pool": 0.7807, "Acc.stool": 0.6423, "Acc.barrel": 0.6964, "Acc.basket": 0.5382, "Acc.waterfall": 0.5319, "Acc.tent": 0.9936, "Acc.bag": 0.1324, "Acc.minibike": 0.8583, "Acc.cradle": 0.9862, "Acc.oven": 0.7311, "Acc.ball": 0.7277, "Acc.food": 0.6885, "Acc.step": 0.0528, "Acc.tank": 0.529, "Acc.trade name": 0.0561, "Acc.microwave": 0.9548, "Acc.pot": 0.6191, "Acc.animal": 0.5596, "Acc.bicycle": 0.7644, "Acc.lake": 0.0, "Acc.dishwasher": 0.7682, "Acc.screen": 0.8938, "Acc.blanket": 0.1036, "Acc.sculpture": 0.8128, "Acc.hood": 0.8327, "Acc.sconce": 0.6296, "Acc.vase": 0.5219, "Acc.traffic light": 0.3842, "Acc.tray": 0.0698, "Acc.ashcan": 0.5867, "Acc.fan": 0.775, "Acc.pier": 0.3957, "Acc.crt screen": 0.0064, "Acc.plate": 0.846, "Acc.monitor": 0.8242, "Acc.bulletin board": 0.7442, "Acc.shower": 0.0, "Acc.radiator": 0.8981, "Acc.glass": 0.1367, "Acc.clock": 0.5622, "Acc.flag": 0.6414} +{"mode": "train", "epoch": 4, "iter": 5050, "lr": 0.0, "memory": 65790, "data_time": 1.62719, "decode.loss_ce": 0.47365, "decode.acc_seg": 81.23756, "aux.loss_ce": 0.19028, "aux.acc_seg": 81.32512, "loss": 0.66393, "time": 3.23317} +{"mode": "train", "epoch": 5, "iter": 5100, "lr": 0.0, "memory": 65790, "data_time": 0.05515, "decode.loss_ce": 0.47805, "decode.acc_seg": 81.26481, "aux.loss_ce": 0.18871, "aux.acc_seg": 81.77837, "loss": 0.66676, "time": 1.65948} +{"mode": "train", "epoch": 5, "iter": 5150, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.4348, "decode.acc_seg": 83.44303, "aux.loss_ce": 0.17468, "aux.acc_seg": 83.57167, "loss": 0.60949, "time": 1.61121} +{"mode": "train", "epoch": 5, "iter": 5200, "lr": 0.0, "memory": 65790, "data_time": 0.00708, "decode.loss_ce": 0.42021, "decode.acc_seg": 83.1667, "aux.loss_ce": 0.16751, "aux.acc_seg": 83.36998, "loss": 0.58772, "time": 1.61299} +{"mode": "train", "epoch": 5, "iter": 5250, "lr": 0.0, "memory": 65790, "data_time": 0.00732, "decode.loss_ce": 0.45585, "decode.acc_seg": 82.17421, "aux.loss_ce": 0.18078, "aux.acc_seg": 82.70353, "loss": 0.63663, "time": 1.61093} +{"mode": "train", "epoch": 5, "iter": 5300, "lr": 0.0, "memory": 65790, "data_time": 0.00713, "decode.loss_ce": 0.44889, "decode.acc_seg": 82.35444, "aux.loss_ce": 0.17815, "aux.acc_seg": 82.85296, "loss": 0.62704, "time": 1.61182} +{"mode": "train", "epoch": 5, "iter": 5350, "lr": 0.0, "memory": 65790, "data_time": 0.00697, "decode.loss_ce": 0.46493, "decode.acc_seg": 82.05736, "aux.loss_ce": 0.18466, "aux.acc_seg": 82.3731, "loss": 0.64959, "time": 1.6111} +{"mode": "train", "epoch": 5, "iter": 5400, "lr": 0.0, "memory": 65790, "data_time": 0.00703, "decode.loss_ce": 0.46037, "decode.acc_seg": 82.10453, "aux.loss_ce": 0.18311, "aux.acc_seg": 82.54117, "loss": 0.64348, "time": 1.61102} +{"mode": "train", "epoch": 5, "iter": 5450, "lr": 0.0, "memory": 65790, "data_time": 0.00698, "decode.loss_ce": 0.47324, "decode.acc_seg": 81.3292, "aux.loss_ce": 0.18603, "aux.acc_seg": 81.8054, "loss": 0.65927, "time": 1.61059} +{"mode": "train", "epoch": 5, "iter": 5500, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.4465, "decode.acc_seg": 82.2359, "aux.loss_ce": 0.1771, "aux.acc_seg": 82.59532, "loss": 0.6236, "time": 1.61588} +{"mode": "train", "epoch": 5, "iter": 5550, "lr": 0.0, "memory": 65790, "data_time": 0.00719, "decode.loss_ce": 0.46487, "decode.acc_seg": 81.67386, "aux.loss_ce": 0.18302, "aux.acc_seg": 82.3936, "loss": 0.64789, "time": 1.61133} +{"mode": "train", "epoch": 5, "iter": 5600, "lr": 0.0, "memory": 65790, "data_time": 0.00701, "decode.loss_ce": 0.44344, "decode.acc_seg": 82.33557, "aux.loss_ce": 0.17515, "aux.acc_seg": 82.58988, "loss": 0.61859, "time": 1.61033} +{"mode": "train", "epoch": 5, "iter": 5650, "lr": 0.0, "memory": 65790, "data_time": 0.00694, "decode.loss_ce": 0.44417, "decode.acc_seg": 82.19669, "aux.loss_ce": 0.17421, "aux.acc_seg": 82.79577, "loss": 0.61838, "time": 1.61218} +{"mode": "train", "epoch": 5, "iter": 5700, "lr": 0.0, "memory": 65790, "data_time": 0.00693, "decode.loss_ce": 0.4501, "decode.acc_seg": 81.43782, "aux.loss_ce": 0.17771, "aux.acc_seg": 82.17784, "loss": 0.62781, "time": 1.61069} +{"mode": "train", "epoch": 5, "iter": 5750, "lr": 0.0, "memory": 65790, "data_time": 0.00688, "decode.loss_ce": 0.4925, "decode.acc_seg": 81.10666, "aux.loss_ce": 0.19562, "aux.acc_seg": 81.13307, "loss": 0.68812, "time": 1.61073} +{"mode": "train", "epoch": 5, "iter": 5800, "lr": 0.0, "memory": 65790, "data_time": 0.00682, "decode.loss_ce": 0.47301, "decode.acc_seg": 81.55177, "aux.loss_ce": 0.18737, "aux.acc_seg": 81.91337, "loss": 0.66038, "time": 1.61716} +{"mode": "train", "epoch": 5, "iter": 5850, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.44053, "decode.acc_seg": 82.79409, "aux.loss_ce": 0.17436, "aux.acc_seg": 83.21549, "loss": 0.61488, "time": 1.61187} +{"mode": "train", "epoch": 5, "iter": 5900, "lr": 0.0, "memory": 65790, "data_time": 0.00703, "decode.loss_ce": 0.45793, "decode.acc_seg": 82.21768, "aux.loss_ce": 0.183, "aux.acc_seg": 82.61474, "loss": 0.64094, "time": 1.61066} +{"mode": "train", "epoch": 5, "iter": 5950, "lr": 0.0, "memory": 65790, "data_time": 0.00694, "decode.loss_ce": 0.47321, "decode.acc_seg": 81.11304, "aux.loss_ce": 0.18736, "aux.acc_seg": 81.29901, "loss": 0.66057, "time": 1.60984} +{"mode": "train", "epoch": 5, "iter": 6000, "lr": 0.0, "memory": 65790, "data_time": 0.00707, "decode.loss_ce": 0.48708, "decode.acc_seg": 81.2157, "aux.loss_ce": 0.1919, "aux.acc_seg": 81.75738, "loss": 0.67898, "time": 3.01301} +{"mode": "val", "epoch": 5, "iter": 250, "lr": 0.0, "aAcc": 0.8295, "mIoU": 0.5149, "mAcc": 0.6603, "IoU.wall": 0.7624, "IoU.building": 0.8126, "IoU.sky": 0.937, "IoU.floor": 0.799, "IoU.tree": 0.7418, "IoU.ceiling": 0.83, "IoU.road": 0.8367, "IoU.bed ": 0.8937, "IoU.windowpane": 0.6339, "IoU.grass": 0.6379, "IoU.cabinet": 0.5978, "IoU.sidewalk": 0.6741, "IoU.person": 0.8107, "IoU.earth": 0.3977, "IoU.door": 0.504, "IoU.table": 0.6015, "IoU.mountain": 0.5625, "IoU.plant": 0.5424, "IoU.curtain": 0.7602, "IoU.chair": 0.5554, "IoU.car": 0.8273, "IoU.water": 0.5997, "IoU.painting": 0.7305, "IoU.sofa": 0.7699, "IoU.shelf": 0.4096, "IoU.house": 0.527, "IoU.sea": 0.6468, "IoU.mirror": 0.7331, "IoU.rug": 0.6971, "IoU.field": 0.3302, "IoU.armchair": 0.5662, "IoU.seat": 0.6285, "IoU.fence": 0.3318, "IoU.desk": 0.4841, "IoU.rock": 0.5852, "IoU.wardrobe": 0.5046, "IoU.lamp": 0.6179, "IoU.bathtub": 0.769, "IoU.railing": 0.3229, "IoU.cushion": 0.6339, "IoU.base": 0.1988, "IoU.box": 0.3318, "IoU.column": 0.4504, "IoU.signboard": 0.3576, "IoU.chest of drawers": 0.3895, "IoU.counter": 0.3644, "IoU.sand": 0.4631, "IoU.sink": 0.715, "IoU.skyscraper": 0.446, "IoU.fireplace": 0.6342, "IoU.refrigerator": 0.6995, "IoU.grandstand": 0.4049, "IoU.path": 0.2167, "IoU.stairs": 0.1452, "IoU.runway": 0.6958, "IoU.case": 0.6421, "IoU.pool table": 0.9129, "IoU.pillow": 0.6298, "IoU.screen door": 0.6997, "IoU.stairway": 0.4143, "IoU.river": 0.1733, "IoU.bridge": 0.5466, "IoU.bookcase": 0.3855, "IoU.blind": 0.4992, "IoU.coffee table": 0.5226, "IoU.toilet": 0.8552, "IoU.flower": 0.3711, "IoU.book": 0.4666, "IoU.hill": 0.0418, "IoU.bench": 0.2757, "IoU.countertop": 0.5981, "IoU.stove": 0.814, "IoU.palm": 0.4873, "IoU.kitchen island": 0.4481, "IoU.computer": 0.7407, "IoU.swivel chair": 0.4936, "IoU.boat": 0.6619, "IoU.bar": 0.6181, "IoU.arcade machine": 0.7793, "IoU.hovel": 0.383, "IoU.bus": 0.9162, "IoU.towel": 0.5764, "IoU.light": 0.3757, "IoU.truck": 0.4465, "IoU.tower": 0.2487, "IoU.chandelier": 0.598, "IoU.awning": 0.4497, "IoU.streetlight": 0.202, "IoU.booth": 0.4334, "IoU.television receiver": 0.7508, "IoU.airplane": 0.7752, "IoU.dirt track": 0.1304, "IoU.apparel": 0.3415, "IoU.pole": 0.2278, "IoU.land": 0.0895, "IoU.bannister": 0.0857, "IoU.escalator": 0.6119, "IoU.ottoman": 0.5001, "IoU.bottle": 0.3779, "IoU.buffet": 0.529, "IoU.poster": 0.2879, "IoU.stage": 0.1338, "IoU.van": 0.3728, "IoU.ship": 0.7641, "IoU.fountain": 0.3943, "IoU.conveyer belt": 0.7107, "IoU.canopy": 0.4109, "IoU.washer": 0.8276, "IoU.plaything": 0.2639, "IoU.swimming pool": 0.5487, "IoU.stool": 0.387, "IoU.barrel": 0.5045, "IoU.basket": 0.3914, "IoU.waterfall": 0.622, "IoU.tent": 0.7195, "IoU.bag": 0.2202, "IoU.minibike": 0.7252, "IoU.cradle": 0.8228, "IoU.oven": 0.6387, "IoU.ball": 0.5265, "IoU.food": 0.6091, "IoU.step": 0.0019, "IoU.tank": 0.5584, "IoU.trade name": 0.0036, "IoU.microwave": 0.8736, "IoU.pot": 0.5199, "IoU.animal": 0.6613, "IoU.bicycle": 0.5909, "IoU.lake": 0.4024, "IoU.dishwasher": 0.6766, "IoU.screen": 0.4986, "IoU.blanket": 0.1753, "IoU.sculpture": 0.6322, "IoU.hood": 0.739, "IoU.sconce": 0.4546, "IoU.vase": 0.4086, "IoU.traffic light": 0.2602, "IoU.tray": 0.1609, "IoU.ashcan": 0.4539, "IoU.fan": 0.4263, "IoU.pier": 0.5874, "IoU.crt screen": 0.0841, "IoU.plate": 0.5265, "IoU.monitor": 0.0125, "IoU.bulletin board": 0.5804, "IoU.shower": 0.0069, "IoU.radiator": 0.639, "IoU.glass": 0.1097, "IoU.clock": 0.4247, "IoU.flag": 0.6312, "Acc.wall": 0.8365, "Acc.building": 0.9064, "Acc.sky": 0.9677, "Acc.floor": 0.9161, "Acc.tree": 0.8604, "Acc.ceiling": 0.936, "Acc.road": 0.9143, "Acc.bed ": 0.9439, "Acc.windowpane": 0.7966, "Acc.grass": 0.6874, "Acc.cabinet": 0.6987, "Acc.sidewalk": 0.8303, "Acc.person": 0.9141, "Acc.earth": 0.6711, "Acc.door": 0.6146, "Acc.table": 0.7607, "Acc.mountain": 0.6403, "Acc.plant": 0.683, "Acc.curtain": 0.8954, "Acc.chair": 0.6374, "Acc.car": 0.9192, "Acc.water": 0.7039, "Acc.painting": 0.8954, "Acc.sofa": 0.8682, "Acc.shelf": 0.564, "Acc.house": 0.8437, "Acc.sea": 0.9217, "Acc.mirror": 0.8602, "Acc.rug": 0.8112, "Acc.field": 0.5507, "Acc.armchair": 0.7732, "Acc.seat": 0.8498, "Acc.fence": 0.39, "Acc.desk": 0.7473, "Acc.rock": 0.7323, "Acc.wardrobe": 0.8498, "Acc.lamp": 0.7127, "Acc.bathtub": 0.8534, "Acc.railing": 0.3718, "Acc.cushion": 0.7691, "Acc.base": 0.214, "Acc.box": 0.441, "Acc.column": 0.5264, "Acc.signboard": 0.5445, "Acc.chest of drawers": 0.7938, "Acc.counter": 0.4077, "Acc.sand": 0.8733, "Acc.sink": 0.7948, "Acc.skyscraper": 0.7511, "Acc.fireplace": 0.9507, "Acc.refrigerator": 0.9352, "Acc.grandstand": 0.8612, "Acc.path": 0.2426, "Acc.stairs": 0.1588, "Acc.runway": 0.9581, "Acc.case": 0.8022, "Acc.pool table": 0.9507, "Acc.pillow": 0.7153, "Acc.screen door": 0.9672, "Acc.stairway": 0.7401, "Acc.river": 0.1892, "Acc.bridge": 0.755, "Acc.bookcase": 0.6399, "Acc.blind": 0.588, "Acc.coffee table": 0.8961, "Acc.toilet": 0.9112, "Acc.flower": 0.4023, "Acc.book": 0.6203, "Acc.hill": 0.1367, "Acc.bench": 0.2908, "Acc.countertop": 0.8587, "Acc.stove": 0.9151, "Acc.palm": 0.7459, "Acc.kitchen island": 0.8251, "Acc.computer": 0.8912, "Acc.swivel chair": 0.6683, "Acc.boat": 0.835, "Acc.bar": 0.7446, "Acc.arcade machine": 0.9917, "Acc.hovel": 0.4544, "Acc.bus": 0.9489, "Acc.towel": 0.6849, "Acc.light": 0.4108, "Acc.truck": 0.5605, "Acc.tower": 0.5171, "Acc.chandelier": 0.8717, "Acc.awning": 0.6044, "Acc.streetlight": 0.2442, "Acc.booth": 0.8437, "Acc.television receiver": 0.8609, "Acc.airplane": 0.8598, "Acc.dirt track": 0.1485, "Acc.apparel": 0.3743, "Acc.pole": 0.3219, "Acc.land": 0.138, "Acc.bannister": 0.1143, "Acc.escalator": 0.8351, "Acc.ottoman": 0.6896, "Acc.bottle": 0.5828, "Acc.buffet": 0.8501, "Acc.poster": 0.3613, "Acc.stage": 0.573, "Acc.van": 0.4826, "Acc.ship": 0.782, "Acc.fountain": 0.4025, "Acc.conveyer belt": 0.9763, "Acc.canopy": 0.68, "Acc.washer": 0.8934, "Acc.plaything": 0.4651, "Acc.swimming pool": 0.7874, "Acc.stool": 0.5315, "Acc.barrel": 0.6473, "Acc.basket": 0.5073, "Acc.waterfall": 0.9507, "Acc.tent": 0.995, "Acc.bag": 0.264, "Acc.minibike": 0.8129, "Acc.cradle": 0.9541, "Acc.oven": 0.7592, "Acc.ball": 0.7126, "Acc.food": 0.7314, "Acc.step": 0.002, "Acc.tank": 0.6768, "Acc.trade name": 0.0036, "Acc.microwave": 0.9345, "Acc.pot": 0.5988, "Acc.animal": 0.6838, "Acc.bicycle": 0.7919, "Acc.lake": 0.7369, "Acc.dishwasher": 0.7802, "Acc.screen": 0.8282, "Acc.blanket": 0.1938, "Acc.sculpture": 0.8403, "Acc.hood": 0.7907, "Acc.sconce": 0.5662, "Acc.vase": 0.5257, "Acc.traffic light": 0.3329, "Acc.tray": 0.2157, "Acc.ashcan": 0.6126, "Acc.fan": 0.4725, "Acc.pier": 0.7878, "Acc.crt screen": 0.3217, "Acc.plate": 0.5884, "Acc.monitor": 0.0139, "Acc.bulletin board": 0.7351, "Acc.shower": 0.0101, "Acc.radiator": 0.865, "Acc.glass": 0.1127, "Acc.clock": 0.4964, "Acc.flag": 0.708} +{"mode": "train", "epoch": 5, "iter": 6050, "lr": 0.0, "memory": 65790, "data_time": 1.64103, "decode.loss_ce": 0.4763, "decode.acc_seg": 81.36702, "aux.loss_ce": 0.18748, "aux.acc_seg": 81.76191, "loss": 0.66378, "time": 3.24567} +{"mode": "train", "epoch": 5, "iter": 6100, "lr": 0.0, "memory": 65790, "data_time": 0.00709, "decode.loss_ce": 0.48395, "decode.acc_seg": 81.05586, "aux.loss_ce": 0.191, "aux.acc_seg": 81.63892, "loss": 0.67495, "time": 1.61502} +{"mode": "train", "epoch": 5, "iter": 6150, "lr": 0.0, "memory": 65790, "data_time": 0.00695, "decode.loss_ce": 0.45166, "decode.acc_seg": 81.90264, "aux.loss_ce": 0.17874, "aux.acc_seg": 82.45371, "loss": 0.6304, "time": 1.61071} +{"mode": "train", "epoch": 5, "iter": 6200, "lr": 0.0, "memory": 65790, "data_time": 0.00691, "decode.loss_ce": 0.46413, "decode.acc_seg": 82.19387, "aux.loss_ce": 0.18376, "aux.acc_seg": 82.2902, "loss": 0.6479, "time": 1.60987} +{"mode": "train", "epoch": 5, "iter": 6250, "lr": 0.0, "memory": 65790, "data_time": 0.00689, "decode.loss_ce": 0.43409, "decode.acc_seg": 83.23298, "aux.loss_ce": 0.17196, "aux.acc_seg": 83.46742, "loss": 0.60604, "time": 1.61071} +{"mode": "train", "epoch": 5, "iter": 6300, "lr": 0.0, "memory": 65790, "data_time": 0.007, "decode.loss_ce": 0.48886, "decode.acc_seg": 81.35658, "aux.loss_ce": 0.19362, "aux.acc_seg": 81.8223, "loss": 0.68247, "time": 1.61169} +{"mode": "train", "epoch": 6, "iter": 6350, "lr": 0.0, "memory": 65790, "data_time": 0.05373, "decode.loss_ce": 0.44701, "decode.acc_seg": 82.39496, "aux.loss_ce": 0.17593, "aux.acc_seg": 82.91364, "loss": 0.62294, "time": 1.65973} +{"mode": "train", "epoch": 6, "iter": 6400, "lr": 0.0, "memory": 65790, "data_time": 0.00709, "decode.loss_ce": 0.42383, "decode.acc_seg": 82.96652, "aux.loss_ce": 0.16964, "aux.acc_seg": 82.89618, "loss": 0.59346, "time": 1.61704} +{"mode": "train", "epoch": 6, "iter": 6450, "lr": 0.0, "memory": 65790, "data_time": 0.00695, "decode.loss_ce": 0.4244, "decode.acc_seg": 83.18668, "aux.loss_ce": 0.16837, "aux.acc_seg": 83.45765, "loss": 0.59277, "time": 1.6098} +{"mode": "train", "epoch": 6, "iter": 6500, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.41565, "decode.acc_seg": 83.04314, "aux.loss_ce": 0.1657, "aux.acc_seg": 83.39197, "loss": 0.58135, "time": 1.61165} +{"mode": "train", "epoch": 6, "iter": 6550, "lr": 0.0, "memory": 65790, "data_time": 0.00719, "decode.loss_ce": 0.44365, "decode.acc_seg": 82.94911, "aux.loss_ce": 0.17485, "aux.acc_seg": 83.2332, "loss": 0.6185, "time": 1.61069} +{"mode": "train", "epoch": 6, "iter": 6600, "lr": 0.0, "memory": 65790, "data_time": 0.00709, "decode.loss_ce": 0.43504, "decode.acc_seg": 81.92087, "aux.loss_ce": 0.17156, "aux.acc_seg": 82.28192, "loss": 0.6066, "time": 1.61107} +{"mode": "train", "epoch": 6, "iter": 6650, "lr": 0.0, "memory": 65790, "data_time": 0.00703, "decode.loss_ce": 0.45327, "decode.acc_seg": 82.92656, "aux.loss_ce": 0.1776, "aux.acc_seg": 83.26037, "loss": 0.63087, "time": 1.61053} +{"mode": "train", "epoch": 6, "iter": 6700, "lr": 0.0, "memory": 65790, "data_time": 0.00702, "decode.loss_ce": 0.46099, "decode.acc_seg": 81.74777, "aux.loss_ce": 0.18055, "aux.acc_seg": 82.33448, "loss": 0.64154, "time": 1.61546} +{"mode": "train", "epoch": 6, "iter": 6750, "lr": 0.0, "memory": 65790, "data_time": 0.00701, "decode.loss_ce": 0.46729, "decode.acc_seg": 81.15845, "aux.loss_ce": 0.18489, "aux.acc_seg": 81.47437, "loss": 0.65218, "time": 1.61561} +{"mode": "train", "epoch": 6, "iter": 6800, "lr": 0.0, "memory": 65790, "data_time": 0.00701, "decode.loss_ce": 0.42896, "decode.acc_seg": 83.08555, "aux.loss_ce": 0.16929, "aux.acc_seg": 83.43851, "loss": 0.59825, "time": 1.61393} +{"mode": "train", "epoch": 6, "iter": 6850, "lr": 0.0, "memory": 65790, "data_time": 0.00695, "decode.loss_ce": 0.44067, "decode.acc_seg": 82.28324, "aux.loss_ce": 0.17593, "aux.acc_seg": 82.42695, "loss": 0.61659, "time": 1.6113} +{"mode": "train", "epoch": 6, "iter": 6900, "lr": 0.0, "memory": 65790, "data_time": 0.00698, "decode.loss_ce": 0.43288, "decode.acc_seg": 82.59902, "aux.loss_ce": 0.1708, "aux.acc_seg": 83.05707, "loss": 0.60368, "time": 1.61112} +{"mode": "train", "epoch": 6, "iter": 6950, "lr": 0.0, "memory": 65790, "data_time": 0.00701, "decode.loss_ce": 0.42055, "decode.acc_seg": 83.35046, "aux.loss_ce": 0.16731, "aux.acc_seg": 83.47397, "loss": 0.58786, "time": 1.61152} +{"mode": "train", "epoch": 6, "iter": 7000, "lr": 0.0, "memory": 65790, "data_time": 0.00705, "decode.loss_ce": 0.40718, "decode.acc_seg": 84.11315, "aux.loss_ce": 0.16142, "aux.acc_seg": 84.11756, "loss": 0.5686, "time": 1.61087} +{"mode": "val", "epoch": 6, "iter": 250, "lr": 0.0, "aAcc": 0.8416, "mIoU": 0.536, "mAcc": 0.6687, "IoU.wall": 0.7847, "IoU.building": 0.8264, "IoU.sky": 0.9381, "IoU.floor": 0.83, "IoU.tree": 0.7564, "IoU.ceiling": 0.8413, "IoU.road": 0.8394, "IoU.bed ": 0.9006, "IoU.windowpane": 0.6338, "IoU.grass": 0.6511, "IoU.cabinet": 0.6246, "IoU.sidewalk": 0.6723, "IoU.person": 0.8178, "IoU.earth": 0.4044, "IoU.door": 0.5254, "IoU.table": 0.6161, "IoU.mountain": 0.619, "IoU.plant": 0.5519, "IoU.curtain": 0.7528, "IoU.chair": 0.5819, "IoU.car": 0.8366, "IoU.water": 0.6107, "IoU.painting": 0.7378, "IoU.sofa": 0.7563, "IoU.shelf": 0.4319, "IoU.house": 0.461, "IoU.sea": 0.6447, "IoU.mirror": 0.756, "IoU.rug": 0.7074, "IoU.field": 0.2928, "IoU.armchair": 0.5693, "IoU.seat": 0.5775, "IoU.fence": 0.5195, "IoU.desk": 0.5198, "IoU.rock": 0.5857, "IoU.wardrobe": 0.5574, "IoU.lamp": 0.6265, "IoU.bathtub": 0.8498, "IoU.railing": 0.4187, "IoU.cushion": 0.648, "IoU.base": 0.479, "IoU.box": 0.3793, "IoU.column": 0.5004, "IoU.signboard": 0.3475, "IoU.chest of drawers": 0.513, "IoU.counter": 0.4978, "IoU.sand": 0.3705, "IoU.sink": 0.7202, "IoU.skyscraper": 0.4956, "IoU.fireplace": 0.6758, "IoU.refrigerator": 0.7215, "IoU.grandstand": 0.4853, "IoU.path": 0.2583, "IoU.stairs": 0.3762, "IoU.runway": 0.6947, "IoU.case": 0.631, "IoU.pool table": 0.8209, "IoU.pillow": 0.6551, "IoU.screen door": 0.6817, "IoU.stairway": 0.5375, "IoU.river": 0.1828, "IoU.bridge": 0.5318, "IoU.bookcase": 0.3104, "IoU.blind": 0.452, "IoU.coffee table": 0.5614, "IoU.toilet": 0.876, "IoU.flower": 0.4187, "IoU.book": 0.4846, "IoU.hill": 0.0529, "IoU.bench": 0.6312, "IoU.countertop": 0.5937, "IoU.stove": 0.7658, "IoU.palm": 0.543, "IoU.kitchen island": 0.3457, "IoU.computer": 0.7659, "IoU.swivel chair": 0.5176, "IoU.boat": 0.7301, "IoU.bar": 0.6333, "IoU.arcade machine": 0.8905, "IoU.hovel": 0.3411, "IoU.bus": 0.8845, "IoU.towel": 0.6659, "IoU.light": 0.4607, "IoU.truck": 0.4573, "IoU.tower": 0.2634, "IoU.chandelier": 0.6193, "IoU.awning": 0.349, "IoU.streetlight": 0.2098, "IoU.booth": 0.5265, "IoU.television receiver": 0.7201, "IoU.airplane": 0.8034, "IoU.dirt track": 0.0077, "IoU.apparel": 0.3476, "IoU.pole": 0.1707, "IoU.land": 0.0929, "IoU.bannister": 0.1044, "IoU.escalator": 0.6392, "IoU.ottoman": 0.5183, "IoU.bottle": 0.3991, "IoU.buffet": 0.573, "IoU.poster": 0.3093, "IoU.stage": 0.2833, "IoU.van": 0.5019, "IoU.ship": 0.624, "IoU.fountain": 0.4647, "IoU.conveyer belt": 0.836, "IoU.canopy": 0.4369, "IoU.washer": 0.7861, "IoU.plaything": 0.2176, "IoU.swimming pool": 0.5775, "IoU.stool": 0.4215, "IoU.barrel": 0.5825, "IoU.basket": 0.4156, "IoU.waterfall": 0.6646, "IoU.tent": 0.892, "IoU.bag": 0.1997, "IoU.minibike": 0.7097, "IoU.cradle": 0.7888, "IoU.oven": 0.4724, "IoU.ball": 0.5022, "IoU.food": 0.5584, "IoU.step": 0.0497, "IoU.tank": 0.5793, "IoU.trade name": 0.2164, "IoU.microwave": 0.8388, "IoU.pot": 0.5299, "IoU.animal": 0.6103, "IoU.bicycle": 0.5862, "IoU.lake": 0.4908, "IoU.dishwasher": 0.6343, "IoU.screen": 0.5369, "IoU.blanket": 0.1066, "IoU.sculpture": 0.725, "IoU.hood": 0.7099, "IoU.sconce": 0.4933, "IoU.vase": 0.4073, "IoU.traffic light": 0.2813, "IoU.tray": 0.1529, "IoU.ashcan": 0.4394, "IoU.fan": 0.5845, "IoU.pier": 0.3877, "IoU.crt screen": 0.0274, "IoU.plate": 0.5804, "IoU.monitor": 0.2151, "IoU.bulletin board": 0.5653, "IoU.shower": 0.0, "IoU.radiator": 0.6158, "IoU.glass": 0.1563, "IoU.clock": 0.427, "IoU.flag": 0.6549, "Acc.wall": 0.8758, "Acc.building": 0.922, "Acc.sky": 0.969, "Acc.floor": 0.9189, "Acc.tree": 0.8811, "Acc.ceiling": 0.908, "Acc.road": 0.8737, "Acc.bed ": 0.9543, "Acc.windowpane": 0.8178, "Acc.grass": 0.7124, "Acc.cabinet": 0.6865, "Acc.sidewalk": 0.8362, "Acc.person": 0.915, "Acc.earth": 0.6534, "Acc.door": 0.6896, "Acc.table": 0.7386, "Acc.mountain": 0.7879, "Acc.plant": 0.6427, "Acc.curtain": 0.8913, "Acc.chair": 0.7021, "Acc.car": 0.9223, "Acc.water": 0.7397, "Acc.painting": 0.8561, "Acc.sofa": 0.9111, "Acc.shelf": 0.5931, "Acc.house": 0.5941, "Acc.sea": 0.857, "Acc.mirror": 0.8721, "Acc.rug": 0.84, "Acc.field": 0.4755, "Acc.armchair": 0.7815, "Acc.seat": 0.6611, "Acc.fence": 0.6863, "Acc.desk": 0.7646, "Acc.rock": 0.7736, "Acc.wardrobe": 0.8218, "Acc.lamp": 0.7069, "Acc.bathtub": 0.8959, "Acc.railing": 0.6, "Acc.cushion": 0.7484, "Acc.base": 0.6255, "Acc.box": 0.5231, "Acc.column": 0.5648, "Acc.signboard": 0.4089, "Acc.chest of drawers": 0.7096, "Acc.counter": 0.5882, "Acc.sand": 0.5054, "Acc.sink": 0.785, "Acc.skyscraper": 0.657, "Acc.fireplace": 0.9385, "Acc.refrigerator": 0.8977, "Acc.grandstand": 0.8541, "Acc.path": 0.4257, "Acc.stairs": 0.4721, "Acc.runway": 0.9908, "Acc.case": 0.8981, "Acc.pool table": 0.8426, "Acc.pillow": 0.7672, "Acc.screen door": 0.881, "Acc.stairway": 0.6082, "Acc.river": 0.3777, "Acc.bridge": 0.612, "Acc.bookcase": 0.5846, "Acc.blind": 0.5481, "Acc.coffee table": 0.8666, "Acc.toilet": 0.9181, "Acc.flower": 0.5432, "Acc.book": 0.774, "Acc.hill": 0.0902, "Acc.bench": 0.7702, "Acc.countertop": 0.6994, "Acc.stove": 0.8239, "Acc.palm": 0.8212, "Acc.kitchen island": 0.5411, "Acc.computer": 0.8888, "Acc.swivel chair": 0.8075, "Acc.boat": 0.8655, "Acc.bar": 0.9104, "Acc.arcade machine": 0.9798, "Acc.hovel": 0.3788, "Acc.bus": 0.9741, "Acc.towel": 0.7619, "Acc.light": 0.6497, "Acc.truck": 0.6239, "Acc.tower": 0.5992, "Acc.chandelier": 0.8325, "Acc.awning": 0.4149, "Acc.streetlight": 0.2621, "Acc.booth": 0.8087, "Acc.television receiver": 0.8236, "Acc.airplane": 0.9095, "Acc.dirt track": 0.0222, "Acc.apparel": 0.4071, "Acc.pole": 0.1997, "Acc.land": 0.131, "Acc.bannister": 0.1454, "Acc.escalator": 0.8585, "Acc.ottoman": 0.7265, "Acc.bottle": 0.5941, "Acc.buffet": 0.851, "Acc.poster": 0.3784, "Acc.stage": 0.387, "Acc.van": 0.6659, "Acc.ship": 0.657, "Acc.fountain": 0.4898, "Acc.conveyer belt": 0.9634, "Acc.canopy": 0.716, "Acc.washer": 0.8357, "Acc.plaything": 0.248, "Acc.swimming pool": 0.8537, "Acc.stool": 0.5891, "Acc.barrel": 0.6119, "Acc.basket": 0.5821, "Acc.waterfall": 0.8996, "Acc.tent": 0.9924, "Acc.bag": 0.2187, "Acc.minibike": 0.8683, "Acc.cradle": 0.967, "Acc.oven": 0.663, "Acc.ball": 0.5473, "Acc.food": 0.6505, "Acc.step": 0.0515, "Acc.tank": 0.6657, "Acc.trade name": 0.2318, "Acc.microwave": 0.9549, "Acc.pot": 0.643, "Acc.animal": 0.63, "Acc.bicycle": 0.7636, "Acc.lake": 0.4908, "Acc.dishwasher": 0.8257, "Acc.screen": 0.9291, "Acc.blanket": 0.1151, "Acc.sculpture": 0.7704, "Acc.hood": 0.8882, "Acc.sconce": 0.6011, "Acc.vase": 0.5671, "Acc.traffic light": 0.6035, "Acc.tray": 0.2053, "Acc.ashcan": 0.5814, "Acc.fan": 0.7361, "Acc.pier": 0.4408, "Acc.crt screen": 0.0562, "Acc.plate": 0.7128, "Acc.monitor": 0.2579, "Acc.bulletin board": 0.7527, "Acc.shower": 0.0, "Acc.radiator": 0.8877, "Acc.glass": 0.1655, "Acc.clock": 0.4567, "Acc.flag": 0.7245} +{"mode": "train", "epoch": 6, "iter": 7050, "lr": 0.0, "memory": 65790, "data_time": 1.70856, "decode.loss_ce": 0.43264, "decode.acc_seg": 82.81698, "aux.loss_ce": 0.1718, "aux.acc_seg": 83.06059, "loss": 0.60444, "time": 3.31505} +{"mode": "train", "epoch": 6, "iter": 7100, "lr": 0.0, "memory": 65790, "data_time": 0.00705, "decode.loss_ce": 0.42808, "decode.acc_seg": 82.76976, "aux.loss_ce": 0.16885, "aux.acc_seg": 83.13379, "loss": 0.59693, "time": 1.61094} +{"mode": "train", "epoch": 6, "iter": 7150, "lr": 0.0, "memory": 65790, "data_time": 0.00697, "decode.loss_ce": 0.46654, "decode.acc_seg": 81.77402, "aux.loss_ce": 0.18603, "aux.acc_seg": 82.09057, "loss": 0.65256, "time": 1.61173} +{"mode": "train", "epoch": 6, "iter": 7200, "lr": 0.0, "memory": 65790, "data_time": 0.00709, "decode.loss_ce": 0.42575, "decode.acc_seg": 82.85971, "aux.loss_ce": 0.16951, "aux.acc_seg": 83.04859, "loss": 0.59526, "time": 1.61177} +{"mode": "train", "epoch": 6, "iter": 7250, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.43396, "decode.acc_seg": 83.15496, "aux.loss_ce": 0.17111, "aux.acc_seg": 83.44398, "loss": 0.60507, "time": 1.61093} +{"mode": "train", "epoch": 6, "iter": 7300, "lr": 0.0, "memory": 65790, "data_time": 0.00702, "decode.loss_ce": 0.45223, "decode.acc_seg": 82.25852, "aux.loss_ce": 0.17682, "aux.acc_seg": 82.77695, "loss": 0.62904, "time": 1.61413} +{"mode": "train", "epoch": 6, "iter": 7350, "lr": 0.0, "memory": 65790, "data_time": 0.00704, "decode.loss_ce": 0.42535, "decode.acc_seg": 82.92013, "aux.loss_ce": 0.16864, "aux.acc_seg": 83.31103, "loss": 0.59399, "time": 1.61241} +{"mode": "train", "epoch": 6, "iter": 7400, "lr": 0.0, "memory": 65790, "data_time": 0.00705, "decode.loss_ce": 0.4169, "decode.acc_seg": 83.44679, "aux.loss_ce": 0.16531, "aux.acc_seg": 83.73367, "loss": 0.58221, "time": 1.61205} +{"mode": "train", "epoch": 6, "iter": 7450, "lr": 0.0, "memory": 65790, "data_time": 0.00706, "decode.loss_ce": 0.44252, "decode.acc_seg": 82.20515, "aux.loss_ce": 0.17636, "aux.acc_seg": 82.4751, "loss": 0.61888, "time": 1.61207} +{"mode": "train", "epoch": 6, "iter": 7500, "lr": 0.0, "memory": 65790, "data_time": 0.00698, "decode.loss_ce": 0.4188, "decode.acc_seg": 83.43035, "aux.loss_ce": 0.16516, "aux.acc_seg": 83.90194, "loss": 0.58396, "time": 1.61087} +{"mode": "train", "epoch": 6, "iter": 7550, "lr": 0.0, "memory": 65790, "data_time": 0.00708, "decode.loss_ce": 0.44021, "decode.acc_seg": 82.69864, "aux.loss_ce": 0.17405, "aux.acc_seg": 82.87931, "loss": 0.61426, "time": 1.61136} +{"mode": "train", "epoch": 7, "iter": 7600, "lr": 0.0, "memory": 65790, "data_time": 0.04847, "decode.loss_ce": 0.43778, "decode.acc_seg": 83.00029, "aux.loss_ce": 0.17256, "aux.acc_seg": 83.33257, "loss": 0.61034, "time": 1.65858} +{"mode": "train", "epoch": 7, "iter": 7650, "lr": 0.0, "memory": 65790, "data_time": 0.00706, "decode.loss_ce": 0.39795, "decode.acc_seg": 84.50897, "aux.loss_ce": 0.15815, "aux.acc_seg": 84.79408, "loss": 0.5561, "time": 1.61612} +{"mode": "train", "epoch": 7, "iter": 7700, "lr": 0.0, "memory": 65790, "data_time": 0.0071, "decode.loss_ce": 0.4143, "decode.acc_seg": 83.87747, "aux.loss_ce": 0.16514, "aux.acc_seg": 84.15012, "loss": 0.57943, "time": 1.61155} +{"mode": "train", "epoch": 7, "iter": 7750, "lr": 0.0, "memory": 65790, "data_time": 0.00704, "decode.loss_ce": 0.41455, "decode.acc_seg": 82.81627, "aux.loss_ce": 0.16456, "aux.acc_seg": 83.02318, "loss": 0.57912, "time": 1.61172} +{"mode": "train", "epoch": 7, "iter": 7800, "lr": 0.0, "memory": 65790, "data_time": 0.0071, "decode.loss_ce": 0.39309, "decode.acc_seg": 84.45697, "aux.loss_ce": 0.15795, "aux.acc_seg": 84.4531, "loss": 0.55104, "time": 1.61185} +{"mode": "train", "epoch": 7, "iter": 7850, "lr": 0.0, "memory": 65790, "data_time": 0.00708, "decode.loss_ce": 0.39562, "decode.acc_seg": 84.3798, "aux.loss_ce": 0.15658, "aux.acc_seg": 84.54514, "loss": 0.55221, "time": 1.6116} +{"mode": "train", "epoch": 7, "iter": 7900, "lr": 0.0, "memory": 65790, "data_time": 0.00701, "decode.loss_ce": 0.38268, "decode.acc_seg": 84.18223, "aux.loss_ce": 0.15118, "aux.acc_seg": 84.74713, "loss": 0.53387, "time": 1.61457} +{"mode": "train", "epoch": 7, "iter": 7950, "lr": 0.0, "memory": 65790, "data_time": 0.00696, "decode.loss_ce": 0.41318, "decode.acc_seg": 83.8178, "aux.loss_ce": 0.16465, "aux.acc_seg": 83.9385, "loss": 0.57783, "time": 1.6182} +{"mode": "train", "epoch": 7, "iter": 8000, "lr": 0.0, "memory": 65790, "data_time": 0.00699, "decode.loss_ce": 0.40229, "decode.acc_seg": 84.00775, "aux.loss_ce": 0.15938, "aux.acc_seg": 84.50899, "loss": 0.56168, "time": 3.07691} +{"mode": "val", "epoch": 7, "iter": 250, "lr": 0.0, "aAcc": 0.8427, "mIoU": 0.5304, "mAcc": 0.671, "IoU.wall": 0.7908, "IoU.building": 0.8363, "IoU.sky": 0.9379, "IoU.floor": 0.8267, "IoU.tree": 0.7552, "IoU.ceiling": 0.8426, "IoU.road": 0.8513, "IoU.bed ": 0.8914, "IoU.windowpane": 0.6345, "IoU.grass": 0.6286, "IoU.cabinet": 0.6379, "IoU.sidewalk": 0.6801, "IoU.person": 0.8128, "IoU.earth": 0.387, "IoU.door": 0.5523, "IoU.table": 0.6352, "IoU.mountain": 0.598, "IoU.plant": 0.5384, "IoU.curtain": 0.7556, "IoU.chair": 0.6286, "IoU.car": 0.8448, "IoU.water": 0.601, "IoU.painting": 0.7223, "IoU.sofa": 0.7386, "IoU.shelf": 0.4105, "IoU.house": 0.522, "IoU.sea": 0.6387, "IoU.mirror": 0.7513, "IoU.rug": 0.7039, "IoU.field": 0.2632, "IoU.armchair": 0.5397, "IoU.seat": 0.6958, "IoU.fence": 0.4905, "IoU.desk": 0.5352, "IoU.rock": 0.6145, "IoU.wardrobe": 0.5529, "IoU.lamp": 0.6383, "IoU.bathtub": 0.8288, "IoU.railing": 0.3965, "IoU.cushion": 0.641, "IoU.base": 0.3816, "IoU.box": 0.3503, "IoU.column": 0.5056, "IoU.signboard": 0.3422, "IoU.chest of drawers": 0.4323, "IoU.counter": 0.4711, "IoU.sand": 0.5335, "IoU.sink": 0.7381, "IoU.skyscraper": 0.5066, "IoU.fireplace": 0.6348, "IoU.refrigerator": 0.7564, "IoU.grandstand": 0.4188, "IoU.path": 0.2771, "IoU.stairs": 0.1683, "IoU.runway": 0.6726, "IoU.case": 0.7217, "IoU.pool table": 0.916, "IoU.pillow": 0.4982, "IoU.screen door": 0.8208, "IoU.stairway": 0.3142, "IoU.river": 0.2676, "IoU.bridge": 0.4173, "IoU.bookcase": 0.3184, "IoU.blind": 0.3983, "IoU.coffee table": 0.5292, "IoU.toilet": 0.8766, "IoU.flower": 0.3921, "IoU.book": 0.467, "IoU.hill": 0.0538, "IoU.bench": 0.5848, "IoU.countertop": 0.6321, "IoU.stove": 0.8219, "IoU.palm": 0.5114, "IoU.kitchen island": 0.4091, "IoU.computer": 0.7751, "IoU.swivel chair": 0.5512, "IoU.boat": 0.7003, "IoU.bar": 0.5499, "IoU.arcade machine": 0.8347, "IoU.hovel": 0.2058, "IoU.bus": 0.9129, "IoU.towel": 0.6692, "IoU.light": 0.4744, "IoU.truck": 0.4597, "IoU.tower": 0.246, "IoU.chandelier": 0.6543, "IoU.awning": 0.4434, "IoU.streetlight": 0.2441, "IoU.booth": 0.435, "IoU.television receiver": 0.773, "IoU.airplane": 0.5018, "IoU.dirt track": 0.0, "IoU.apparel": 0.4399, "IoU.pole": 0.1893, "IoU.land": 0.0013, "IoU.bannister": 0.1295, "IoU.escalator": 0.6305, "IoU.ottoman": 0.4894, "IoU.bottle": 0.2651, "IoU.buffet": 0.5329, "IoU.poster": 0.3207, "IoU.stage": 0.2482, "IoU.van": 0.4943, "IoU.ship": 0.3078, "IoU.fountain": 0.3711, "IoU.conveyer belt": 0.8033, "IoU.canopy": 0.4314, "IoU.washer": 0.8464, "IoU.plaything": 0.2353, "IoU.swimming pool": 0.5247, "IoU.stool": 0.3752, "IoU.barrel": 0.5684, "IoU.basket": 0.4007, "IoU.waterfall": 0.5889, "IoU.tent": 0.7938, "IoU.bag": 0.186, "IoU.minibike": 0.7043, "IoU.cradle": 0.8395, "IoU.oven": 0.5627, "IoU.ball": 0.5549, "IoU.food": 0.5629, "IoU.step": 0.1359, "IoU.tank": 0.5656, "IoU.trade name": 0.0603, "IoU.microwave": 0.8559, "IoU.pot": 0.5497, "IoU.animal": 0.7123, "IoU.bicycle": 0.6004, "IoU.lake": 0.5021, "IoU.dishwasher": 0.6549, "IoU.screen": 0.5626, "IoU.blanket": 0.2564, "IoU.sculpture": 0.6928, "IoU.hood": 0.7105, "IoU.sconce": 0.501, "IoU.vase": 0.405, "IoU.traffic light": 0.3057, "IoU.tray": 0.1865, "IoU.ashcan": 0.4786, "IoU.fan": 0.5863, "IoU.pier": 0.5629, "IoU.crt screen": 0.0523, "IoU.plate": 0.58, "IoU.monitor": 0.3029, "IoU.bulletin board": 0.548, "IoU.shower": 0.0, "IoU.radiator": 0.6405, "IoU.glass": 0.1379, "IoU.clock": 0.4278, "IoU.flag": 0.6661, "Acc.wall": 0.8705, "Acc.building": 0.9414, "Acc.sky": 0.9707, "Acc.floor": 0.8862, "Acc.tree": 0.8554, "Acc.ceiling": 0.9246, "Acc.road": 0.9026, "Acc.bed ": 0.9735, "Acc.windowpane": 0.7725, "Acc.grass": 0.8625, "Acc.cabinet": 0.7371, "Acc.sidewalk": 0.8541, "Acc.person": 0.9046, "Acc.earth": 0.5185, "Acc.door": 0.6501, "Acc.table": 0.7605, "Acc.mountain": 0.7723, "Acc.plant": 0.612, "Acc.curtain": 0.9036, "Acc.chair": 0.7636, "Acc.car": 0.9208, "Acc.water": 0.7321, "Acc.painting": 0.8825, "Acc.sofa": 0.8903, "Acc.shelf": 0.5498, "Acc.house": 0.6441, "Acc.sea": 0.9164, "Acc.mirror": 0.9095, "Acc.rug": 0.8725, "Acc.field": 0.4099, "Acc.armchair": 0.6385, "Acc.seat": 0.8836, "Acc.fence": 0.6202, "Acc.desk": 0.6695, "Acc.rock": 0.7661, "Acc.wardrobe": 0.7916, "Acc.lamp": 0.7956, "Acc.bathtub": 0.8648, "Acc.railing": 0.6085, "Acc.cushion": 0.8407, "Acc.base": 0.7159, "Acc.box": 0.4331, "Acc.column": 0.5668, "Acc.signboard": 0.4085, "Acc.chest of drawers": 0.7476, "Acc.counter": 0.5546, "Acc.sand": 0.8816, "Acc.sink": 0.7858, "Acc.skyscraper": 0.6399, "Acc.fireplace": 0.9781, "Acc.refrigerator": 0.8965, "Acc.grandstand": 0.8934, "Acc.path": 0.3413, "Acc.stairs": 0.1868, "Acc.runway": 0.869, "Acc.case": 0.86, "Acc.pool table": 0.9805, "Acc.pillow": 0.5228, "Acc.screen door": 0.8728, "Acc.stairway": 0.4887, "Acc.river": 0.3801, "Acc.bridge": 0.6808, "Acc.bookcase": 0.6413, "Acc.blind": 0.4707, "Acc.coffee table": 0.9109, "Acc.toilet": 0.9025, "Acc.flower": 0.6181, "Acc.book": 0.6477, "Acc.hill": 0.1305, "Acc.bench": 0.7884, "Acc.countertop": 0.785, "Acc.stove": 0.9349, "Acc.palm": 0.8399, "Acc.kitchen island": 0.6073, "Acc.computer": 0.8998, "Acc.swivel chair": 0.7309, "Acc.boat": 0.8587, "Acc.bar": 0.889, "Acc.arcade machine": 0.9134, "Acc.hovel": 0.2331, "Acc.bus": 0.9634, "Acc.towel": 0.8165, "Acc.light": 0.6616, "Acc.truck": 0.6212, "Acc.tower": 0.4196, "Acc.chandelier": 0.8535, "Acc.awning": 0.6362, "Acc.streetlight": 0.331, "Acc.booth": 0.7622, "Acc.television receiver": 0.9153, "Acc.airplane": 0.519, "Acc.dirt track": 0.0, "Acc.apparel": 0.6953, "Acc.pole": 0.2416, "Acc.land": 0.0015, "Acc.bannister": 0.2048, "Acc.escalator": 0.8408, "Acc.ottoman": 0.7539, "Acc.bottle": 0.3497, "Acc.buffet": 0.8575, "Acc.poster": 0.4578, "Acc.stage": 0.4866, "Acc.van": 0.6435, "Acc.ship": 0.3226, "Acc.fountain": 0.3937, "Acc.conveyer belt": 0.9568, "Acc.canopy": 0.6201, "Acc.washer": 0.917, "Acc.plaything": 0.3352, "Acc.swimming pool": 0.7639, "Acc.stool": 0.6695, "Acc.barrel": 0.6435, "Acc.basket": 0.4805, "Acc.waterfall": 0.8195, "Acc.tent": 0.9928, "Acc.bag": 0.1975, "Acc.minibike": 0.8573, "Acc.cradle": 0.9762, "Acc.oven": 0.6706, "Acc.ball": 0.6178, "Acc.food": 0.615, "Acc.step": 0.1652, "Acc.tank": 0.719, "Acc.trade name": 0.0612, "Acc.microwave": 0.9525, "Acc.pot": 0.6701, "Acc.animal": 0.7421, "Acc.bicycle": 0.7443, "Acc.lake": 0.5682, "Acc.dishwasher": 0.8378, "Acc.screen": 0.8061, "Acc.blanket": 0.3079, "Acc.sculpture": 0.8316, "Acc.hood": 0.8683, "Acc.sconce": 0.6319, "Acc.vase": 0.6442, "Acc.traffic light": 0.54, "Acc.tray": 0.2453, "Acc.ashcan": 0.5973, "Acc.fan": 0.8297, "Acc.pier": 0.6646, "Acc.crt screen": 0.1048, "Acc.plate": 0.7614, "Acc.monitor": 0.3745, "Acc.bulletin board": 0.7454, "Acc.shower": 0.0, "Acc.radiator": 0.8166, "Acc.glass": 0.1427, "Acc.clock": 0.4695, "Acc.flag": 0.7918} +{"mode": "train", "epoch": 7, "iter": 8050, "lr": 0.0, "memory": 65790, "data_time": 1.63632, "decode.loss_ce": 0.41469, "decode.acc_seg": 83.15534, "aux.loss_ce": 0.16539, "aux.acc_seg": 83.26793, "loss": 0.58009, "time": 3.24021} +{"mode": "train", "epoch": 7, "iter": 8100, "lr": 0.0, "memory": 65790, "data_time": 0.00706, "decode.loss_ce": 0.38691, "decode.acc_seg": 84.72111, "aux.loss_ce": 0.15437, "aux.acc_seg": 84.96575, "loss": 0.54128, "time": 1.61084} +{"mode": "train", "epoch": 7, "iter": 8150, "lr": 0.0, "memory": 65790, "data_time": 0.00694, "decode.loss_ce": 0.41942, "decode.acc_seg": 83.19833, "aux.loss_ce": 0.16517, "aux.acc_seg": 83.6312, "loss": 0.58459, "time": 1.60932} +{"mode": "train", "epoch": 7, "iter": 8200, "lr": 0.0, "memory": 65790, "data_time": 0.00713, "decode.loss_ce": 0.40546, "decode.acc_seg": 83.54154, "aux.loss_ce": 0.15985, "aux.acc_seg": 83.88436, "loss": 0.56531, "time": 1.61269} +{"mode": "train", "epoch": 7, "iter": 8250, "lr": 0.0, "memory": 65790, "data_time": 0.0071, "decode.loss_ce": 0.41592, "decode.acc_seg": 83.44504, "aux.loss_ce": 0.16409, "aux.acc_seg": 83.94188, "loss": 0.58002, "time": 1.61472} +{"mode": "train", "epoch": 7, "iter": 8300, "lr": 0.0, "memory": 65790, "data_time": 0.00703, "decode.loss_ce": 0.37522, "decode.acc_seg": 84.91845, "aux.loss_ce": 0.14919, "aux.acc_seg": 84.99988, "loss": 0.52442, "time": 1.61057} +{"mode": "train", "epoch": 7, "iter": 8350, "lr": 0.0, "memory": 65790, "data_time": 0.00712, "decode.loss_ce": 0.40641, "decode.acc_seg": 84.32608, "aux.loss_ce": 0.16259, "aux.acc_seg": 84.45409, "loss": 0.569, "time": 1.61098} +{"mode": "train", "epoch": 7, "iter": 8400, "lr": 0.0, "memory": 65790, "data_time": 0.00705, "decode.loss_ce": 0.39904, "decode.acc_seg": 84.35363, "aux.loss_ce": 0.1575, "aux.acc_seg": 84.53807, "loss": 0.55654, "time": 1.61233} +{"mode": "train", "epoch": 7, "iter": 8450, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.41214, "decode.acc_seg": 83.38085, "aux.loss_ce": 0.16226, "aux.acc_seg": 83.73696, "loss": 0.5744, "time": 1.61027} +{"mode": "train", "epoch": 7, "iter": 8500, "lr": 0.0, "memory": 65790, "data_time": 0.00708, "decode.loss_ce": 0.4155, "decode.acc_seg": 83.66228, "aux.loss_ce": 0.16343, "aux.acc_seg": 83.96362, "loss": 0.57893, "time": 1.61333} +{"mode": "train", "epoch": 7, "iter": 8550, "lr": 0.0, "memory": 65790, "data_time": 0.00705, "decode.loss_ce": 0.41385, "decode.acc_seg": 83.76112, "aux.loss_ce": 0.16487, "aux.acc_seg": 84.11412, "loss": 0.57872, "time": 1.61325} +{"mode": "train", "epoch": 7, "iter": 8600, "lr": 0.0, "memory": 65790, "data_time": 0.00705, "decode.loss_ce": 0.41527, "decode.acc_seg": 84.18088, "aux.loss_ce": 0.16417, "aux.acc_seg": 84.43136, "loss": 0.57944, "time": 1.61073} +{"mode": "train", "epoch": 7, "iter": 8650, "lr": 0.0, "memory": 65790, "data_time": 0.00705, "decode.loss_ce": 0.42245, "decode.acc_seg": 82.99652, "aux.loss_ce": 0.16771, "aux.acc_seg": 83.41421, "loss": 0.59016, "time": 1.61079} +{"mode": "train", "epoch": 7, "iter": 8700, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.39557, "decode.acc_seg": 84.05155, "aux.loss_ce": 0.15623, "aux.acc_seg": 84.3548, "loss": 0.5518, "time": 1.61101} +{"mode": "train", "epoch": 7, "iter": 8750, "lr": 0.0, "memory": 65790, "data_time": 0.00701, "decode.loss_ce": 0.43459, "decode.acc_seg": 82.98565, "aux.loss_ce": 0.17111, "aux.acc_seg": 82.99542, "loss": 0.6057, "time": 1.61118} +{"mode": "train", "epoch": 7, "iter": 8800, "lr": 0.0, "memory": 65790, "data_time": 0.00708, "decode.loss_ce": 0.43326, "decode.acc_seg": 82.6503, "aux.loss_ce": 0.16983, "aux.acc_seg": 83.06091, "loss": 0.60309, "time": 1.61244} +{"mode": "train", "epoch": 8, "iter": 8850, "lr": 0.0, "memory": 65790, "data_time": 0.05681, "decode.loss_ce": 0.3692, "decode.acc_seg": 84.84389, "aux.loss_ce": 0.14784, "aux.acc_seg": 85.09391, "loss": 0.51705, "time": 1.66579} +{"mode": "train", "epoch": 8, "iter": 8900, "lr": 0.0, "memory": 65790, "data_time": 0.00704, "decode.loss_ce": 0.36807, "decode.acc_seg": 85.46971, "aux.loss_ce": 0.1461, "aux.acc_seg": 85.7083, "loss": 0.51418, "time": 1.6146} +{"mode": "train", "epoch": 8, "iter": 8950, "lr": 0.0, "memory": 65790, "data_time": 0.00712, "decode.loss_ce": 0.38827, "decode.acc_seg": 83.95599, "aux.loss_ce": 0.15459, "aux.acc_seg": 84.12984, "loss": 0.54287, "time": 1.61068} +{"mode": "train", "epoch": 8, "iter": 9000, "lr": 0.0, "memory": 65790, "data_time": 0.00709, "decode.loss_ce": 0.40772, "decode.acc_seg": 83.77713, "aux.loss_ce": 0.16225, "aux.acc_seg": 84.08674, "loss": 0.56998, "time": 1.61023} +{"mode": "val", "epoch": 8, "iter": 250, "lr": 0.0, "aAcc": 0.8429, "mIoU": 0.5393, "mAcc": 0.6752, "IoU.wall": 0.789, "IoU.building": 0.8297, "IoU.sky": 0.9255, "IoU.floor": 0.8261, "IoU.tree": 0.7439, "IoU.ceiling": 0.8537, "IoU.road": 0.8425, "IoU.bed ": 0.901, "IoU.windowpane": 0.6419, "IoU.grass": 0.6443, "IoU.cabinet": 0.6403, "IoU.sidewalk": 0.6847, "IoU.person": 0.8158, "IoU.earth": 0.3671, "IoU.door": 0.5689, "IoU.table": 0.633, "IoU.mountain": 0.5601, "IoU.plant": 0.5379, "IoU.curtain": 0.7827, "IoU.chair": 0.6129, "IoU.car": 0.8434, "IoU.water": 0.6189, "IoU.painting": 0.7484, "IoU.sofa": 0.7761, "IoU.shelf": 0.4812, "IoU.house": 0.4842, "IoU.sea": 0.7093, "IoU.mirror": 0.7591, "IoU.rug": 0.6535, "IoU.field": 0.2491, "IoU.armchair": 0.5928, "IoU.seat": 0.6636, "IoU.fence": 0.4909, "IoU.desk": 0.5017, "IoU.rock": 0.5054, "IoU.wardrobe": 0.6223, "IoU.lamp": 0.6539, "IoU.bathtub": 0.8282, "IoU.railing": 0.4044, "IoU.cushion": 0.6384, "IoU.base": 0.3994, "IoU.box": 0.3465, "IoU.column": 0.4742, "IoU.signboard": 0.3846, "IoU.chest of drawers": 0.4288, "IoU.counter": 0.5097, "IoU.sand": 0.5077, "IoU.sink": 0.7233, "IoU.skyscraper": 0.3727, "IoU.fireplace": 0.7065, "IoU.refrigerator": 0.74, "IoU.grandstand": 0.4765, "IoU.path": 0.2144, "IoU.stairs": 0.1457, "IoU.runway": 0.6272, "IoU.case": 0.6754, "IoU.pool table": 0.9169, "IoU.pillow": 0.6366, "IoU.screen door": 0.7713, "IoU.stairway": 0.4185, "IoU.river": 0.2097, "IoU.bridge": 0.3965, "IoU.bookcase": 0.404, "IoU.blind": 0.2207, "IoU.coffee table": 0.5885, "IoU.toilet": 0.8725, "IoU.flower": 0.356, "IoU.book": 0.4756, "IoU.hill": 0.0647, "IoU.bench": 0.5929, "IoU.countertop": 0.6009, "IoU.stove": 0.8148, "IoU.palm": 0.5113, "IoU.kitchen island": 0.4799, "IoU.computer": 0.7619, "IoU.swivel chair": 0.5429, "IoU.boat": 0.5429, "IoU.bar": 0.6002, "IoU.arcade machine": 0.8852, "IoU.hovel": 0.4502, "IoU.bus": 0.9135, "IoU.towel": 0.6574, "IoU.light": 0.4763, "IoU.truck": 0.462, "IoU.tower": 0.2259, "IoU.chandelier": 0.6684, "IoU.awning": 0.3353, "IoU.streetlight": 0.2378, "IoU.booth": 0.3435, "IoU.television receiver": 0.7714, "IoU.airplane": 0.8242, "IoU.dirt track": 0.0, "IoU.apparel": 0.5087, "IoU.pole": 0.1909, "IoU.land": 0.0002, "IoU.bannister": 0.1121, "IoU.escalator": 0.6286, "IoU.ottoman": 0.5352, "IoU.bottle": 0.411, "IoU.buffet": 0.568, "IoU.poster": 0.3179, "IoU.stage": 0.3308, "IoU.van": 0.4882, "IoU.ship": 0.7435, "IoU.fountain": 0.4121, "IoU.conveyer belt": 0.7688, "IoU.canopy": 0.4904, "IoU.washer": 0.8568, "IoU.plaything": 0.3093, "IoU.swimming pool": 0.6066, "IoU.stool": 0.4027, "IoU.barrel": 0.6294, "IoU.basket": 0.433, "IoU.waterfall": 0.558, "IoU.tent": 0.7251, "IoU.bag": 0.257, "IoU.minibike": 0.7157, "IoU.cradle": 0.6812, "IoU.oven": 0.6071, "IoU.ball": 0.6002, "IoU.food": 0.6096, "IoU.step": 0.1674, "IoU.tank": 0.5948, "IoU.trade name": 0.0304, "IoU.microwave": 0.824, "IoU.pot": 0.576, "IoU.animal": 0.6763, "IoU.bicycle": 0.5656, "IoU.lake": 0.6291, "IoU.dishwasher": 0.708, "IoU.screen": 0.5006, "IoU.blanket": 0.1567, "IoU.sculpture": 0.7146, "IoU.hood": 0.731, "IoU.sconce": 0.5163, "IoU.vase": 0.4048, "IoU.traffic light": 0.3124, "IoU.tray": 0.1568, "IoU.ashcan": 0.4517, "IoU.fan": 0.5891, "IoU.pier": 0.3764, "IoU.crt screen": 0.0308, "IoU.plate": 0.5783, "IoU.monitor": 0.4446, "IoU.bulletin board": 0.5429, "IoU.shower": 0.0, "IoU.radiator": 0.6282, "IoU.glass": 0.1905, "IoU.clock": 0.464, "IoU.flag": 0.6433, "Acc.wall": 0.877, "Acc.building": 0.9422, "Acc.sky": 0.938, "Acc.floor": 0.8991, "Acc.tree": 0.9234, "Acc.ceiling": 0.9137, "Acc.road": 0.9113, "Acc.bed ": 0.9656, "Acc.windowpane": 0.7928, "Acc.grass": 0.832, "Acc.cabinet": 0.7204, "Acc.sidewalk": 0.8445, "Acc.person": 0.9056, "Acc.earth": 0.4563, "Acc.door": 0.7759, "Acc.table": 0.7847, "Acc.mountain": 0.6826, "Acc.plant": 0.6505, "Acc.curtain": 0.8713, "Acc.chair": 0.7611, "Acc.car": 0.933, "Acc.water": 0.7878, "Acc.painting": 0.857, "Acc.sofa": 0.8768, "Acc.shelf": 0.7264, "Acc.house": 0.5677, "Acc.sea": 0.8452, "Acc.mirror": 0.8758, "Acc.rug": 0.7119, "Acc.field": 0.4033, "Acc.armchair": 0.6973, "Acc.seat": 0.8989, "Acc.fence": 0.6128, "Acc.desk": 0.6263, "Acc.rock": 0.8371, "Acc.wardrobe": 0.7892, "Acc.lamp": 0.7958, "Acc.bathtub": 0.8906, "Acc.railing": 0.5485, "Acc.cushion": 0.797, "Acc.base": 0.5089, "Acc.box": 0.4639, "Acc.column": 0.5023, "Acc.signboard": 0.5329, "Acc.chest of drawers": 0.752, "Acc.counter": 0.6344, "Acc.sand": 0.7799, "Acc.sink": 0.8048, "Acc.skyscraper": 0.4084, "Acc.fireplace": 0.9017, "Acc.refrigerator": 0.8842, "Acc.grandstand": 0.8653, "Acc.path": 0.2721, "Acc.stairs": 0.1613, "Acc.runway": 0.9692, "Acc.case": 0.8567, "Acc.pool table": 0.9813, "Acc.pillow": 0.7449, "Acc.screen door": 0.8535, "Acc.stairway": 0.6861, "Acc.river": 0.3151, "Acc.bridge": 0.501, "Acc.bookcase": 0.4754, "Acc.blind": 0.2252, "Acc.coffee table": 0.8587, "Acc.toilet": 0.9582, "Acc.flower": 0.5544, "Acc.book": 0.6475, "Acc.hill": 0.1312, "Acc.bench": 0.7103, "Acc.countertop": 0.7839, "Acc.stove": 0.9078, "Acc.palm": 0.6014, "Acc.kitchen island": 0.8519, "Acc.computer": 0.9203, "Acc.swivel chair": 0.7935, "Acc.boat": 0.6827, "Acc.bar": 0.8196, "Acc.arcade machine": 0.9782, "Acc.hovel": 0.5456, "Acc.bus": 0.9382, "Acc.towel": 0.8809, "Acc.light": 0.6246, "Acc.truck": 0.6107, "Acc.tower": 0.4113, "Acc.chandelier": 0.8501, "Acc.awning": 0.4167, "Acc.streetlight": 0.2952, "Acc.booth": 0.4279, "Acc.television receiver": 0.8619, "Acc.airplane": 0.9084, "Acc.dirt track": 0.0, "Acc.apparel": 0.7107, "Acc.pole": 0.236, "Acc.land": 0.0003, "Acc.bannister": 0.1509, "Acc.escalator": 0.8824, "Acc.ottoman": 0.7935, "Acc.bottle": 0.6622, "Acc.buffet": 0.6686, "Acc.poster": 0.4493, "Acc.stage": 0.7132, "Acc.van": 0.6676, "Acc.ship": 0.8338, "Acc.fountain": 0.4222, "Acc.conveyer belt": 0.9798, "Acc.canopy": 0.7928, "Acc.washer": 0.9154, "Acc.plaything": 0.43, "Acc.swimming pool": 0.9174, "Acc.stool": 0.5894, "Acc.barrel": 0.7521, "Acc.basket": 0.6084, "Acc.waterfall": 0.6626, "Acc.tent": 0.9961, "Acc.bag": 0.3087, "Acc.minibike": 0.8379, "Acc.cradle": 0.992, "Acc.oven": 0.6997, "Acc.ball": 0.6813, "Acc.food": 0.7422, "Acc.step": 0.2348, "Acc.tank": 0.7185, "Acc.trade name": 0.0306, "Acc.microwave": 0.9689, "Acc.pot": 0.7146, "Acc.animal": 0.6951, "Acc.bicycle": 0.7271, "Acc.lake": 0.6303, "Acc.dishwasher": 0.8228, "Acc.screen": 0.9496, "Acc.blanket": 0.1781, "Acc.sculpture": 0.7781, "Acc.hood": 0.8709, "Acc.sconce": 0.6749, "Acc.vase": 0.6241, "Acc.traffic light": 0.5799, "Acc.tray": 0.1915, "Acc.ashcan": 0.603, "Acc.fan": 0.7648, "Acc.pier": 0.3938, "Acc.crt screen": 0.0435, "Acc.plate": 0.7868, "Acc.monitor": 0.6193, "Acc.bulletin board": 0.7347, "Acc.shower": 0.0, "Acc.radiator": 0.7951, "Acc.glass": 0.2129, "Acc.clock": 0.5596, "Acc.flag": 0.7013} +{"mode": "train", "epoch": 8, "iter": 9050, "lr": 0.0, "memory": 65790, "data_time": 1.65458, "decode.loss_ce": 0.38421, "decode.acc_seg": 84.45267, "aux.loss_ce": 0.15403, "aux.acc_seg": 84.48092, "loss": 0.53824, "time": 3.25994} +{"mode": "train", "epoch": 8, "iter": 9100, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.38144, "decode.acc_seg": 84.71815, "aux.loss_ce": 0.1516, "aux.acc_seg": 85.0345, "loss": 0.53304, "time": 1.61352} +{"mode": "train", "epoch": 8, "iter": 9150, "lr": 0.0, "memory": 65790, "data_time": 0.00709, "decode.loss_ce": 0.38448, "decode.acc_seg": 84.48192, "aux.loss_ce": 0.15208, "aux.acc_seg": 84.73042, "loss": 0.53656, "time": 1.61789} +{"mode": "train", "epoch": 8, "iter": 9200, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.39062, "decode.acc_seg": 84.34566, "aux.loss_ce": 0.15444, "aux.acc_seg": 84.71696, "loss": 0.54506, "time": 1.61119} +{"mode": "train", "epoch": 8, "iter": 9250, "lr": 0.0, "memory": 65790, "data_time": 0.00707, "decode.loss_ce": 0.40032, "decode.acc_seg": 83.95536, "aux.loss_ce": 0.15709, "aux.acc_seg": 84.34208, "loss": 0.55741, "time": 1.61179} +{"mode": "train", "epoch": 8, "iter": 9300, "lr": 0.0, "memory": 65790, "data_time": 0.00701, "decode.loss_ce": 0.40263, "decode.acc_seg": 83.55269, "aux.loss_ce": 0.15835, "aux.acc_seg": 83.89495, "loss": 0.56098, "time": 1.61243} +{"mode": "train", "epoch": 8, "iter": 9350, "lr": 0.0, "memory": 65790, "data_time": 0.00698, "decode.loss_ce": 0.40204, "decode.acc_seg": 83.43046, "aux.loss_ce": 0.15921, "aux.acc_seg": 83.81659, "loss": 0.56126, "time": 1.6116} +{"mode": "train", "epoch": 8, "iter": 9400, "lr": 0.0, "memory": 65790, "data_time": 0.00709, "decode.loss_ce": 0.35472, "decode.acc_seg": 86.09608, "aux.loss_ce": 0.14058, "aux.acc_seg": 86.16487, "loss": 0.4953, "time": 1.61233} +{"mode": "train", "epoch": 8, "iter": 9450, "lr": 0.0, "memory": 65790, "data_time": 0.00719, "decode.loss_ce": 0.39533, "decode.acc_seg": 84.20394, "aux.loss_ce": 0.15737, "aux.acc_seg": 84.29236, "loss": 0.5527, "time": 1.61849} +{"mode": "train", "epoch": 8, "iter": 9500, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.38408, "decode.acc_seg": 84.88768, "aux.loss_ce": 0.15366, "aux.acc_seg": 85.01319, "loss": 0.53774, "time": 1.61485} +{"mode": "train", "epoch": 8, "iter": 9550, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.38547, "decode.acc_seg": 84.10067, "aux.loss_ce": 0.15398, "aux.acc_seg": 84.26286, "loss": 0.53945, "time": 1.61194} +{"mode": "train", "epoch": 8, "iter": 9600, "lr": 0.0, "memory": 65790, "data_time": 0.00698, "decode.loss_ce": 0.37013, "decode.acc_seg": 84.94513, "aux.loss_ce": 0.14667, "aux.acc_seg": 85.22092, "loss": 0.51681, "time": 1.61124} +{"mode": "train", "epoch": 8, "iter": 9650, "lr": 0.0, "memory": 65790, "data_time": 0.00713, "decode.loss_ce": 0.40248, "decode.acc_seg": 84.19057, "aux.loss_ce": 0.15939, "aux.acc_seg": 84.34297, "loss": 0.56186, "time": 1.61265} +{"mode": "train", "epoch": 8, "iter": 9700, "lr": 0.0, "memory": 65790, "data_time": 0.00715, "decode.loss_ce": 0.39281, "decode.acc_seg": 84.41156, "aux.loss_ce": 0.15425, "aux.acc_seg": 84.66538, "loss": 0.54706, "time": 1.61281} +{"mode": "train", "epoch": 8, "iter": 9750, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.38454, "decode.acc_seg": 84.37497, "aux.loss_ce": 0.1522, "aux.acc_seg": 84.66863, "loss": 0.53674, "time": 1.61806} +{"mode": "train", "epoch": 8, "iter": 9800, "lr": 0.0, "memory": 65790, "data_time": 0.00719, "decode.loss_ce": 0.37574, "decode.acc_seg": 85.19018, "aux.loss_ce": 0.14964, "aux.acc_seg": 85.45768, "loss": 0.52538, "time": 1.6169} +{"mode": "train", "epoch": 8, "iter": 9850, "lr": 0.0, "memory": 65790, "data_time": 0.00705, "decode.loss_ce": 0.37953, "decode.acc_seg": 84.14981, "aux.loss_ce": 0.15026, "aux.acc_seg": 84.39261, "loss": 0.52978, "time": 1.61136} +{"mode": "train", "epoch": 8, "iter": 9900, "lr": 0.0, "memory": 65790, "data_time": 0.00706, "decode.loss_ce": 0.3844, "decode.acc_seg": 84.73537, "aux.loss_ce": 0.15323, "aux.acc_seg": 84.94736, "loss": 0.53763, "time": 1.61378} +{"mode": "train", "epoch": 8, "iter": 9950, "lr": 0.0, "memory": 65790, "data_time": 0.00698, "decode.loss_ce": 0.39711, "decode.acc_seg": 83.90622, "aux.loss_ce": 0.15687, "aux.acc_seg": 84.14914, "loss": 0.55398, "time": 1.61102} +{"mode": "train", "epoch": 8, "iter": 10000, "lr": 0.0, "memory": 65790, "data_time": 0.007, "decode.loss_ce": 0.39832, "decode.acc_seg": 84.38805, "aux.loss_ce": 0.15677, "aux.acc_seg": 84.71677, "loss": 0.55509, "time": 3.0314} +{"mode": "val", "epoch": 8, "iter": 250, "lr": 0.0, "aAcc": 0.8422, "mIoU": 0.5252, "mAcc": 0.6579, "IoU.wall": 0.7921, "IoU.building": 0.8347, "IoU.sky": 0.9409, "IoU.floor": 0.829, "IoU.tree": 0.7643, "IoU.ceiling": 0.8549, "IoU.road": 0.8459, "IoU.bed ": 0.9015, "IoU.windowpane": 0.6432, "IoU.grass": 0.602, "IoU.cabinet": 0.6226, "IoU.sidewalk": 0.6745, "IoU.person": 0.8236, "IoU.earth": 0.3911, "IoU.door": 0.5488, "IoU.table": 0.6227, "IoU.mountain": 0.5989, "IoU.plant": 0.5609, "IoU.curtain": 0.7698, "IoU.chair": 0.6085, "IoU.car": 0.8213, "IoU.water": 0.5406, "IoU.painting": 0.7352, "IoU.sofa": 0.743, "IoU.shelf": 0.4028, "IoU.house": 0.4327, "IoU.sea": 0.7084, "IoU.mirror": 0.7301, "IoU.rug": 0.6996, "IoU.field": 0.2908, "IoU.armchair": 0.5383, "IoU.seat": 0.6711, "IoU.fence": 0.5009, "IoU.desk": 0.5416, "IoU.rock": 0.594, "IoU.wardrobe": 0.5351, "IoU.lamp": 0.6449, "IoU.bathtub": 0.8552, "IoU.railing": 0.3745, "IoU.cushion": 0.6417, "IoU.base": 0.4852, "IoU.box": 0.3697, "IoU.column": 0.5237, "IoU.signboard": 0.3782, "IoU.chest of drawers": 0.5088, "IoU.counter": 0.4735, "IoU.sand": 0.4657, "IoU.sink": 0.7635, "IoU.skyscraper": 0.5287, "IoU.fireplace": 0.7263, "IoU.refrigerator": 0.7604, "IoU.grandstand": 0.5184, "IoU.path": 0.266, "IoU.stairs": 0.2832, "IoU.runway": 0.6971, "IoU.case": 0.5903, "IoU.pool table": 0.9283, "IoU.pillow": 0.6105, "IoU.screen door": 0.8551, "IoU.stairway": 0.4229, "IoU.river": 0.1662, "IoU.bridge": 0.634, "IoU.bookcase": 0.25, "IoU.blind": 0.4322, "IoU.coffee table": 0.5586, "IoU.toilet": 0.8802, "IoU.flower": 0.3426, "IoU.book": 0.4527, "IoU.hill": 0.0516, "IoU.bench": 0.5439, "IoU.countertop": 0.5984, "IoU.stove": 0.8225, "IoU.palm": 0.533, "IoU.kitchen island": 0.4314, "IoU.computer": 0.7167, "IoU.swivel chair": 0.534, "IoU.boat": 0.6732, "IoU.bar": 0.636, "IoU.arcade machine": 0.8102, "IoU.hovel": 0.2205, "IoU.bus": 0.8655, "IoU.towel": 0.6529, "IoU.light": 0.3866, "IoU.truck": 0.3297, "IoU.tower": 0.0348, "IoU.chandelier": 0.6558, "IoU.awning": 0.449, "IoU.streetlight": 0.2165, "IoU.booth": 0.4358, "IoU.television receiver": 0.7605, "IoU.airplane": 0.8211, "IoU.dirt track": 0.0, "IoU.apparel": 0.5372, "IoU.pole": 0.2002, "IoU.land": 0.0035, "IoU.bannister": 0.2553, "IoU.escalator": 0.4179, "IoU.ottoman": 0.5119, "IoU.bottle": 0.3927, "IoU.buffet": 0.5691, "IoU.poster": 0.2346, "IoU.stage": 0.2509, "IoU.van": 0.058, "IoU.ship": 0.2031, "IoU.fountain": 0.5765, "IoU.conveyer belt": 0.0066, "IoU.canopy": 0.4133, "IoU.washer": 0.8705, "IoU.plaything": 0.2989, "IoU.swimming pool": 0.5312, "IoU.stool": 0.4178, "IoU.barrel": 0.5572, "IoU.basket": 0.4114, "IoU.waterfall": 0.5393, "IoU.tent": 0.8683, "IoU.bag": 0.2322, "IoU.minibike": 0.6803, "IoU.cradle": 0.8371, "IoU.oven": 0.5649, "IoU.ball": 0.5225, "IoU.food": 0.5445, "IoU.step": 0.0771, "IoU.tank": 0.6132, "IoU.trade name": 0.3224, "IoU.microwave": 0.8307, "IoU.pot": 0.5436, "IoU.animal": 0.7232, "IoU.bicycle": 0.592, "IoU.lake": 0.5295, "IoU.dishwasher": 0.7077, "IoU.screen": 0.5498, "IoU.blanket": 0.2892, "IoU.sculpture": 0.6345, "IoU.hood": 0.6905, "IoU.sconce": 0.5354, "IoU.vase": 0.4133, "IoU.traffic light": 0.3088, "IoU.tray": 0.1719, "IoU.ashcan": 0.4612, "IoU.fan": 0.5912, "IoU.pier": 0.4382, "IoU.crt screen": 0.0118, "IoU.plate": 0.5486, "IoU.monitor": 0.1811, "IoU.bulletin board": 0.593, "IoU.shower": 0.0, "IoU.radiator": 0.3942, "IoU.glass": 0.1778, "IoU.clock": 0.4686, "IoU.flag": 0.5851, "Acc.wall": 0.882, "Acc.building": 0.9425, "Acc.sky": 0.9663, "Acc.floor": 0.9008, "Acc.tree": 0.8908, "Acc.ceiling": 0.9133, "Acc.road": 0.9273, "Acc.bed ": 0.9608, "Acc.windowpane": 0.7779, "Acc.grass": 0.6495, "Acc.cabinet": 0.6974, "Acc.sidewalk": 0.7601, "Acc.person": 0.9204, "Acc.earth": 0.7116, "Acc.door": 0.7192, "Acc.table": 0.7206, "Acc.mountain": 0.7097, "Acc.plant": 0.679, "Acc.curtain": 0.8851, "Acc.chair": 0.7257, "Acc.car": 0.9278, "Acc.water": 0.6272, "Acc.painting": 0.9147, "Acc.sofa": 0.8201, "Acc.shelf": 0.5687, "Acc.house": 0.5144, "Acc.sea": 0.8886, "Acc.mirror": 0.7794, "Acc.rug": 0.8578, "Acc.field": 0.4588, "Acc.armchair": 0.831, "Acc.seat": 0.8643, "Acc.fence": 0.6133, "Acc.desk": 0.6989, "Acc.rock": 0.7898, "Acc.wardrobe": 0.8004, "Acc.lamp": 0.7473, "Acc.bathtub": 0.9139, "Acc.railing": 0.5882, "Acc.cushion": 0.8215, "Acc.base": 0.6591, "Acc.box": 0.4479, "Acc.column": 0.6394, "Acc.signboard": 0.4534, "Acc.chest of drawers": 0.7465, "Acc.counter": 0.7131, "Acc.sand": 0.65, "Acc.sink": 0.8633, "Acc.skyscraper": 0.652, "Acc.fireplace": 0.8982, "Acc.refrigerator": 0.9081, "Acc.grandstand": 0.8643, "Acc.path": 0.3161, "Acc.stairs": 0.3331, "Acc.runway": 0.8917, "Acc.case": 0.7415, "Acc.pool table": 0.9679, "Acc.pillow": 0.663, "Acc.screen door": 0.9387, "Acc.stairway": 0.6678, "Acc.river": 0.5228, "Acc.bridge": 0.7248, "Acc.bookcase": 0.3679, "Acc.blind": 0.503, "Acc.coffee table": 0.8504, "Acc.toilet": 0.9347, "Acc.flower": 0.5082, "Acc.book": 0.8681, "Acc.hill": 0.0729, "Acc.bench": 0.6207, "Acc.countertop": 0.7121, "Acc.stove": 0.9184, "Acc.palm": 0.7649, "Acc.kitchen island": 0.8725, "Acc.computer": 0.9319, "Acc.swivel chair": 0.778, "Acc.boat": 0.9153, "Acc.bar": 0.7944, "Acc.arcade machine": 0.8594, "Acc.hovel": 0.2307, "Acc.bus": 0.9733, "Acc.towel": 0.873, "Acc.light": 0.427, "Acc.truck": 0.4467, "Acc.tower": 0.0438, "Acc.chandelier": 0.819, "Acc.awning": 0.6337, "Acc.streetlight": 0.2844, "Acc.booth": 0.6778, "Acc.television receiver": 0.8991, "Acc.airplane": 0.9303, "Acc.dirt track": 0.0, "Acc.apparel": 0.6981, "Acc.pole": 0.2641, "Acc.land": 0.0088, "Acc.bannister": 0.3519, "Acc.escalator": 0.8862, "Acc.ottoman": 0.6982, "Acc.bottle": 0.7248, "Acc.buffet": 0.8342, "Acc.poster": 0.2437, "Acc.stage": 0.3868, "Acc.van": 0.0595, "Acc.ship": 0.2096, "Acc.fountain": 0.6122, "Acc.conveyer belt": 0.0066, "Acc.canopy": 0.5247, "Acc.washer": 0.9512, "Acc.plaything": 0.4135, "Acc.swimming pool": 0.7576, "Acc.stool": 0.5514, "Acc.barrel": 0.6598, "Acc.basket": 0.6193, "Acc.waterfall": 0.7268, "Acc.tent": 0.9951, "Acc.bag": 0.259, "Acc.minibike": 0.9104, "Acc.cradle": 0.9783, "Acc.oven": 0.7061, "Acc.ball": 0.5762, "Acc.food": 0.6532, "Acc.step": 0.0798, "Acc.tank": 0.6761, "Acc.trade name": 0.4198, "Acc.microwave": 0.9641, "Acc.pot": 0.6274, "Acc.animal": 0.792, "Acc.bicycle": 0.8015, "Acc.lake": 0.6712, "Acc.dishwasher": 0.8377, "Acc.screen": 0.9164, "Acc.blanket": 0.339, "Acc.sculpture": 0.8, "Acc.hood": 0.8767, "Acc.sconce": 0.684, "Acc.vase": 0.5421, "Acc.traffic light": 0.54, "Acc.tray": 0.2496, "Acc.ashcan": 0.6664, "Acc.fan": 0.7203, "Acc.pier": 0.4995, "Acc.crt screen": 0.0289, "Acc.plate": 0.7915, "Acc.monitor": 0.2193, "Acc.bulletin board": 0.7463, "Acc.shower": 0.0, "Acc.radiator": 0.3978, "Acc.glass": 0.1902, "Acc.clock": 0.5925, "Acc.flag": 0.6054} +{"mode": "train", "epoch": 8, "iter": 10050, "lr": 0.0, "memory": 65790, "data_time": 1.91249, "decode.loss_ce": 0.3832, "decode.acc_seg": 84.27441, "aux.loss_ce": 0.15201, "aux.acc_seg": 84.25612, "loss": 0.53521, "time": 3.5204} +{"mode": "train", "epoch": 8, "iter": 10100, "lr": 0.0, "memory": 65790, "data_time": 0.00788, "decode.loss_ce": 0.39768, "decode.acc_seg": 84.10164, "aux.loss_ce": 0.15766, "aux.acc_seg": 84.31021, "loss": 0.55534, "time": 1.61216} +{"mode": "train", "epoch": 9, "iter": 10150, "lr": 0.0, "memory": 65790, "data_time": 0.05971, "decode.loss_ce": 0.34731, "decode.acc_seg": 85.82509, "aux.loss_ce": 0.13842, "aux.acc_seg": 86.05586, "loss": 0.48573, "time": 1.67025} +{"mode": "train", "epoch": 9, "iter": 10200, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.35024, "decode.acc_seg": 85.82719, "aux.loss_ce": 0.13878, "aux.acc_seg": 85.90556, "loss": 0.48902, "time": 1.6119} +{"mode": "train", "epoch": 9, "iter": 10250, "lr": 0.0, "memory": 65790, "data_time": 0.00771, "decode.loss_ce": 0.37884, "decode.acc_seg": 85.16109, "aux.loss_ce": 0.1509, "aux.acc_seg": 85.42348, "loss": 0.52975, "time": 1.61062} +{"mode": "train", "epoch": 9, "iter": 10300, "lr": 0.0, "memory": 65790, "data_time": 0.00707, "decode.loss_ce": 0.3778, "decode.acc_seg": 84.76043, "aux.loss_ce": 0.1493, "aux.acc_seg": 85.14434, "loss": 0.5271, "time": 1.61165} +{"mode": "train", "epoch": 9, "iter": 10350, "lr": 0.0, "memory": 65790, "data_time": 0.00712, "decode.loss_ce": 0.37549, "decode.acc_seg": 84.8023, "aux.loss_ce": 0.15042, "aux.acc_seg": 85.2024, "loss": 0.52591, "time": 1.61558} +{"mode": "train", "epoch": 9, "iter": 10400, "lr": 0.0, "memory": 65790, "data_time": 0.00747, "decode.loss_ce": 0.35749, "decode.acc_seg": 85.82332, "aux.loss_ce": 0.14295, "aux.acc_seg": 85.89, "loss": 0.50045, "time": 1.61641} +{"mode": "train", "epoch": 9, "iter": 10450, "lr": 0.0, "memory": 65790, "data_time": 0.00722, "decode.loss_ce": 0.38446, "decode.acc_seg": 85.39418, "aux.loss_ce": 0.15343, "aux.acc_seg": 85.39478, "loss": 0.53789, "time": 1.61247} +{"mode": "train", "epoch": 9, "iter": 10500, "lr": 0.0, "memory": 65790, "data_time": 0.00728, "decode.loss_ce": 0.3782, "decode.acc_seg": 84.40465, "aux.loss_ce": 0.14921, "aux.acc_seg": 84.71434, "loss": 0.52741, "time": 1.61152} +{"mode": "train", "epoch": 9, "iter": 10550, "lr": 0.0, "memory": 65790, "data_time": 0.00719, "decode.loss_ce": 0.37975, "decode.acc_seg": 84.56853, "aux.loss_ce": 0.15065, "aux.acc_seg": 84.814, "loss": 0.5304, "time": 1.61076} +{"mode": "train", "epoch": 9, "iter": 10600, "lr": 0.0, "memory": 65790, "data_time": 0.00722, "decode.loss_ce": 0.3618, "decode.acc_seg": 85.03333, "aux.loss_ce": 0.14433, "aux.acc_seg": 85.2182, "loss": 0.50613, "time": 1.61164} +{"mode": "train", "epoch": 9, "iter": 10650, "lr": 0.0, "memory": 65790, "data_time": 0.00728, "decode.loss_ce": 0.38142, "decode.acc_seg": 84.48732, "aux.loss_ce": 0.15182, "aux.acc_seg": 84.57842, "loss": 0.53324, "time": 1.61374} +{"mode": "train", "epoch": 9, "iter": 10700, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.38368, "decode.acc_seg": 83.98642, "aux.loss_ce": 0.15206, "aux.acc_seg": 84.21979, "loss": 0.53574, "time": 1.61613} +{"mode": "train", "epoch": 9, "iter": 10750, "lr": 0.0, "memory": 65790, "data_time": 0.00707, "decode.loss_ce": 0.39056, "decode.acc_seg": 84.5481, "aux.loss_ce": 0.15464, "aux.acc_seg": 84.66911, "loss": 0.54519, "time": 1.61106} +{"mode": "train", "epoch": 9, "iter": 10800, "lr": 0.0, "memory": 65790, "data_time": 0.00722, "decode.loss_ce": 0.38306, "decode.acc_seg": 85.3003, "aux.loss_ce": 0.15117, "aux.acc_seg": 85.36476, "loss": 0.53423, "time": 1.61159} +{"mode": "train", "epoch": 9, "iter": 10850, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.38032, "decode.acc_seg": 84.79728, "aux.loss_ce": 0.15166, "aux.acc_seg": 84.9898, "loss": 0.53197, "time": 1.61179} +{"mode": "train", "epoch": 9, "iter": 10900, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.39636, "decode.acc_seg": 85.19172, "aux.loss_ce": 0.15757, "aux.acc_seg": 85.41393, "loss": 0.55393, "time": 1.61038} +{"mode": "train", "epoch": 9, "iter": 10950, "lr": 0.0, "memory": 65790, "data_time": 0.00721, "decode.loss_ce": 0.37062, "decode.acc_seg": 84.82072, "aux.loss_ce": 0.14657, "aux.acc_seg": 85.23811, "loss": 0.51719, "time": 1.61342} +{"mode": "train", "epoch": 9, "iter": 11000, "lr": 0.0, "memory": 65790, "data_time": 0.00709, "decode.loss_ce": 0.37156, "decode.acc_seg": 84.62455, "aux.loss_ce": 0.14738, "aux.acc_seg": 84.92952, "loss": 0.51894, "time": 1.61698} +{"mode": "val", "epoch": 9, "iter": 250, "lr": 0.0, "aAcc": 0.8436, "mIoU": 0.5405, "mAcc": 0.6808, "IoU.wall": 0.7889, "IoU.building": 0.8315, "IoU.sky": 0.939, "IoU.floor": 0.83, "IoU.tree": 0.7339, "IoU.ceiling": 0.8533, "IoU.road": 0.8417, "IoU.bed ": 0.8984, "IoU.windowpane": 0.6383, "IoU.grass": 0.6744, "IoU.cabinet": 0.6335, "IoU.sidewalk": 0.6844, "IoU.person": 0.8236, "IoU.earth": 0.3484, "IoU.door": 0.556, "IoU.table": 0.6151, "IoU.mountain": 0.5675, "IoU.plant": 0.4812, "IoU.curtain": 0.7767, "IoU.chair": 0.603, "IoU.car": 0.831, "IoU.water": 0.5878, "IoU.painting": 0.7471, "IoU.sofa": 0.7632, "IoU.shelf": 0.4536, "IoU.house": 0.5235, "IoU.sea": 0.6263, "IoU.mirror": 0.7444, "IoU.rug": 0.7027, "IoU.field": 0.3253, "IoU.armchair": 0.5522, "IoU.seat": 0.6609, "IoU.fence": 0.4847, "IoU.desk": 0.546, "IoU.rock": 0.5009, "IoU.wardrobe": 0.5073, "IoU.lamp": 0.675, "IoU.bathtub": 0.8748, "IoU.railing": 0.3228, "IoU.cushion": 0.6529, "IoU.base": 0.4452, "IoU.box": 0.3777, "IoU.column": 0.5137, "IoU.signboard": 0.3551, "IoU.chest of drawers": 0.4566, "IoU.counter": 0.5612, "IoU.sand": 0.5321, "IoU.sink": 0.7663, "IoU.skyscraper": 0.5142, "IoU.fireplace": 0.7524, "IoU.refrigerator": 0.7501, "IoU.grandstand": 0.5099, "IoU.path": 0.2394, "IoU.stairs": 0.3341, "IoU.runway": 0.6685, "IoU.case": 0.7206, "IoU.pool table": 0.9054, "IoU.pillow": 0.6076, "IoU.screen door": 0.7827, "IoU.stairway": 0.4939, "IoU.river": 0.1707, "IoU.bridge": 0.704, "IoU.bookcase": 0.3675, "IoU.blind": 0.3753, "IoU.coffee table": 0.5457, "IoU.toilet": 0.8846, "IoU.flower": 0.4037, "IoU.book": 0.4852, "IoU.hill": 0.0434, "IoU.bench": 0.5154, "IoU.countertop": 0.6402, "IoU.stove": 0.8288, "IoU.palm": 0.5373, "IoU.kitchen island": 0.4388, "IoU.computer": 0.7149, "IoU.swivel chair": 0.5166, "IoU.boat": 0.5658, "IoU.bar": 0.6714, "IoU.arcade machine": 0.8997, "IoU.hovel": 0.2279, "IoU.bus": 0.896, "IoU.towel": 0.6758, "IoU.light": 0.4337, "IoU.truck": 0.4506, "IoU.tower": 0.2361, "IoU.chandelier": 0.658, "IoU.awning": 0.3729, "IoU.streetlight": 0.2202, "IoU.booth": 0.4369, "IoU.television receiver": 0.7607, "IoU.airplane": 0.8388, "IoU.dirt track": 0.0362, "IoU.apparel": 0.5514, "IoU.pole": 0.262, "IoU.land": 0.0, "IoU.bannister": 0.0918, "IoU.escalator": 0.6085, "IoU.ottoman": 0.5029, "IoU.bottle": 0.3979, "IoU.buffet": 0.4652, "IoU.poster": 0.3453, "IoU.stage": 0.2049, "IoU.van": 0.4583, "IoU.ship": 0.7767, "IoU.fountain": 0.2485, "IoU.conveyer belt": 0.7277, "IoU.canopy": 0.4874, "IoU.washer": 0.873, "IoU.plaything": 0.1841, "IoU.swimming pool": 0.6066, "IoU.stool": 0.4218, "IoU.barrel": 0.5418, "IoU.basket": 0.4301, "IoU.waterfall": 0.6808, "IoU.tent": 0.8065, "IoU.bag": 0.2178, "IoU.minibike": 0.7272, "IoU.cradle": 0.865, "IoU.oven": 0.5684, "IoU.ball": 0.5897, "IoU.food": 0.6098, "IoU.step": 0.1191, "IoU.tank": 0.5316, "IoU.trade name": 0.1803, "IoU.microwave": 0.8758, "IoU.pot": 0.5316, "IoU.animal": 0.6063, "IoU.bicycle": 0.599, "IoU.lake": 0.4989, "IoU.dishwasher": 0.745, "IoU.screen": 0.4749, "IoU.blanket": 0.2472, "IoU.sculpture": 0.643, "IoU.hood": 0.5649, "IoU.sconce": 0.5228, "IoU.vase": 0.4023, "IoU.traffic light": 0.3492, "IoU.tray": 0.0835, "IoU.ashcan": 0.4901, "IoU.fan": 0.5679, "IoU.pier": 0.6489, "IoU.crt screen": 0.0797, "IoU.plate": 0.5389, "IoU.monitor": 0.0877, "IoU.bulletin board": 0.564, "IoU.shower": 0.0, "IoU.radiator": 0.6145, "IoU.glass": 0.1681, "IoU.clock": 0.418, "IoU.flag": 0.6341, "Acc.wall": 0.8798, "Acc.building": 0.9229, "Acc.sky": 0.9772, "Acc.floor": 0.9023, "Acc.tree": 0.8925, "Acc.ceiling": 0.9343, "Acc.road": 0.933, "Acc.bed ": 0.9719, "Acc.windowpane": 0.8109, "Acc.grass": 0.8211, "Acc.cabinet": 0.7045, "Acc.sidewalk": 0.7979, "Acc.person": 0.9013, "Acc.earth": 0.443, "Acc.door": 0.6783, "Acc.table": 0.7581, "Acc.mountain": 0.758, "Acc.plant": 0.5544, "Acc.curtain": 0.8914, "Acc.chair": 0.6975, "Acc.car": 0.8724, "Acc.water": 0.6983, "Acc.painting": 0.8815, "Acc.sofa": 0.9281, "Acc.shelf": 0.6086, "Acc.house": 0.7749, "Acc.sea": 0.8179, "Acc.mirror": 0.8464, "Acc.rug": 0.8369, "Acc.field": 0.4851, "Acc.armchair": 0.6727, "Acc.seat": 0.8685, "Acc.fence": 0.5967, "Acc.desk": 0.6755, "Acc.rock": 0.7412, "Acc.wardrobe": 0.7319, "Acc.lamp": 0.8098, "Acc.bathtub": 0.907, "Acc.railing": 0.4064, "Acc.cushion": 0.7498, "Acc.base": 0.5361, "Acc.box": 0.5613, "Acc.column": 0.6217, "Acc.signboard": 0.4112, "Acc.chest of drawers": 0.7728, "Acc.counter": 0.6323, "Acc.sand": 0.8997, "Acc.sink": 0.9005, "Acc.skyscraper": 0.5991, "Acc.fireplace": 0.9163, "Acc.refrigerator": 0.8971, "Acc.grandstand": 0.8479, "Acc.path": 0.3114, "Acc.stairs": 0.3777, "Acc.runway": 0.9056, "Acc.case": 0.864, "Acc.pool table": 0.9791, "Acc.pillow": 0.6667, "Acc.screen door": 0.9324, "Acc.stairway": 0.6605, "Acc.river": 0.3675, "Acc.bridge": 0.8414, "Acc.bookcase": 0.6538, "Acc.blind": 0.3869, "Acc.coffee table": 0.8914, "Acc.toilet": 0.9246, "Acc.flower": 0.6428, "Acc.book": 0.7301, "Acc.hill": 0.0708, "Acc.bench": 0.5689, "Acc.countertop": 0.7969, "Acc.stove": 0.9052, "Acc.palm": 0.7658, "Acc.kitchen island": 0.9183, "Acc.computer": 0.932, "Acc.swivel chair": 0.7857, "Acc.boat": 0.911, "Acc.bar": 0.8295, "Acc.arcade machine": 0.9686, "Acc.hovel": 0.254, "Acc.bus": 0.9667, "Acc.towel": 0.8537, "Acc.light": 0.501, "Acc.truck": 0.6915, "Acc.tower": 0.493, "Acc.chandelier": 0.7315, "Acc.awning": 0.4776, "Acc.streetlight": 0.2749, "Acc.booth": 0.8486, "Acc.television receiver": 0.8295, "Acc.airplane": 0.9236, "Acc.dirt track": 0.1198, "Acc.apparel": 0.7796, "Acc.pole": 0.4129, "Acc.land": 0.0, "Acc.bannister": 0.1112, "Acc.escalator": 0.8235, "Acc.ottoman": 0.6499, "Acc.bottle": 0.649, "Acc.buffet": 0.9248, "Acc.poster": 0.4002, "Acc.stage": 0.4647, "Acc.van": 0.7768, "Acc.ship": 0.9252, "Acc.fountain": 0.2491, "Acc.conveyer belt": 0.97, "Acc.canopy": 0.7273, "Acc.washer": 0.9651, "Acc.plaything": 0.2027, "Acc.swimming pool": 0.883, "Acc.stool": 0.5581, "Acc.barrel": 0.6816, "Acc.basket": 0.5384, "Acc.waterfall": 0.9299, "Acc.tent": 0.9801, "Acc.bag": 0.235, "Acc.minibike": 0.8885, "Acc.cradle": 0.9602, "Acc.oven": 0.7348, "Acc.ball": 0.6744, "Acc.food": 0.6867, "Acc.step": 0.1405, "Acc.tank": 0.6781, "Acc.trade name": 0.1941, "Acc.microwave": 0.9565, "Acc.pot": 0.6616, "Acc.animal": 0.6152, "Acc.bicycle": 0.8529, "Acc.lake": 0.785, "Acc.dishwasher": 0.8159, "Acc.screen": 0.7043, "Acc.blanket": 0.2801, "Acc.sculpture": 0.7813, "Acc.hood": 0.6333, "Acc.sconce": 0.6445, "Acc.vase": 0.6207, "Acc.traffic light": 0.5571, "Acc.tray": 0.092, "Acc.ashcan": 0.6072, "Acc.fan": 0.6682, "Acc.pier": 0.789, "Acc.crt screen": 0.238, "Acc.plate": 0.7838, "Acc.monitor": 0.0917, "Acc.bulletin board": 0.7314, "Acc.shower": 0.0, "Acc.radiator": 0.6923, "Acc.glass": 0.1784, "Acc.clock": 0.5636, "Acc.flag": 0.6895} +{"mode": "train", "epoch": 9, "iter": 11050, "lr": 0.0, "memory": 65790, "data_time": 1.65943, "decode.loss_ce": 0.37747, "decode.acc_seg": 84.76985, "aux.loss_ce": 0.15123, "aux.acc_seg": 84.84884, "loss": 0.5287, "time": 3.26377} +{"mode": "train", "epoch": 9, "iter": 11100, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.36173, "decode.acc_seg": 85.01142, "aux.loss_ce": 0.14374, "aux.acc_seg": 85.33835, "loss": 0.50548, "time": 1.61082} +{"mode": "train", "epoch": 9, "iter": 11150, "lr": 0.0, "memory": 65790, "data_time": 0.00713, "decode.loss_ce": 0.34603, "decode.acc_seg": 85.9444, "aux.loss_ce": 0.1384, "aux.acc_seg": 86.12646, "loss": 0.48443, "time": 1.60969} +{"mode": "train", "epoch": 9, "iter": 11200, "lr": 0.0, "memory": 65790, "data_time": 0.00719, "decode.loss_ce": 0.3585, "decode.acc_seg": 85.2005, "aux.loss_ce": 0.14116, "aux.acc_seg": 85.52634, "loss": 0.49966, "time": 1.61033} +{"mode": "train", "epoch": 9, "iter": 11250, "lr": 0.0, "memory": 65790, "data_time": 0.00735, "decode.loss_ce": 0.38406, "decode.acc_seg": 84.8007, "aux.loss_ce": 0.15097, "aux.acc_seg": 84.95967, "loss": 0.53503, "time": 1.61337} +{"mode": "train", "epoch": 9, "iter": 11300, "lr": 0.0, "memory": 65790, "data_time": 0.00708, "decode.loss_ce": 0.35933, "decode.acc_seg": 84.47323, "aux.loss_ce": 0.14258, "aux.acc_seg": 84.85322, "loss": 0.50192, "time": 1.6154} +{"mode": "train", "epoch": 9, "iter": 11350, "lr": 0.0, "memory": 65790, "data_time": 0.00719, "decode.loss_ce": 0.38773, "decode.acc_seg": 85.07863, "aux.loss_ce": 0.15268, "aux.acc_seg": 85.31755, "loss": 0.54041, "time": 1.6103} +{"mode": "train", "epoch": 10, "iter": 11400, "lr": 0.0, "memory": 65790, "data_time": 0.06959, "decode.loss_ce": 0.36621, "decode.acc_seg": 85.38948, "aux.loss_ce": 0.14623, "aux.acc_seg": 85.46725, "loss": 0.51244, "time": 1.67185} +{"mode": "train", "epoch": 10, "iter": 11450, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.35957, "decode.acc_seg": 85.13259, "aux.loss_ce": 0.14344, "aux.acc_seg": 85.39394, "loss": 0.50301, "time": 1.60945} +{"mode": "train", "epoch": 10, "iter": 11500, "lr": 0.0, "memory": 65790, "data_time": 0.00712, "decode.loss_ce": 0.35272, "decode.acc_seg": 85.69455, "aux.loss_ce": 0.14182, "aux.acc_seg": 85.66755, "loss": 0.49454, "time": 1.6093} +{"mode": "train", "epoch": 10, "iter": 11550, "lr": 0.0, "memory": 65790, "data_time": 0.00705, "decode.loss_ce": 0.33379, "decode.acc_seg": 86.50947, "aux.loss_ce": 0.13424, "aux.acc_seg": 86.69553, "loss": 0.46804, "time": 1.61289} +{"mode": "train", "epoch": 10, "iter": 11600, "lr": 0.0, "memory": 65790, "data_time": 0.00701, "decode.loss_ce": 0.3403, "decode.acc_seg": 86.0917, "aux.loss_ce": 0.13513, "aux.acc_seg": 86.40959, "loss": 0.47543, "time": 1.61161} +{"mode": "train", "epoch": 10, "iter": 11650, "lr": 0.0, "memory": 65790, "data_time": 0.00715, "decode.loss_ce": 0.36011, "decode.acc_seg": 85.30317, "aux.loss_ce": 0.14276, "aux.acc_seg": 85.65225, "loss": 0.50287, "time": 1.61166} +{"mode": "train", "epoch": 10, "iter": 11700, "lr": 0.0, "memory": 65790, "data_time": 0.00705, "decode.loss_ce": 0.33771, "decode.acc_seg": 86.34531, "aux.loss_ce": 0.13459, "aux.acc_seg": 86.54662, "loss": 0.4723, "time": 1.60986} +{"mode": "train", "epoch": 10, "iter": 11750, "lr": 0.0, "memory": 65790, "data_time": 0.00719, "decode.loss_ce": 0.35709, "decode.acc_seg": 85.91563, "aux.loss_ce": 0.14292, "aux.acc_seg": 85.85857, "loss": 0.5, "time": 1.6105} +{"mode": "train", "epoch": 10, "iter": 11800, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.34302, "decode.acc_seg": 86.02127, "aux.loss_ce": 0.13709, "aux.acc_seg": 86.18819, "loss": 0.48011, "time": 1.60978} +{"mode": "train", "epoch": 10, "iter": 11850, "lr": 0.0, "memory": 65790, "data_time": 0.00715, "decode.loss_ce": 0.34798, "decode.acc_seg": 85.61683, "aux.loss_ce": 0.139, "aux.acc_seg": 85.89055, "loss": 0.48698, "time": 1.61015} +{"mode": "train", "epoch": 10, "iter": 11900, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.36934, "decode.acc_seg": 84.46404, "aux.loss_ce": 0.14468, "aux.acc_seg": 85.02195, "loss": 0.51402, "time": 1.61344} +{"mode": "train", "epoch": 10, "iter": 11950, "lr": 0.0, "memory": 65790, "data_time": 0.0071, "decode.loss_ce": 0.36844, "decode.acc_seg": 85.17735, "aux.loss_ce": 0.14548, "aux.acc_seg": 85.61904, "loss": 0.51392, "time": 1.61196} +{"mode": "train", "epoch": 10, "iter": 12000, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.37459, "decode.acc_seg": 85.23605, "aux.loss_ce": 0.14784, "aux.acc_seg": 85.51661, "loss": 0.52244, "time": 3.0218} +{"mode": "val", "epoch": 10, "iter": 250, "lr": 0.0, "aAcc": 0.8452, "mIoU": 0.5426, "mAcc": 0.6897, "IoU.wall": 0.795, "IoU.building": 0.8263, "IoU.sky": 0.9395, "IoU.floor": 0.828, "IoU.tree": 0.754, "IoU.ceiling": 0.8493, "IoU.road": 0.842, "IoU.bed ": 0.9013, "IoU.windowpane": 0.6504, "IoU.grass": 0.6765, "IoU.cabinet": 0.6445, "IoU.sidewalk": 0.6661, "IoU.person": 0.822, "IoU.earth": 0.3411, "IoU.door": 0.5771, "IoU.table": 0.652, "IoU.mountain": 0.6026, "IoU.plant": 0.5614, "IoU.curtain": 0.7428, "IoU.chair": 0.6206, "IoU.car": 0.8508, "IoU.water": 0.5603, "IoU.painting": 0.7466, "IoU.sofa": 0.7683, "IoU.shelf": 0.3869, "IoU.house": 0.5229, "IoU.sea": 0.6071, "IoU.mirror": 0.7504, "IoU.rug": 0.6995, "IoU.field": 0.3692, "IoU.armchair": 0.5662, "IoU.seat": 0.6304, "IoU.fence": 0.4813, "IoU.desk": 0.5255, "IoU.rock": 0.5216, "IoU.wardrobe": 0.5752, "IoU.lamp": 0.6342, "IoU.bathtub": 0.8527, "IoU.railing": 0.4086, "IoU.cushion": 0.6449, "IoU.base": 0.428, "IoU.box": 0.3571, "IoU.column": 0.4925, "IoU.signboard": 0.3552, "IoU.chest of drawers": 0.437, "IoU.counter": 0.5103, "IoU.sand": 0.5908, "IoU.sink": 0.782, "IoU.skyscraper": 0.4936, "IoU.fireplace": 0.6949, "IoU.refrigerator": 0.7525, "IoU.grandstand": 0.5257, "IoU.path": 0.2936, "IoU.stairs": 0.3304, "IoU.runway": 0.711, "IoU.case": 0.6894, "IoU.pool table": 0.9101, "IoU.pillow": 0.6357, "IoU.screen door": 0.8478, "IoU.stairway": 0.5136, "IoU.river": 0.113, "IoU.bridge": 0.4396, "IoU.bookcase": 0.3439, "IoU.blind": 0.257, "IoU.coffee table": 0.592, "IoU.toilet": 0.8695, "IoU.flower": 0.3665, "IoU.book": 0.4944, "IoU.hill": 0.0652, "IoU.bench": 0.5637, "IoU.countertop": 0.6568, "IoU.stove": 0.8173, "IoU.palm": 0.5079, "IoU.kitchen island": 0.5133, "IoU.computer": 0.7381, "IoU.swivel chair": 0.5181, "IoU.boat": 0.5513, "IoU.bar": 0.5956, "IoU.arcade machine": 0.8776, "IoU.hovel": 0.3386, "IoU.bus": 0.9127, "IoU.towel": 0.7218, "IoU.light": 0.4245, "IoU.truck": 0.4513, "IoU.tower": 0.1359, "IoU.chandelier": 0.6627, "IoU.awning": 0.437, "IoU.streetlight": 0.2361, "IoU.booth": 0.4634, "IoU.television receiver": 0.7807, "IoU.airplane": 0.6959, "IoU.dirt track": 0.0503, "IoU.apparel": 0.4794, "IoU.pole": 0.2158, "IoU.land": 0.0104, "IoU.bannister": 0.1176, "IoU.escalator": 0.6326, "IoU.ottoman": 0.5636, "IoU.bottle": 0.3941, "IoU.buffet": 0.5212, "IoU.poster": 0.3579, "IoU.stage": 0.2459, "IoU.van": 0.5011, "IoU.ship": 0.8261, "IoU.fountain": 0.2368, "IoU.conveyer belt": 0.7199, "IoU.canopy": 0.4375, "IoU.washer": 0.871, "IoU.plaything": 0.228, "IoU.swimming pool": 0.5637, "IoU.stool": 0.432, "IoU.barrel": 0.5699, "IoU.basket": 0.4217, "IoU.waterfall": 0.6933, "IoU.tent": 0.7947, "IoU.bag": 0.248, "IoU.minibike": 0.719, "IoU.cradle": 0.8433, "IoU.oven": 0.5917, "IoU.ball": 0.5841, "IoU.food": 0.6463, "IoU.step": 0.092, "IoU.tank": 0.7057, "IoU.trade name": 0.1106, "IoU.microwave": 0.8651, "IoU.pot": 0.5585, "IoU.animal": 0.6913, "IoU.bicycle": 0.5548, "IoU.lake": 0.4141, "IoU.dishwasher": 0.7204, "IoU.screen": 0.4822, "IoU.blanket": 0.1963, "IoU.sculpture": 0.6782, "IoU.hood": 0.616, "IoU.sconce": 0.5267, "IoU.vase": 0.4106, "IoU.traffic light": 0.3294, "IoU.tray": 0.1975, "IoU.ashcan": 0.4848, "IoU.fan": 0.611, "IoU.pier": 0.4013, "IoU.crt screen": 0.1404, "IoU.plate": 0.6071, "IoU.monitor": 0.1413, "IoU.bulletin board": 0.5677, "IoU.shower": 0.0, "IoU.radiator": 0.6587, "IoU.glass": 0.1179, "IoU.clock": 0.4508, "IoU.flag": 0.6577, "Acc.wall": 0.8866, "Acc.building": 0.9264, "Acc.sky": 0.9719, "Acc.floor": 0.8979, "Acc.tree": 0.8834, "Acc.ceiling": 0.8989, "Acc.road": 0.8787, "Acc.bed ": 0.9418, "Acc.windowpane": 0.8188, "Acc.grass": 0.8445, "Acc.cabinet": 0.7352, "Acc.sidewalk": 0.8861, "Acc.person": 0.9088, "Acc.earth": 0.4208, "Acc.door": 0.7096, "Acc.table": 0.7787, "Acc.mountain": 0.7618, "Acc.plant": 0.6642, "Acc.curtain": 0.8978, "Acc.chair": 0.7382, "Acc.car": 0.9325, "Acc.water": 0.6925, "Acc.painting": 0.8415, "Acc.sofa": 0.9228, "Acc.shelf": 0.4695, "Acc.house": 0.7955, "Acc.sea": 0.7522, "Acc.mirror": 0.8044, "Acc.rug": 0.8054, "Acc.field": 0.5666, "Acc.armchair": 0.657, "Acc.seat": 0.8965, "Acc.fence": 0.5871, "Acc.desk": 0.768, "Acc.rock": 0.7734, "Acc.wardrobe": 0.6795, "Acc.lamp": 0.751, "Acc.bathtub": 0.8751, "Acc.railing": 0.5839, "Acc.cushion": 0.8565, "Acc.base": 0.7342, "Acc.box": 0.4674, "Acc.column": 0.5604, "Acc.signboard": 0.4138, "Acc.chest of drawers": 0.7387, "Acc.counter": 0.6684, "Acc.sand": 0.8801, "Acc.sink": 0.8517, "Acc.skyscraper": 0.6545, "Acc.fireplace": 0.9634, "Acc.refrigerator": 0.9637, "Acc.grandstand": 0.8882, "Acc.path": 0.4713, "Acc.stairs": 0.3714, "Acc.runway": 0.9543, "Acc.case": 0.8591, "Acc.pool table": 0.9865, "Acc.pillow": 0.7628, "Acc.screen door": 0.9021, "Acc.stairway": 0.5988, "Acc.river": 0.2049, "Acc.bridge": 0.5144, "Acc.bookcase": 0.5502, "Acc.blind": 0.2633, "Acc.coffee table": 0.897, "Acc.toilet": 0.9385, "Acc.flower": 0.5012, "Acc.book": 0.7664, "Acc.hill": 0.1376, "Acc.bench": 0.6861, "Acc.countertop": 0.8376, "Acc.stove": 0.928, "Acc.palm": 0.8672, "Acc.kitchen island": 0.9129, "Acc.computer": 0.9119, "Acc.swivel chair": 0.7146, "Acc.boat": 0.8999, "Acc.bar": 0.8641, "Acc.arcade machine": 0.9775, "Acc.hovel": 0.415, "Acc.bus": 0.9673, "Acc.towel": 0.8279, "Acc.light": 0.4961, "Acc.truck": 0.5988, "Acc.tower": 0.2115, "Acc.chandelier": 0.8832, "Acc.awning": 0.6276, "Acc.streetlight": 0.3097, "Acc.booth": 0.9275, "Acc.television receiver": 0.8504, "Acc.airplane": 0.7624, "Acc.dirt track": 0.0509, "Acc.apparel": 0.6603, "Acc.pole": 0.2878, "Acc.land": 0.0144, "Acc.bannister": 0.1709, "Acc.escalator": 0.8435, "Acc.ottoman": 0.7175, "Acc.bottle": 0.6885, "Acc.buffet": 0.901, "Acc.poster": 0.4688, "Acc.stage": 0.5473, "Acc.van": 0.7804, "Acc.ship": 0.985, "Acc.fountain": 0.237, "Acc.conveyer belt": 0.9712, "Acc.canopy": 0.7548, "Acc.washer": 0.9525, "Acc.plaything": 0.4074, "Acc.swimming pool": 0.8148, "Acc.stool": 0.5727, "Acc.barrel": 0.6955, "Acc.basket": 0.5659, "Acc.waterfall": 0.9433, "Acc.tent": 0.9835, "Acc.bag": 0.2986, "Acc.minibike": 0.892, "Acc.cradle": 0.969, "Acc.oven": 0.8266, "Acc.ball": 0.724, "Acc.food": 0.7404, "Acc.step": 0.1103, "Acc.tank": 0.9041, "Acc.trade name": 0.1128, "Acc.microwave": 0.9663, "Acc.pot": 0.6487, "Acc.animal": 0.7249, "Acc.bicycle": 0.6738, "Acc.lake": 0.8772, "Acc.dishwasher": 0.8327, "Acc.screen": 0.7578, "Acc.blanket": 0.2183, "Acc.sculpture": 0.8096, "Acc.hood": 0.7419, "Acc.sconce": 0.6646, "Acc.vase": 0.549, "Acc.traffic light": 0.6071, "Acc.tray": 0.282, "Acc.ashcan": 0.5828, "Acc.fan": 0.7732, "Acc.pier": 0.4881, "Acc.crt screen": 0.4072, "Acc.plate": 0.7653, "Acc.monitor": 0.1533, "Acc.bulletin board": 0.7187, "Acc.shower": 0.0, "Acc.radiator": 0.7437, "Acc.glass": 0.1215, "Acc.clock": 0.5464, "Acc.flag": 0.7994} +{"mode": "train", "epoch": 10, "iter": 12050, "lr": 0.0, "memory": 65790, "data_time": 1.6595, "decode.loss_ce": 0.33999, "decode.acc_seg": 86.23908, "aux.loss_ce": 0.13565, "aux.acc_seg": 86.38935, "loss": 0.47564, "time": 3.26507} +{"mode": "train", "epoch": 10, "iter": 12100, "lr": 0.0, "memory": 65790, "data_time": 0.00705, "decode.loss_ce": 0.35421, "decode.acc_seg": 85.85514, "aux.loss_ce": 0.14301, "aux.acc_seg": 85.86607, "loss": 0.49722, "time": 1.60973} +{"mode": "train", "epoch": 10, "iter": 12150, "lr": 0.0, "memory": 65790, "data_time": 0.0071, "decode.loss_ce": 0.33916, "decode.acc_seg": 86.33361, "aux.loss_ce": 0.13569, "aux.acc_seg": 86.35474, "loss": 0.47485, "time": 1.61119} +{"mode": "train", "epoch": 10, "iter": 12200, "lr": 0.0, "memory": 65790, "data_time": 0.00707, "decode.loss_ce": 0.36951, "decode.acc_seg": 84.87323, "aux.loss_ce": 0.14858, "aux.acc_seg": 85.02094, "loss": 0.51809, "time": 1.61453} +{"mode": "train", "epoch": 10, "iter": 12250, "lr": 0.0, "memory": 65790, "data_time": 0.00712, "decode.loss_ce": 0.3498, "decode.acc_seg": 85.83978, "aux.loss_ce": 0.13855, "aux.acc_seg": 86.00265, "loss": 0.48835, "time": 1.61065} +{"mode": "train", "epoch": 10, "iter": 12300, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.36941, "decode.acc_seg": 84.76566, "aux.loss_ce": 0.14706, "aux.acc_seg": 84.92983, "loss": 0.51646, "time": 1.61016} +{"mode": "train", "epoch": 10, "iter": 12350, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.35616, "decode.acc_seg": 85.33937, "aux.loss_ce": 0.14102, "aux.acc_seg": 85.76581, "loss": 0.49719, "time": 1.61304} +{"mode": "train", "epoch": 10, "iter": 12400, "lr": 0.0, "memory": 65790, "data_time": 0.00708, "decode.loss_ce": 0.37079, "decode.acc_seg": 85.0815, "aux.loss_ce": 0.14516, "aux.acc_seg": 85.44027, "loss": 0.51595, "time": 1.61036} +{"mode": "train", "epoch": 10, "iter": 12450, "lr": 0.0, "memory": 65790, "data_time": 0.00708, "decode.loss_ce": 0.34084, "decode.acc_seg": 86.03647, "aux.loss_ce": 0.13515, "aux.acc_seg": 86.36517, "loss": 0.47599, "time": 1.6105} +{"mode": "train", "epoch": 10, "iter": 12500, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.36998, "decode.acc_seg": 85.27205, "aux.loss_ce": 0.14675, "aux.acc_seg": 85.34937, "loss": 0.51673, "time": 1.6151} +{"mode": "train", "epoch": 10, "iter": 12550, "lr": 0.0, "memory": 65790, "data_time": 0.00726, "decode.loss_ce": 0.36198, "decode.acc_seg": 85.40834, "aux.loss_ce": 0.1418, "aux.acc_seg": 85.81702, "loss": 0.50378, "time": 1.61276} +{"mode": "train", "epoch": 10, "iter": 12600, "lr": 0.0, "memory": 65790, "data_time": 0.0071, "decode.loss_ce": 0.39967, "decode.acc_seg": 83.98691, "aux.loss_ce": 0.15631, "aux.acc_seg": 84.36545, "loss": 0.55598, "time": 1.61028} +{"mode": "train", "epoch": 11, "iter": 12650, "lr": 0.0, "memory": 65790, "data_time": 0.06617, "decode.loss_ce": 0.36602, "decode.acc_seg": 85.13053, "aux.loss_ce": 0.1441, "aux.acc_seg": 85.42103, "loss": 0.51012, "time": 1.6722} +{"mode": "train", "epoch": 11, "iter": 12700, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.35218, "decode.acc_seg": 85.52674, "aux.loss_ce": 0.13957, "aux.acc_seg": 85.75598, "loss": 0.49176, "time": 1.61071} +{"mode": "train", "epoch": 11, "iter": 12750, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.34105, "decode.acc_seg": 85.86966, "aux.loss_ce": 0.13662, "aux.acc_seg": 85.8737, "loss": 0.47766, "time": 1.61047} +{"mode": "train", "epoch": 11, "iter": 12800, "lr": 0.0, "memory": 65790, "data_time": 0.00721, "decode.loss_ce": 0.32003, "decode.acc_seg": 86.67154, "aux.loss_ce": 0.12923, "aux.acc_seg": 86.77847, "loss": 0.44927, "time": 1.61237} +{"mode": "train", "epoch": 11, "iter": 12850, "lr": 0.0, "memory": 65790, "data_time": 0.00712, "decode.loss_ce": 0.31137, "decode.acc_seg": 87.16815, "aux.loss_ce": 0.12633, "aux.acc_seg": 87.19837, "loss": 0.4377, "time": 1.61397} +{"mode": "train", "epoch": 11, "iter": 12900, "lr": 0.0, "memory": 65790, "data_time": 0.00715, "decode.loss_ce": 0.34548, "decode.acc_seg": 85.76633, "aux.loss_ce": 0.13696, "aux.acc_seg": 85.89381, "loss": 0.48243, "time": 1.61109} +{"mode": "train", "epoch": 11, "iter": 12950, "lr": 0.0, "memory": 65790, "data_time": 0.00715, "decode.loss_ce": 0.30029, "decode.acc_seg": 87.52721, "aux.loss_ce": 0.11936, "aux.acc_seg": 87.61423, "loss": 0.41965, "time": 1.61146} +{"mode": "train", "epoch": 11, "iter": 13000, "lr": 0.0, "memory": 65790, "data_time": 0.00727, "decode.loss_ce": 0.32785, "decode.acc_seg": 86.65208, "aux.loss_ce": 0.13174, "aux.acc_seg": 86.66466, "loss": 0.45959, "time": 1.61068} +{"mode": "val", "epoch": 11, "iter": 250, "lr": 0.0, "aAcc": 0.8494, "mIoU": 0.5523, "mAcc": 0.6906, "IoU.wall": 0.7946, "IoU.building": 0.8362, "IoU.sky": 0.9421, "IoU.floor": 0.8219, "IoU.tree": 0.7629, "IoU.ceiling": 0.8582, "IoU.road": 0.858, "IoU.bed ": 0.9021, "IoU.windowpane": 0.6515, "IoU.grass": 0.7015, "IoU.cabinet": 0.6179, "IoU.sidewalk": 0.6903, "IoU.person": 0.8229, "IoU.earth": 0.4006, "IoU.door": 0.572, "IoU.table": 0.6524, "IoU.mountain": 0.606, "IoU.plant": 0.5688, "IoU.curtain": 0.782, "IoU.chair": 0.615, "IoU.car": 0.8536, "IoU.water": 0.6219, "IoU.painting": 0.769, "IoU.sofa": 0.7794, "IoU.shelf": 0.4272, "IoU.house": 0.5734, "IoU.sea": 0.7012, "IoU.mirror": 0.7721, "IoU.rug": 0.6984, "IoU.field": 0.3462, "IoU.armchair": 0.6317, "IoU.seat": 0.6486, "IoU.fence": 0.5162, "IoU.desk": 0.4815, "IoU.rock": 0.5442, "IoU.wardrobe": 0.5458, "IoU.lamp": 0.6671, "IoU.bathtub": 0.8828, "IoU.railing": 0.4119, "IoU.cushion": 0.6063, "IoU.base": 0.3941, "IoU.box": 0.4067, "IoU.column": 0.491, "IoU.signboard": 0.4019, "IoU.chest of drawers": 0.4322, "IoU.counter": 0.5978, "IoU.sand": 0.5571, "IoU.sink": 0.7551, "IoU.skyscraper": 0.4852, "IoU.fireplace": 0.7048, "IoU.refrigerator": 0.8334, "IoU.grandstand": 0.5009, "IoU.path": 0.3017, "IoU.stairs": 0.1088, "IoU.runway": 0.6932, "IoU.case": 0.6081, "IoU.pool table": 0.9109, "IoU.pillow": 0.6218, "IoU.screen door": 0.8365, "IoU.stairway": 0.2949, "IoU.river": 0.1682, "IoU.bridge": 0.5458, "IoU.bookcase": 0.3464, "IoU.blind": 0.4137, "IoU.coffee table": 0.6282, "IoU.toilet": 0.8902, "IoU.flower": 0.4067, "IoU.book": 0.4979, "IoU.hill": 0.0669, "IoU.bench": 0.6191, "IoU.countertop": 0.632, "IoU.stove": 0.8198, "IoU.palm": 0.509, "IoU.kitchen island": 0.4935, "IoU.computer": 0.7376, "IoU.swivel chair": 0.4975, "IoU.boat": 0.729, "IoU.bar": 0.6066, "IoU.arcade machine": 0.882, "IoU.hovel": 0.2326, "IoU.bus": 0.9151, "IoU.towel": 0.6929, "IoU.light": 0.4808, "IoU.truck": 0.458, "IoU.tower": 0.3194, "IoU.chandelier": 0.6799, "IoU.awning": 0.4359, "IoU.streetlight": 0.2489, "IoU.booth": 0.4547, "IoU.television receiver": 0.7783, "IoU.airplane": 0.7368, "IoU.dirt track": 0.0244, "IoU.apparel": 0.55, "IoU.pole": 0.2598, "IoU.land": 0.0142, "IoU.bannister": 0.1542, "IoU.escalator": 0.6242, "IoU.ottoman": 0.5195, "IoU.bottle": 0.4002, "IoU.buffet": 0.6109, "IoU.poster": 0.304, "IoU.stage": 0.1814, "IoU.van": 0.5282, "IoU.ship": 0.555, "IoU.fountain": 0.3387, "IoU.conveyer belt": 0.7888, "IoU.canopy": 0.5985, "IoU.washer": 0.8588, "IoU.plaything": 0.2619, "IoU.swimming pool": 0.5992, "IoU.stool": 0.4432, "IoU.barrel": 0.6059, "IoU.basket": 0.3972, "IoU.waterfall": 0.7885, "IoU.tent": 0.9306, "IoU.bag": 0.2789, "IoU.minibike": 0.7241, "IoU.cradle": 0.8082, "IoU.oven": 0.6465, "IoU.ball": 0.5838, "IoU.food": 0.5148, "IoU.step": 0.1153, "IoU.tank": 0.6044, "IoU.trade name": 0.3562, "IoU.microwave": 0.883, "IoU.pot": 0.5515, "IoU.animal": 0.6849, "IoU.bicycle": 0.5292, "IoU.lake": 0.5504, "IoU.dishwasher": 0.6644, "IoU.screen": 0.5274, "IoU.blanket": 0.1915, "IoU.sculpture": 0.715, "IoU.hood": 0.5859, "IoU.sconce": 0.5287, "IoU.vase": 0.4242, "IoU.traffic light": 0.3236, "IoU.tray": 0.1482, "IoU.ashcan": 0.4788, "IoU.fan": 0.5848, "IoU.pier": 0.4304, "IoU.crt screen": 0.007, "IoU.plate": 0.6078, "IoU.monitor": 0.1642, "IoU.bulletin board": 0.5926, "IoU.shower": 0.0, "IoU.radiator": 0.6449, "IoU.glass": 0.158, "IoU.clock": 0.4442, "IoU.flag": 0.6533, "Acc.wall": 0.8826, "Acc.building": 0.9276, "Acc.sky": 0.9676, "Acc.floor": 0.8754, "Acc.tree": 0.8948, "Acc.ceiling": 0.934, "Acc.road": 0.9189, "Acc.bed ": 0.9619, "Acc.windowpane": 0.8013, "Acc.grass": 0.8426, "Acc.cabinet": 0.6768, "Acc.sidewalk": 0.8377, "Acc.person": 0.8883, "Acc.earth": 0.5606, "Acc.door": 0.7224, "Acc.table": 0.7904, "Acc.mountain": 0.7115, "Acc.plant": 0.731, "Acc.curtain": 0.8689, "Acc.chair": 0.7512, "Acc.car": 0.9399, "Acc.water": 0.7169, "Acc.painting": 0.8568, "Acc.sofa": 0.9319, "Acc.shelf": 0.5719, "Acc.house": 0.8099, "Acc.sea": 0.8305, "Acc.mirror": 0.874, "Acc.rug": 0.8371, "Acc.field": 0.5551, "Acc.armchair": 0.8129, "Acc.seat": 0.8725, "Acc.fence": 0.6039, "Acc.desk": 0.8141, "Acc.rock": 0.7398, "Acc.wardrobe": 0.7512, "Acc.lamp": 0.8208, "Acc.bathtub": 0.9263, "Acc.railing": 0.5598, "Acc.cushion": 0.6558, "Acc.base": 0.5962, "Acc.box": 0.5452, "Acc.column": 0.5894, "Acc.signboard": 0.5422, "Acc.chest of drawers": 0.8631, "Acc.counter": 0.7063, "Acc.sand": 0.8389, "Acc.sink": 0.8181, "Acc.skyscraper": 0.5763, "Acc.fireplace": 0.8582, "Acc.refrigerator": 0.9395, "Acc.grandstand": 0.7433, "Acc.path": 0.3808, "Acc.stairs": 0.1134, "Acc.runway": 0.8688, "Acc.case": 0.8835, "Acc.pool table": 0.9845, "Acc.pillow": 0.7027, "Acc.screen door": 0.9424, "Acc.stairway": 0.5172, "Acc.river": 0.4256, "Acc.bridge": 0.6475, "Acc.bookcase": 0.594, "Acc.blind": 0.472, "Acc.coffee table": 0.8907, "Acc.toilet": 0.9472, "Acc.flower": 0.5372, "Acc.book": 0.7922, "Acc.hill": 0.0908, "Acc.bench": 0.7091, "Acc.countertop": 0.8155, "Acc.stove": 0.9117, "Acc.palm": 0.8713, "Acc.kitchen island": 0.845, "Acc.computer": 0.9104, "Acc.swivel chair": 0.8184, "Acc.boat": 0.905, "Acc.bar": 0.6878, "Acc.arcade machine": 0.9663, "Acc.hovel": 0.2652, "Acc.bus": 0.9654, "Acc.towel": 0.8252, "Acc.light": 0.6137, "Acc.truck": 0.6403, "Acc.tower": 0.5407, "Acc.chandelier": 0.855, "Acc.awning": 0.6269, "Acc.streetlight": 0.3154, "Acc.booth": 0.8716, "Acc.television receiver": 0.8457, "Acc.airplane": 0.8114, "Acc.dirt track": 0.0325, "Acc.apparel": 0.6764, "Acc.pole": 0.4016, "Acc.land": 0.0206, "Acc.bannister": 0.1944, "Acc.escalator": 0.8284, "Acc.ottoman": 0.7283, "Acc.bottle": 0.6897, "Acc.buffet": 0.8138, "Acc.poster": 0.4099, "Acc.stage": 0.5407, "Acc.van": 0.6954, "Acc.ship": 0.7646, "Acc.fountain": 0.3466, "Acc.conveyer belt": 0.9674, "Acc.canopy": 0.7382, "Acc.washer": 0.9172, "Acc.plaything": 0.5524, "Acc.swimming pool": 0.9136, "Acc.stool": 0.5676, "Acc.barrel": 0.6725, "Acc.basket": 0.5221, "Acc.waterfall": 0.9073, "Acc.tent": 0.9924, "Acc.bag": 0.3286, "Acc.minibike": 0.8362, "Acc.cradle": 0.9798, "Acc.oven": 0.791, "Acc.ball": 0.6555, "Acc.food": 0.5619, "Acc.step": 0.1443, "Acc.tank": 0.6646, "Acc.trade name": 0.4872, "Acc.microwave": 0.9594, "Acc.pot": 0.6504, "Acc.animal": 0.7086, "Acc.bicycle": 0.6323, "Acc.lake": 0.9198, "Acc.dishwasher": 0.8392, "Acc.screen": 0.9281, "Acc.blanket": 0.2023, "Acc.sculpture": 0.7665, "Acc.hood": 0.6013, "Acc.sconce": 0.7286, "Acc.vase": 0.5852, "Acc.traffic light": 0.6343, "Acc.tray": 0.1791, "Acc.ashcan": 0.6956, "Acc.fan": 0.6973, "Acc.pier": 0.4978, "Acc.crt screen": 0.0171, "Acc.plate": 0.7526, "Acc.monitor": 0.2024, "Acc.bulletin board": 0.7413, "Acc.shower": 0.0, "Acc.radiator": 0.8146, "Acc.glass": 0.1657, "Acc.clock": 0.5691, "Acc.flag": 0.7075} +{"mode": "train", "epoch": 11, "iter": 13050, "lr": 0.0, "memory": 65790, "data_time": 1.64852, "decode.loss_ce": 0.33178, "decode.acc_seg": 86.24015, "aux.loss_ce": 0.13251, "aux.acc_seg": 86.37032, "loss": 0.46428, "time": 3.25391} +{"mode": "train", "epoch": 11, "iter": 13100, "lr": 0.0, "memory": 65790, "data_time": 0.00724, "decode.loss_ce": 0.33974, "decode.acc_seg": 86.09809, "aux.loss_ce": 0.13479, "aux.acc_seg": 86.33958, "loss": 0.47453, "time": 1.61643} +{"mode": "train", "epoch": 11, "iter": 13150, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.34869, "decode.acc_seg": 86.33864, "aux.loss_ce": 0.13941, "aux.acc_seg": 86.46358, "loss": 0.4881, "time": 1.60904} +{"mode": "train", "epoch": 11, "iter": 13200, "lr": 0.0, "memory": 65790, "data_time": 0.00721, "decode.loss_ce": 0.36558, "decode.acc_seg": 85.38076, "aux.loss_ce": 0.14589, "aux.acc_seg": 85.51333, "loss": 0.51147, "time": 1.60981} +{"mode": "train", "epoch": 11, "iter": 13250, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.34277, "decode.acc_seg": 85.57069, "aux.loss_ce": 0.13743, "aux.acc_seg": 85.88786, "loss": 0.4802, "time": 1.60997} +{"mode": "train", "epoch": 11, "iter": 13300, "lr": 0.0, "memory": 65790, "data_time": 0.00721, "decode.loss_ce": 0.35599, "decode.acc_seg": 85.78333, "aux.loss_ce": 0.14155, "aux.acc_seg": 85.90659, "loss": 0.49753, "time": 1.60981} +{"mode": "train", "epoch": 11, "iter": 13350, "lr": 0.0, "memory": 65790, "data_time": 0.00741, "decode.loss_ce": 0.33121, "decode.acc_seg": 86.6171, "aux.loss_ce": 0.13295, "aux.acc_seg": 86.80468, "loss": 0.46416, "time": 1.61221} +{"mode": "train", "epoch": 11, "iter": 13400, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.35106, "decode.acc_seg": 86.26556, "aux.loss_ce": 0.13952, "aux.acc_seg": 86.37082, "loss": 0.49058, "time": 1.61264} +{"mode": "train", "epoch": 11, "iter": 13450, "lr": 0.0, "memory": 65790, "data_time": 0.00708, "decode.loss_ce": 0.32853, "decode.acc_seg": 86.51799, "aux.loss_ce": 0.13314, "aux.acc_seg": 86.58684, "loss": 0.46167, "time": 1.61397} +{"mode": "train", "epoch": 11, "iter": 13500, "lr": 0.0, "memory": 65790, "data_time": 0.00719, "decode.loss_ce": 0.36506, "decode.acc_seg": 85.91686, "aux.loss_ce": 0.14609, "aux.acc_seg": 85.89819, "loss": 0.51115, "time": 1.60987} +{"mode": "train", "epoch": 11, "iter": 13550, "lr": 0.0, "memory": 65790, "data_time": 0.0071, "decode.loss_ce": 0.34656, "decode.acc_seg": 85.9589, "aux.loss_ce": 0.13897, "aux.acc_seg": 85.91221, "loss": 0.48553, "time": 1.61017} +{"mode": "train", "epoch": 11, "iter": 13600, "lr": 0.0, "memory": 65790, "data_time": 0.00706, "decode.loss_ce": 0.34415, "decode.acc_seg": 85.70829, "aux.loss_ce": 0.13636, "aux.acc_seg": 85.90662, "loss": 0.48051, "time": 1.60884} +{"mode": "train", "epoch": 11, "iter": 13650, "lr": 0.0, "memory": 65790, "data_time": 0.00712, "decode.loss_ce": 0.32414, "decode.acc_seg": 86.41111, "aux.loss_ce": 0.12994, "aux.acc_seg": 86.79495, "loss": 0.45408, "time": 1.61063} +{"mode": "train", "epoch": 11, "iter": 13700, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.3342, "decode.acc_seg": 86.19766, "aux.loss_ce": 0.13368, "aux.acc_seg": 86.47153, "loss": 0.46788, "time": 1.61023} +{"mode": "train", "epoch": 11, "iter": 13750, "lr": 0.0, "memory": 65790, "data_time": 0.00704, "decode.loss_ce": 0.33678, "decode.acc_seg": 86.16734, "aux.loss_ce": 0.13338, "aux.acc_seg": 86.23735, "loss": 0.47016, "time": 1.61704} +{"mode": "train", "epoch": 11, "iter": 13800, "lr": 0.0, "memory": 65790, "data_time": 0.00697, "decode.loss_ce": 0.34783, "decode.acc_seg": 85.78031, "aux.loss_ce": 0.13865, "aux.acc_seg": 85.97434, "loss": 0.48648, "time": 1.60907} +{"mode": "train", "epoch": 11, "iter": 13850, "lr": 0.0, "memory": 65790, "data_time": 0.00702, "decode.loss_ce": 0.33911, "decode.acc_seg": 86.24855, "aux.loss_ce": 0.13546, "aux.acc_seg": 86.30707, "loss": 0.47457, "time": 1.60965} +{"mode": "train", "epoch": 12, "iter": 13900, "lr": 0.0, "memory": 65790, "data_time": 0.06824, "decode.loss_ce": 0.33941, "decode.acc_seg": 86.08681, "aux.loss_ce": 0.13591, "aux.acc_seg": 86.27931, "loss": 0.47532, "time": 1.67175} +{"mode": "train", "epoch": 12, "iter": 13950, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.31843, "decode.acc_seg": 87.10284, "aux.loss_ce": 0.12717, "aux.acc_seg": 87.19322, "loss": 0.4456, "time": 1.61012} +{"mode": "train", "epoch": 12, "iter": 14000, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.3244, "decode.acc_seg": 86.86797, "aux.loss_ce": 0.1303, "aux.acc_seg": 87.01743, "loss": 0.4547, "time": 3.01735} +{"mode": "val", "epoch": 12, "iter": 250, "lr": 0.0, "aAcc": 0.8479, "mIoU": 0.5487, "mAcc": 0.6799, "IoU.wall": 0.7946, "IoU.building": 0.8369, "IoU.sky": 0.9418, "IoU.floor": 0.8318, "IoU.tree": 0.7644, "IoU.ceiling": 0.8584, "IoU.road": 0.8355, "IoU.bed ": 0.9087, "IoU.windowpane": 0.6622, "IoU.grass": 0.6681, "IoU.cabinet": 0.6432, "IoU.sidewalk": 0.662, "IoU.person": 0.822, "IoU.earth": 0.3979, "IoU.door": 0.581, "IoU.table": 0.64, "IoU.mountain": 0.6018, "IoU.plant": 0.5323, "IoU.curtain": 0.7652, "IoU.chair": 0.6129, "IoU.car": 0.8535, "IoU.water": 0.6353, "IoU.painting": 0.7393, "IoU.sofa": 0.7959, "IoU.shelf": 0.4082, "IoU.house": 0.5336, "IoU.sea": 0.7139, "IoU.mirror": 0.7536, "IoU.rug": 0.73, "IoU.field": 0.2686, "IoU.armchair": 0.609, "IoU.seat": 0.6575, "IoU.fence": 0.4838, "IoU.desk": 0.5251, "IoU.rock": 0.5414, "IoU.wardrobe": 0.5523, "IoU.lamp": 0.674, "IoU.bathtub": 0.8242, "IoU.railing": 0.3907, "IoU.cushion": 0.6339, "IoU.base": 0.4435, "IoU.box": 0.3511, "IoU.column": 0.5347, "IoU.signboard": 0.3533, "IoU.chest of drawers": 0.4828, "IoU.counter": 0.5278, "IoU.sand": 0.4796, "IoU.sink": 0.7449, "IoU.skyscraper": 0.4812, "IoU.fireplace": 0.6675, "IoU.refrigerator": 0.804, "IoU.grandstand": 0.5324, "IoU.path": 0.3038, "IoU.stairs": 0.4093, "IoU.runway": 0.7101, "IoU.case": 0.6127, "IoU.pool table": 0.9227, "IoU.pillow": 0.6331, "IoU.screen door": 0.72, "IoU.stairway": 0.3494, "IoU.river": 0.2169, "IoU.bridge": 0.4301, "IoU.bookcase": 0.3373, "IoU.blind": 0.435, "IoU.coffee table": 0.5618, "IoU.toilet": 0.8899, "IoU.flower": 0.3627, "IoU.book": 0.4899, "IoU.hill": 0.0544, "IoU.bench": 0.5411, "IoU.countertop": 0.6395, "IoU.stove": 0.835, "IoU.palm": 0.5368, "IoU.kitchen island": 0.4292, "IoU.computer": 0.7749, "IoU.swivel chair": 0.519, "IoU.boat": 0.6827, "IoU.bar": 0.6455, "IoU.arcade machine": 0.8898, "IoU.hovel": 0.1829, "IoU.bus": 0.9199, "IoU.towel": 0.7041, "IoU.light": 0.4426, "IoU.truck": 0.4586, "IoU.tower": 0.2383, "IoU.chandelier": 0.6807, "IoU.awning": 0.4178, "IoU.streetlight": 0.2391, "IoU.booth": 0.4387, "IoU.television receiver": 0.7637, "IoU.airplane": 0.7776, "IoU.dirt track": 0.0647, "IoU.apparel": 0.5556, "IoU.pole": 0.2035, "IoU.land": 0.0114, "IoU.bannister": 0.1263, "IoU.escalator": 0.5773, "IoU.ottoman": 0.5391, "IoU.bottle": 0.3984, "IoU.buffet": 0.6131, "IoU.poster": 0.3167, "IoU.stage": 0.2504, "IoU.van": 0.4411, "IoU.ship": 0.4873, "IoU.fountain": 0.3119, "IoU.conveyer belt": 0.715, "IoU.canopy": 0.5185, "IoU.washer": 0.8605, "IoU.plaything": 0.3341, "IoU.swimming pool": 0.7893, "IoU.stool": 0.4109, "IoU.barrel": 0.6118, "IoU.basket": 0.4374, "IoU.waterfall": 0.5078, "IoU.tent": 0.9326, "IoU.bag": 0.2677, "IoU.minibike": 0.7279, "IoU.cradle": 0.8193, "IoU.oven": 0.6131, "IoU.ball": 0.428, "IoU.food": 0.5972, "IoU.step": 0.0696, "IoU.tank": 0.4737, "IoU.trade name": 0.1388, "IoU.microwave": 0.8841, "IoU.pot": 0.5894, "IoU.animal": 0.6855, "IoU.bicycle": 0.5899, "IoU.lake": 0.631, "IoU.dishwasher": 0.7116, "IoU.screen": 0.5557, "IoU.blanket": 0.2475, "IoU.sculpture": 0.7025, "IoU.hood": 0.6725, "IoU.sconce": 0.5142, "IoU.vase": 0.4002, "IoU.traffic light": 0.3092, "IoU.tray": 0.1533, "IoU.ashcan": 0.4992, "IoU.fan": 0.5751, "IoU.pier": 0.377, "IoU.crt screen": 0.0861, "IoU.plate": 0.5822, "IoU.monitor": 0.6307, "IoU.bulletin board": 0.5887, "IoU.shower": 0.0035, "IoU.radiator": 0.6398, "IoU.glass": 0.1656, "IoU.clock": 0.4222, "IoU.flag": 0.6526, "Acc.wall": 0.8831, "Acc.building": 0.925, "Acc.sky": 0.9703, "Acc.floor": 0.9173, "Acc.tree": 0.8892, "Acc.ceiling": 0.9128, "Acc.road": 0.8776, "Acc.bed ": 0.9639, "Acc.windowpane": 0.7951, "Acc.grass": 0.8378, "Acc.cabinet": 0.7149, "Acc.sidewalk": 0.8521, "Acc.person": 0.9048, "Acc.earth": 0.51, "Acc.door": 0.7624, "Acc.table": 0.7491, "Acc.mountain": 0.7193, "Acc.plant": 0.675, "Acc.curtain": 0.9069, "Acc.chair": 0.7127, "Acc.car": 0.9213, "Acc.water": 0.7996, "Acc.painting": 0.8575, "Acc.sofa": 0.895, "Acc.shelf": 0.547, "Acc.house": 0.7838, "Acc.sea": 0.8185, "Acc.mirror": 0.8395, "Acc.rug": 0.8561, "Acc.field": 0.4763, "Acc.armchair": 0.8107, "Acc.seat": 0.902, "Acc.fence": 0.66, "Acc.desk": 0.7712, "Acc.rock": 0.779, "Acc.wardrobe": 0.7153, "Acc.lamp": 0.7892, "Acc.bathtub": 0.864, "Acc.railing": 0.5517, "Acc.cushion": 0.6897, "Acc.base": 0.614, "Acc.box": 0.4688, "Acc.column": 0.6413, "Acc.signboard": 0.4169, "Acc.chest of drawers": 0.7631, "Acc.counter": 0.6738, "Acc.sand": 0.794, "Acc.sink": 0.8172, "Acc.skyscraper": 0.6525, "Acc.fireplace": 0.9691, "Acc.refrigerator": 0.9378, "Acc.grandstand": 0.861, "Acc.path": 0.4082, "Acc.stairs": 0.4979, "Acc.runway": 0.9306, "Acc.case": 0.7195, "Acc.pool table": 0.9813, "Acc.pillow": 0.7328, "Acc.screen door": 0.8077, "Acc.stairway": 0.3867, "Acc.river": 0.4379, "Acc.bridge": 0.4934, "Acc.bookcase": 0.6764, "Acc.blind": 0.4877, "Acc.coffee table": 0.8767, "Acc.toilet": 0.941, "Acc.flower": 0.6471, "Acc.book": 0.6971, "Acc.hill": 0.1068, "Acc.bench": 0.6458, "Acc.countertop": 0.8482, "Acc.stove": 0.9015, "Acc.palm": 0.7653, "Acc.kitchen island": 0.8629, "Acc.computer": 0.8692, "Acc.swivel chair": 0.8192, "Acc.boat": 0.9127, "Acc.bar": 0.8676, "Acc.arcade machine": 0.9746, "Acc.hovel": 0.2097, "Acc.bus": 0.9677, "Acc.towel": 0.8429, "Acc.light": 0.5067, "Acc.truck": 0.62, "Acc.tower": 0.4665, "Acc.chandelier": 0.7957, "Acc.awning": 0.5004, "Acc.streetlight": 0.2877, "Acc.booth": 0.4633, "Acc.television receiver": 0.833, "Acc.airplane": 0.8449, "Acc.dirt track": 0.2196, "Acc.apparel": 0.8231, "Acc.pole": 0.264, "Acc.land": 0.0201, "Acc.bannister": 0.158, "Acc.escalator": 0.8786, "Acc.ottoman": 0.7723, "Acc.bottle": 0.6651, "Acc.buffet": 0.8721, "Acc.poster": 0.5584, "Acc.stage": 0.5579, "Acc.van": 0.7272, "Acc.ship": 0.509, "Acc.fountain": 0.3486, "Acc.conveyer belt": 0.9628, "Acc.canopy": 0.7364, "Acc.washer": 0.9715, "Acc.plaything": 0.3979, "Acc.swimming pool": 0.847, "Acc.stool": 0.4802, "Acc.barrel": 0.6682, "Acc.basket": 0.552, "Acc.waterfall": 0.5625, "Acc.tent": 0.9874, "Acc.bag": 0.3074, "Acc.minibike": 0.852, "Acc.cradle": 0.9749, "Acc.oven": 0.7627, "Acc.ball": 0.4402, "Acc.food": 0.7487, "Acc.step": 0.085, "Acc.tank": 0.7248, "Acc.trade name": 0.1442, "Acc.microwave": 0.9549, "Acc.pot": 0.6851, "Acc.animal": 0.7086, "Acc.bicycle": 0.8118, "Acc.lake": 0.6349, "Acc.dishwasher": 0.8384, "Acc.screen": 0.9345, "Acc.blanket": 0.2837, "Acc.sculpture": 0.7867, "Acc.hood": 0.7737, "Acc.sconce": 0.6347, "Acc.vase": 0.5088, "Acc.traffic light": 0.4891, "Acc.tray": 0.1777, "Acc.ashcan": 0.5928, "Acc.fan": 0.6751, "Acc.pier": 0.3954, "Acc.crt screen": 0.107, "Acc.plate": 0.7539, "Acc.monitor": 0.7465, "Acc.bulletin board": 0.6571, "Acc.shower": 0.0223, "Acc.radiator": 0.7644, "Acc.glass": 0.173, "Acc.clock": 0.5211, "Acc.flag": 0.7175} +{"mode": "train", "epoch": 12, "iter": 14050, "lr": 0.0, "memory": 65790, "data_time": 1.66405, "decode.loss_ce": 0.32749, "decode.acc_seg": 86.77627, "aux.loss_ce": 0.12978, "aux.acc_seg": 87.06828, "loss": 0.45726, "time": 3.26858} +{"mode": "train", "epoch": 12, "iter": 14100, "lr": 0.0, "memory": 65790, "data_time": 0.0073, "decode.loss_ce": 0.32363, "decode.acc_seg": 86.8345, "aux.loss_ce": 0.13064, "aux.acc_seg": 87.04893, "loss": 0.45426, "time": 1.61059} +{"mode": "train", "epoch": 12, "iter": 14150, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.31433, "decode.acc_seg": 87.64854, "aux.loss_ce": 0.1244, "aux.acc_seg": 87.94428, "loss": 0.43873, "time": 1.60994} +{"mode": "train", "epoch": 12, "iter": 14200, "lr": 0.0, "memory": 65790, "data_time": 0.00709, "decode.loss_ce": 0.31698, "decode.acc_seg": 86.65868, "aux.loss_ce": 0.12782, "aux.acc_seg": 86.62734, "loss": 0.4448, "time": 1.61173} +{"mode": "train", "epoch": 12, "iter": 14250, "lr": 0.0, "memory": 65790, "data_time": 0.00706, "decode.loss_ce": 0.30023, "decode.acc_seg": 87.8027, "aux.loss_ce": 0.12063, "aux.acc_seg": 87.94055, "loss": 0.42086, "time": 1.61142} +{"mode": "train", "epoch": 12, "iter": 14300, "lr": 0.0, "memory": 65790, "data_time": 0.0071, "decode.loss_ce": 0.3334, "decode.acc_seg": 86.5285, "aux.loss_ce": 0.13305, "aux.acc_seg": 86.95659, "loss": 0.46644, "time": 1.61385} +{"mode": "train", "epoch": 12, "iter": 14350, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.32537, "decode.acc_seg": 86.2815, "aux.loss_ce": 0.12904, "aux.acc_seg": 86.67108, "loss": 0.45441, "time": 1.616} +{"mode": "train", "epoch": 12, "iter": 14400, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.30553, "decode.acc_seg": 87.43022, "aux.loss_ce": 0.12256, "aux.acc_seg": 87.45367, "loss": 0.4281, "time": 1.61013} +{"mode": "train", "epoch": 12, "iter": 14450, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.31705, "decode.acc_seg": 87.45469, "aux.loss_ce": 0.12613, "aux.acc_seg": 87.61815, "loss": 0.44317, "time": 1.61066} +{"mode": "train", "epoch": 12, "iter": 14500, "lr": 0.0, "memory": 65790, "data_time": 0.00713, "decode.loss_ce": 0.32108, "decode.acc_seg": 86.57758, "aux.loss_ce": 0.12893, "aux.acc_seg": 86.61513, "loss": 0.45002, "time": 1.61053} +{"mode": "train", "epoch": 12, "iter": 14550, "lr": 0.0, "memory": 65790, "data_time": 0.00727, "decode.loss_ce": 0.32888, "decode.acc_seg": 86.46151, "aux.loss_ce": 0.13175, "aux.acc_seg": 86.49096, "loss": 0.46062, "time": 1.61097} +{"mode": "train", "epoch": 12, "iter": 14600, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.31897, "decode.acc_seg": 86.64829, "aux.loss_ce": 0.12811, "aux.acc_seg": 86.8172, "loss": 0.44708, "time": 1.61164} +{"mode": "train", "epoch": 12, "iter": 14650, "lr": 0.0, "memory": 65790, "data_time": 0.00739, "decode.loss_ce": 0.33824, "decode.acc_seg": 86.05195, "aux.loss_ce": 0.13506, "aux.acc_seg": 86.23255, "loss": 0.47329, "time": 1.61402} +{"mode": "train", "epoch": 12, "iter": 14700, "lr": 0.0, "memory": 65790, "data_time": 0.00724, "decode.loss_ce": 0.31309, "decode.acc_seg": 86.93068, "aux.loss_ce": 0.12429, "aux.acc_seg": 87.02846, "loss": 0.43739, "time": 1.61028} +{"mode": "train", "epoch": 12, "iter": 14750, "lr": 0.0, "memory": 65790, "data_time": 0.00731, "decode.loss_ce": 0.31835, "decode.acc_seg": 86.69721, "aux.loss_ce": 0.12734, "aux.acc_seg": 86.80502, "loss": 0.4457, "time": 1.61158} +{"mode": "train", "epoch": 12, "iter": 14800, "lr": 0.0, "memory": 65790, "data_time": 0.00715, "decode.loss_ce": 0.33222, "decode.acc_seg": 86.53724, "aux.loss_ce": 0.1331, "aux.acc_seg": 86.62356, "loss": 0.46533, "time": 1.61041} +{"mode": "train", "epoch": 12, "iter": 14850, "lr": 0.0, "memory": 65790, "data_time": 0.00712, "decode.loss_ce": 0.31528, "decode.acc_seg": 86.70644, "aux.loss_ce": 0.12528, "aux.acc_seg": 86.73978, "loss": 0.44056, "time": 1.61025} +{"mode": "train", "epoch": 12, "iter": 14900, "lr": 0.0, "memory": 65790, "data_time": 0.00707, "decode.loss_ce": 0.32037, "decode.acc_seg": 87.08317, "aux.loss_ce": 0.12931, "aux.acc_seg": 87.24831, "loss": 0.44968, "time": 1.61293} +{"mode": "train", "epoch": 12, "iter": 14950, "lr": 0.0, "memory": 65790, "data_time": 0.00709, "decode.loss_ce": 0.31858, "decode.acc_seg": 86.8708, "aux.loss_ce": 0.1276, "aux.acc_seg": 87.09513, "loss": 0.44618, "time": 1.61424} +{"mode": "train", "epoch": 12, "iter": 15000, "lr": 0.0, "memory": 65790, "data_time": 0.00704, "decode.loss_ce": 0.33112, "decode.acc_seg": 86.19902, "aux.loss_ce": 0.13114, "aux.acc_seg": 86.42545, "loss": 0.46226, "time": 1.61172} +{"mode": "val", "epoch": 12, "iter": 250, "lr": 0.0, "aAcc": 0.849, "mIoU": 0.5567, "mAcc": 0.6878, "IoU.wall": 0.8011, "IoU.building": 0.8331, "IoU.sky": 0.9424, "IoU.floor": 0.8337, "IoU.tree": 0.7579, "IoU.ceiling": 0.8577, "IoU.road": 0.8592, "IoU.bed ": 0.9108, "IoU.windowpane": 0.6449, "IoU.grass": 0.6328, "IoU.cabinet": 0.6601, "IoU.sidewalk": 0.6828, "IoU.person": 0.8214, "IoU.earth": 0.4008, "IoU.door": 0.5407, "IoU.table": 0.6665, "IoU.mountain": 0.6251, "IoU.plant": 0.5632, "IoU.curtain": 0.7537, "IoU.chair": 0.6202, "IoU.car": 0.8476, "IoU.water": 0.5401, "IoU.painting": 0.7573, "IoU.sofa": 0.7887, "IoU.shelf": 0.4518, "IoU.house": 0.5198, "IoU.sea": 0.6928, "IoU.mirror": 0.7513, "IoU.rug": 0.7015, "IoU.field": 0.3054, "IoU.armchair": 0.5992, "IoU.seat": 0.6599, "IoU.fence": 0.5052, "IoU.desk": 0.5717, "IoU.rock": 0.5606, "IoU.wardrobe": 0.5536, "IoU.lamp": 0.662, "IoU.bathtub": 0.8455, "IoU.railing": 0.3922, "IoU.cushion": 0.6505, "IoU.base": 0.3893, "IoU.box": 0.3859, "IoU.column": 0.5475, "IoU.signboard": 0.4007, "IoU.chest of drawers": 0.4598, "IoU.counter": 0.5197, "IoU.sand": 0.5086, "IoU.sink": 0.7903, "IoU.skyscraper": 0.4946, "IoU.fireplace": 0.7466, "IoU.refrigerator": 0.736, "IoU.grandstand": 0.4946, "IoU.path": 0.3074, "IoU.stairs": 0.3403, "IoU.runway": 0.7345, "IoU.case": 0.5797, "IoU.pool table": 0.9294, "IoU.pillow": 0.5844, "IoU.screen door": 0.8315, "IoU.stairway": 0.5368, "IoU.river": 0.1248, "IoU.bridge": 0.5699, "IoU.bookcase": 0.3538, "IoU.blind": 0.4072, "IoU.coffee table": 0.6691, "IoU.toilet": 0.8837, "IoU.flower": 0.4121, "IoU.book": 0.4784, "IoU.hill": 0.0538, "IoU.bench": 0.5284, "IoU.countertop": 0.615, "IoU.stove": 0.8371, "IoU.palm": 0.5305, "IoU.kitchen island": 0.4957, "IoU.computer": 0.657, "IoU.swivel chair": 0.4903, "IoU.boat": 0.7206, "IoU.bar": 0.6571, "IoU.arcade machine": 0.8794, "IoU.hovel": 0.3262, "IoU.bus": 0.919, "IoU.towel": 0.6941, "IoU.light": 0.4785, "IoU.truck": 0.4435, "IoU.tower": 0.0596, "IoU.chandelier": 0.6695, "IoU.awning": 0.3374, "IoU.streetlight": 0.2547, "IoU.booth": 0.3858, "IoU.television receiver": 0.7598, "IoU.airplane": 0.7569, "IoU.dirt track": 0.0, "IoU.apparel": 0.5185, "IoU.pole": 0.1717, "IoU.land": 0.0432, "IoU.bannister": 0.1568, "IoU.escalator": 0.6101, "IoU.ottoman": 0.5667, "IoU.bottle": 0.4082, "IoU.buffet": 0.5673, "IoU.poster": 0.3002, "IoU.stage": 0.1345, "IoU.van": 0.4986, "IoU.ship": 0.8065, "IoU.fountain": 0.6302, "IoU.conveyer belt": 0.8414, "IoU.canopy": 0.418, "IoU.washer": 0.8384, "IoU.plaything": 0.4085, "IoU.swimming pool": 0.488, "IoU.stool": 0.4963, "IoU.barrel": 0.5869, "IoU.basket": 0.4537, "IoU.waterfall": 0.611, "IoU.tent": 0.9412, "IoU.bag": 0.1706, "IoU.minibike": 0.7273, "IoU.cradle": 0.7913, "IoU.oven": 0.64, "IoU.ball": 0.5842, "IoU.food": 0.5841, "IoU.step": 0.1138, "IoU.tank": 0.575, "IoU.trade name": 0.329, "IoU.microwave": 0.8758, "IoU.pot": 0.5575, "IoU.animal": 0.7362, "IoU.bicycle": 0.6092, "IoU.lake": 0.58, "IoU.dishwasher": 0.7214, "IoU.screen": 0.5349, "IoU.blanket": 0.2527, "IoU.sculpture": 0.7185, "IoU.hood": 0.5967, "IoU.sconce": 0.5574, "IoU.vase": 0.425, "IoU.traffic light": 0.3241, "IoU.tray": 0.1826, "IoU.ashcan": 0.5016, "IoU.fan": 0.6207, "IoU.pier": 0.5694, "IoU.crt screen": 0.0671, "IoU.plate": 0.5918, "IoU.monitor": 0.4123, "IoU.bulletin board": 0.5263, "IoU.shower": 0.0323, "IoU.radiator": 0.6739, "IoU.glass": 0.1729, "IoU.clock": 0.4553, "IoU.flag": 0.6634, "Acc.wall": 0.8808, "Acc.building": 0.9184, "Acc.sky": 0.97, "Acc.floor": 0.9004, "Acc.tree": 0.9022, "Acc.ceiling": 0.9279, "Acc.road": 0.9274, "Acc.bed ": 0.9598, "Acc.windowpane": 0.8148, "Acc.grass": 0.6958, "Acc.cabinet": 0.7581, "Acc.sidewalk": 0.8039, "Acc.person": 0.9247, "Acc.earth": 0.5515, "Acc.door": 0.7178, "Acc.table": 0.8185, "Acc.mountain": 0.752, "Acc.plant": 0.6822, "Acc.curtain": 0.9201, "Acc.chair": 0.7486, "Acc.car": 0.9393, "Acc.water": 0.6231, "Acc.painting": 0.8874, "Acc.sofa": 0.8872, "Acc.shelf": 0.6042, "Acc.house": 0.8453, "Acc.sea": 0.9581, "Acc.mirror": 0.8177, "Acc.rug": 0.8836, "Acc.field": 0.6392, "Acc.armchair": 0.8048, "Acc.seat": 0.8991, "Acc.fence": 0.5947, "Acc.desk": 0.762, "Acc.rock": 0.7164, "Acc.wardrobe": 0.6608, "Acc.lamp": 0.8097, "Acc.bathtub": 0.8812, "Acc.railing": 0.5615, "Acc.cushion": 0.7478, "Acc.base": 0.6584, "Acc.box": 0.5068, "Acc.column": 0.7075, "Acc.signboard": 0.5737, "Acc.chest of drawers": 0.759, "Acc.counter": 0.5882, "Acc.sand": 0.7282, "Acc.sink": 0.8753, "Acc.skyscraper": 0.583, "Acc.fireplace": 0.9632, "Acc.refrigerator": 0.7768, "Acc.grandstand": 0.8988, "Acc.path": 0.3835, "Acc.stairs": 0.4321, "Acc.runway": 0.9743, "Acc.case": 0.7232, "Acc.pool table": 0.9779, "Acc.pillow": 0.6417, "Acc.screen door": 0.8651, "Acc.stairway": 0.6705, "Acc.river": 0.2286, "Acc.bridge": 0.7759, "Acc.bookcase": 0.5319, "Acc.blind": 0.4273, "Acc.coffee table": 0.8654, "Acc.toilet": 0.9246, "Acc.flower": 0.5626, "Acc.book": 0.8262, "Acc.hill": 0.1118, "Acc.bench": 0.6203, "Acc.countertop": 0.7911, "Acc.stove": 0.9281, "Acc.palm": 0.7383, "Acc.kitchen island": 0.915, "Acc.computer": 0.715, "Acc.swivel chair": 0.6731, "Acc.boat": 0.8838, "Acc.bar": 0.6941, "Acc.arcade machine": 0.9771, "Acc.hovel": 0.3776, "Acc.bus": 0.9647, "Acc.towel": 0.8385, "Acc.light": 0.6255, "Acc.truck": 0.5823, "Acc.tower": 0.0754, "Acc.chandelier": 0.7556, "Acc.awning": 0.4049, "Acc.streetlight": 0.3301, "Acc.booth": 0.3994, "Acc.television receiver": 0.8663, "Acc.airplane": 0.8469, "Acc.dirt track": 0.0, "Acc.apparel": 0.7197, "Acc.pole": 0.2198, "Acc.land": 0.0915, "Acc.bannister": 0.207, "Acc.escalator": 0.8384, "Acc.ottoman": 0.7853, "Acc.bottle": 0.6807, "Acc.buffet": 0.6692, "Acc.poster": 0.4061, "Acc.stage": 0.3435, "Acc.van": 0.6809, "Acc.ship": 0.8686, "Acc.fountain": 0.6502, "Acc.conveyer belt": 0.9552, "Acc.canopy": 0.7072, "Acc.washer": 0.8918, "Acc.plaything": 0.6053, "Acc.swimming pool": 0.8057, "Acc.stool": 0.6468, "Acc.barrel": 0.6498, "Acc.basket": 0.5353, "Acc.waterfall": 0.9096, "Acc.tent": 0.9827, "Acc.bag": 0.1924, "Acc.minibike": 0.8456, "Acc.cradle": 0.967, "Acc.oven": 0.7841, "Acc.ball": 0.7556, "Acc.food": 0.694, "Acc.step": 0.1396, "Acc.tank": 0.7239, "Acc.trade name": 0.5032, "Acc.microwave": 0.9556, "Acc.pot": 0.6562, "Acc.animal": 0.7731, "Acc.bicycle": 0.8279, "Acc.lake": 0.6334, "Acc.dishwasher": 0.8059, "Acc.screen": 0.9199, "Acc.blanket": 0.2855, "Acc.sculpture": 0.793, "Acc.hood": 0.6871, "Acc.sconce": 0.6957, "Acc.vase": 0.5788, "Acc.traffic light": 0.6257, "Acc.tray": 0.2172, "Acc.ashcan": 0.6261, "Acc.fan": 0.7983, "Acc.pier": 0.6747, "Acc.crt screen": 0.087, "Acc.plate": 0.7851, "Acc.monitor": 0.7425, "Acc.bulletin board": 0.5881, "Acc.shower": 0.0365, "Acc.radiator": 0.7835, "Acc.glass": 0.1808, "Acc.clock": 0.567, "Acc.flag": 0.7463} +{"mode": "train", "epoch": 12, "iter": 15050, "lr": 0.0, "memory": 65790, "data_time": 1.66426, "decode.loss_ce": 0.33638, "decode.acc_seg": 86.55437, "aux.loss_ce": 0.13558, "aux.acc_seg": 86.60474, "loss": 0.47196, "time": 3.26959} +{"mode": "train", "epoch": 12, "iter": 15100, "lr": 0.0, "memory": 65790, "data_time": 0.00706, "decode.loss_ce": 0.31201, "decode.acc_seg": 87.36203, "aux.loss_ce": 0.12479, "aux.acc_seg": 87.47911, "loss": 0.43679, "time": 1.60989} +{"mode": "train", "epoch": 12, "iter": 15150, "lr": 0.0, "memory": 65790, "data_time": 0.00734, "decode.loss_ce": 0.33732, "decode.acc_seg": 86.21798, "aux.loss_ce": 0.13503, "aux.acc_seg": 86.42105, "loss": 0.47235, "time": 1.61031} +{"mode": "train", "epoch": 13, "iter": 15200, "lr": 0.0, "memory": 65790, "data_time": 0.06691, "decode.loss_ce": 0.31316, "decode.acc_seg": 87.36682, "aux.loss_ce": 0.12481, "aux.acc_seg": 87.4134, "loss": 0.43796, "time": 1.67474} +{"mode": "train", "epoch": 13, "iter": 15250, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.32033, "decode.acc_seg": 86.94433, "aux.loss_ce": 0.12736, "aux.acc_seg": 87.05856, "loss": 0.44768, "time": 1.6141} +{"mode": "train", "epoch": 13, "iter": 15300, "lr": 0.0, "memory": 65790, "data_time": 0.00745, "decode.loss_ce": 0.30343, "decode.acc_seg": 87.20576, "aux.loss_ce": 0.12313, "aux.acc_seg": 87.21555, "loss": 0.42656, "time": 1.61111} +{"mode": "train", "epoch": 13, "iter": 15350, "lr": 0.0, "memory": 65790, "data_time": 0.00733, "decode.loss_ce": 0.31458, "decode.acc_seg": 87.17069, "aux.loss_ce": 0.1261, "aux.acc_seg": 87.14783, "loss": 0.44068, "time": 1.61016} +{"mode": "train", "epoch": 13, "iter": 15400, "lr": 0.0, "memory": 65790, "data_time": 0.00734, "decode.loss_ce": 0.31591, "decode.acc_seg": 87.43959, "aux.loss_ce": 0.12678, "aux.acc_seg": 87.43784, "loss": 0.44269, "time": 1.61087} +{"mode": "train", "epoch": 13, "iter": 15450, "lr": 0.0, "memory": 65790, "data_time": 0.00735, "decode.loss_ce": 0.33272, "decode.acc_seg": 86.39783, "aux.loss_ce": 0.13274, "aux.acc_seg": 86.51605, "loss": 0.46546, "time": 1.61147} +{"mode": "train", "epoch": 13, "iter": 15500, "lr": 0.0, "memory": 65790, "data_time": 0.00733, "decode.loss_ce": 0.31825, "decode.acc_seg": 86.92052, "aux.loss_ce": 0.12732, "aux.acc_seg": 87.16962, "loss": 0.44557, "time": 1.6115} +{"mode": "train", "epoch": 13, "iter": 15550, "lr": 0.0, "memory": 65790, "data_time": 0.0073, "decode.loss_ce": 0.31146, "decode.acc_seg": 87.33126, "aux.loss_ce": 0.1249, "aux.acc_seg": 87.49342, "loss": 0.43636, "time": 1.61193} +{"mode": "train", "epoch": 13, "iter": 15600, "lr": 0.0, "memory": 65790, "data_time": 0.00747, "decode.loss_ce": 0.3214, "decode.acc_seg": 86.83585, "aux.loss_ce": 0.12895, "aux.acc_seg": 86.9509, "loss": 0.45035, "time": 1.61551} +{"mode": "train", "epoch": 13, "iter": 15650, "lr": 0.0, "memory": 65790, "data_time": 0.00736, "decode.loss_ce": 0.3164, "decode.acc_seg": 86.81487, "aux.loss_ce": 0.12638, "aux.acc_seg": 87.13563, "loss": 0.44279, "time": 1.61013} +{"mode": "train", "epoch": 13, "iter": 15700, "lr": 0.0, "memory": 65790, "data_time": 0.00729, "decode.loss_ce": 0.29077, "decode.acc_seg": 88.1033, "aux.loss_ce": 0.11569, "aux.acc_seg": 88.46954, "loss": 0.40645, "time": 1.60909} +{"mode": "train", "epoch": 13, "iter": 15750, "lr": 0.0, "memory": 65790, "data_time": 0.00733, "decode.loss_ce": 0.32052, "decode.acc_seg": 86.52802, "aux.loss_ce": 0.12869, "aux.acc_seg": 86.54288, "loss": 0.44921, "time": 1.61022} +{"mode": "train", "epoch": 13, "iter": 15800, "lr": 0.0, "memory": 65790, "data_time": 0.00733, "decode.loss_ce": 0.2955, "decode.acc_seg": 87.78692, "aux.loss_ce": 0.11836, "aux.acc_seg": 87.87907, "loss": 0.41386, "time": 1.61257} +{"mode": "train", "epoch": 13, "iter": 15850, "lr": 0.0, "memory": 65790, "data_time": 0.00756, "decode.loss_ce": 0.31576, "decode.acc_seg": 87.18431, "aux.loss_ce": 0.12838, "aux.acc_seg": 86.96351, "loss": 0.44414, "time": 1.61504} +{"mode": "train", "epoch": 13, "iter": 15900, "lr": 0.0, "memory": 65790, "data_time": 0.00736, "decode.loss_ce": 0.30618, "decode.acc_seg": 87.15242, "aux.loss_ce": 0.12262, "aux.acc_seg": 87.32783, "loss": 0.4288, "time": 1.61297} +{"mode": "train", "epoch": 13, "iter": 15950, "lr": 0.0, "memory": 65790, "data_time": 0.00719, "decode.loss_ce": 0.30354, "decode.acc_seg": 87.5269, "aux.loss_ce": 0.12066, "aux.acc_seg": 87.53792, "loss": 0.4242, "time": 1.61047} +{"mode": "train", "epoch": 13, "iter": 16000, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.294, "decode.acc_seg": 87.43413, "aux.loss_ce": 0.11768, "aux.acc_seg": 87.52725, "loss": 0.41169, "time": 3.08108} +{"mode": "val", "epoch": 13, "iter": 250, "lr": 0.0, "aAcc": 0.8496, "mIoU": 0.5473, "mAcc": 0.6887, "IoU.wall": 0.7953, "IoU.building": 0.8372, "IoU.sky": 0.9432, "IoU.floor": 0.8367, "IoU.tree": 0.7648, "IoU.ceiling": 0.86, "IoU.road": 0.8491, "IoU.bed ": 0.9104, "IoU.windowpane": 0.651, "IoU.grass": 0.6922, "IoU.cabinet": 0.6397, "IoU.sidewalk": 0.6783, "IoU.person": 0.8285, "IoU.earth": 0.4079, "IoU.door": 0.5619, "IoU.table": 0.6154, "IoU.mountain": 0.6079, "IoU.plant": 0.5483, "IoU.curtain": 0.7703, "IoU.chair": 0.6213, "IoU.car": 0.8533, "IoU.water": 0.701, "IoU.painting": 0.7584, "IoU.sofa": 0.8152, "IoU.shelf": 0.4559, "IoU.house": 0.4951, "IoU.sea": 0.741, "IoU.mirror": 0.7552, "IoU.rug": 0.7179, "IoU.field": 0.2512, "IoU.armchair": 0.6142, "IoU.seat": 0.661, "IoU.fence": 0.4971, "IoU.desk": 0.4975, "IoU.rock": 0.5087, "IoU.wardrobe": 0.5791, "IoU.lamp": 0.6542, "IoU.bathtub": 0.8722, "IoU.railing": 0.3808, "IoU.cushion": 0.6802, "IoU.base": 0.4777, "IoU.box": 0.3586, "IoU.column": 0.5382, "IoU.signboard": 0.415, "IoU.chest of drawers": 0.4984, "IoU.counter": 0.5075, "IoU.sand": 0.5328, "IoU.sink": 0.7872, "IoU.skyscraper": 0.4657, "IoU.fireplace": 0.6886, "IoU.refrigerator": 0.7829, "IoU.grandstand": 0.5752, "IoU.path": 0.3168, "IoU.stairs": 0.3321, "IoU.runway": 0.6802, "IoU.case": 0.6363, "IoU.pool table": 0.9167, "IoU.pillow": 0.6776, "IoU.screen door": 0.7059, "IoU.stairway": 0.2149, "IoU.river": 0.1951, "IoU.bridge": 0.5569, "IoU.bookcase": 0.3283, "IoU.blind": 0.4273, "IoU.coffee table": 0.5092, "IoU.toilet": 0.8847, "IoU.flower": 0.4296, "IoU.book": 0.5085, "IoU.hill": 0.0466, "IoU.bench": 0.567, "IoU.countertop": 0.6089, "IoU.stove": 0.8365, "IoU.palm": 0.5109, "IoU.kitchen island": 0.4575, "IoU.computer": 0.773, "IoU.swivel chair": 0.5198, "IoU.boat": 0.7254, "IoU.bar": 0.6371, "IoU.arcade machine": 0.8937, "IoU.hovel": 0.1729, "IoU.bus": 0.9072, "IoU.towel": 0.6609, "IoU.light": 0.4839, "IoU.truck": 0.4586, "IoU.tower": 0.2645, "IoU.chandelier": 0.6393, "IoU.awning": 0.3782, "IoU.streetlight": 0.2164, "IoU.booth": 0.4126, "IoU.television receiver": 0.7347, "IoU.airplane": 0.8373, "IoU.dirt track": 0.0914, "IoU.apparel": 0.5384, "IoU.pole": 0.1948, "IoU.land": 0.0014, "IoU.bannister": 0.1816, "IoU.escalator": 0.6201, "IoU.ottoman": 0.5747, "IoU.bottle": 0.4132, "IoU.buffet": 0.5889, "IoU.poster": 0.2917, "IoU.stage": 0.225, "IoU.van": 0.4444, "IoU.ship": 0.2098, "IoU.fountain": 0.7426, "IoU.conveyer belt": 0.7874, "IoU.canopy": 0.3911, "IoU.washer": 0.8847, "IoU.plaything": 0.39, "IoU.swimming pool": 0.6065, "IoU.stool": 0.4585, "IoU.barrel": 0.4617, "IoU.basket": 0.4814, "IoU.waterfall": 0.5229, "IoU.tent": 0.8216, "IoU.bag": 0.1707, "IoU.minibike": 0.7275, "IoU.cradle": 0.7677, "IoU.oven": 0.538, "IoU.ball": 0.555, "IoU.food": 0.5859, "IoU.step": 0.1217, "IoU.tank": 0.4713, "IoU.trade name": 0.2408, "IoU.microwave": 0.8582, "IoU.pot": 0.5578, "IoU.animal": 0.7322, "IoU.bicycle": 0.5954, "IoU.lake": 0.6234, "IoU.dishwasher": 0.636, "IoU.screen": 0.5817, "IoU.blanket": 0.2425, "IoU.sculpture": 0.6981, "IoU.hood": 0.7191, "IoU.sconce": 0.5414, "IoU.vase": 0.44, "IoU.traffic light": 0.3482, "IoU.tray": 0.1289, "IoU.ashcan": 0.5162, "IoU.fan": 0.6139, "IoU.pier": 0.3649, "IoU.crt screen": 0.0323, "IoU.plate": 0.5933, "IoU.monitor": 0.1043, "IoU.bulletin board": 0.6123, "IoU.shower": 0.0315, "IoU.radiator": 0.6269, "IoU.glass": 0.1723, "IoU.clock": 0.401, "IoU.flag": 0.6158, "Acc.wall": 0.86, "Acc.building": 0.9283, "Acc.sky": 0.9707, "Acc.floor": 0.9043, "Acc.tree": 0.8796, "Acc.ceiling": 0.9375, "Acc.road": 0.9042, "Acc.bed ": 0.9666, "Acc.windowpane": 0.8089, "Acc.grass": 0.7883, "Acc.cabinet": 0.737, "Acc.sidewalk": 0.8421, "Acc.person": 0.9347, "Acc.earth": 0.5838, "Acc.door": 0.7536, "Acc.table": 0.7321, "Acc.mountain": 0.7134, "Acc.plant": 0.6958, "Acc.curtain": 0.9042, "Acc.chair": 0.754, "Acc.car": 0.9258, "Acc.water": 0.8811, "Acc.painting": 0.8872, "Acc.sofa": 0.8999, "Acc.shelf": 0.6114, "Acc.house": 0.7545, "Acc.sea": 0.8124, "Acc.mirror": 0.8527, "Acc.rug": 0.8382, "Acc.field": 0.4129, "Acc.armchair": 0.8164, "Acc.seat": 0.9003, "Acc.fence": 0.7358, "Acc.desk": 0.7193, "Acc.rock": 0.8529, "Acc.wardrobe": 0.7226, "Acc.lamp": 0.7733, "Acc.bathtub": 0.9232, "Acc.railing": 0.6025, "Acc.cushion": 0.7964, "Acc.base": 0.6576, "Acc.box": 0.4164, "Acc.column": 0.7151, "Acc.signboard": 0.5317, "Acc.chest of drawers": 0.7443, "Acc.counter": 0.5872, "Acc.sand": 0.8123, "Acc.sink": 0.8838, "Acc.skyscraper": 0.546, "Acc.fireplace": 0.9627, "Acc.refrigerator": 0.8985, "Acc.grandstand": 0.7857, "Acc.path": 0.4037, "Acc.stairs": 0.4164, "Acc.runway": 0.907, "Acc.case": 0.9001, "Acc.pool table": 0.9847, "Acc.pillow": 0.8146, "Acc.screen door": 0.9934, "Acc.stairway": 0.2728, "Acc.river": 0.2138, "Acc.bridge": 0.696, "Acc.bookcase": 0.4924, "Acc.blind": 0.5059, "Acc.coffee table": 0.9236, "Acc.toilet": 0.9351, "Acc.flower": 0.5361, "Acc.book": 0.7582, "Acc.hill": 0.11, "Acc.bench": 0.6774, "Acc.countertop": 0.8452, "Acc.stove": 0.9633, "Acc.palm": 0.8495, "Acc.kitchen island": 0.9309, "Acc.computer": 0.9297, "Acc.swivel chair": 0.8665, "Acc.boat": 0.7875, "Acc.bar": 0.8682, "Acc.arcade machine": 0.9707, "Acc.hovel": 0.1829, "Acc.bus": 0.9704, "Acc.towel": 0.8883, "Acc.light": 0.5984, "Acc.truck": 0.5845, "Acc.tower": 0.4171, "Acc.chandelier": 0.876, "Acc.awning": 0.4969, "Acc.streetlight": 0.2664, "Acc.booth": 0.4848, "Acc.television receiver": 0.8719, "Acc.airplane": 0.927, "Acc.dirt track": 0.2311, "Acc.apparel": 0.7611, "Acc.pole": 0.2419, "Acc.land": 0.0022, "Acc.bannister": 0.2212, "Acc.escalator": 0.853, "Acc.ottoman": 0.766, "Acc.bottle": 0.7337, "Acc.buffet": 0.8529, "Acc.poster": 0.3616, "Acc.stage": 0.3917, "Acc.van": 0.7172, "Acc.ship": 0.2137, "Acc.fountain": 0.8254, "Acc.conveyer belt": 0.9717, "Acc.canopy": 0.5562, "Acc.washer": 0.9441, "Acc.plaything": 0.5601, "Acc.swimming pool": 0.9304, "Acc.stool": 0.5355, "Acc.barrel": 0.7324, "Acc.basket": 0.5993, "Acc.waterfall": 0.9648, "Acc.tent": 0.9877, "Acc.bag": 0.1846, "Acc.minibike": 0.8472, "Acc.cradle": 0.9772, "Acc.oven": 0.5781, "Acc.ball": 0.5891, "Acc.food": 0.7054, "Acc.step": 0.156, "Acc.tank": 0.7142, "Acc.trade name": 0.2695, "Acc.microwave": 0.958, "Acc.pot": 0.6679, "Acc.animal": 0.7677, "Acc.bicycle": 0.7548, "Acc.lake": 0.6239, "Acc.dishwasher": 0.8545, "Acc.screen": 0.9301, "Acc.blanket": 0.2736, "Acc.sculpture": 0.787, "Acc.hood": 0.898, "Acc.sconce": 0.6741, "Acc.vase": 0.6423, "Acc.traffic light": 0.553, "Acc.tray": 0.1595, "Acc.ashcan": 0.6885, "Acc.fan": 0.7649, "Acc.pier": 0.4026, "Acc.crt screen": 0.0773, "Acc.plate": 0.7616, "Acc.monitor": 0.1178, "Acc.bulletin board": 0.7099, "Acc.shower": 0.0316, "Acc.radiator": 0.8532, "Acc.glass": 0.1817, "Acc.clock": 0.5681, "Acc.flag": 0.6478} +{"mode": "train", "epoch": 13, "iter": 16050, "lr": 0.0, "memory": 65790, "data_time": 1.63862, "decode.loss_ce": 0.33551, "decode.acc_seg": 86.6285, "aux.loss_ce": 0.13329, "aux.acc_seg": 86.61028, "loss": 0.4688, "time": 3.24094} +{"mode": "train", "epoch": 13, "iter": 16100, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.29692, "decode.acc_seg": 87.90638, "aux.loss_ce": 0.11908, "aux.acc_seg": 88.05753, "loss": 0.41599, "time": 1.60908} +{"mode": "train", "epoch": 13, "iter": 16150, "lr": 0.0, "memory": 65790, "data_time": 0.00744, "decode.loss_ce": 0.30809, "decode.acc_seg": 87.19233, "aux.loss_ce": 0.12237, "aux.acc_seg": 87.2615, "loss": 0.43046, "time": 1.60995} +{"mode": "train", "epoch": 13, "iter": 16200, "lr": 0.0, "memory": 65790, "data_time": 0.00745, "decode.loss_ce": 0.30704, "decode.acc_seg": 87.4591, "aux.loss_ce": 0.12231, "aux.acc_seg": 87.61146, "loss": 0.42935, "time": 1.61103} +{"mode": "train", "epoch": 13, "iter": 16250, "lr": 0.0, "memory": 65790, "data_time": 0.00733, "decode.loss_ce": 0.30928, "decode.acc_seg": 87.09527, "aux.loss_ce": 0.12459, "aux.acc_seg": 87.12878, "loss": 0.43387, "time": 1.60924} +{"mode": "train", "epoch": 13, "iter": 16300, "lr": 0.0, "memory": 65790, "data_time": 0.00749, "decode.loss_ce": 0.30123, "decode.acc_seg": 87.50482, "aux.loss_ce": 0.12038, "aux.acc_seg": 87.70201, "loss": 0.4216, "time": 1.6091} +{"mode": "train", "epoch": 13, "iter": 16350, "lr": 0.0, "memory": 65790, "data_time": 0.00739, "decode.loss_ce": 0.30168, "decode.acc_seg": 86.91654, "aux.loss_ce": 0.12188, "aux.acc_seg": 87.06178, "loss": 0.42355, "time": 1.61034} +{"mode": "train", "epoch": 13, "iter": 16400, "lr": 0.0, "memory": 65790, "data_time": 0.00756, "decode.loss_ce": 0.31739, "decode.acc_seg": 86.95446, "aux.loss_ce": 0.12624, "aux.acc_seg": 87.1829, "loss": 0.44363, "time": 1.60997} +{"mode": "train", "epoch": 14, "iter": 16450, "lr": 0.0, "memory": 65790, "data_time": 0.05883, "decode.loss_ce": 0.30018, "decode.acc_seg": 87.51003, "aux.loss_ce": 0.12, "aux.acc_seg": 87.59282, "loss": 0.42018, "time": 1.66374} +{"mode": "train", "epoch": 14, "iter": 16500, "lr": 0.0, "memory": 65790, "data_time": 0.00746, "decode.loss_ce": 0.29457, "decode.acc_seg": 87.95023, "aux.loss_ce": 0.11943, "aux.acc_seg": 87.98876, "loss": 0.414, "time": 1.61518} +{"mode": "train", "epoch": 14, "iter": 16550, "lr": 0.0, "memory": 65790, "data_time": 0.00739, "decode.loss_ce": 0.27991, "decode.acc_seg": 88.32484, "aux.loss_ce": 0.11299, "aux.acc_seg": 88.42855, "loss": 0.3929, "time": 1.60922} +{"mode": "train", "epoch": 14, "iter": 16600, "lr": 0.0, "memory": 65790, "data_time": 0.00727, "decode.loss_ce": 0.29725, "decode.acc_seg": 87.73736, "aux.loss_ce": 0.11918, "aux.acc_seg": 87.78044, "loss": 0.41643, "time": 1.60921} +{"mode": "train", "epoch": 14, "iter": 16650, "lr": 0.0, "memory": 65790, "data_time": 0.00736, "decode.loss_ce": 0.29311, "decode.acc_seg": 88.32094, "aux.loss_ce": 0.11806, "aux.acc_seg": 88.26643, "loss": 0.41117, "time": 1.60978} +{"mode": "train", "epoch": 14, "iter": 16700, "lr": 0.0, "memory": 65790, "data_time": 0.00735, "decode.loss_ce": 0.31819, "decode.acc_seg": 86.59879, "aux.loss_ce": 0.1272, "aux.acc_seg": 86.82063, "loss": 0.44538, "time": 1.61134} +{"mode": "train", "epoch": 14, "iter": 16750, "lr": 0.0, "memory": 65790, "data_time": 0.00733, "decode.loss_ce": 0.29218, "decode.acc_seg": 87.88223, "aux.loss_ce": 0.11755, "aux.acc_seg": 87.97762, "loss": 0.40973, "time": 1.61157} +{"mode": "train", "epoch": 14, "iter": 16800, "lr": 0.0, "memory": 65790, "data_time": 0.00738, "decode.loss_ce": 0.30367, "decode.acc_seg": 87.39858, "aux.loss_ce": 0.12265, "aux.acc_seg": 87.41985, "loss": 0.42632, "time": 1.61119} +{"mode": "train", "epoch": 14, "iter": 16850, "lr": 0.0, "memory": 65790, "data_time": 0.00741, "decode.loss_ce": 0.29518, "decode.acc_seg": 87.61133, "aux.loss_ce": 0.11856, "aux.acc_seg": 87.8164, "loss": 0.41374, "time": 1.61067} +{"mode": "train", "epoch": 14, "iter": 16900, "lr": 0.0, "memory": 65790, "data_time": 0.00733, "decode.loss_ce": 0.29854, "decode.acc_seg": 87.67793, "aux.loss_ce": 0.11808, "aux.acc_seg": 87.96887, "loss": 0.41662, "time": 1.60904} +{"mode": "train", "epoch": 14, "iter": 16950, "lr": 0.0, "memory": 65790, "data_time": 0.00729, "decode.loss_ce": 0.30214, "decode.acc_seg": 87.1512, "aux.loss_ce": 0.12107, "aux.acc_seg": 87.40193, "loss": 0.4232, "time": 1.61041} +{"mode": "train", "epoch": 14, "iter": 17000, "lr": 0.0, "memory": 65790, "data_time": 0.00738, "decode.loss_ce": 0.30224, "decode.acc_seg": 87.54819, "aux.loss_ce": 0.12079, "aux.acc_seg": 87.61039, "loss": 0.42303, "time": 1.60994} +{"mode": "val", "epoch": 14, "iter": 250, "lr": 0.0, "aAcc": 0.8486, "mIoU": 0.5531, "mAcc": 0.6909, "IoU.wall": 0.7959, "IoU.building": 0.836, "IoU.sky": 0.942, "IoU.floor": 0.8281, "IoU.tree": 0.7653, "IoU.ceiling": 0.8547, "IoU.road": 0.8508, "IoU.bed ": 0.9118, "IoU.windowpane": 0.6502, "IoU.grass": 0.6468, "IoU.cabinet": 0.6441, "IoU.sidewalk": 0.6684, "IoU.person": 0.8241, "IoU.earth": 0.3745, "IoU.door": 0.5722, "IoU.table": 0.6748, "IoU.mountain": 0.6378, "IoU.plant": 0.543, "IoU.curtain": 0.7635, "IoU.chair": 0.6002, "IoU.car": 0.8548, "IoU.water": 0.6219, "IoU.painting": 0.7662, "IoU.sofa": 0.8225, "IoU.shelf": 0.4319, "IoU.house": 0.4978, "IoU.sea": 0.653, "IoU.mirror": 0.773, "IoU.rug": 0.6947, "IoU.field": 0.2188, "IoU.armchair": 0.5888, "IoU.seat": 0.6471, "IoU.fence": 0.5091, "IoU.desk": 0.5616, "IoU.rock": 0.579, "IoU.wardrobe": 0.5479, "IoU.lamp": 0.6819, "IoU.bathtub": 0.8501, "IoU.railing": 0.3962, "IoU.cushion": 0.6624, "IoU.base": 0.4195, "IoU.box": 0.3798, "IoU.column": 0.5162, "IoU.signboard": 0.3967, "IoU.chest of drawers": 0.4841, "IoU.counter": 0.5105, "IoU.sand": 0.5052, "IoU.sink": 0.7692, "IoU.skyscraper": 0.5024, "IoU.fireplace": 0.6927, "IoU.refrigerator": 0.7998, "IoU.grandstand": 0.4846, "IoU.path": 0.2667, "IoU.stairs": 0.325, "IoU.runway": 0.6903, "IoU.case": 0.6013, "IoU.pool table": 0.9212, "IoU.pillow": 0.6585, "IoU.screen door": 0.8611, "IoU.stairway": 0.3944, "IoU.river": 0.1806, "IoU.bridge": 0.5136, "IoU.bookcase": 0.3545, "IoU.blind": 0.4081, "IoU.coffee table": 0.6077, "IoU.toilet": 0.8792, "IoU.flower": 0.4238, "IoU.book": 0.5218, "IoU.hill": 0.0508, "IoU.bench": 0.5032, "IoU.countertop": 0.6551, "IoU.stove": 0.8449, "IoU.palm": 0.548, "IoU.kitchen island": 0.4726, "IoU.computer": 0.7797, "IoU.swivel chair": 0.5322, "IoU.boat": 0.7807, "IoU.bar": 0.6614, "IoU.arcade machine": 0.8713, "IoU.hovel": 0.2848, "IoU.bus": 0.9109, "IoU.towel": 0.7412, "IoU.light": 0.4514, "IoU.truck": 0.4721, "IoU.tower": 0.2808, "IoU.chandelier": 0.6821, "IoU.awning": 0.419, "IoU.streetlight": 0.2059, "IoU.booth": 0.474, "IoU.television receiver": 0.8174, "IoU.airplane": 0.8208, "IoU.dirt track": 0.075, "IoU.apparel": 0.5599, "IoU.pole": 0.1798, "IoU.land": 0.031, "IoU.bannister": 0.1518, "IoU.escalator": 0.5901, "IoU.ottoman": 0.5619, "IoU.bottle": 0.4103, "IoU.buffet": 0.2878, "IoU.poster": 0.2646, "IoU.stage": 0.1485, "IoU.van": 0.534, "IoU.ship": 0.6846, "IoU.fountain": 0.3563, "IoU.conveyer belt": 0.7581, "IoU.canopy": 0.4582, "IoU.washer": 0.8728, "IoU.plaything": 0.2762, "IoU.swimming pool": 0.7227, "IoU.stool": 0.4276, "IoU.barrel": 0.5869, "IoU.basket": 0.4642, "IoU.waterfall": 0.712, "IoU.tent": 0.9568, "IoU.bag": 0.285, "IoU.minibike": 0.7226, "IoU.cradle": 0.8199, "IoU.oven": 0.5703, "IoU.ball": 0.4512, "IoU.food": 0.5468, "IoU.step": 0.1367, "IoU.tank": 0.521, "IoU.trade name": 0.2845, "IoU.microwave": 0.8403, "IoU.pot": 0.5535, "IoU.animal": 0.6962, "IoU.bicycle": 0.6008, "IoU.lake": 0.579, "IoU.dishwasher": 0.7297, "IoU.screen": 0.5542, "IoU.blanket": 0.3512, "IoU.sculpture": 0.6887, "IoU.hood": 0.672, "IoU.sconce": 0.5468, "IoU.vase": 0.4331, "IoU.traffic light": 0.3014, "IoU.tray": 0.1672, "IoU.ashcan": 0.509, "IoU.fan": 0.5825, "IoU.pier": 0.3746, "IoU.crt screen": 0.0452, "IoU.plate": 0.557, "IoU.monitor": 0.1685, "IoU.bulletin board": 0.5467, "IoU.shower": 0.0785, "IoU.radiator": 0.6346, "IoU.glass": 0.1703, "IoU.clock": 0.4363, "IoU.flag": 0.6704, "Acc.wall": 0.8647, "Acc.building": 0.9264, "Acc.sky": 0.9736, "Acc.floor": 0.8934, "Acc.tree": 0.8989, "Acc.ceiling": 0.9311, "Acc.road": 0.9107, "Acc.bed ": 0.962, "Acc.windowpane": 0.8324, "Acc.grass": 0.876, "Acc.cabinet": 0.7632, "Acc.sidewalk": 0.8484, "Acc.person": 0.9169, "Acc.earth": 0.4688, "Acc.door": 0.7453, "Acc.table": 0.8019, "Acc.mountain": 0.7244, "Acc.plant": 0.6257, "Acc.curtain": 0.8825, "Acc.chair": 0.6989, "Acc.car": 0.932, "Acc.water": 0.7662, "Acc.painting": 0.8949, "Acc.sofa": 0.9234, "Acc.shelf": 0.6356, "Acc.house": 0.5899, "Acc.sea": 0.8446, "Acc.mirror": 0.8585, "Acc.rug": 0.8819, "Acc.field": 0.3304, "Acc.armchair": 0.802, "Acc.seat": 0.8815, "Acc.fence": 0.7051, "Acc.desk": 0.7256, "Acc.rock": 0.7742, "Acc.wardrobe": 0.859, "Acc.lamp": 0.7934, "Acc.bathtub": 0.8795, "Acc.railing": 0.5734, "Acc.cushion": 0.7529, "Acc.base": 0.5706, "Acc.box": 0.4831, "Acc.column": 0.664, "Acc.signboard": 0.5215, "Acc.chest of drawers": 0.7318, "Acc.counter": 0.6427, "Acc.sand": 0.8214, "Acc.sink": 0.8599, "Acc.skyscraper": 0.6375, "Acc.fireplace": 0.9598, "Acc.refrigerator": 0.9241, "Acc.grandstand": 0.8624, "Acc.path": 0.3549, "Acc.stairs": 0.3977, "Acc.runway": 0.8914, "Acc.case": 0.7686, "Acc.pool table": 0.9842, "Acc.pillow": 0.8047, "Acc.screen door": 0.9863, "Acc.stairway": 0.539, "Acc.river": 0.3717, "Acc.bridge": 0.762, "Acc.bookcase": 0.4843, "Acc.blind": 0.4815, "Acc.coffee table": 0.8671, "Acc.toilet": 0.9471, "Acc.flower": 0.6806, "Acc.book": 0.7548, "Acc.hill": 0.1224, "Acc.bench": 0.5635, "Acc.countertop": 0.8647, "Acc.stove": 0.9313, "Acc.palm": 0.7931, "Acc.kitchen island": 0.8297, "Acc.computer": 0.8586, "Acc.swivel chair": 0.8589, "Acc.boat": 0.8964, "Acc.bar": 0.889, "Acc.arcade machine": 0.9832, "Acc.hovel": 0.2961, "Acc.bus": 0.9692, "Acc.towel": 0.8637, "Acc.light": 0.5172, "Acc.truck": 0.6529, "Acc.tower": 0.5999, "Acc.chandelier": 0.8485, "Acc.awning": 0.5488, "Acc.streetlight": 0.2487, "Acc.booth": 0.5991, "Acc.television receiver": 0.8991, "Acc.airplane": 0.9545, "Acc.dirt track": 0.0782, "Acc.apparel": 0.772, "Acc.pole": 0.2352, "Acc.land": 0.0379, "Acc.bannister": 0.1931, "Acc.escalator": 0.8666, "Acc.ottoman": 0.7593, "Acc.bottle": 0.7034, "Acc.buffet": 0.3006, "Acc.poster": 0.3963, "Acc.stage": 0.2992, "Acc.van": 0.7237, "Acc.ship": 0.9556, "Acc.fountain": 0.3655, "Acc.conveyer belt": 0.9759, "Acc.canopy": 0.6802, "Acc.washer": 0.967, "Acc.plaything": 0.3809, "Acc.swimming pool": 0.7351, "Acc.stool": 0.6778, "Acc.barrel": 0.7057, "Acc.basket": 0.6707, "Acc.waterfall": 0.9288, "Acc.tent": 0.9866, "Acc.bag": 0.3391, "Acc.minibike": 0.8834, "Acc.cradle": 0.9827, "Acc.oven": 0.7069, "Acc.ball": 0.465, "Acc.food": 0.5943, "Acc.step": 0.1724, "Acc.tank": 0.6716, "Acc.trade name": 0.3378, "Acc.microwave": 0.9688, "Acc.pot": 0.6439, "Acc.animal": 0.7275, "Acc.bicycle": 0.8409, "Acc.lake": 0.6354, "Acc.dishwasher": 0.7985, "Acc.screen": 0.9427, "Acc.blanket": 0.4313, "Acc.sculpture": 0.8468, "Acc.hood": 0.8421, "Acc.sconce": 0.712, "Acc.vase": 0.5759, "Acc.traffic light": 0.6192, "Acc.tray": 0.191, "Acc.ashcan": 0.6103, "Acc.fan": 0.8612, "Acc.pier": 0.4144, "Acc.crt screen": 0.1081, "Acc.plate": 0.7387, "Acc.monitor": 0.214, "Acc.bulletin board": 0.7207, "Acc.shower": 0.0815, "Acc.radiator": 0.8288, "Acc.glass": 0.1775, "Acc.clock": 0.4945, "Acc.flag": 0.766} +{"mode": "train", "epoch": 14, "iter": 17050, "lr": 0.0, "memory": 65790, "data_time": 1.66378, "decode.loss_ce": 0.30182, "decode.acc_seg": 87.28243, "aux.loss_ce": 0.12048, "aux.acc_seg": 87.53528, "loss": 0.42229, "time": 3.26753} +{"mode": "train", "epoch": 14, "iter": 17100, "lr": 0.0, "memory": 65790, "data_time": 0.00724, "decode.loss_ce": 0.31287, "decode.acc_seg": 87.156, "aux.loss_ce": 0.12482, "aux.acc_seg": 87.28877, "loss": 0.43769, "time": 1.6111} +{"mode": "train", "epoch": 14, "iter": 17150, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.28322, "decode.acc_seg": 88.49868, "aux.loss_ce": 0.1142, "aux.acc_seg": 88.58933, "loss": 0.39742, "time": 1.60858} +{"mode": "train", "epoch": 14, "iter": 17200, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.30198, "decode.acc_seg": 87.56105, "aux.loss_ce": 0.12122, "aux.acc_seg": 87.52894, "loss": 0.4232, "time": 1.60902} +{"mode": "train", "epoch": 14, "iter": 17250, "lr": 0.0, "memory": 65790, "data_time": 0.00721, "decode.loss_ce": 0.33053, "decode.acc_seg": 86.88131, "aux.loss_ce": 0.13025, "aux.acc_seg": 87.16892, "loss": 0.46078, "time": 1.60931} +{"mode": "train", "epoch": 14, "iter": 17300, "lr": 0.0, "memory": 65790, "data_time": 0.0075, "decode.loss_ce": 0.33266, "decode.acc_seg": 86.31943, "aux.loss_ce": 0.13283, "aux.acc_seg": 86.2734, "loss": 0.4655, "time": 1.60921} +{"mode": "train", "epoch": 14, "iter": 17350, "lr": 0.0, "memory": 65790, "data_time": 0.00763, "decode.loss_ce": 0.30088, "decode.acc_seg": 87.40955, "aux.loss_ce": 0.11998, "aux.acc_seg": 87.43572, "loss": 0.42086, "time": 1.61133} +{"mode": "train", "epoch": 14, "iter": 17400, "lr": 0.0, "memory": 65790, "data_time": 0.00772, "decode.loss_ce": 0.28349, "decode.acc_seg": 88.21957, "aux.loss_ce": 0.11274, "aux.acc_seg": 88.33838, "loss": 0.39622, "time": 1.61338} +{"mode": "train", "epoch": 14, "iter": 17450, "lr": 0.0, "memory": 65790, "data_time": 0.00751, "decode.loss_ce": 0.30439, "decode.acc_seg": 87.06352, "aux.loss_ce": 0.12037, "aux.acc_seg": 87.34853, "loss": 0.42477, "time": 1.60922} +{"mode": "train", "epoch": 14, "iter": 17500, "lr": 0.0, "memory": 65790, "data_time": 0.00729, "decode.loss_ce": 0.30454, "decode.acc_seg": 87.13278, "aux.loss_ce": 0.1221, "aux.acc_seg": 87.18893, "loss": 0.42664, "time": 1.61013} +{"mode": "train", "epoch": 14, "iter": 17550, "lr": 0.0, "memory": 65790, "data_time": 0.00741, "decode.loss_ce": 0.30672, "decode.acc_seg": 87.6322, "aux.loss_ce": 0.12227, "aux.acc_seg": 87.63703, "loss": 0.42899, "time": 1.60998} +{"mode": "train", "epoch": 14, "iter": 17600, "lr": 0.0, "memory": 65790, "data_time": 0.0075, "decode.loss_ce": 0.30171, "decode.acc_seg": 87.868, "aux.loss_ce": 0.11878, "aux.acc_seg": 88.0184, "loss": 0.42048, "time": 1.61022} +{"mode": "train", "epoch": 14, "iter": 17650, "lr": 0.0, "memory": 65790, "data_time": 0.00767, "decode.loss_ce": 0.28004, "decode.acc_seg": 88.27625, "aux.loss_ce": 0.11266, "aux.acc_seg": 88.32043, "loss": 0.3927, "time": 1.61132} +{"mode": "train", "epoch": 15, "iter": 17700, "lr": 0.0, "memory": 65790, "data_time": 0.05772, "decode.loss_ce": 0.32248, "decode.acc_seg": 87.1532, "aux.loss_ce": 0.12991, "aux.acc_seg": 87.15458, "loss": 0.45239, "time": 1.65929} +{"mode": "train", "epoch": 15, "iter": 17750, "lr": 0.0, "memory": 65790, "data_time": 0.00748, "decode.loss_ce": 0.29009, "decode.acc_seg": 88.09991, "aux.loss_ce": 0.11537, "aux.acc_seg": 88.23936, "loss": 0.40546, "time": 1.61047} +{"mode": "train", "epoch": 15, "iter": 17800, "lr": 0.0, "memory": 65790, "data_time": 0.00741, "decode.loss_ce": 0.30234, "decode.acc_seg": 87.92502, "aux.loss_ce": 0.1222, "aux.acc_seg": 87.80531, "loss": 0.42454, "time": 1.61003} +{"mode": "train", "epoch": 15, "iter": 17850, "lr": 0.0, "memory": 65790, "data_time": 0.00744, "decode.loss_ce": 0.29425, "decode.acc_seg": 88.11719, "aux.loss_ce": 0.11736, "aux.acc_seg": 88.20324, "loss": 0.4116, "time": 1.60967} +{"mode": "train", "epoch": 15, "iter": 17900, "lr": 0.0, "memory": 65790, "data_time": 0.00733, "decode.loss_ce": 0.29952, "decode.acc_seg": 87.53182, "aux.loss_ce": 0.1196, "aux.acc_seg": 87.58188, "loss": 0.41912, "time": 1.61002} +{"mode": "train", "epoch": 15, "iter": 17950, "lr": 0.0, "memory": 65790, "data_time": 0.00737, "decode.loss_ce": 0.28804, "decode.acc_seg": 88.10657, "aux.loss_ce": 0.11568, "aux.acc_seg": 88.19382, "loss": 0.40371, "time": 1.61023} +{"mode": "train", "epoch": 15, "iter": 18000, "lr": 0.0, "memory": 65790, "data_time": 0.00732, "decode.loss_ce": 0.30323, "decode.acc_seg": 87.33695, "aux.loss_ce": 0.12181, "aux.acc_seg": 87.37693, "loss": 0.42504, "time": 3.06821} +{"mode": "val", "epoch": 15, "iter": 250, "lr": 0.0, "aAcc": 0.8503, "mIoU": 0.5507, "mAcc": 0.6977, "IoU.wall": 0.8044, "IoU.building": 0.8442, "IoU.sky": 0.943, "IoU.floor": 0.8314, "IoU.tree": 0.7537, "IoU.ceiling": 0.8572, "IoU.road": 0.8622, "IoU.bed ": 0.9092, "IoU.windowpane": 0.6425, "IoU.grass": 0.6609, "IoU.cabinet": 0.63, "IoU.sidewalk": 0.6892, "IoU.person": 0.8259, "IoU.earth": 0.4005, "IoU.door": 0.5751, "IoU.table": 0.665, "IoU.mountain": 0.6304, "IoU.plant": 0.5644, "IoU.curtain": 0.7724, "IoU.chair": 0.6142, "IoU.car": 0.8515, "IoU.water": 0.6306, "IoU.painting": 0.722, "IoU.sofa": 0.7962, "IoU.shelf": 0.4432, "IoU.house": 0.5267, "IoU.sea": 0.6589, "IoU.mirror": 0.7725, "IoU.rug": 0.6916, "IoU.field": 0.3319, "IoU.armchair": 0.6072, "IoU.seat": 0.658, "IoU.fence": 0.4777, "IoU.desk": 0.512, "IoU.rock": 0.5515, "IoU.wardrobe": 0.5378, "IoU.lamp": 0.6737, "IoU.bathtub": 0.8163, "IoU.railing": 0.3915, "IoU.cushion": 0.6507, "IoU.base": 0.3707, "IoU.box": 0.3981, "IoU.column": 0.5072, "IoU.signboard": 0.4035, "IoU.chest of drawers": 0.4217, "IoU.counter": 0.4706, "IoU.sand": 0.4882, "IoU.sink": 0.7466, "IoU.skyscraper": 0.4872, "IoU.fireplace": 0.6574, "IoU.refrigerator": 0.7859, "IoU.grandstand": 0.4487, "IoU.path": 0.3061, "IoU.stairs": 0.2693, "IoU.runway": 0.7008, "IoU.case": 0.5789, "IoU.pool table": 0.9167, "IoU.pillow": 0.6555, "IoU.screen door": 0.8518, "IoU.stairway": 0.4442, "IoU.river": 0.1366, "IoU.bridge": 0.7025, "IoU.bookcase": 0.3641, "IoU.blind": 0.1976, "IoU.coffee table": 0.6494, "IoU.toilet": 0.8784, "IoU.flower": 0.4386, "IoU.book": 0.4812, "IoU.hill": 0.0709, "IoU.bench": 0.5771, "IoU.countertop": 0.6229, "IoU.stove": 0.8142, "IoU.palm": 0.5422, "IoU.kitchen island": 0.4766, "IoU.computer": 0.7787, "IoU.swivel chair": 0.5414, "IoU.boat": 0.7048, "IoU.bar": 0.6722, "IoU.arcade machine": 0.8858, "IoU.hovel": 0.222, "IoU.bus": 0.8872, "IoU.towel": 0.7277, "IoU.light": 0.4789, "IoU.truck": 0.4478, "IoU.tower": 0.1788, "IoU.chandelier": 0.6856, "IoU.awning": 0.3753, "IoU.streetlight": 0.2249, "IoU.booth": 0.4089, "IoU.television receiver": 0.7599, "IoU.airplane": 0.7283, "IoU.dirt track": 0.166, "IoU.apparel": 0.5335, "IoU.pole": 0.2494, "IoU.land": 0.0459, "IoU.bannister": 0.147, "IoU.escalator": 0.6497, "IoU.ottoman": 0.5156, "IoU.bottle": 0.4093, "IoU.buffet": 0.4405, "IoU.poster": 0.2789, "IoU.stage": 0.2079, "IoU.van": 0.4418, "IoU.ship": 0.7631, "IoU.fountain": 0.3525, "IoU.conveyer belt": 0.75, "IoU.canopy": 0.4523, "IoU.washer": 0.8986, "IoU.plaything": 0.2868, "IoU.swimming pool": 0.6117, "IoU.stool": 0.4194, "IoU.barrel": 0.5579, "IoU.basket": 0.3885, "IoU.waterfall": 0.722, "IoU.tent": 0.8181, "IoU.bag": 0.2201, "IoU.minibike": 0.7224, "IoU.cradle": 0.8726, "IoU.oven": 0.5581, "IoU.ball": 0.6079, "IoU.food": 0.5677, "IoU.step": 0.1381, "IoU.tank": 0.5211, "IoU.trade name": 0.2704, "IoU.microwave": 0.8615, "IoU.pot": 0.569, "IoU.animal": 0.6836, "IoU.bicycle": 0.5967, "IoU.lake": 0.5627, "IoU.dishwasher": 0.7315, "IoU.screen": 0.5635, "IoU.blanket": 0.1938, "IoU.sculpture": 0.6281, "IoU.hood": 0.7202, "IoU.sconce": 0.5278, "IoU.vase": 0.4275, "IoU.traffic light": 0.3365, "IoU.tray": 0.1638, "IoU.ashcan": 0.4667, "IoU.fan": 0.6215, "IoU.pier": 0.326, "IoU.crt screen": 0.0829, "IoU.plate": 0.5924, "IoU.monitor": 0.5951, "IoU.bulletin board": 0.4847, "IoU.shower": 0.0086, "IoU.radiator": 0.6453, "IoU.glass": 0.2023, "IoU.clock": 0.4489, "IoU.flag": 0.6396, "Acc.wall": 0.8945, "Acc.building": 0.9245, "Acc.sky": 0.968, "Acc.floor": 0.8746, "Acc.tree": 0.8927, "Acc.ceiling": 0.907, "Acc.road": 0.9187, "Acc.bed ": 0.9741, "Acc.windowpane": 0.8071, "Acc.grass": 0.7699, "Acc.cabinet": 0.7104, "Acc.sidewalk": 0.852, "Acc.person": 0.9296, "Acc.earth": 0.5765, "Acc.door": 0.7205, "Acc.table": 0.7926, "Acc.mountain": 0.7001, "Acc.plant": 0.6916, "Acc.curtain": 0.885, "Acc.chair": 0.7781, "Acc.car": 0.9217, "Acc.water": 0.7823, "Acc.painting": 0.9103, "Acc.sofa": 0.9243, "Acc.shelf": 0.621, "Acc.house": 0.7532, "Acc.sea": 0.7505, "Acc.mirror": 0.8801, "Acc.rug": 0.8128, "Acc.field": 0.4863, "Acc.armchair": 0.7674, "Acc.seat": 0.8649, "Acc.fence": 0.5858, "Acc.desk": 0.8215, "Acc.rock": 0.7919, "Acc.wardrobe": 0.8208, "Acc.lamp": 0.8099, "Acc.bathtub": 0.8307, "Acc.railing": 0.5352, "Acc.cushion": 0.7463, "Acc.base": 0.5851, "Acc.box": 0.49, "Acc.column": 0.6113, "Acc.signboard": 0.5231, "Acc.chest of drawers": 0.6363, "Acc.counter": 0.4955, "Acc.sand": 0.7892, "Acc.sink": 0.8686, "Acc.skyscraper": 0.6264, "Acc.fireplace": 0.9726, "Acc.refrigerator": 0.9121, "Acc.grandstand": 0.881, "Acc.path": 0.4203, "Acc.stairs": 0.3203, "Acc.runway": 0.9051, "Acc.case": 0.8226, "Acc.pool table": 0.9867, "Acc.pillow": 0.7969, "Acc.screen door": 0.9389, "Acc.stairway": 0.626, "Acc.river": 0.2868, "Acc.bridge": 0.8337, "Acc.bookcase": 0.5536, "Acc.blind": 0.2002, "Acc.coffee table": 0.8544, "Acc.toilet": 0.9578, "Acc.flower": 0.5326, "Acc.book": 0.7884, "Acc.hill": 0.0883, "Acc.bench": 0.741, "Acc.countertop": 0.7722, "Acc.stove": 0.9342, "Acc.palm": 0.7531, "Acc.kitchen island": 0.8407, "Acc.computer": 0.8987, "Acc.swivel chair": 0.9052, "Acc.boat": 0.9107, "Acc.bar": 0.9044, "Acc.arcade machine": 0.9627, "Acc.hovel": 0.251, "Acc.bus": 0.9765, "Acc.towel": 0.871, "Acc.light": 0.5964, "Acc.truck": 0.5778, "Acc.tower": 0.3463, "Acc.chandelier": 0.826, "Acc.awning": 0.5065, "Acc.streetlight": 0.2799, "Acc.booth": 0.5096, "Acc.television receiver": 0.8708, "Acc.airplane": 0.8859, "Acc.dirt track": 0.2363, "Acc.apparel": 0.889, "Acc.pole": 0.3332, "Acc.land": 0.0804, "Acc.bannister": 0.2073, "Acc.escalator": 0.864, "Acc.ottoman": 0.7894, "Acc.bottle": 0.6875, "Acc.buffet": 0.5019, "Acc.poster": 0.3941, "Acc.stage": 0.3839, "Acc.van": 0.7688, "Acc.ship": 0.9445, "Acc.fountain": 0.4107, "Acc.conveyer belt": 0.9732, "Acc.canopy": 0.6907, "Acc.washer": 0.9715, "Acc.plaything": 0.5704, "Acc.swimming pool": 0.8508, "Acc.stool": 0.7021, "Acc.barrel": 0.7141, "Acc.basket": 0.5014, "Acc.waterfall": 0.9214, "Acc.tent": 0.9839, "Acc.bag": 0.2576, "Acc.minibike": 0.8723, "Acc.cradle": 0.9673, "Acc.oven": 0.7067, "Acc.ball": 0.6993, "Acc.food": 0.6488, "Acc.step": 0.2043, "Acc.tank": 0.6797, "Acc.trade name": 0.3026, "Acc.microwave": 0.9627, "Acc.pot": 0.6938, "Acc.animal": 0.698, "Acc.bicycle": 0.8299, "Acc.lake": 0.6904, "Acc.dishwasher": 0.8065, "Acc.screen": 0.9122, "Acc.blanket": 0.2119, "Acc.sculpture": 0.8827, "Acc.hood": 0.9174, "Acc.sconce": 0.7337, "Acc.vase": 0.6276, "Acc.traffic light": 0.6719, "Acc.tray": 0.2149, "Acc.ashcan": 0.6637, "Acc.fan": 0.7955, "Acc.pier": 0.4801, "Acc.crt screen": 0.1004, "Acc.plate": 0.803, "Acc.monitor": 0.8073, "Acc.bulletin board": 0.7981, "Acc.shower": 0.0094, "Acc.radiator": 0.7647, "Acc.glass": 0.2198, "Acc.clock": 0.5508, "Acc.flag": 0.6857} +{"mode": "train", "epoch": 15, "iter": 18050, "lr": 0.0, "memory": 65790, "data_time": 1.65739, "decode.loss_ce": 0.28169, "decode.acc_seg": 88.35009, "aux.loss_ce": 0.11373, "aux.acc_seg": 88.31039, "loss": 0.39543, "time": 3.261} +{"mode": "train", "epoch": 15, "iter": 18100, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.28468, "decode.acc_seg": 88.1689, "aux.loss_ce": 0.11394, "aux.acc_seg": 88.31569, "loss": 0.39862, "time": 1.6099} +{"mode": "train", "epoch": 15, "iter": 18150, "lr": 0.0, "memory": 65790, "data_time": 0.00739, "decode.loss_ce": 0.28517, "decode.acc_seg": 87.7975, "aux.loss_ce": 0.11441, "aux.acc_seg": 87.95859, "loss": 0.39958, "time": 1.60991} +{"mode": "train", "epoch": 15, "iter": 18200, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.28812, "decode.acc_seg": 87.92277, "aux.loss_ce": 0.11482, "aux.acc_seg": 88.11693, "loss": 0.40295, "time": 1.61098} +{"mode": "train", "epoch": 15, "iter": 18250, "lr": 0.0, "memory": 65790, "data_time": 0.0073, "decode.loss_ce": 0.27544, "decode.acc_seg": 88.52576, "aux.loss_ce": 0.11102, "aux.acc_seg": 88.4832, "loss": 0.38647, "time": 1.61173} +{"mode": "train", "epoch": 15, "iter": 18300, "lr": 0.0, "memory": 65790, "data_time": 0.0073, "decode.loss_ce": 0.30227, "decode.acc_seg": 87.97797, "aux.loss_ce": 0.12032, "aux.acc_seg": 88.03724, "loss": 0.42259, "time": 1.61427} +{"mode": "train", "epoch": 15, "iter": 18350, "lr": 0.0, "memory": 65790, "data_time": 0.00734, "decode.loss_ce": 0.28536, "decode.acc_seg": 88.04588, "aux.loss_ce": 0.11268, "aux.acc_seg": 88.19939, "loss": 0.39804, "time": 1.61388} +{"mode": "train", "epoch": 15, "iter": 18400, "lr": 0.0, "memory": 65790, "data_time": 0.00743, "decode.loss_ce": 0.28054, "decode.acc_seg": 88.307, "aux.loss_ce": 0.11274, "aux.acc_seg": 88.27895, "loss": 0.39328, "time": 1.61077} +{"mode": "train", "epoch": 15, "iter": 18450, "lr": 0.0, "memory": 65790, "data_time": 0.00734, "decode.loss_ce": 0.27812, "decode.acc_seg": 88.27077, "aux.loss_ce": 0.11271, "aux.acc_seg": 88.17885, "loss": 0.39083, "time": 1.6104} +{"mode": "train", "epoch": 15, "iter": 18500, "lr": 0.0, "memory": 65790, "data_time": 0.01011, "decode.loss_ce": 0.28775, "decode.acc_seg": 87.90064, "aux.loss_ce": 0.11659, "aux.acc_seg": 87.8388, "loss": 0.40434, "time": 1.61627} +{"mode": "train", "epoch": 15, "iter": 18550, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.30567, "decode.acc_seg": 87.29936, "aux.loss_ce": 0.12345, "aux.acc_seg": 87.46642, "loss": 0.42911, "time": 1.60947} +{"mode": "train", "epoch": 15, "iter": 18600, "lr": 0.0, "memory": 65790, "data_time": 0.00732, "decode.loss_ce": 0.28247, "decode.acc_seg": 88.24513, "aux.loss_ce": 0.11297, "aux.acc_seg": 88.36039, "loss": 0.39545, "time": 1.60981} +{"mode": "train", "epoch": 15, "iter": 18650, "lr": 0.0, "memory": 65790, "data_time": 0.00751, "decode.loss_ce": 0.29219, "decode.acc_seg": 87.87819, "aux.loss_ce": 0.11751, "aux.acc_seg": 87.81554, "loss": 0.4097, "time": 1.6129} +{"mode": "train", "epoch": 15, "iter": 18700, "lr": 0.0, "memory": 65790, "data_time": 0.00728, "decode.loss_ce": 0.27625, "decode.acc_seg": 88.23863, "aux.loss_ce": 0.1117, "aux.acc_seg": 88.38877, "loss": 0.38794, "time": 1.60864} +{"mode": "train", "epoch": 15, "iter": 18750, "lr": 0.0, "memory": 65790, "data_time": 0.00731, "decode.loss_ce": 0.29678, "decode.acc_seg": 87.6325, "aux.loss_ce": 0.11906, "aux.acc_seg": 87.63151, "loss": 0.41584, "time": 1.60929} +{"mode": "train", "epoch": 15, "iter": 18800, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.28952, "decode.acc_seg": 87.7313, "aux.loss_ce": 0.11635, "aux.acc_seg": 87.79679, "loss": 0.40587, "time": 1.60863} +{"mode": "train", "epoch": 15, "iter": 18850, "lr": 0.0, "memory": 65790, "data_time": 0.00748, "decode.loss_ce": 0.27656, "decode.acc_seg": 88.87145, "aux.loss_ce": 0.11115, "aux.acc_seg": 88.91954, "loss": 0.38771, "time": 1.60904} +{"mode": "train", "epoch": 15, "iter": 18900, "lr": 0.0, "memory": 65790, "data_time": 0.00734, "decode.loss_ce": 0.30034, "decode.acc_seg": 87.28921, "aux.loss_ce": 0.12092, "aux.acc_seg": 87.34158, "loss": 0.42126, "time": 1.61299} +{"mode": "train", "epoch": 16, "iter": 18950, "lr": 0.0, "memory": 65790, "data_time": 0.0602, "decode.loss_ce": 0.27996, "decode.acc_seg": 88.27797, "aux.loss_ce": 0.11186, "aux.acc_seg": 88.51879, "loss": 0.39182, "time": 1.66794} +{"mode": "train", "epoch": 16, "iter": 19000, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.26256, "decode.acc_seg": 88.60002, "aux.loss_ce": 0.10608, "aux.acc_seg": 88.62053, "loss": 0.36864, "time": 1.60953} +{"mode": "val", "epoch": 16, "iter": 250, "lr": 0.0, "aAcc": 0.8472, "mIoU": 0.5501, "mAcc": 0.6866, "IoU.wall": 0.7958, "IoU.building": 0.8242, "IoU.sky": 0.943, "IoU.floor": 0.8332, "IoU.tree": 0.7735, "IoU.ceiling": 0.8595, "IoU.road": 0.8478, "IoU.bed ": 0.9099, "IoU.windowpane": 0.6495, "IoU.grass": 0.5573, "IoU.cabinet": 0.6492, "IoU.sidewalk": 0.6816, "IoU.person": 0.829, "IoU.earth": 0.3605, "IoU.door": 0.5744, "IoU.table": 0.6649, "IoU.mountain": 0.6442, "IoU.plant": 0.5848, "IoU.curtain": 0.7716, "IoU.chair": 0.6166, "IoU.car": 0.857, "IoU.water": 0.6513, "IoU.painting": 0.7508, "IoU.sofa": 0.7863, "IoU.shelf": 0.4665, "IoU.house": 0.4821, "IoU.sea": 0.7389, "IoU.mirror": 0.7765, "IoU.rug": 0.6791, "IoU.field": 0.314, "IoU.armchair": 0.5909, "IoU.seat": 0.6302, "IoU.fence": 0.5285, "IoU.desk": 0.5684, "IoU.rock": 0.5661, "IoU.wardrobe": 0.5302, "IoU.lamp": 0.6735, "IoU.bathtub": 0.8646, "IoU.railing": 0.4192, "IoU.cushion": 0.5989, "IoU.base": 0.426, "IoU.box": 0.3994, "IoU.column": 0.5127, "IoU.signboard": 0.3857, "IoU.chest of drawers": 0.4973, "IoU.counter": 0.5276, "IoU.sand": 0.5269, "IoU.sink": 0.7981, "IoU.skyscraper": 0.3934, "IoU.fireplace": 0.7136, "IoU.refrigerator": 0.8129, "IoU.grandstand": 0.5339, "IoU.path": 0.2278, "IoU.stairs": 0.3605, "IoU.runway": 0.6719, "IoU.case": 0.6131, "IoU.pool table": 0.9251, "IoU.pillow": 0.6522, "IoU.screen door": 0.7757, "IoU.stairway": 0.3546, "IoU.river": 0.1592, "IoU.bridge": 0.6275, "IoU.bookcase": 0.3747, "IoU.blind": 0.4251, "IoU.coffee table": 0.6027, "IoU.toilet": 0.8885, "IoU.flower": 0.4339, "IoU.book": 0.5119, "IoU.hill": 0.0621, "IoU.bench": 0.5266, "IoU.countertop": 0.6271, "IoU.stove": 0.8363, "IoU.palm": 0.5159, "IoU.kitchen island": 0.5141, "IoU.computer": 0.7711, "IoU.swivel chair": 0.4974, "IoU.boat": 0.7531, "IoU.bar": 0.6214, "IoU.arcade machine": 0.8842, "IoU.hovel": 0.1704, "IoU.bus": 0.9127, "IoU.towel": 0.6866, "IoU.light": 0.4355, "IoU.truck": 0.4608, "IoU.tower": 0.1434, "IoU.chandelier": 0.638, "IoU.awning": 0.362, "IoU.streetlight": 0.2377, "IoU.booth": 0.3806, "IoU.television receiver": 0.7809, "IoU.airplane": 0.8297, "IoU.dirt track": 0.1239, "IoU.apparel": 0.5901, "IoU.pole": 0.176, "IoU.land": 0.0407, "IoU.bannister": 0.1087, "IoU.escalator": 0.6321, "IoU.ottoman": 0.5022, "IoU.bottle": 0.4168, "IoU.buffet": 0.5818, "IoU.poster": 0.2868, "IoU.stage": 0.2092, "IoU.van": 0.5336, "IoU.ship": 0.0856, "IoU.fountain": 0.7808, "IoU.conveyer belt": 0.8137, "IoU.canopy": 0.4448, "IoU.washer": 0.8828, "IoU.plaything": 0.3213, "IoU.swimming pool": 0.5783, "IoU.stool": 0.4783, "IoU.barrel": 0.5858, "IoU.basket": 0.4472, "IoU.waterfall": 0.6612, "IoU.tent": 0.891, "IoU.bag": 0.2441, "IoU.minibike": 0.7273, "IoU.cradle": 0.8616, "IoU.oven": 0.5368, "IoU.ball": 0.1866, "IoU.food": 0.571, "IoU.step": 0.0964, "IoU.tank": 0.6054, "IoU.trade name": 0.2723, "IoU.microwave": 0.8611, "IoU.pot": 0.5638, "IoU.animal": 0.6996, "IoU.bicycle": 0.6015, "IoU.lake": 0.4185, "IoU.dishwasher": 0.7306, "IoU.screen": 0.5075, "IoU.blanket": 0.2656, "IoU.sculpture": 0.6986, "IoU.hood": 0.6679, "IoU.sconce": 0.5412, "IoU.vase": 0.4379, "IoU.traffic light": 0.3137, "IoU.tray": 0.1587, "IoU.ashcan": 0.5123, "IoU.fan": 0.5794, "IoU.pier": 0.3323, "IoU.crt screen": 0.0403, "IoU.plate": 0.5971, "IoU.monitor": 0.6459, "IoU.bulletin board": 0.5115, "IoU.shower": 0.0168, "IoU.radiator": 0.6491, "IoU.glass": 0.1935, "IoU.clock": 0.4277, "IoU.flag": 0.641, "Acc.wall": 0.8672, "Acc.building": 0.9294, "Acc.sky": 0.9727, "Acc.floor": 0.9122, "Acc.tree": 0.8744, "Acc.ceiling": 0.9441, "Acc.road": 0.9082, "Acc.bed ": 0.9692, "Acc.windowpane": 0.8244, "Acc.grass": 0.6155, "Acc.cabinet": 0.7242, "Acc.sidewalk": 0.8357, "Acc.person": 0.9259, "Acc.earth": 0.5488, "Acc.door": 0.7201, "Acc.table": 0.8196, "Acc.mountain": 0.8099, "Acc.plant": 0.6977, "Acc.curtain": 0.881, "Acc.chair": 0.7129, "Acc.car": 0.9348, "Acc.water": 0.7833, "Acc.painting": 0.8869, "Acc.sofa": 0.8495, "Acc.shelf": 0.6065, "Acc.house": 0.7827, "Acc.sea": 0.81, "Acc.mirror": 0.8714, "Acc.rug": 0.8119, "Acc.field": 0.601, "Acc.armchair": 0.8356, "Acc.seat": 0.8956, "Acc.fence": 0.6896, "Acc.desk": 0.7242, "Acc.rock": 0.7314, "Acc.wardrobe": 0.7559, "Acc.lamp": 0.7718, "Acc.bathtub": 0.9164, "Acc.railing": 0.5377, "Acc.cushion": 0.7013, "Acc.base": 0.6182, "Acc.box": 0.4993, "Acc.column": 0.6837, "Acc.signboard": 0.5149, "Acc.chest of drawers": 0.7634, "Acc.counter": 0.6274, "Acc.sand": 0.8091, "Acc.sink": 0.9153, "Acc.skyscraper": 0.4415, "Acc.fireplace": 0.9713, "Acc.refrigerator": 0.9355, "Acc.grandstand": 0.8369, "Acc.path": 0.309, "Acc.stairs": 0.4827, "Acc.runway": 0.8981, "Acc.case": 0.8815, "Acc.pool table": 0.9826, "Acc.pillow": 0.8321, "Acc.screen door": 0.9736, "Acc.stairway": 0.4221, "Acc.river": 0.2735, "Acc.bridge": 0.7292, "Acc.bookcase": 0.5445, "Acc.blind": 0.4895, "Acc.coffee table": 0.8563, "Acc.toilet": 0.921, "Acc.flower": 0.5125, "Acc.book": 0.7832, "Acc.hill": 0.1567, "Acc.bench": 0.6047, "Acc.countertop": 0.787, "Acc.stove": 0.9184, "Acc.palm": 0.8265, "Acc.kitchen island": 0.833, "Acc.computer": 0.8738, "Acc.swivel chair": 0.8754, "Acc.boat": 0.8706, "Acc.bar": 0.8492, "Acc.arcade machine": 0.9402, "Acc.hovel": 0.1825, "Acc.bus": 0.9691, "Acc.towel": 0.7886, "Acc.light": 0.4982, "Acc.truck": 0.6104, "Acc.tower": 0.2257, "Acc.chandelier": 0.7175, "Acc.awning": 0.4693, "Acc.streetlight": 0.2965, "Acc.booth": 0.8264, "Acc.television receiver": 0.9076, "Acc.airplane": 0.9407, "Acc.dirt track": 0.6285, "Acc.apparel": 0.8373, "Acc.pole": 0.2202, "Acc.land": 0.0707, "Acc.bannister": 0.1294, "Acc.escalator": 0.859, "Acc.ottoman": 0.7462, "Acc.bottle": 0.7038, "Acc.buffet": 0.6975, "Acc.poster": 0.3291, "Acc.stage": 0.4249, "Acc.van": 0.6799, "Acc.ship": 0.0888, "Acc.fountain": 0.827, "Acc.conveyer belt": 0.9557, "Acc.canopy": 0.6451, "Acc.washer": 0.9488, "Acc.plaything": 0.4371, "Acc.swimming pool": 0.8694, "Acc.stool": 0.5705, "Acc.barrel": 0.6725, "Acc.basket": 0.5955, "Acc.waterfall": 0.9624, "Acc.tent": 0.9898, "Acc.bag": 0.2804, "Acc.minibike": 0.9041, "Acc.cradle": 0.9648, "Acc.oven": 0.7011, "Acc.ball": 0.1877, "Acc.food": 0.6508, "Acc.step": 0.1205, "Acc.tank": 0.7922, "Acc.trade name": 0.2962, "Acc.microwave": 0.9673, "Acc.pot": 0.6403, "Acc.animal": 0.7327, "Acc.bicycle": 0.7896, "Acc.lake": 0.6379, "Acc.dishwasher": 0.8061, "Acc.screen": 0.8931, "Acc.blanket": 0.2963, "Acc.sculpture": 0.7657, "Acc.hood": 0.7882, "Acc.sconce": 0.6696, "Acc.vase": 0.5877, "Acc.traffic light": 0.594, "Acc.tray": 0.1817, "Acc.ashcan": 0.6623, "Acc.fan": 0.6742, "Acc.pier": 0.4082, "Acc.crt screen": 0.0629, "Acc.plate": 0.7789, "Acc.monitor": 0.7967, "Acc.bulletin board": 0.787, "Acc.shower": 0.0172, "Acc.radiator": 0.7985, "Acc.glass": 0.2074, "Acc.clock": 0.4998, "Acc.flag": 0.6996} +{"mode": "train", "epoch": 16, "iter": 19050, "lr": 0.0, "memory": 65790, "data_time": 1.65916, "decode.loss_ce": 0.28434, "decode.acc_seg": 88.16779, "aux.loss_ce": 0.11414, "aux.acc_seg": 88.33967, "loss": 0.39848, "time": 3.26205} +{"mode": "train", "epoch": 16, "iter": 19100, "lr": 0.0, "memory": 65790, "data_time": 0.00709, "decode.loss_ce": 0.29462, "decode.acc_seg": 87.80884, "aux.loss_ce": 0.11691, "aux.acc_seg": 88.02956, "loss": 0.41153, "time": 1.61054} +{"mode": "train", "epoch": 16, "iter": 19150, "lr": 0.0, "memory": 65790, "data_time": 0.00736, "decode.loss_ce": 0.277, "decode.acc_seg": 88.41767, "aux.loss_ce": 0.11244, "aux.acc_seg": 88.55476, "loss": 0.38944, "time": 1.61087} +{"mode": "train", "epoch": 16, "iter": 19200, "lr": 0.0, "memory": 65790, "data_time": 0.00726, "decode.loss_ce": 0.28418, "decode.acc_seg": 87.96236, "aux.loss_ce": 0.1144, "aux.acc_seg": 87.9637, "loss": 0.39858, "time": 1.61364} +{"mode": "train", "epoch": 16, "iter": 19250, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.2824, "decode.acc_seg": 88.53248, "aux.loss_ce": 0.11427, "aux.acc_seg": 88.51906, "loss": 0.39667, "time": 1.6142} +{"mode": "train", "epoch": 16, "iter": 19300, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.28479, "decode.acc_seg": 88.34672, "aux.loss_ce": 0.11502, "aux.acc_seg": 88.34431, "loss": 0.39981, "time": 1.61031} +{"mode": "train", "epoch": 16, "iter": 19350, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.26355, "decode.acc_seg": 89.0581, "aux.loss_ce": 0.1066, "aux.acc_seg": 88.95617, "loss": 0.37014, "time": 1.61011} +{"mode": "train", "epoch": 16, "iter": 19400, "lr": 0.0, "memory": 65790, "data_time": 0.00738, "decode.loss_ce": 0.27465, "decode.acc_seg": 88.5718, "aux.loss_ce": 0.10888, "aux.acc_seg": 88.85361, "loss": 0.38353, "time": 1.61001} +{"mode": "train", "epoch": 16, "iter": 19450, "lr": 0.0, "memory": 65790, "data_time": 0.00719, "decode.loss_ce": 0.26863, "decode.acc_seg": 88.88739, "aux.loss_ce": 0.10826, "aux.acc_seg": 88.88748, "loss": 0.37689, "time": 1.61282} +{"mode": "train", "epoch": 16, "iter": 19500, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.30545, "decode.acc_seg": 87.42093, "aux.loss_ce": 0.12359, "aux.acc_seg": 87.26017, "loss": 0.42904, "time": 1.6136} +{"mode": "train", "epoch": 16, "iter": 19550, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.27423, "decode.acc_seg": 88.74775, "aux.loss_ce": 0.11122, "aux.acc_seg": 88.66965, "loss": 0.38545, "time": 1.61657} +{"mode": "train", "epoch": 16, "iter": 19600, "lr": 0.0, "memory": 65790, "data_time": 0.0071, "decode.loss_ce": 0.28773, "decode.acc_seg": 87.9296, "aux.loss_ce": 0.11683, "aux.acc_seg": 87.9055, "loss": 0.40456, "time": 1.61017} +{"mode": "train", "epoch": 16, "iter": 19650, "lr": 0.0, "memory": 65790, "data_time": 0.00715, "decode.loss_ce": 0.26865, "decode.acc_seg": 88.84153, "aux.loss_ce": 0.10881, "aux.acc_seg": 88.65871, "loss": 0.37746, "time": 1.60951} +{"mode": "train", "epoch": 16, "iter": 19700, "lr": 0.0, "memory": 65790, "data_time": 0.00709, "decode.loss_ce": 0.27892, "decode.acc_seg": 88.23916, "aux.loss_ce": 0.1119, "aux.acc_seg": 88.22507, "loss": 0.39082, "time": 1.60962} +{"mode": "train", "epoch": 16, "iter": 19750, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.27657, "decode.acc_seg": 88.86816, "aux.loss_ce": 0.11212, "aux.acc_seg": 88.84389, "loss": 0.38869, "time": 1.6131} +{"mode": "train", "epoch": 16, "iter": 19800, "lr": 0.0, "memory": 65790, "data_time": 0.00726, "decode.loss_ce": 0.26456, "decode.acc_seg": 89.03974, "aux.loss_ce": 0.10725, "aux.acc_seg": 88.95274, "loss": 0.37181, "time": 1.61658} +{"mode": "train", "epoch": 16, "iter": 19850, "lr": 0.0, "memory": 65790, "data_time": 0.0073, "decode.loss_ce": 0.27108, "decode.acc_seg": 88.59009, "aux.loss_ce": 0.11071, "aux.acc_seg": 88.50974, "loss": 0.38179, "time": 1.61141} +{"mode": "train", "epoch": 16, "iter": 19900, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.27448, "decode.acc_seg": 88.55371, "aux.loss_ce": 0.11083, "aux.acc_seg": 88.69085, "loss": 0.38531, "time": 1.60984} +{"mode": "train", "epoch": 16, "iter": 19950, "lr": 0.0, "memory": 65790, "data_time": 0.0071, "decode.loss_ce": 0.29359, "decode.acc_seg": 87.99441, "aux.loss_ce": 0.11888, "aux.acc_seg": 87.92576, "loss": 0.41247, "time": 1.60913} +{"mode": "train", "epoch": 16, "iter": 20000, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.2657, "decode.acc_seg": 88.996, "aux.loss_ce": 0.10808, "aux.acc_seg": 88.94361, "loss": 0.37378, "time": 3.0393} +{"mode": "val", "epoch": 16, "iter": 250, "lr": 0.0, "aAcc": 0.8515, "mIoU": 0.5622, "mAcc": 0.6955, "IoU.wall": 0.7955, "IoU.building": 0.8439, "IoU.sky": 0.944, "IoU.floor": 0.8349, "IoU.tree": 0.7688, "IoU.ceiling": 0.8456, "IoU.road": 0.8587, "IoU.bed ": 0.9016, "IoU.windowpane": 0.648, "IoU.grass": 0.6631, "IoU.cabinet": 0.6553, "IoU.sidewalk": 0.6894, "IoU.person": 0.8277, "IoU.earth": 0.3776, "IoU.door": 0.5727, "IoU.table": 0.6623, "IoU.mountain": 0.603, "IoU.plant": 0.5648, "IoU.curtain": 0.7593, "IoU.chair": 0.6291, "IoU.car": 0.843, "IoU.water": 0.622, "IoU.painting": 0.7502, "IoU.sofa": 0.817, "IoU.shelf": 0.4527, "IoU.house": 0.5791, "IoU.sea": 0.7231, "IoU.mirror": 0.748, "IoU.rug": 0.6903, "IoU.field": 0.2839, "IoU.armchair": 0.6059, "IoU.seat": 0.662, "IoU.fence": 0.4898, "IoU.desk": 0.5685, "IoU.rock": 0.5836, "IoU.wardrobe": 0.5451, "IoU.lamp": 0.655, "IoU.bathtub": 0.8341, "IoU.railing": 0.4068, "IoU.cushion": 0.6299, "IoU.base": 0.4325, "IoU.box": 0.3955, "IoU.column": 0.5461, "IoU.signboard": 0.3801, "IoU.chest of drawers": 0.4888, "IoU.counter": 0.5575, "IoU.sand": 0.5421, "IoU.sink": 0.8038, "IoU.skyscraper": 0.5157, "IoU.fireplace": 0.7638, "IoU.refrigerator": 0.8242, "IoU.grandstand": 0.4682, "IoU.path": 0.299, "IoU.stairs": 0.2452, "IoU.runway": 0.6733, "IoU.case": 0.6497, "IoU.pool table": 0.922, "IoU.pillow": 0.5079, "IoU.screen door": 0.7539, "IoU.stairway": 0.4368, "IoU.river": 0.209, "IoU.bridge": 0.5716, "IoU.bookcase": 0.4193, "IoU.blind": 0.5168, "IoU.coffee table": 0.5786, "IoU.toilet": 0.8902, "IoU.flower": 0.3953, "IoU.book": 0.4754, "IoU.hill": 0.0534, "IoU.bench": 0.5855, "IoU.countertop": 0.6683, "IoU.stove": 0.8537, "IoU.palm": 0.5257, "IoU.kitchen island": 0.5344, "IoU.computer": 0.7757, "IoU.swivel chair": 0.5049, "IoU.boat": 0.7485, "IoU.bar": 0.6885, "IoU.arcade machine": 0.9031, "IoU.hovel": 0.2097, "IoU.bus": 0.9159, "IoU.towel": 0.7246, "IoU.light": 0.4136, "IoU.truck": 0.4536, "IoU.tower": 0.243, "IoU.chandelier": 0.6762, "IoU.awning": 0.2858, "IoU.streetlight": 0.2578, "IoU.booth": 0.4981, "IoU.television receiver": 0.797, "IoU.airplane": 0.7604, "IoU.dirt track": 0.0826, "IoU.apparel": 0.57, "IoU.pole": 0.1815, "IoU.land": 0.0229, "IoU.bannister": 0.1552, "IoU.escalator": 0.6524, "IoU.ottoman": 0.4821, "IoU.bottle": 0.4313, "IoU.buffet": 0.5653, "IoU.poster": 0.3318, "IoU.stage": 0.1831, "IoU.van": 0.4501, "IoU.ship": 0.8337, "IoU.fountain": 0.4951, "IoU.conveyer belt": 0.7961, "IoU.canopy": 0.4668, "IoU.washer": 0.867, "IoU.plaything": 0.2733, "IoU.swimming pool": 0.5815, "IoU.stool": 0.4987, "IoU.barrel": 0.5829, "IoU.basket": 0.4405, "IoU.waterfall": 0.5715, "IoU.tent": 0.9223, "IoU.bag": 0.3523, "IoU.minibike": 0.6936, "IoU.cradle": 0.8896, "IoU.oven": 0.5722, "IoU.ball": 0.6071, "IoU.food": 0.5458, "IoU.step": 0.1114, "IoU.tank": 0.6187, "IoU.trade name": 0.3403, "IoU.microwave": 0.8648, "IoU.pot": 0.5513, "IoU.animal": 0.7191, "IoU.bicycle": 0.5766, "IoU.lake": 0.5545, "IoU.dishwasher": 0.735, "IoU.screen": 0.517, "IoU.blanket": 0.2942, "IoU.sculpture": 0.7229, "IoU.hood": 0.7335, "IoU.sconce": 0.5503, "IoU.vase": 0.4209, "IoU.traffic light": 0.3277, "IoU.tray": 0.2045, "IoU.ashcan": 0.5029, "IoU.fan": 0.5779, "IoU.pier": 0.3572, "IoU.crt screen": 0.1129, "IoU.plate": 0.5941, "IoU.monitor": 0.4632, "IoU.bulletin board": 0.5613, "IoU.shower": 0.0016, "IoU.radiator": 0.6145, "IoU.glass": 0.2017, "IoU.clock": 0.4778, "IoU.flag": 0.6538, "Acc.wall": 0.8622, "Acc.building": 0.9346, "Acc.sky": 0.9734, "Acc.floor": 0.9061, "Acc.tree": 0.8967, "Acc.ceiling": 0.9635, "Acc.road": 0.9097, "Acc.bed ": 0.9753, "Acc.windowpane": 0.7538, "Acc.grass": 0.7907, "Acc.cabinet": 0.7449, "Acc.sidewalk": 0.8449, "Acc.person": 0.9204, "Acc.earth": 0.504, "Acc.door": 0.7376, "Acc.table": 0.7863, "Acc.mountain": 0.6897, "Acc.plant": 0.6986, "Acc.curtain": 0.9157, "Acc.chair": 0.7475, "Acc.car": 0.9491, "Acc.water": 0.7585, "Acc.painting": 0.8878, "Acc.sofa": 0.885, "Acc.shelf": 0.6403, "Acc.house": 0.7709, "Acc.sea": 0.8865, "Acc.mirror": 0.8623, "Acc.rug": 0.8225, "Acc.field": 0.5074, "Acc.armchair": 0.8124, "Acc.seat": 0.8907, "Acc.fence": 0.6046, "Acc.desk": 0.727, "Acc.rock": 0.8459, "Acc.wardrobe": 0.8314, "Acc.lamp": 0.7781, "Acc.bathtub": 0.8615, "Acc.railing": 0.5786, "Acc.cushion": 0.8341, "Acc.base": 0.5979, "Acc.box": 0.5338, "Acc.column": 0.6752, "Acc.signboard": 0.4689, "Acc.chest of drawers": 0.6586, "Acc.counter": 0.6315, "Acc.sand": 0.8963, "Acc.sink": 0.8912, "Acc.skyscraper": 0.6456, "Acc.fireplace": 0.9262, "Acc.refrigerator": 0.898, "Acc.grandstand": 0.8145, "Acc.path": 0.4172, "Acc.stairs": 0.2855, "Acc.runway": 0.8753, "Acc.case": 0.8254, "Acc.pool table": 0.9822, "Acc.pillow": 0.5374, "Acc.screen door": 0.7766, "Acc.stairway": 0.5755, "Acc.river": 0.3146, "Acc.bridge": 0.8948, "Acc.bookcase": 0.7469, "Acc.blind": 0.6988, "Acc.coffee table": 0.884, "Acc.toilet": 0.9523, "Acc.flower": 0.5455, "Acc.book": 0.6401, "Acc.hill": 0.1375, "Acc.bench": 0.6727, "Acc.countertop": 0.8244, "Acc.stove": 0.9204, "Acc.palm": 0.7419, "Acc.kitchen island": 0.7617, "Acc.computer": 0.8858, "Acc.swivel chair": 0.7796, "Acc.boat": 0.8837, "Acc.bar": 0.8399, "Acc.arcade machine": 0.9605, "Acc.hovel": 0.2215, "Acc.bus": 0.9687, "Acc.towel": 0.8411, "Acc.light": 0.4586, "Acc.truck": 0.5934, "Acc.tower": 0.3192, "Acc.chandelier": 0.8034, "Acc.awning": 0.3377, "Acc.streetlight": 0.3764, "Acc.booth": 0.7815, "Acc.television receiver": 0.8603, "Acc.airplane": 0.8366, "Acc.dirt track": 0.0954, "Acc.apparel": 0.8495, "Acc.pole": 0.2435, "Acc.land": 0.0404, "Acc.bannister": 0.24, "Acc.escalator": 0.8357, "Acc.ottoman": 0.6393, "Acc.bottle": 0.7048, "Acc.buffet": 0.6338, "Acc.poster": 0.39, "Acc.stage": 0.3904, "Acc.van": 0.6141, "Acc.ship": 0.8994, "Acc.fountain": 0.5011, "Acc.conveyer belt": 0.9563, "Acc.canopy": 0.741, "Acc.washer": 0.9328, "Acc.plaything": 0.3865, "Acc.swimming pool": 0.8687, "Acc.stool": 0.7577, "Acc.barrel": 0.6953, "Acc.basket": 0.5939, "Acc.waterfall": 0.6692, "Acc.tent": 0.9891, "Acc.bag": 0.4361, "Acc.minibike": 0.7761, "Acc.cradle": 0.9629, "Acc.oven": 0.6694, "Acc.ball": 0.7541, "Acc.food": 0.717, "Acc.step": 0.1448, "Acc.tank": 0.7906, "Acc.trade name": 0.4222, "Acc.microwave": 0.9625, "Acc.pot": 0.6499, "Acc.animal": 0.7402, "Acc.bicycle": 0.7291, "Acc.lake": 0.6349, "Acc.dishwasher": 0.8292, "Acc.screen": 0.9555, "Acc.blanket": 0.3572, "Acc.sculpture": 0.8287, "Acc.hood": 0.8983, "Acc.sconce": 0.6936, "Acc.vase": 0.6126, "Acc.traffic light": 0.5859, "Acc.tray": 0.254, "Acc.ashcan": 0.6523, "Acc.fan": 0.6888, "Acc.pier": 0.399, "Acc.crt screen": 0.1327, "Acc.plate": 0.7904, "Acc.monitor": 0.8119, "Acc.bulletin board": 0.6784, "Acc.shower": 0.0046, "Acc.radiator": 0.8738, "Acc.glass": 0.2187, "Acc.clock": 0.5811, "Acc.flag": 0.7306} +{"mode": "train", "epoch": 16, "iter": 20050, "lr": 0.0, "memory": 65790, "data_time": 1.66602, "decode.loss_ce": 0.29666, "decode.acc_seg": 87.69593, "aux.loss_ce": 0.11816, "aux.acc_seg": 87.93252, "loss": 0.41482, "time": 3.26869} +{"mode": "train", "epoch": 16, "iter": 20100, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.28724, "decode.acc_seg": 88.20671, "aux.loss_ce": 0.11505, "aux.acc_seg": 88.25972, "loss": 0.40229, "time": 1.61204} +{"mode": "train", "epoch": 16, "iter": 20150, "lr": 0.0, "memory": 65790, "data_time": 0.00709, "decode.loss_ce": 0.28624, "decode.acc_seg": 88.32557, "aux.loss_ce": 0.11581, "aux.acc_seg": 88.35289, "loss": 0.40205, "time": 1.61399} +{"mode": "train", "epoch": 16, "iter": 20200, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.2926, "decode.acc_seg": 87.61267, "aux.loss_ce": 0.11746, "aux.acc_seg": 87.77563, "loss": 0.41006, "time": 1.61101} +{"mode": "train", "epoch": 17, "iter": 20250, "lr": 0.0, "memory": 65790, "data_time": 0.05932, "decode.loss_ce": 0.26687, "decode.acc_seg": 88.84634, "aux.loss_ce": 0.10762, "aux.acc_seg": 88.76482, "loss": 0.37449, "time": 1.6656} +{"mode": "train", "epoch": 17, "iter": 20300, "lr": 0.0, "memory": 65790, "data_time": 0.00709, "decode.loss_ce": 0.2876, "decode.acc_seg": 88.3188, "aux.loss_ce": 0.11348, "aux.acc_seg": 88.55533, "loss": 0.40108, "time": 1.60908} +{"mode": "train", "epoch": 17, "iter": 20350, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.28076, "decode.acc_seg": 88.14448, "aux.loss_ce": 0.11237, "aux.acc_seg": 88.33811, "loss": 0.39312, "time": 1.60977} +{"mode": "train", "epoch": 17, "iter": 20400, "lr": 0.0, "memory": 65790, "data_time": 0.00707, "decode.loss_ce": 0.26884, "decode.acc_seg": 88.61347, "aux.loss_ce": 0.10937, "aux.acc_seg": 88.55742, "loss": 0.37821, "time": 1.60938} +{"mode": "train", "epoch": 17, "iter": 20450, "lr": 0.0, "memory": 65790, "data_time": 0.00732, "decode.loss_ce": 0.27872, "decode.acc_seg": 88.27581, "aux.loss_ce": 0.11249, "aux.acc_seg": 88.50658, "loss": 0.39121, "time": 1.61323} +{"mode": "train", "epoch": 17, "iter": 20500, "lr": 0.0, "memory": 65790, "data_time": 0.00712, "decode.loss_ce": 0.28412, "decode.acc_seg": 87.91104, "aux.loss_ce": 0.11325, "aux.acc_seg": 88.07882, "loss": 0.39738, "time": 1.61068} +{"mode": "train", "epoch": 17, "iter": 20550, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.26274, "decode.acc_seg": 88.93306, "aux.loss_ce": 0.10702, "aux.acc_seg": 88.97505, "loss": 0.36976, "time": 1.60925} +{"mode": "train", "epoch": 17, "iter": 20600, "lr": 0.0, "memory": 65790, "data_time": 0.0071, "decode.loss_ce": 0.27441, "decode.acc_seg": 88.54959, "aux.loss_ce": 0.11096, "aux.acc_seg": 88.69532, "loss": 0.38538, "time": 1.61201} +{"mode": "train", "epoch": 17, "iter": 20650, "lr": 0.0, "memory": 65790, "data_time": 0.00713, "decode.loss_ce": 0.27604, "decode.acc_seg": 88.94732, "aux.loss_ce": 0.11189, "aux.acc_seg": 88.903, "loss": 0.38794, "time": 1.60957} +{"mode": "train", "epoch": 17, "iter": 20700, "lr": 0.0, "memory": 65790, "data_time": 0.00707, "decode.loss_ce": 0.27584, "decode.acc_seg": 88.72161, "aux.loss_ce": 0.1107, "aux.acc_seg": 88.65911, "loss": 0.38655, "time": 1.61057} +{"mode": "train", "epoch": 17, "iter": 20750, "lr": 0.0, "memory": 65790, "data_time": 0.00735, "decode.loss_ce": 0.25847, "decode.acc_seg": 88.87769, "aux.loss_ce": 0.10482, "aux.acc_seg": 88.9652, "loss": 0.36329, "time": 1.61552} +{"mode": "train", "epoch": 17, "iter": 20800, "lr": 0.0, "memory": 65790, "data_time": 0.00712, "decode.loss_ce": 0.26286, "decode.acc_seg": 88.76241, "aux.loss_ce": 0.10641, "aux.acc_seg": 88.76178, "loss": 0.36926, "time": 1.61249} +{"mode": "train", "epoch": 17, "iter": 20850, "lr": 0.0, "memory": 65790, "data_time": 0.0073, "decode.loss_ce": 0.26605, "decode.acc_seg": 88.45812, "aux.loss_ce": 0.10809, "aux.acc_seg": 88.45104, "loss": 0.37413, "time": 1.6096} +{"mode": "train", "epoch": 17, "iter": 20900, "lr": 0.0, "memory": 65790, "data_time": 0.00721, "decode.loss_ce": 0.24905, "decode.acc_seg": 89.52432, "aux.loss_ce": 0.10055, "aux.acc_seg": 89.53872, "loss": 0.34959, "time": 1.60985} +{"mode": "train", "epoch": 17, "iter": 20950, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.28886, "decode.acc_seg": 87.81314, "aux.loss_ce": 0.116, "aux.acc_seg": 87.90408, "loss": 0.40485, "time": 1.61084} +{"mode": "train", "epoch": 17, "iter": 21000, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.27004, "decode.acc_seg": 88.69924, "aux.loss_ce": 0.10835, "aux.acc_seg": 88.76939, "loss": 0.37839, "time": 1.61011} +{"mode": "val", "epoch": 17, "iter": 250, "lr": 0.0, "aAcc": 0.8504, "mIoU": 0.5595, "mAcc": 0.704, "IoU.wall": 0.8043, "IoU.building": 0.8414, "IoU.sky": 0.9427, "IoU.floor": 0.8402, "IoU.tree": 0.7659, "IoU.ceiling": 0.8565, "IoU.road": 0.8392, "IoU.bed ": 0.9129, "IoU.windowpane": 0.6506, "IoU.grass": 0.6336, "IoU.cabinet": 0.6623, "IoU.sidewalk": 0.6807, "IoU.person": 0.8266, "IoU.earth": 0.3806, "IoU.door": 0.5836, "IoU.table": 0.6837, "IoU.mountain": 0.5768, "IoU.plant": 0.5663, "IoU.curtain": 0.7801, "IoU.chair": 0.6228, "IoU.car": 0.8594, "IoU.water": 0.5717, "IoU.painting": 0.7616, "IoU.sofa": 0.8234, "IoU.shelf": 0.4384, "IoU.house": 0.533, "IoU.sea": 0.7122, "IoU.mirror": 0.7722, "IoU.rug": 0.7073, "IoU.field": 0.2446, "IoU.armchair": 0.6217, "IoU.seat": 0.6601, "IoU.fence": 0.518, "IoU.desk": 0.5411, "IoU.rock": 0.5563, "IoU.wardrobe": 0.586, "IoU.lamp": 0.6673, "IoU.bathtub": 0.8384, "IoU.railing": 0.4077, "IoU.cushion": 0.6379, "IoU.base": 0.4475, "IoU.box": 0.3607, "IoU.column": 0.4915, "IoU.signboard": 0.3806, "IoU.chest of drawers": 0.4288, "IoU.counter": 0.5357, "IoU.sand": 0.5347, "IoU.sink": 0.7962, "IoU.skyscraper": 0.5123, "IoU.fireplace": 0.7344, "IoU.refrigerator": 0.8388, "IoU.grandstand": 0.4814, "IoU.path": 0.2842, "IoU.stairs": 0.3366, "IoU.runway": 0.6753, "IoU.case": 0.6151, "IoU.pool table": 0.9012, "IoU.pillow": 0.61, "IoU.screen door": 0.8805, "IoU.stairway": 0.4881, "IoU.river": 0.1443, "IoU.bridge": 0.7322, "IoU.bookcase": 0.3763, "IoU.blind": 0.414, "IoU.coffee table": 0.6623, "IoU.toilet": 0.8803, "IoU.flower": 0.3899, "IoU.book": 0.4826, "IoU.hill": 0.0656, "IoU.bench": 0.6386, "IoU.countertop": 0.6205, "IoU.stove": 0.8591, "IoU.palm": 0.527, "IoU.kitchen island": 0.4586, "IoU.computer": 0.744, "IoU.swivel chair": 0.4969, "IoU.boat": 0.7383, "IoU.bar": 0.7151, "IoU.arcade machine": 0.7929, "IoU.hovel": 0.1784, "IoU.bus": 0.9128, "IoU.towel": 0.722, "IoU.light": 0.4958, "IoU.truck": 0.4457, "IoU.tower": 0.4055, "IoU.chandelier": 0.6705, "IoU.awning": 0.33, "IoU.streetlight": 0.2996, "IoU.booth": 0.439, "IoU.television receiver": 0.7841, "IoU.airplane": 0.8477, "IoU.dirt track": 0.085, "IoU.apparel": 0.5055, "IoU.pole": 0.1972, "IoU.land": 0.0543, "IoU.bannister": 0.1628, "IoU.escalator": 0.6567, "IoU.ottoman": 0.513, "IoU.bottle": 0.4092, "IoU.buffet": 0.5271, "IoU.poster": 0.3102, "IoU.stage": 0.2166, "IoU.van": 0.4739, "IoU.ship": 0.7837, "IoU.fountain": 0.392, "IoU.conveyer belt": 0.7975, "IoU.canopy": 0.4129, "IoU.washer": 0.8833, "IoU.plaything": 0.3103, "IoU.swimming pool": 0.5965, "IoU.stool": 0.4679, "IoU.barrel": 0.6022, "IoU.basket": 0.4406, "IoU.waterfall": 0.507, "IoU.tent": 0.9275, "IoU.bag": 0.215, "IoU.minibike": 0.7328, "IoU.cradle": 0.8878, "IoU.oven": 0.5739, "IoU.ball": 0.4197, "IoU.food": 0.5111, "IoU.step": 0.1232, "IoU.tank": 0.5945, "IoU.trade name": 0.2042, "IoU.microwave": 0.8853, "IoU.pot": 0.5587, "IoU.animal": 0.7268, "IoU.bicycle": 0.5991, "IoU.lake": 0.4344, "IoU.dishwasher": 0.7699, "IoU.screen": 0.5167, "IoU.blanket": 0.3047, "IoU.sculpture": 0.7128, "IoU.hood": 0.6427, "IoU.sconce": 0.548, "IoU.vase": 0.421, "IoU.traffic light": 0.3046, "IoU.tray": 0.2337, "IoU.ashcan": 0.502, "IoU.fan": 0.6112, "IoU.pier": 0.3926, "IoU.crt screen": 0.0651, "IoU.plate": 0.6152, "IoU.monitor": 0.529, "IoU.bulletin board": 0.6108, "IoU.shower": 0.028, "IoU.radiator": 0.6194, "IoU.glass": 0.1932, "IoU.clock": 0.4672, "IoU.flag": 0.6193, "Acc.wall": 0.8798, "Acc.building": 0.936, "Acc.sky": 0.9711, "Acc.floor": 0.9014, "Acc.tree": 0.8691, "Acc.ceiling": 0.9199, "Acc.road": 0.9221, "Acc.bed ": 0.9686, "Acc.windowpane": 0.8016, "Acc.grass": 0.7267, "Acc.cabinet": 0.7727, "Acc.sidewalk": 0.8046, "Acc.person": 0.9339, "Acc.earth": 0.5151, "Acc.door": 0.728, "Acc.table": 0.8156, "Acc.mountain": 0.6618, "Acc.plant": 0.7003, "Acc.curtain": 0.8831, "Acc.chair": 0.7244, "Acc.car": 0.923, "Acc.water": 0.6731, "Acc.painting": 0.8866, "Acc.sofa": 0.9191, "Acc.shelf": 0.6116, "Acc.house": 0.7336, "Acc.sea": 0.8471, "Acc.mirror": 0.8631, "Acc.rug": 0.8524, "Acc.field": 0.5565, "Acc.armchair": 0.796, "Acc.seat": 0.8975, "Acc.fence": 0.6645, "Acc.desk": 0.7591, "Acc.rock": 0.7737, "Acc.wardrobe": 0.7962, "Acc.lamp": 0.8249, "Acc.bathtub": 0.8641, "Acc.railing": 0.5759, "Acc.cushion": 0.8105, "Acc.base": 0.643, "Acc.box": 0.4434, "Acc.column": 0.5817, "Acc.signboard": 0.4586, "Acc.chest of drawers": 0.6717, "Acc.counter": 0.6603, "Acc.sand": 0.8833, "Acc.sink": 0.9207, "Acc.skyscraper": 0.681, "Acc.fireplace": 0.9593, "Acc.refrigerator": 0.9258, "Acc.grandstand": 0.8947, "Acc.path": 0.3995, "Acc.stairs": 0.4188, "Acc.runway": 0.88, "Acc.case": 0.8453, "Acc.pool table": 0.9906, "Acc.pillow": 0.6805, "Acc.screen door": 0.947, "Acc.stairway": 0.5931, "Acc.river": 0.4244, "Acc.bridge": 0.8761, "Acc.bookcase": 0.683, "Acc.blind": 0.5011, "Acc.coffee table": 0.8293, "Acc.toilet": 0.9411, "Acc.flower": 0.5412, "Acc.book": 0.7019, "Acc.hill": 0.1383, "Acc.bench": 0.7419, "Acc.countertop": 0.7058, "Acc.stove": 0.9293, "Acc.palm": 0.8095, "Acc.kitchen island": 0.6854, "Acc.computer": 0.9153, "Acc.swivel chair": 0.8931, "Acc.boat": 0.9196, "Acc.bar": 0.8465, "Acc.arcade machine": 0.8791, "Acc.hovel": 0.1907, "Acc.bus": 0.959, "Acc.towel": 0.8709, "Acc.light": 0.6674, "Acc.truck": 0.5888, "Acc.tower": 0.7331, "Acc.chandelier": 0.8725, "Acc.awning": 0.4255, "Acc.streetlight": 0.4002, "Acc.booth": 0.8148, "Acc.television receiver": 0.8598, "Acc.airplane": 0.9454, "Acc.dirt track": 0.4044, "Acc.apparel": 0.743, "Acc.pole": 0.2427, "Acc.land": 0.0887, "Acc.bannister": 0.2109, "Acc.escalator": 0.8305, "Acc.ottoman": 0.7365, "Acc.bottle": 0.7346, "Acc.buffet": 0.8755, "Acc.poster": 0.3326, "Acc.stage": 0.4564, "Acc.van": 0.7316, "Acc.ship": 0.9827, "Acc.fountain": 0.3992, "Acc.conveyer belt": 0.9489, "Acc.canopy": 0.6606, "Acc.washer": 0.9513, "Acc.plaything": 0.3962, "Acc.swimming pool": 0.8911, "Acc.stool": 0.6202, "Acc.barrel": 0.7736, "Acc.basket": 0.5743, "Acc.waterfall": 0.6875, "Acc.tent": 0.9861, "Acc.bag": 0.2446, "Acc.minibike": 0.8644, "Acc.cradle": 0.972, "Acc.oven": 0.6542, "Acc.ball": 0.4307, "Acc.food": 0.6012, "Acc.step": 0.1419, "Acc.tank": 0.717, "Acc.trade name": 0.2191, "Acc.microwave": 0.9576, "Acc.pot": 0.6693, "Acc.animal": 0.7664, "Acc.bicycle": 0.8014, "Acc.lake": 0.6663, "Acc.dishwasher": 0.8253, "Acc.screen": 0.9285, "Acc.blanket": 0.3625, "Acc.sculpture": 0.8711, "Acc.hood": 0.7861, "Acc.sconce": 0.7452, "Acc.vase": 0.6363, "Acc.traffic light": 0.6259, "Acc.tray": 0.2946, "Acc.ashcan": 0.6593, "Acc.fan": 0.732, "Acc.pier": 0.4524, "Acc.crt screen": 0.0822, "Acc.plate": 0.7633, "Acc.monitor": 0.7718, "Acc.bulletin board": 0.7808, "Acc.shower": 0.029, "Acc.radiator": 0.8086, "Acc.glass": 0.207, "Acc.clock": 0.6434, "Acc.flag": 0.7985} +{"mode": "train", "epoch": 17, "iter": 21050, "lr": 0.0, "memory": 65790, "data_time": 1.66469, "decode.loss_ce": 0.27184, "decode.acc_seg": 88.59961, "aux.loss_ce": 0.1105, "aux.acc_seg": 88.63, "loss": 0.38235, "time": 3.26778} +{"mode": "train", "epoch": 17, "iter": 21100, "lr": 0.0, "memory": 65790, "data_time": 0.00765, "decode.loss_ce": 0.26679, "decode.acc_seg": 89.01103, "aux.loss_ce": 0.10871, "aux.acc_seg": 88.8844, "loss": 0.3755, "time": 1.61175} +{"mode": "train", "epoch": 17, "iter": 21150, "lr": 0.0, "memory": 65790, "data_time": 0.00746, "decode.loss_ce": 0.27086, "decode.acc_seg": 88.91917, "aux.loss_ce": 0.10837, "aux.acc_seg": 89.06905, "loss": 0.37922, "time": 1.60986} +{"mode": "train", "epoch": 17, "iter": 21200, "lr": 0.0, "memory": 65790, "data_time": 0.00737, "decode.loss_ce": 0.27398, "decode.acc_seg": 88.52381, "aux.loss_ce": 0.1101, "aux.acc_seg": 88.43377, "loss": 0.38408, "time": 1.60853} +{"mode": "train", "epoch": 17, "iter": 21250, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.28448, "decode.acc_seg": 88.46054, "aux.loss_ce": 0.11386, "aux.acc_seg": 88.48995, "loss": 0.39833, "time": 1.60947} +{"mode": "train", "epoch": 17, "iter": 21300, "lr": 0.0, "memory": 65790, "data_time": 0.00722, "decode.loss_ce": 0.28808, "decode.acc_seg": 88.23212, "aux.loss_ce": 0.11526, "aux.acc_seg": 88.39203, "loss": 0.40334, "time": 1.6088} +{"mode": "train", "epoch": 17, "iter": 21350, "lr": 0.0, "memory": 65790, "data_time": 0.00727, "decode.loss_ce": 0.29926, "decode.acc_seg": 87.56961, "aux.loss_ce": 0.12026, "aux.acc_seg": 87.64929, "loss": 0.41952, "time": 1.6173} +{"mode": "train", "epoch": 17, "iter": 21400, "lr": 0.0, "memory": 65790, "data_time": 0.00739, "decode.loss_ce": 0.28122, "decode.acc_seg": 88.42316, "aux.loss_ce": 0.11445, "aux.acc_seg": 88.38193, "loss": 0.39566, "time": 1.61104} +{"mode": "train", "epoch": 17, "iter": 21450, "lr": 0.0, "memory": 65790, "data_time": 0.00728, "decode.loss_ce": 0.27847, "decode.acc_seg": 88.08279, "aux.loss_ce": 0.11198, "aux.acc_seg": 88.18445, "loss": 0.39045, "time": 1.60962} +{"mode": "train", "epoch": 18, "iter": 21500, "lr": 0.0, "memory": 65790, "data_time": 0.04949, "decode.loss_ce": 0.26675, "decode.acc_seg": 88.55882, "aux.loss_ce": 0.10708, "aux.acc_seg": 88.53629, "loss": 0.37384, "time": 1.65257} +{"mode": "train", "epoch": 18, "iter": 21550, "lr": 0.0, "memory": 65790, "data_time": 0.00747, "decode.loss_ce": 0.26003, "decode.acc_seg": 88.99083, "aux.loss_ce": 0.1055, "aux.acc_seg": 89.0879, "loss": 0.36552, "time": 1.6101} +{"mode": "train", "epoch": 18, "iter": 21600, "lr": 0.0, "memory": 65790, "data_time": 0.0075, "decode.loss_ce": 0.26471, "decode.acc_seg": 89.15173, "aux.loss_ce": 0.10908, "aux.acc_seg": 88.94687, "loss": 0.37379, "time": 1.61197} +{"mode": "train", "epoch": 18, "iter": 21650, "lr": 0.0, "memory": 65790, "data_time": 0.00743, "decode.loss_ce": 0.27147, "decode.acc_seg": 88.24183, "aux.loss_ce": 0.10944, "aux.acc_seg": 88.33058, "loss": 0.38091, "time": 1.61323} +{"mode": "train", "epoch": 18, "iter": 21700, "lr": 0.0, "memory": 65790, "data_time": 0.00733, "decode.loss_ce": 0.26976, "decode.acc_seg": 88.96618, "aux.loss_ce": 0.10944, "aux.acc_seg": 88.8873, "loss": 0.3792, "time": 1.61139} +{"mode": "train", "epoch": 18, "iter": 21750, "lr": 0.0, "memory": 65790, "data_time": 0.00732, "decode.loss_ce": 0.28405, "decode.acc_seg": 88.23196, "aux.loss_ce": 0.11377, "aux.acc_seg": 88.44707, "loss": 0.39783, "time": 1.60968} +{"mode": "train", "epoch": 18, "iter": 21800, "lr": 0.0, "memory": 65790, "data_time": 0.00734, "decode.loss_ce": 0.27186, "decode.acc_seg": 88.82419, "aux.loss_ce": 0.10923, "aux.acc_seg": 88.77067, "loss": 0.38109, "time": 1.60958} +{"mode": "train", "epoch": 18, "iter": 21850, "lr": 0.0, "memory": 65790, "data_time": 0.00726, "decode.loss_ce": 0.2665, "decode.acc_seg": 89.13672, "aux.loss_ce": 0.10727, "aux.acc_seg": 88.97267, "loss": 0.37378, "time": 1.60876} +{"mode": "train", "epoch": 18, "iter": 21900, "lr": 0.0, "memory": 65790, "data_time": 0.00724, "decode.loss_ce": 0.28251, "decode.acc_seg": 88.53446, "aux.loss_ce": 0.11484, "aux.acc_seg": 88.39295, "loss": 0.39735, "time": 1.60896} +{"mode": "train", "epoch": 18, "iter": 21950, "lr": 0.0, "memory": 65790, "data_time": 0.00754, "decode.loss_ce": 0.25486, "decode.acc_seg": 88.84373, "aux.loss_ce": 0.10315, "aux.acc_seg": 88.72521, "loss": 0.35801, "time": 1.6168} +{"mode": "train", "epoch": 18, "iter": 22000, "lr": 0.0, "memory": 65790, "data_time": 0.00739, "decode.loss_ce": 0.27394, "decode.acc_seg": 88.31814, "aux.loss_ce": 0.11048, "aux.acc_seg": 88.28481, "loss": 0.38442, "time": 3.07495} +{"mode": "val", "epoch": 18, "iter": 250, "lr": 0.0, "aAcc": 0.8554, "mIoU": 0.5693, "mAcc": 0.7067, "IoU.wall": 0.8093, "IoU.building": 0.8508, "IoU.sky": 0.9396, "IoU.floor": 0.8386, "IoU.tree": 0.7686, "IoU.ceiling": 0.8628, "IoU.road": 0.857, "IoU.bed ": 0.9169, "IoU.windowpane": 0.655, "IoU.grass": 0.6439, "IoU.cabinet": 0.6418, "IoU.sidewalk": 0.6918, "IoU.person": 0.8292, "IoU.earth": 0.4226, "IoU.door": 0.5819, "IoU.table": 0.6552, "IoU.mountain": 0.6401, "IoU.plant": 0.5778, "IoU.curtain": 0.7684, "IoU.chair": 0.6143, "IoU.car": 0.8574, "IoU.water": 0.6003, "IoU.painting": 0.7743, "IoU.sofa": 0.8199, "IoU.shelf": 0.4733, "IoU.house": 0.5819, "IoU.sea": 0.6942, "IoU.mirror": 0.797, "IoU.rug": 0.6831, "IoU.field": 0.26, "IoU.armchair": 0.6349, "IoU.seat": 0.6908, "IoU.fence": 0.5285, "IoU.desk": 0.5804, "IoU.rock": 0.6347, "IoU.wardrobe": 0.5359, "IoU.lamp": 0.6786, "IoU.bathtub": 0.8649, "IoU.railing": 0.4118, "IoU.cushion": 0.6679, "IoU.base": 0.4469, "IoU.box": 0.4121, "IoU.column": 0.5199, "IoU.signboard": 0.4098, "IoU.chest of drawers": 0.4498, "IoU.counter": 0.5497, "IoU.sand": 0.4531, "IoU.sink": 0.7812, "IoU.skyscraper": 0.4774, "IoU.fireplace": 0.709, "IoU.refrigerator": 0.8065, "IoU.grandstand": 0.4865, "IoU.path": 0.2622, "IoU.stairs": 0.3788, "IoU.runway": 0.7043, "IoU.case": 0.6244, "IoU.pool table": 0.9341, "IoU.pillow": 0.6346, "IoU.screen door": 0.7318, "IoU.stairway": 0.5338, "IoU.river": 0.1789, "IoU.bridge": 0.7216, "IoU.bookcase": 0.4233, "IoU.blind": 0.4025, "IoU.coffee table": 0.5732, "IoU.toilet": 0.8895, "IoU.flower": 0.4259, "IoU.book": 0.4919, "IoU.hill": 0.0711, "IoU.bench": 0.6168, "IoU.countertop": 0.6145, "IoU.stove": 0.848, "IoU.palm": 0.5398, "IoU.kitchen island": 0.4092, "IoU.computer": 0.7588, "IoU.swivel chair": 0.525, "IoU.boat": 0.6552, "IoU.bar": 0.6844, "IoU.arcade machine": 0.8204, "IoU.hovel": 0.3652, "IoU.bus": 0.9155, "IoU.towel": 0.6945, "IoU.light": 0.4413, "IoU.truck": 0.4472, "IoU.tower": 0.2784, "IoU.chandelier": 0.6888, "IoU.awning": 0.4524, "IoU.streetlight": 0.2377, "IoU.booth": 0.6505, "IoU.television receiver": 0.8112, "IoU.airplane": 0.7663, "IoU.dirt track": 0.1035, "IoU.apparel": 0.5577, "IoU.pole": 0.2736, "IoU.land": 0.0742, "IoU.bannister": 0.1962, "IoU.escalator": 0.6278, "IoU.ottoman": 0.5201, "IoU.bottle": 0.4277, "IoU.buffet": 0.4675, "IoU.poster": 0.3873, "IoU.stage": 0.2514, "IoU.van": 0.4428, "IoU.ship": 0.8971, "IoU.fountain": 0.7233, "IoU.conveyer belt": 0.6785, "IoU.canopy": 0.5094, "IoU.washer": 0.8858, "IoU.plaything": 0.4499, "IoU.swimming pool": 0.5413, "IoU.stool": 0.4133, "IoU.barrel": 0.4978, "IoU.basket": 0.4684, "IoU.waterfall": 0.7124, "IoU.tent": 0.9037, "IoU.bag": 0.2748, "IoU.minibike": 0.729, "IoU.cradle": 0.8764, "IoU.oven": 0.5978, "IoU.ball": 0.3162, "IoU.food": 0.5314, "IoU.step": 0.0892, "IoU.tank": 0.4727, "IoU.trade name": 0.093, "IoU.microwave": 0.8921, "IoU.pot": 0.5636, "IoU.animal": 0.7373, "IoU.bicycle": 0.5949, "IoU.lake": 0.5724, "IoU.dishwasher": 0.7352, "IoU.screen": 0.5676, "IoU.blanket": 0.3778, "IoU.sculpture": 0.7069, "IoU.hood": 0.6722, "IoU.sconce": 0.5502, "IoU.vase": 0.4428, "IoU.traffic light": 0.3771, "IoU.tray": 0.2332, "IoU.ashcan": 0.5013, "IoU.fan": 0.5847, "IoU.pier": 0.6098, "IoU.crt screen": 0.0201, "IoU.plate": 0.6119, "IoU.monitor": 0.4316, "IoU.bulletin board": 0.5695, "IoU.shower": 0.0398, "IoU.radiator": 0.6464, "IoU.glass": 0.1971, "IoU.clock": 0.4801, "IoU.flag": 0.6424, "Acc.wall": 0.8813, "Acc.building": 0.9328, "Acc.sky": 0.9677, "Acc.floor": 0.9146, "Acc.tree": 0.8937, "Acc.ceiling": 0.9328, "Acc.road": 0.9115, "Acc.bed ": 0.9661, "Acc.windowpane": 0.8332, "Acc.grass": 0.7407, "Acc.cabinet": 0.732, "Acc.sidewalk": 0.8232, "Acc.person": 0.9102, "Acc.earth": 0.6319, "Acc.door": 0.7037, "Acc.table": 0.7925, "Acc.mountain": 0.7968, "Acc.plant": 0.7008, "Acc.curtain": 0.8796, "Acc.chair": 0.6987, "Acc.car": 0.9256, "Acc.water": 0.6969, "Acc.painting": 0.8902, "Acc.sofa": 0.8852, "Acc.shelf": 0.6046, "Acc.house": 0.8201, "Acc.sea": 0.8604, "Acc.mirror": 0.886, "Acc.rug": 0.7916, "Acc.field": 0.4671, "Acc.armchair": 0.8215, "Acc.seat": 0.8897, "Acc.fence": 0.7094, "Acc.desk": 0.7832, "Acc.rock": 0.7979, "Acc.wardrobe": 0.8062, "Acc.lamp": 0.834, "Acc.bathtub": 0.9093, "Acc.railing": 0.5622, "Acc.cushion": 0.8164, "Acc.base": 0.6223, "Acc.box": 0.5441, "Acc.column": 0.6697, "Acc.signboard": 0.539, "Acc.chest of drawers": 0.6552, "Acc.counter": 0.7197, "Acc.sand": 0.6714, "Acc.sink": 0.8301, "Acc.skyscraper": 0.5788, "Acc.fireplace": 0.9457, "Acc.refrigerator": 0.9103, "Acc.grandstand": 0.8969, "Acc.path": 0.3546, "Acc.stairs": 0.4685, "Acc.runway": 0.9914, "Acc.case": 0.8394, "Acc.pool table": 0.9797, "Acc.pillow": 0.717, "Acc.screen door": 0.8197, "Acc.stairway": 0.6073, "Acc.river": 0.3607, "Acc.bridge": 0.8873, "Acc.bookcase": 0.7146, "Acc.blind": 0.477, "Acc.coffee table": 0.8795, "Acc.toilet": 0.951, "Acc.flower": 0.5362, "Acc.book": 0.6812, "Acc.hill": 0.1194, "Acc.bench": 0.7728, "Acc.countertop": 0.8341, "Acc.stove": 0.9286, "Acc.palm": 0.761, "Acc.kitchen island": 0.9457, "Acc.computer": 0.9089, "Acc.swivel chair": 0.8621, "Acc.boat": 0.8865, "Acc.bar": 0.8072, "Acc.arcade machine": 0.8836, "Acc.hovel": 0.4139, "Acc.bus": 0.9695, "Acc.towel": 0.8156, "Acc.light": 0.4883, "Acc.truck": 0.5335, "Acc.tower": 0.436, "Acc.chandelier": 0.7918, "Acc.awning": 0.5842, "Acc.streetlight": 0.2839, "Acc.booth": 0.8012, "Acc.television receiver": 0.9011, "Acc.airplane": 0.8347, "Acc.dirt track": 0.3729, "Acc.apparel": 0.7812, "Acc.pole": 0.3856, "Acc.land": 0.1074, "Acc.bannister": 0.2357, "Acc.escalator": 0.8766, "Acc.ottoman": 0.79, "Acc.bottle": 0.6645, "Acc.buffet": 0.5386, "Acc.poster": 0.5348, "Acc.stage": 0.4853, "Acc.van": 0.6783, "Acc.ship": 0.9419, "Acc.fountain": 0.777, "Acc.conveyer belt": 0.9627, "Acc.canopy": 0.7059, "Acc.washer": 0.9552, "Acc.plaything": 0.5833, "Acc.swimming pool": 0.7925, "Acc.stool": 0.496, "Acc.barrel": 0.6663, "Acc.basket": 0.5788, "Acc.waterfall": 0.9111, "Acc.tent": 0.9796, "Acc.bag": 0.3163, "Acc.minibike": 0.8768, "Acc.cradle": 0.9723, "Acc.oven": 0.7404, "Acc.ball": 0.3233, "Acc.food": 0.5775, "Acc.step": 0.1001, "Acc.tank": 0.7132, "Acc.trade name": 0.0954, "Acc.microwave": 0.9509, "Acc.pot": 0.6812, "Acc.animal": 0.7708, "Acc.bicycle": 0.8013, "Acc.lake": 0.6414, "Acc.dishwasher": 0.8468, "Acc.screen": 0.9235, "Acc.blanket": 0.4724, "Acc.sculpture": 0.8522, "Acc.hood": 0.7972, "Acc.sconce": 0.7317, "Acc.vase": 0.581, "Acc.traffic light": 0.575, "Acc.tray": 0.2954, "Acc.ashcan": 0.6769, "Acc.fan": 0.6758, "Acc.pier": 0.8482, "Acc.crt screen": 0.0355, "Acc.plate": 0.7289, "Acc.monitor": 0.6001, "Acc.bulletin board": 0.721, "Acc.shower": 0.0755, "Acc.radiator": 0.8242, "Acc.glass": 0.2115, "Acc.clock": 0.5976, "Acc.flag": 0.7518} +{"mode": "train", "epoch": 18, "iter": 22050, "lr": 0.0, "memory": 65790, "data_time": 1.63829, "decode.loss_ce": 0.27146, "decode.acc_seg": 88.87451, "aux.loss_ce": 0.10917, "aux.acc_seg": 88.9204, "loss": 0.38063, "time": 3.23999} +{"mode": "train", "epoch": 18, "iter": 22100, "lr": 0.0, "memory": 65790, "data_time": 0.00737, "decode.loss_ce": 0.25954, "decode.acc_seg": 89.04551, "aux.loss_ce": 0.10409, "aux.acc_seg": 89.18773, "loss": 0.36363, "time": 1.60889} +{"mode": "train", "epoch": 18, "iter": 22150, "lr": 0.0, "memory": 65790, "data_time": 0.00739, "decode.loss_ce": 0.2587, "decode.acc_seg": 89.31988, "aux.loss_ce": 0.10438, "aux.acc_seg": 89.25705, "loss": 0.36308, "time": 1.60898} +{"mode": "train", "epoch": 18, "iter": 22200, "lr": 0.0, "memory": 65790, "data_time": 0.00736, "decode.loss_ce": 0.25561, "decode.acc_seg": 89.25323, "aux.loss_ce": 0.10437, "aux.acc_seg": 89.20335, "loss": 0.35998, "time": 1.60848} +{"mode": "train", "epoch": 18, "iter": 22250, "lr": 0.0, "memory": 65790, "data_time": 0.00741, "decode.loss_ce": 0.23485, "decode.acc_seg": 90.07822, "aux.loss_ce": 0.09518, "aux.acc_seg": 90.07562, "loss": 0.33003, "time": 1.60888} +{"mode": "train", "epoch": 18, "iter": 22300, "lr": 0.0, "memory": 65790, "data_time": 0.00748, "decode.loss_ce": 0.26863, "decode.acc_seg": 89.00596, "aux.loss_ce": 0.10848, "aux.acc_seg": 89.03128, "loss": 0.3771, "time": 1.61053} +{"mode": "train", "epoch": 18, "iter": 22350, "lr": 0.0, "memory": 65790, "data_time": 0.00729, "decode.loss_ce": 0.27543, "decode.acc_seg": 88.8712, "aux.loss_ce": 0.11301, "aux.acc_seg": 88.79551, "loss": 0.38843, "time": 1.60855} +{"mode": "train", "epoch": 18, "iter": 22400, "lr": 0.0, "memory": 65790, "data_time": 0.00749, "decode.loss_ce": 0.25031, "decode.acc_seg": 89.52721, "aux.loss_ce": 0.10154, "aux.acc_seg": 89.41216, "loss": 0.35185, "time": 1.60903} +{"mode": "train", "epoch": 18, "iter": 22450, "lr": 0.0, "memory": 65790, "data_time": 0.00748, "decode.loss_ce": 0.26288, "decode.acc_seg": 88.85193, "aux.loss_ce": 0.10587, "aux.acc_seg": 88.85979, "loss": 0.36876, "time": 1.60939} +{"mode": "train", "epoch": 18, "iter": 22500, "lr": 0.0, "memory": 65790, "data_time": 0.0073, "decode.loss_ce": 0.25061, "decode.acc_seg": 89.58915, "aux.loss_ce": 0.10086, "aux.acc_seg": 89.51594, "loss": 0.35146, "time": 1.61057} +{"mode": "train", "epoch": 18, "iter": 22550, "lr": 0.0, "memory": 65790, "data_time": 0.00734, "decode.loss_ce": 0.25984, "decode.acc_seg": 88.37718, "aux.loss_ce": 0.10578, "aux.acc_seg": 88.40918, "loss": 0.36561, "time": 1.61065} +{"mode": "train", "epoch": 18, "iter": 22600, "lr": 0.0, "memory": 65790, "data_time": 0.00756, "decode.loss_ce": 0.26262, "decode.acc_seg": 88.89304, "aux.loss_ce": 0.10563, "aux.acc_seg": 88.87636, "loss": 0.36825, "time": 1.60952} +{"mode": "train", "epoch": 18, "iter": 22650, "lr": 0.0, "memory": 65790, "data_time": 0.00754, "decode.loss_ce": 0.27499, "decode.acc_seg": 88.7868, "aux.loss_ce": 0.10934, "aux.acc_seg": 88.92852, "loss": 0.38433, "time": 1.60909} +{"mode": "train", "epoch": 18, "iter": 22700, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.29826, "decode.acc_seg": 87.70544, "aux.loss_ce": 0.11889, "aux.acc_seg": 87.85012, "loss": 0.41715, "time": 1.60853} +{"mode": "train", "epoch": 19, "iter": 22750, "lr": 0.0, "memory": 65790, "data_time": 0.40381, "decode.loss_ce": 0.24167, "decode.acc_seg": 89.87094, "aux.loss_ce": 0.0988, "aux.acc_seg": 89.83396, "loss": 0.34046, "time": 2.00709} +{"mode": "train", "epoch": 19, "iter": 22800, "lr": 0.0, "memory": 65790, "data_time": 0.00734, "decode.loss_ce": 0.2477, "decode.acc_seg": 89.48136, "aux.loss_ce": 0.10057, "aux.acc_seg": 89.4502, "loss": 0.34827, "time": 1.60925} +{"mode": "train", "epoch": 19, "iter": 22850, "lr": 0.0, "memory": 65790, "data_time": 0.00728, "decode.loss_ce": 0.25187, "decode.acc_seg": 89.40949, "aux.loss_ce": 0.10165, "aux.acc_seg": 89.39855, "loss": 0.35353, "time": 1.61166} +{"mode": "train", "epoch": 19, "iter": 22900, "lr": 0.0, "memory": 65790, "data_time": 0.00727, "decode.loss_ce": 0.26796, "decode.acc_seg": 88.85197, "aux.loss_ce": 0.1071, "aux.acc_seg": 88.78633, "loss": 0.37506, "time": 1.61095} +{"mode": "train", "epoch": 19, "iter": 22950, "lr": 0.0, "memory": 65790, "data_time": 0.00728, "decode.loss_ce": 0.24876, "decode.acc_seg": 89.91285, "aux.loss_ce": 0.10211, "aux.acc_seg": 89.80275, "loss": 0.35087, "time": 1.60944} +{"mode": "train", "epoch": 19, "iter": 23000, "lr": 0.0, "memory": 65790, "data_time": 0.00741, "decode.loss_ce": 0.25172, "decode.acc_seg": 89.36325, "aux.loss_ce": 0.10258, "aux.acc_seg": 89.2857, "loss": 0.3543, "time": 1.60852} +{"mode": "val", "epoch": 19, "iter": 250, "lr": 0.0, "aAcc": 0.8564, "mIoU": 0.5633, "mAcc": 0.6915, "IoU.wall": 0.8091, "IoU.building": 0.8509, "IoU.sky": 0.9424, "IoU.floor": 0.8453, "IoU.tree": 0.7677, "IoU.ceiling": 0.8666, "IoU.road": 0.8607, "IoU.bed ": 0.9046, "IoU.windowpane": 0.6462, "IoU.grass": 0.672, "IoU.cabinet": 0.6504, "IoU.sidewalk": 0.6984, "IoU.person": 0.8312, "IoU.earth": 0.4032, "IoU.door": 0.5756, "IoU.table": 0.6872, "IoU.mountain": 0.6233, "IoU.plant": 0.5806, "IoU.curtain": 0.758, "IoU.chair": 0.6203, "IoU.car": 0.8558, "IoU.water": 0.6425, "IoU.painting": 0.7583, "IoU.sofa": 0.8138, "IoU.shelf": 0.4558, "IoU.house": 0.5671, "IoU.sea": 0.7514, "IoU.mirror": 0.7516, "IoU.rug": 0.7001, "IoU.field": 0.307, "IoU.armchair": 0.5953, "IoU.seat": 0.6995, "IoU.fence": 0.4984, "IoU.desk": 0.577, "IoU.rock": 0.601, "IoU.wardrobe": 0.5232, "IoU.lamp": 0.6692, "IoU.bathtub": 0.8779, "IoU.railing": 0.4143, "IoU.cushion": 0.6722, "IoU.base": 0.4358, "IoU.box": 0.3972, "IoU.column": 0.5354, "IoU.signboard": 0.3979, "IoU.chest of drawers": 0.3882, "IoU.counter": 0.5555, "IoU.sand": 0.5287, "IoU.sink": 0.8009, "IoU.skyscraper": 0.4906, "IoU.fireplace": 0.7607, "IoU.refrigerator": 0.8476, "IoU.grandstand": 0.4792, "IoU.path": 0.3193, "IoU.stairs": 0.3464, "IoU.runway": 0.6921, "IoU.case": 0.6867, "IoU.pool table": 0.9259, "IoU.pillow": 0.5471, "IoU.screen door": 0.6262, "IoU.stairway": 0.486, "IoU.river": 0.1471, "IoU.bridge": 0.7151, "IoU.bookcase": 0.3838, "IoU.blind": 0.4391, "IoU.coffee table": 0.6608, "IoU.toilet": 0.8946, "IoU.flower": 0.4324, "IoU.book": 0.4995, "IoU.hill": 0.0593, "IoU.bench": 0.6149, "IoU.countertop": 0.6112, "IoU.stove": 0.8606, "IoU.palm": 0.5362, "IoU.kitchen island": 0.4894, "IoU.computer": 0.7799, "IoU.swivel chair": 0.5152, "IoU.boat": 0.6781, "IoU.bar": 0.6247, "IoU.arcade machine": 0.7889, "IoU.hovel": 0.2518, "IoU.bus": 0.9105, "IoU.towel": 0.7228, "IoU.light": 0.4321, "IoU.truck": 0.4405, "IoU.tower": 0.2601, "IoU.chandelier": 0.6861, "IoU.awning": 0.3788, "IoU.streetlight": 0.2736, "IoU.booth": 0.4092, "IoU.television receiver": 0.8089, "IoU.airplane": 0.8202, "IoU.dirt track": 0.0, "IoU.apparel": 0.573, "IoU.pole": 0.2581, "IoU.land": 0.0482, "IoU.bannister": 0.1841, "IoU.escalator": 0.6446, "IoU.ottoman": 0.555, "IoU.bottle": 0.4193, "IoU.buffet": 0.5479, "IoU.poster": 0.3643, "IoU.stage": 0.2091, "IoU.van": 0.3833, "IoU.ship": 0.7641, "IoU.fountain": 0.4781, "IoU.conveyer belt": 0.7498, "IoU.canopy": 0.4737, "IoU.washer": 0.8402, "IoU.plaything": 0.3601, "IoU.swimming pool": 0.528, "IoU.stool": 0.4721, "IoU.barrel": 0.5413, "IoU.basket": 0.4728, "IoU.waterfall": 0.7033, "IoU.tent": 0.9054, "IoU.bag": 0.296, "IoU.minibike": 0.7185, "IoU.cradle": 0.8758, "IoU.oven": 0.6379, "IoU.ball": 0.5035, "IoU.food": 0.6367, "IoU.step": 0.1097, "IoU.tank": 0.6047, "IoU.trade name": 0.2203, "IoU.microwave": 0.8912, "IoU.pot": 0.5738, "IoU.animal": 0.7359, "IoU.bicycle": 0.612, "IoU.lake": 0.6302, "IoU.dishwasher": 0.6862, "IoU.screen": 0.4809, "IoU.blanket": 0.2616, "IoU.sculpture": 0.5717, "IoU.hood": 0.7201, "IoU.sconce": 0.5487, "IoU.vase": 0.393, "IoU.traffic light": 0.3708, "IoU.tray": 0.218, "IoU.ashcan": 0.4923, "IoU.fan": 0.5938, "IoU.pier": 0.3701, "IoU.crt screen": 0.0368, "IoU.plate": 0.6267, "IoU.monitor": 0.3661, "IoU.bulletin board": 0.5544, "IoU.shower": 0.0, "IoU.radiator": 0.6543, "IoU.glass": 0.1966, "IoU.clock": 0.4827, "IoU.flag": 0.6466, "Acc.wall": 0.8873, "Acc.building": 0.9364, "Acc.sky": 0.969, "Acc.floor": 0.9124, "Acc.tree": 0.886, "Acc.ceiling": 0.9387, "Acc.road": 0.9208, "Acc.bed ": 0.968, "Acc.windowpane": 0.7772, "Acc.grass": 0.7871, "Acc.cabinet": 0.7508, "Acc.sidewalk": 0.8425, "Acc.person": 0.9136, "Acc.earth": 0.5222, "Acc.door": 0.7676, "Acc.table": 0.8176, "Acc.mountain": 0.7805, "Acc.plant": 0.6841, "Acc.curtain": 0.9104, "Acc.chair": 0.7329, "Acc.car": 0.9282, "Acc.water": 0.8, "Acc.painting": 0.8938, "Acc.sofa": 0.916, "Acc.shelf": 0.6084, "Acc.house": 0.7202, "Acc.sea": 0.8938, "Acc.mirror": 0.8245, "Acc.rug": 0.8294, "Acc.field": 0.6371, "Acc.armchair": 0.7944, "Acc.seat": 0.8872, "Acc.fence": 0.6968, "Acc.desk": 0.7139, "Acc.rock": 0.7661, "Acc.wardrobe": 0.6664, "Acc.lamp": 0.7818, "Acc.bathtub": 0.9024, "Acc.railing": 0.5987, "Acc.cushion": 0.8351, "Acc.base": 0.6134, "Acc.box": 0.5269, "Acc.column": 0.6677, "Acc.signboard": 0.5318, "Acc.chest of drawers": 0.6308, "Acc.counter": 0.6798, "Acc.sand": 0.8594, "Acc.sink": 0.8794, "Acc.skyscraper": 0.6133, "Acc.fireplace": 0.9345, "Acc.refrigerator": 0.9441, "Acc.grandstand": 0.9014, "Acc.path": 0.4297, "Acc.stairs": 0.4305, "Acc.runway": 0.9252, "Acc.case": 0.839, "Acc.pool table": 0.976, "Acc.pillow": 0.5928, "Acc.screen door": 0.6553, "Acc.stairway": 0.5889, "Acc.river": 0.2016, "Acc.bridge": 0.8447, "Acc.bookcase": 0.6521, "Acc.blind": 0.5394, "Acc.coffee table": 0.8024, "Acc.toilet": 0.9414, "Acc.flower": 0.6022, "Acc.book": 0.6501, "Acc.hill": 0.132, "Acc.bench": 0.7482, "Acc.countertop": 0.8132, "Acc.stove": 0.9305, "Acc.palm": 0.8288, "Acc.kitchen island": 0.7961, "Acc.computer": 0.8919, "Acc.swivel chair": 0.7771, "Acc.boat": 0.8906, "Acc.bar": 0.8357, "Acc.arcade machine": 0.8515, "Acc.hovel": 0.2664, "Acc.bus": 0.9503, "Acc.towel": 0.831, "Acc.light": 0.4962, "Acc.truck": 0.5794, "Acc.tower": 0.3775, "Acc.chandelier": 0.8545, "Acc.awning": 0.5058, "Acc.streetlight": 0.368, "Acc.booth": 0.6273, "Acc.television receiver": 0.8661, "Acc.airplane": 0.9405, "Acc.dirt track": 0.0, "Acc.apparel": 0.725, "Acc.pole": 0.3652, "Acc.land": 0.0631, "Acc.bannister": 0.2307, "Acc.escalator": 0.8435, "Acc.ottoman": 0.7593, "Acc.bottle": 0.7558, "Acc.buffet": 0.6078, "Acc.poster": 0.482, "Acc.stage": 0.3759, "Acc.van": 0.6634, "Acc.ship": 0.8097, "Acc.fountain": 0.4984, "Acc.conveyer belt": 0.9667, "Acc.canopy": 0.6751, "Acc.washer": 0.8939, "Acc.plaything": 0.4782, "Acc.swimming pool": 0.7699, "Acc.stool": 0.627, "Acc.barrel": 0.6508, "Acc.basket": 0.5838, "Acc.waterfall": 0.851, "Acc.tent": 0.9808, "Acc.bag": 0.3381, "Acc.minibike": 0.893, "Acc.cradle": 0.968, "Acc.oven": 0.7437, "Acc.ball": 0.5253, "Acc.food": 0.7876, "Acc.step": 0.1274, "Acc.tank": 0.6372, "Acc.trade name": 0.2423, "Acc.microwave": 0.9245, "Acc.pot": 0.6829, "Acc.animal": 0.794, "Acc.bicycle": 0.8094, "Acc.lake": 0.6358, "Acc.dishwasher": 0.8405, "Acc.screen": 0.7335, "Acc.blanket": 0.296, "Acc.sculpture": 0.8822, "Acc.hood": 0.8724, "Acc.sconce": 0.6433, "Acc.vase": 0.6866, "Acc.traffic light": 0.5255, "Acc.tray": 0.3064, "Acc.ashcan": 0.6768, "Acc.fan": 0.7026, "Acc.pier": 0.3971, "Acc.crt screen": 0.0903, "Acc.plate": 0.7373, "Acc.monitor": 0.4404, "Acc.bulletin board": 0.7209, "Acc.shower": 0.0, "Acc.radiator": 0.763, "Acc.glass": 0.2122, "Acc.clock": 0.6238, "Acc.flag": 0.7968} +{"mode": "train", "epoch": 19, "iter": 23050, "lr": 0.0, "memory": 65790, "data_time": 1.68888, "decode.loss_ce": 0.25317, "decode.acc_seg": 89.35387, "aux.loss_ce": 0.10301, "aux.acc_seg": 89.24555, "loss": 0.35618, "time": 3.29069} +{"mode": "train", "epoch": 19, "iter": 23100, "lr": 0.0, "memory": 65790, "data_time": 0.00734, "decode.loss_ce": 0.25871, "decode.acc_seg": 89.18835, "aux.loss_ce": 0.10369, "aux.acc_seg": 89.18851, "loss": 0.36239, "time": 1.60964} +{"mode": "train", "epoch": 19, "iter": 23150, "lr": 0.0, "memory": 65790, "data_time": 0.00722, "decode.loss_ce": 0.25209, "decode.acc_seg": 89.20775, "aux.loss_ce": 0.10179, "aux.acc_seg": 89.19882, "loss": 0.35388, "time": 1.61043} +{"mode": "train", "epoch": 19, "iter": 23200, "lr": 0.0, "memory": 65790, "data_time": 0.00733, "decode.loss_ce": 0.2593, "decode.acc_seg": 88.94833, "aux.loss_ce": 0.10472, "aux.acc_seg": 89.11168, "loss": 0.36403, "time": 1.61082} +{"mode": "train", "epoch": 19, "iter": 23250, "lr": 0.0, "memory": 65790, "data_time": 0.00738, "decode.loss_ce": 0.25176, "decode.acc_seg": 89.26675, "aux.loss_ce": 0.10054, "aux.acc_seg": 89.55172, "loss": 0.3523, "time": 1.6111} +{"mode": "train", "epoch": 19, "iter": 23300, "lr": 0.0, "memory": 65790, "data_time": 0.00729, "decode.loss_ce": 0.27595, "decode.acc_seg": 88.64663, "aux.loss_ce": 0.112, "aux.acc_seg": 88.43325, "loss": 0.38795, "time": 1.6094} +{"mode": "train", "epoch": 19, "iter": 23350, "lr": 0.0, "memory": 65790, "data_time": 0.0073, "decode.loss_ce": 0.26123, "decode.acc_seg": 89.2356, "aux.loss_ce": 0.10458, "aux.acc_seg": 89.22195, "loss": 0.36582, "time": 1.61076} +{"mode": "train", "epoch": 19, "iter": 23400, "lr": 0.0, "memory": 65790, "data_time": 0.00735, "decode.loss_ce": 0.2568, "decode.acc_seg": 89.37519, "aux.loss_ce": 0.10218, "aux.acc_seg": 89.37667, "loss": 0.35898, "time": 1.60949} +{"mode": "train", "epoch": 19, "iter": 23450, "lr": 0.0, "memory": 65790, "data_time": 0.0075, "decode.loss_ce": 0.25949, "decode.acc_seg": 89.05955, "aux.loss_ce": 0.10559, "aux.acc_seg": 88.96078, "loss": 0.36508, "time": 1.61169} +{"mode": "train", "epoch": 19, "iter": 23500, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.24853, "decode.acc_seg": 89.84986, "aux.loss_ce": 0.10121, "aux.acc_seg": 89.7803, "loss": 0.34975, "time": 1.61194} +{"mode": "train", "epoch": 19, "iter": 23550, "lr": 0.0, "memory": 65790, "data_time": 0.00727, "decode.loss_ce": 0.25617, "decode.acc_seg": 89.31409, "aux.loss_ce": 0.10258, "aux.acc_seg": 89.31668, "loss": 0.35875, "time": 1.611} +{"mode": "train", "epoch": 19, "iter": 23600, "lr": 0.0, "memory": 65790, "data_time": 0.00749, "decode.loss_ce": 0.23524, "decode.acc_seg": 90.14217, "aux.loss_ce": 0.09557, "aux.acc_seg": 90.15521, "loss": 0.33081, "time": 1.61019} +{"mode": "train", "epoch": 19, "iter": 23650, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.25415, "decode.acc_seg": 89.16367, "aux.loss_ce": 0.10318, "aux.acc_seg": 89.19133, "loss": 0.35732, "time": 1.60941} +{"mode": "train", "epoch": 19, "iter": 23700, "lr": 0.0, "memory": 65790, "data_time": 0.00712, "decode.loss_ce": 0.2659, "decode.acc_seg": 88.7353, "aux.loss_ce": 0.10738, "aux.acc_seg": 88.74056, "loss": 0.37328, "time": 1.61218} +{"mode": "train", "epoch": 19, "iter": 23750, "lr": 0.0, "memory": 65790, "data_time": 0.00735, "decode.loss_ce": 0.26835, "decode.acc_seg": 88.97196, "aux.loss_ce": 0.10882, "aux.acc_seg": 88.80814, "loss": 0.37717, "time": 1.60975} +{"mode": "train", "epoch": 19, "iter": 23800, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.26144, "decode.acc_seg": 89.12117, "aux.loss_ce": 0.1047, "aux.acc_seg": 89.09679, "loss": 0.36615, "time": 1.61406} +{"mode": "train", "epoch": 19, "iter": 23850, "lr": 0.0, "memory": 65790, "data_time": 0.00735, "decode.loss_ce": 0.25929, "decode.acc_seg": 89.24057, "aux.loss_ce": 0.1058, "aux.acc_seg": 89.18183, "loss": 0.36508, "time": 1.61456} +{"mode": "train", "epoch": 19, "iter": 23900, "lr": 0.0, "memory": 65790, "data_time": 0.00735, "decode.loss_ce": 0.24504, "decode.acc_seg": 89.82517, "aux.loss_ce": 0.09961, "aux.acc_seg": 89.66963, "loss": 0.34464, "time": 1.60974} +{"mode": "train", "epoch": 19, "iter": 23950, "lr": 0.0, "memory": 65790, "data_time": 0.00721, "decode.loss_ce": 0.26588, "decode.acc_seg": 88.96009, "aux.loss_ce": 0.1073, "aux.acc_seg": 88.88733, "loss": 0.37318, "time": 1.61066} +{"mode": "train", "epoch": 20, "iter": 24000, "lr": 0.0, "memory": 65790, "data_time": 0.04905, "decode.loss_ce": 0.25422, "decode.acc_seg": 89.25043, "aux.loss_ce": 0.10262, "aux.acc_seg": 89.29544, "loss": 0.35684, "time": 3.12323} +{"mode": "val", "epoch": 20, "iter": 250, "lr": 0.0, "aAcc": 0.8538, "mIoU": 0.5642, "mAcc": 0.7014, "IoU.wall": 0.8022, "IoU.building": 0.8436, "IoU.sky": 0.9446, "IoU.floor": 0.8377, "IoU.tree": 0.7593, "IoU.ceiling": 0.8647, "IoU.road": 0.853, "IoU.bed ": 0.9112, "IoU.windowpane": 0.6551, "IoU.grass": 0.6697, "IoU.cabinet": 0.6781, "IoU.sidewalk": 0.6848, "IoU.person": 0.8331, "IoU.earth": 0.3883, "IoU.door": 0.5948, "IoU.table": 0.6834, "IoU.mountain": 0.5966, "IoU.plant": 0.5487, "IoU.curtain": 0.7608, "IoU.chair": 0.6177, "IoU.car": 0.85, "IoU.water": 0.6046, "IoU.painting": 0.7267, "IoU.sofa": 0.8095, "IoU.shelf": 0.4967, "IoU.house": 0.5052, "IoU.sea": 0.6789, "IoU.mirror": 0.7571, "IoU.rug": 0.6633, "IoU.field": 0.3151, "IoU.armchair": 0.606, "IoU.seat": 0.695, "IoU.fence": 0.5271, "IoU.desk": 0.5935, "IoU.rock": 0.5526, "IoU.wardrobe": 0.5586, "IoU.lamp": 0.6836, "IoU.bathtub": 0.8611, "IoU.railing": 0.4167, "IoU.cushion": 0.6935, "IoU.base": 0.4462, "IoU.box": 0.4067, "IoU.column": 0.5451, "IoU.signboard": 0.4091, "IoU.chest of drawers": 0.4414, "IoU.counter": 0.5448, "IoU.sand": 0.5419, "IoU.sink": 0.7657, "IoU.skyscraper": 0.475, "IoU.fireplace": 0.7144, "IoU.refrigerator": 0.8444, "IoU.grandstand": 0.4885, "IoU.path": 0.3193, "IoU.stairs": 0.2455, "IoU.runway": 0.7418, "IoU.case": 0.6925, "IoU.pool table": 0.9284, "IoU.pillow": 0.6278, "IoU.screen door": 0.771, "IoU.stairway": 0.3995, "IoU.river": 0.148, "IoU.bridge": 0.4998, "IoU.bookcase": 0.43, "IoU.blind": 0.3867, "IoU.coffee table": 0.6532, "IoU.toilet": 0.8912, "IoU.flower": 0.4993, "IoU.book": 0.5279, "IoU.hill": 0.0704, "IoU.bench": 0.5736, "IoU.countertop": 0.6321, "IoU.stove": 0.8525, "IoU.palm": 0.5258, "IoU.kitchen island": 0.5131, "IoU.computer": 0.778, "IoU.swivel chair": 0.4999, "IoU.boat": 0.6674, "IoU.bar": 0.6383, "IoU.arcade machine": 0.823, "IoU.hovel": 0.1585, "IoU.bus": 0.9167, "IoU.towel": 0.744, "IoU.light": 0.4905, "IoU.truck": 0.4633, "IoU.tower": 0.3378, "IoU.chandelier": 0.6952, "IoU.awning": 0.4556, "IoU.streetlight": 0.2739, "IoU.booth": 0.4297, "IoU.television receiver": 0.8216, "IoU.airplane": 0.8448, "IoU.dirt track": 0.0357, "IoU.apparel": 0.594, "IoU.pole": 0.2368, "IoU.land": 0.0264, "IoU.bannister": 0.1753, "IoU.escalator": 0.6242, "IoU.ottoman": 0.4795, "IoU.bottle": 0.4078, "IoU.buffet": 0.5583, "IoU.poster": 0.3495, "IoU.stage": 0.2233, "IoU.van": 0.4348, "IoU.ship": 0.7381, "IoU.fountain": 0.4939, "IoU.conveyer belt": 0.8025, "IoU.canopy": 0.4523, "IoU.washer": 0.8715, "IoU.plaything": 0.3007, "IoU.swimming pool": 0.5403, "IoU.stool": 0.3948, "IoU.barrel": 0.5885, "IoU.basket": 0.4272, "IoU.waterfall": 0.7139, "IoU.tent": 0.8891, "IoU.bag": 0.1573, "IoU.minibike": 0.7055, "IoU.cradle": 0.8026, "IoU.oven": 0.5756, "IoU.ball": 0.2728, "IoU.food": 0.5745, "IoU.step": 0.1258, "IoU.tank": 0.5519, "IoU.trade name": 0.3074, "IoU.microwave": 0.862, "IoU.pot": 0.5812, "IoU.animal": 0.6536, "IoU.bicycle": 0.596, "IoU.lake": 0.5842, "IoU.dishwasher": 0.7388, "IoU.screen": 0.5704, "IoU.blanket": 0.2872, "IoU.sculpture": 0.7071, "IoU.hood": 0.6949, "IoU.sconce": 0.5307, "IoU.vase": 0.4516, "IoU.traffic light": 0.3741, "IoU.tray": 0.1831, "IoU.ashcan": 0.5016, "IoU.fan": 0.6234, "IoU.pier": 0.7217, "IoU.crt screen": 0.0162, "IoU.plate": 0.6164, "IoU.monitor": 0.667, "IoU.bulletin board": 0.534, "IoU.shower": 0.0478, "IoU.radiator": 0.6449, "IoU.glass": 0.1691, "IoU.clock": 0.4763, "IoU.flag": 0.6501, "Acc.wall": 0.879, "Acc.building": 0.9348, "Acc.sky": 0.9689, "Acc.floor": 0.9093, "Acc.tree": 0.8922, "Acc.ceiling": 0.9295, "Acc.road": 0.887, "Acc.bed ": 0.9718, "Acc.windowpane": 0.799, "Acc.grass": 0.8434, "Acc.cabinet": 0.8109, "Acc.sidewalk": 0.8216, "Acc.person": 0.9287, "Acc.earth": 0.5024, "Acc.door": 0.7612, "Acc.table": 0.8134, "Acc.mountain": 0.729, "Acc.plant": 0.6457, "Acc.curtain": 0.9136, "Acc.chair": 0.7189, "Acc.car": 0.9393, "Acc.water": 0.727, "Acc.painting": 0.9154, "Acc.sofa": 0.8848, "Acc.shelf": 0.6424, "Acc.house": 0.6953, "Acc.sea": 0.827, "Acc.mirror": 0.8569, "Acc.rug": 0.7641, "Acc.field": 0.4953, "Acc.armchair": 0.8132, "Acc.seat": 0.8772, "Acc.fence": 0.6254, "Acc.desk": 0.751, "Acc.rock": 0.7974, "Acc.wardrobe": 0.7104, "Acc.lamp": 0.8309, "Acc.bathtub": 0.8944, "Acc.railing": 0.5806, "Acc.cushion": 0.821, "Acc.base": 0.6734, "Acc.box": 0.5656, "Acc.column": 0.7324, "Acc.signboard": 0.5339, "Acc.chest of drawers": 0.6353, "Acc.counter": 0.5945, "Acc.sand": 0.8809, "Acc.sink": 0.8389, "Acc.skyscraper": 0.5753, "Acc.fireplace": 0.9547, "Acc.refrigerator": 0.8964, "Acc.grandstand": 0.8445, "Acc.path": 0.5062, "Acc.stairs": 0.2807, "Acc.runway": 0.9706, "Acc.case": 0.8889, "Acc.pool table": 0.9815, "Acc.pillow": 0.7242, "Acc.screen door": 0.8494, "Acc.stairway": 0.5972, "Acc.river": 0.2984, "Acc.bridge": 0.878, "Acc.bookcase": 0.522, "Acc.blind": 0.4342, "Acc.coffee table": 0.8704, "Acc.toilet": 0.9383, "Acc.flower": 0.6215, "Acc.book": 0.7338, "Acc.hill": 0.1439, "Acc.bench": 0.6361, "Acc.countertop": 0.8218, "Acc.stove": 0.9105, "Acc.palm": 0.8176, "Acc.kitchen island": 0.8041, "Acc.computer": 0.9147, "Acc.swivel chair": 0.9107, "Acc.boat": 0.9213, "Acc.bar": 0.8878, "Acc.arcade machine": 0.8744, "Acc.hovel": 0.1725, "Acc.bus": 0.9647, "Acc.towel": 0.9028, "Acc.light": 0.5997, "Acc.truck": 0.6385, "Acc.tower": 0.5999, "Acc.chandelier": 0.8623, "Acc.awning": 0.5871, "Acc.streetlight": 0.3687, "Acc.booth": 0.8039, "Acc.television receiver": 0.8865, "Acc.airplane": 0.9542, "Acc.dirt track": 0.0958, "Acc.apparel": 0.7891, "Acc.pole": 0.3371, "Acc.land": 0.0404, "Acc.bannister": 0.2268, "Acc.escalator": 0.8584, "Acc.ottoman": 0.5869, "Acc.bottle": 0.6407, "Acc.buffet": 0.6234, "Acc.poster": 0.4704, "Acc.stage": 0.4271, "Acc.van": 0.5904, "Acc.ship": 0.7987, "Acc.fountain": 0.5283, "Acc.conveyer belt": 0.946, "Acc.canopy": 0.7415, "Acc.washer": 0.9378, "Acc.plaything": 0.4265, "Acc.swimming pool": 0.786, "Acc.stool": 0.6483, "Acc.barrel": 0.7641, "Acc.basket": 0.554, "Acc.waterfall": 0.7644, "Acc.tent": 0.9828, "Acc.bag": 0.1672, "Acc.minibike": 0.9121, "Acc.cradle": 0.977, "Acc.oven": 0.6957, "Acc.ball": 0.2784, "Acc.food": 0.6596, "Acc.step": 0.1454, "Acc.tank": 0.7368, "Acc.trade name": 0.3476, "Acc.microwave": 0.9587, "Acc.pot": 0.7085, "Acc.animal": 0.6756, "Acc.bicycle": 0.7915, "Acc.lake": 0.6734, "Acc.dishwasher": 0.7783, "Acc.screen": 0.9619, "Acc.blanket": 0.3254, "Acc.sculpture": 0.8726, "Acc.hood": 0.8433, "Acc.sconce": 0.7755, "Acc.vase": 0.6202, "Acc.traffic light": 0.5499, "Acc.tray": 0.2555, "Acc.ashcan": 0.6557, "Acc.fan": 0.8477, "Acc.pier": 0.8087, "Acc.crt screen": 0.0171, "Acc.plate": 0.7775, "Acc.monitor": 0.8543, "Acc.bulletin board": 0.6404, "Acc.shower": 0.0508, "Acc.radiator": 0.8077, "Acc.glass": 0.1769, "Acc.clock": 0.5897, "Acc.flag": 0.8} +{"mode": "train", "epoch": 20, "iter": 24050, "lr": 0.0, "memory": 65790, "data_time": 1.6574, "decode.loss_ce": 0.24766, "decode.acc_seg": 89.74923, "aux.loss_ce": 0.09955, "aux.acc_seg": 89.68168, "loss": 0.34721, "time": 3.26253} +{"mode": "train", "epoch": 20, "iter": 24100, "lr": 0.0, "memory": 65790, "data_time": 0.00726, "decode.loss_ce": 0.23783, "decode.acc_seg": 89.97703, "aux.loss_ce": 0.09668, "aux.acc_seg": 89.8756, "loss": 0.33451, "time": 1.60948} +{"mode": "train", "epoch": 20, "iter": 24150, "lr": 0.0, "memory": 65790, "data_time": 0.00713, "decode.loss_ce": 0.24872, "decode.acc_seg": 89.66796, "aux.loss_ce": 0.10068, "aux.acc_seg": 89.56603, "loss": 0.3494, "time": 1.61128} +{"mode": "train", "epoch": 20, "iter": 24200, "lr": 0.0, "memory": 65790, "data_time": 0.00709, "decode.loss_ce": 0.23664, "decode.acc_seg": 89.87958, "aux.loss_ce": 0.09668, "aux.acc_seg": 89.8515, "loss": 0.33333, "time": 1.60908} +{"mode": "train", "epoch": 20, "iter": 24250, "lr": 0.0, "memory": 65790, "data_time": 0.00715, "decode.loss_ce": 0.2369, "decode.acc_seg": 89.80955, "aux.loss_ce": 0.0972, "aux.acc_seg": 89.68152, "loss": 0.3341, "time": 1.60945} +{"mode": "train", "epoch": 20, "iter": 24300, "lr": 0.0, "memory": 65790, "data_time": 0.00708, "decode.loss_ce": 0.24783, "decode.acc_seg": 89.58171, "aux.loss_ce": 0.10096, "aux.acc_seg": 89.40479, "loss": 0.34879, "time": 1.60878} +{"mode": "train", "epoch": 20, "iter": 24350, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.22283, "decode.acc_seg": 90.71496, "aux.loss_ce": 0.09048, "aux.acc_seg": 90.63469, "loss": 0.31331, "time": 1.60955} +{"mode": "train", "epoch": 20, "iter": 24400, "lr": 0.0, "memory": 65790, "data_time": 0.00724, "decode.loss_ce": 0.26276, "decode.acc_seg": 88.87585, "aux.loss_ce": 0.10647, "aux.acc_seg": 88.86157, "loss": 0.36923, "time": 1.61209} +{"mode": "train", "epoch": 20, "iter": 24450, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.25222, "decode.acc_seg": 89.65331, "aux.loss_ce": 0.10223, "aux.acc_seg": 89.50254, "loss": 0.35445, "time": 1.61172} +{"mode": "train", "epoch": 20, "iter": 24500, "lr": 0.0, "memory": 65790, "data_time": 0.00715, "decode.loss_ce": 0.25291, "decode.acc_seg": 89.26269, "aux.loss_ce": 0.1031, "aux.acc_seg": 89.24591, "loss": 0.35601, "time": 1.60922} +{"mode": "train", "epoch": 20, "iter": 24550, "lr": 0.0, "memory": 65790, "data_time": 0.00708, "decode.loss_ce": 0.24267, "decode.acc_seg": 89.62063, "aux.loss_ce": 0.09932, "aux.acc_seg": 89.54421, "loss": 0.34199, "time": 1.60907} +{"mode": "train", "epoch": 20, "iter": 24600, "lr": 0.0, "memory": 65790, "data_time": 0.00702, "decode.loss_ce": 0.23784, "decode.acc_seg": 89.8949, "aux.loss_ce": 0.09642, "aux.acc_seg": 89.85894, "loss": 0.33426, "time": 1.60948} +{"mode": "train", "epoch": 20, "iter": 24650, "lr": 0.0, "memory": 65790, "data_time": 0.00719, "decode.loss_ce": 0.23209, "decode.acc_seg": 90.11803, "aux.loss_ce": 0.09513, "aux.acc_seg": 90.1364, "loss": 0.32722, "time": 1.61077} +{"mode": "train", "epoch": 20, "iter": 24700, "lr": 0.0, "memory": 65790, "data_time": 0.00726, "decode.loss_ce": 0.27355, "decode.acc_seg": 88.44469, "aux.loss_ce": 0.1105, "aux.acc_seg": 88.53026, "loss": 0.38405, "time": 1.61606} +{"mode": "train", "epoch": 20, "iter": 24750, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.24832, "decode.acc_seg": 89.48459, "aux.loss_ce": 0.10067, "aux.acc_seg": 89.44357, "loss": 0.34899, "time": 1.61218} +{"mode": "train", "epoch": 20, "iter": 24800, "lr": 0.0, "memory": 65790, "data_time": 0.00729, "decode.loss_ce": 0.2529, "decode.acc_seg": 89.52698, "aux.loss_ce": 0.1006, "aux.acc_seg": 89.52996, "loss": 0.3535, "time": 1.60841} +{"mode": "train", "epoch": 20, "iter": 24850, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.24362, "decode.acc_seg": 89.18578, "aux.loss_ce": 0.09833, "aux.acc_seg": 89.36834, "loss": 0.34194, "time": 1.60899} +{"mode": "train", "epoch": 20, "iter": 24900, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.26089, "decode.acc_seg": 89.25363, "aux.loss_ce": 0.10489, "aux.acc_seg": 89.32585, "loss": 0.36578, "time": 1.61033} +{"mode": "train", "epoch": 20, "iter": 24950, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.24206, "decode.acc_seg": 90.00655, "aux.loss_ce": 0.09818, "aux.acc_seg": 89.93535, "loss": 0.34024, "time": 1.61193} +{"mode": "train", "epoch": 20, "iter": 25000, "lr": 0.0, "memory": 65790, "data_time": 0.00713, "decode.loss_ce": 0.24829, "decode.acc_seg": 89.47764, "aux.loss_ce": 0.10099, "aux.acc_seg": 89.38726, "loss": 0.34928, "time": 1.61267} +{"mode": "val", "epoch": 20, "iter": 250, "lr": 0.0, "aAcc": 0.8498, "mIoU": 0.5612, "mAcc": 0.7038, "IoU.wall": 0.809, "IoU.building": 0.8365, "IoU.sky": 0.9448, "IoU.floor": 0.8266, "IoU.tree": 0.7664, "IoU.ceiling": 0.864, "IoU.road": 0.8498, "IoU.bed ": 0.9151, "IoU.windowpane": 0.6545, "IoU.grass": 0.6594, "IoU.cabinet": 0.6352, "IoU.sidewalk": 0.6868, "IoU.person": 0.8316, "IoU.earth": 0.3793, "IoU.door": 0.596, "IoU.table": 0.6248, "IoU.mountain": 0.5678, "IoU.plant": 0.5862, "IoU.curtain": 0.778, "IoU.chair": 0.6336, "IoU.car": 0.8539, "IoU.water": 0.5637, "IoU.painting": 0.7577, "IoU.sofa": 0.8052, "IoU.shelf": 0.4497, "IoU.house": 0.3153, "IoU.sea": 0.6275, "IoU.mirror": 0.7575, "IoU.rug": 0.6732, "IoU.field": 0.3332, "IoU.armchair": 0.6301, "IoU.seat": 0.6423, "IoU.fence": 0.5137, "IoU.desk": 0.4159, "IoU.rock": 0.5422, "IoU.wardrobe": 0.5273, "IoU.lamp": 0.6874, "IoU.bathtub": 0.857, "IoU.railing": 0.4181, "IoU.cushion": 0.6686, "IoU.base": 0.4691, "IoU.box": 0.3912, "IoU.column": 0.5596, "IoU.signboard": 0.4021, "IoU.chest of drawers": 0.4475, "IoU.counter": 0.5018, "IoU.sand": 0.508, "IoU.sink": 0.7563, "IoU.skyscraper": 0.4767, "IoU.fireplace": 0.7317, "IoU.refrigerator": 0.8039, "IoU.grandstand": 0.4932, "IoU.path": 0.2692, "IoU.stairs": 0.3252, "IoU.runway": 0.7335, "IoU.case": 0.6905, "IoU.pool table": 0.9297, "IoU.pillow": 0.6274, "IoU.screen door": 0.7714, "IoU.stairway": 0.4494, "IoU.river": 0.1348, "IoU.bridge": 0.7712, "IoU.bookcase": 0.3515, "IoU.blind": 0.463, "IoU.coffee table": 0.5888, "IoU.toilet": 0.8941, "IoU.flower": 0.4425, "IoU.book": 0.5079, "IoU.hill": 0.0463, "IoU.bench": 0.6389, "IoU.countertop": 0.6025, "IoU.stove": 0.8532, "IoU.palm": 0.5209, "IoU.kitchen island": 0.3891, "IoU.computer": 0.7592, "IoU.swivel chair": 0.539, "IoU.boat": 0.7488, "IoU.bar": 0.6166, "IoU.arcade machine": 0.8179, "IoU.hovel": 0.5309, "IoU.bus": 0.9199, "IoU.towel": 0.7273, "IoU.light": 0.4784, "IoU.truck": 0.4399, "IoU.tower": 0.2117, "IoU.chandelier": 0.6943, "IoU.awning": 0.328, "IoU.streetlight": 0.2774, "IoU.booth": 0.5931, "IoU.television receiver": 0.7773, "IoU.airplane": 0.8176, "IoU.dirt track": 0.0476, "IoU.apparel": 0.513, "IoU.pole": 0.224, "IoU.land": 0.1387, "IoU.bannister": 0.1326, "IoU.escalator": 0.6488, "IoU.ottoman": 0.5444, "IoU.bottle": 0.4245, "IoU.buffet": 0.6306, "IoU.poster": 0.3004, "IoU.stage": 0.1665, "IoU.van": 0.3952, "IoU.ship": 0.2333, "IoU.fountain": 0.3556, "IoU.conveyer belt": 0.7787, "IoU.canopy": 0.4575, "IoU.washer": 0.8728, "IoU.plaything": 0.3157, "IoU.swimming pool": 0.5513, "IoU.stool": 0.4847, "IoU.barrel": 0.4836, "IoU.basket": 0.4898, "IoU.waterfall": 0.697, "IoU.tent": 0.896, "IoU.bag": 0.3047, "IoU.minibike": 0.7301, "IoU.cradle": 0.84, "IoU.oven": 0.632, "IoU.ball": 0.6262, "IoU.food": 0.6866, "IoU.step": 0.1167, "IoU.tank": 0.5951, "IoU.trade name": 0.1809, "IoU.microwave": 0.8951, "IoU.pot": 0.5659, "IoU.animal": 0.6888, "IoU.bicycle": 0.6079, "IoU.lake": 0.4414, "IoU.dishwasher": 0.6589, "IoU.screen": 0.5653, "IoU.blanket": 0.2884, "IoU.sculpture": 0.7057, "IoU.hood": 0.7273, "IoU.sconce": 0.5709, "IoU.vase": 0.4324, "IoU.traffic light": 0.3768, "IoU.tray": 0.1899, "IoU.ashcan": 0.4965, "IoU.fan": 0.6011, "IoU.pier": 0.6892, "IoU.crt screen": 0.0309, "IoU.plate": 0.6075, "IoU.monitor": 0.6155, "IoU.bulletin board": 0.6187, "IoU.shower": 0.0215, "IoU.radiator": 0.6478, "IoU.glass": 0.2052, "IoU.clock": 0.4798, "IoU.flag": 0.6485, "Acc.wall": 0.8836, "Acc.building": 0.9438, "Acc.sky": 0.9773, "Acc.floor": 0.877, "Acc.tree": 0.8859, "Acc.ceiling": 0.9275, "Acc.road": 0.8965, "Acc.bed ": 0.9638, "Acc.windowpane": 0.7841, "Acc.grass": 0.7678, "Acc.cabinet": 0.7105, "Acc.sidewalk": 0.8817, "Acc.person": 0.9071, "Acc.earth": 0.4958, "Acc.door": 0.7765, "Acc.table": 0.7199, "Acc.mountain": 0.6646, "Acc.plant": 0.7016, "Acc.curtain": 0.8997, "Acc.chair": 0.7553, "Acc.car": 0.9321, "Acc.water": 0.6885, "Acc.painting": 0.9075, "Acc.sofa": 0.9026, "Acc.shelf": 0.594, "Acc.house": 0.34, "Acc.sea": 0.7959, "Acc.mirror": 0.8153, "Acc.rug": 0.8911, "Acc.field": 0.7017, "Acc.armchair": 0.8322, "Acc.seat": 0.8602, "Acc.fence": 0.6899, "Acc.desk": 0.8773, "Acc.rock": 0.7889, "Acc.wardrobe": 0.7353, "Acc.lamp": 0.8303, "Acc.bathtub": 0.9015, "Acc.railing": 0.6505, "Acc.cushion": 0.8361, "Acc.base": 0.6362, "Acc.box": 0.4703, "Acc.column": 0.6843, "Acc.signboard": 0.5505, "Acc.chest of drawers": 0.802, "Acc.counter": 0.577, "Acc.sand": 0.754, "Acc.sink": 0.8361, "Acc.skyscraper": 0.6305, "Acc.fireplace": 0.9512, "Acc.refrigerator": 0.9337, "Acc.grandstand": 0.885, "Acc.path": 0.3784, "Acc.stairs": 0.4133, "Acc.runway": 0.9453, "Acc.case": 0.8713, "Acc.pool table": 0.9809, "Acc.pillow": 0.73, "Acc.screen door": 0.8876, "Acc.stairway": 0.5687, "Acc.river": 0.2285, "Acc.bridge": 0.8531, "Acc.bookcase": 0.637, "Acc.blind": 0.573, "Acc.coffee table": 0.8829, "Acc.toilet": 0.9523, "Acc.flower": 0.569, "Acc.book": 0.7233, "Acc.hill": 0.1268, "Acc.bench": 0.7391, "Acc.countertop": 0.8696, "Acc.stove": 0.926, "Acc.palm": 0.7868, "Acc.kitchen island": 0.8165, "Acc.computer": 0.8959, "Acc.swivel chair": 0.88, "Acc.boat": 0.911, "Acc.bar": 0.8544, "Acc.arcade machine": 0.8704, "Acc.hovel": 0.8149, "Acc.bus": 0.9662, "Acc.towel": 0.8597, "Acc.light": 0.5564, "Acc.truck": 0.6336, "Acc.tower": 0.2726, "Acc.chandelier": 0.8402, "Acc.awning": 0.3724, "Acc.streetlight": 0.3563, "Acc.booth": 0.7182, "Acc.television receiver": 0.909, "Acc.airplane": 0.8995, "Acc.dirt track": 0.2014, "Acc.apparel": 0.6991, "Acc.pole": 0.3115, "Acc.land": 0.2043, "Acc.bannister": 0.1969, "Acc.escalator": 0.8484, "Acc.ottoman": 0.8066, "Acc.bottle": 0.7405, "Acc.buffet": 0.7021, "Acc.poster": 0.4864, "Acc.stage": 0.3233, "Acc.van": 0.6159, "Acc.ship": 0.2477, "Acc.fountain": 0.3588, "Acc.conveyer belt": 0.9472, "Acc.canopy": 0.7008, "Acc.washer": 0.9312, "Acc.plaything": 0.5451, "Acc.swimming pool": 0.8111, "Acc.stool": 0.5817, "Acc.barrel": 0.6716, "Acc.basket": 0.6452, "Acc.waterfall": 0.7649, "Acc.tent": 0.9856, "Acc.bag": 0.3566, "Acc.minibike": 0.8843, "Acc.cradle": 0.9885, "Acc.oven": 0.7932, "Acc.ball": 0.7483, "Acc.food": 0.7875, "Acc.step": 0.1588, "Acc.tank": 0.7166, "Acc.trade name": 0.2046, "Acc.microwave": 0.9543, "Acc.pot": 0.6615, "Acc.animal": 0.7062, "Acc.bicycle": 0.7336, "Acc.lake": 0.8466, "Acc.dishwasher": 0.8513, "Acc.screen": 0.946, "Acc.blanket": 0.3283, "Acc.sculpture": 0.8099, "Acc.hood": 0.9019, "Acc.sconce": 0.6848, "Acc.vase": 0.6505, "Acc.traffic light": 0.6081, "Acc.tray": 0.2786, "Acc.ashcan": 0.6633, "Acc.fan": 0.7121, "Acc.pier": 0.7921, "Acc.crt screen": 0.0381, "Acc.plate": 0.7889, "Acc.monitor": 0.7547, "Acc.bulletin board": 0.7254, "Acc.shower": 0.0327, "Acc.radiator": 0.7938, "Acc.glass": 0.2256, "Acc.clock": 0.6162, "Acc.flag": 0.7334} +{"mode": "train", "epoch": 20, "iter": 25050, "lr": 0.0, "memory": 65790, "data_time": 1.66193, "decode.loss_ce": 0.24527, "decode.acc_seg": 89.64041, "aux.loss_ce": 0.09944, "aux.acc_seg": 89.66736, "loss": 0.34471, "time": 3.26501} +{"mode": "train", "epoch": 20, "iter": 25100, "lr": 0.0, "memory": 65790, "data_time": 0.00732, "decode.loss_ce": 0.25147, "decode.acc_seg": 89.54608, "aux.loss_ce": 0.10221, "aux.acc_seg": 89.47178, "loss": 0.35368, "time": 1.60818} +{"mode": "train", "epoch": 20, "iter": 25150, "lr": 0.0, "memory": 65790, "data_time": 0.00722, "decode.loss_ce": 0.23974, "decode.acc_seg": 89.93966, "aux.loss_ce": 0.09747, "aux.acc_seg": 89.75358, "loss": 0.3372, "time": 1.60807} +{"mode": "train", "epoch": 20, "iter": 25200, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.27547, "decode.acc_seg": 88.50124, "aux.loss_ce": 0.11208, "aux.acc_seg": 88.61974, "loss": 0.38754, "time": 1.60866} +{"mode": "train", "epoch": 20, "iter": 25250, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.26909, "decode.acc_seg": 88.89581, "aux.loss_ce": 0.10863, "aux.acc_seg": 88.88104, "loss": 0.37772, "time": 1.61231} +{"mode": "train", "epoch": 21, "iter": 25300, "lr": 0.0, "memory": 65790, "data_time": 0.05955, "decode.loss_ce": 0.24115, "decode.acc_seg": 89.76183, "aux.loss_ce": 0.09801, "aux.acc_seg": 89.51407, "loss": 0.33916, "time": 1.66849} +{"mode": "train", "epoch": 21, "iter": 25350, "lr": 0.0, "memory": 65790, "data_time": 0.00707, "decode.loss_ce": 0.23705, "decode.acc_seg": 90.21521, "aux.loss_ce": 0.09595, "aux.acc_seg": 90.26277, "loss": 0.333, "time": 1.61431} +{"mode": "train", "epoch": 21, "iter": 25400, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.24228, "decode.acc_seg": 90.01362, "aux.loss_ce": 0.0988, "aux.acc_seg": 89.96357, "loss": 0.34108, "time": 1.60975} +{"mode": "train", "epoch": 21, "iter": 25450, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.24387, "decode.acc_seg": 89.73803, "aux.loss_ce": 0.09908, "aux.acc_seg": 89.62308, "loss": 0.34295, "time": 1.60901} +{"mode": "train", "epoch": 21, "iter": 25500, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.25474, "decode.acc_seg": 89.34715, "aux.loss_ce": 0.10322, "aux.acc_seg": 89.3006, "loss": 0.35796, "time": 1.60847} +{"mode": "train", "epoch": 21, "iter": 25550, "lr": 0.0, "memory": 65790, "data_time": 0.00722, "decode.loss_ce": 0.24625, "decode.acc_seg": 89.90872, "aux.loss_ce": 0.10016, "aux.acc_seg": 89.86853, "loss": 0.3464, "time": 1.60824} +{"mode": "train", "epoch": 21, "iter": 25600, "lr": 0.0, "memory": 65790, "data_time": 0.00724, "decode.loss_ce": 0.25401, "decode.acc_seg": 89.48819, "aux.loss_ce": 0.10182, "aux.acc_seg": 89.60517, "loss": 0.35583, "time": 1.6085} +{"mode": "train", "epoch": 21, "iter": 25650, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.23573, "decode.acc_seg": 89.95801, "aux.loss_ce": 0.09611, "aux.acc_seg": 89.86724, "loss": 0.33184, "time": 1.61352} +{"mode": "train", "epoch": 21, "iter": 25700, "lr": 0.0, "memory": 65790, "data_time": 0.00708, "decode.loss_ce": 0.23811, "decode.acc_seg": 89.81939, "aux.loss_ce": 0.09652, "aux.acc_seg": 89.75804, "loss": 0.33463, "time": 1.60998} +{"mode": "train", "epoch": 21, "iter": 25750, "lr": 0.0, "memory": 65790, "data_time": 0.0073, "decode.loss_ce": 0.23891, "decode.acc_seg": 90.03748, "aux.loss_ce": 0.09746, "aux.acc_seg": 89.86617, "loss": 0.33637, "time": 1.60774} +{"mode": "train", "epoch": 21, "iter": 25800, "lr": 0.0, "memory": 65790, "data_time": 0.00731, "decode.loss_ce": 0.24134, "decode.acc_seg": 90.03323, "aux.loss_ce": 0.09887, "aux.acc_seg": 89.95511, "loss": 0.3402, "time": 1.60807} +{"mode": "train", "epoch": 21, "iter": 25850, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.23777, "decode.acc_seg": 90.10658, "aux.loss_ce": 0.09701, "aux.acc_seg": 90.00335, "loss": 0.33478, "time": 1.60779} +{"mode": "train", "epoch": 21, "iter": 25900, "lr": 0.0, "memory": 65790, "data_time": 0.00727, "decode.loss_ce": 0.24458, "decode.acc_seg": 89.68249, "aux.loss_ce": 0.09911, "aux.acc_seg": 89.69313, "loss": 0.3437, "time": 1.61189} +{"mode": "train", "epoch": 21, "iter": 25950, "lr": 0.0, "memory": 65790, "data_time": 0.0071, "decode.loss_ce": 0.22831, "decode.acc_seg": 90.41943, "aux.loss_ce": 0.09242, "aux.acc_seg": 90.33453, "loss": 0.32073, "time": 1.60881} +{"mode": "train", "epoch": 21, "iter": 26000, "lr": 0.0, "memory": 65790, "data_time": 0.00722, "decode.loss_ce": 0.24478, "decode.acc_seg": 89.99838, "aux.loss_ce": 0.09989, "aux.acc_seg": 89.9023, "loss": 0.34467, "time": 3.10639} +{"mode": "val", "epoch": 21, "iter": 250, "lr": 0.0, "aAcc": 0.8535, "mIoU": 0.5584, "mAcc": 0.6936, "IoU.wall": 0.8077, "IoU.building": 0.8455, "IoU.sky": 0.9433, "IoU.floor": 0.834, "IoU.tree": 0.7657, "IoU.ceiling": 0.8539, "IoU.road": 0.8613, "IoU.bed ": 0.9096, "IoU.windowpane": 0.6538, "IoU.grass": 0.6555, "IoU.cabinet": 0.6476, "IoU.sidewalk": 0.695, "IoU.person": 0.8358, "IoU.earth": 0.3778, "IoU.door": 0.5797, "IoU.table": 0.6629, "IoU.mountain": 0.5984, "IoU.plant": 0.5714, "IoU.curtain": 0.7685, "IoU.chair": 0.6487, "IoU.car": 0.8566, "IoU.water": 0.631, "IoU.painting": 0.779, "IoU.sofa": 0.8015, "IoU.shelf": 0.5094, "IoU.house": 0.5272, "IoU.sea": 0.7204, "IoU.mirror": 0.7508, "IoU.rug": 0.6983, "IoU.field": 0.2787, "IoU.armchair": 0.6557, "IoU.seat": 0.653, "IoU.fence": 0.4905, "IoU.desk": 0.5815, "IoU.rock": 0.5455, "IoU.wardrobe": 0.5357, "IoU.lamp": 0.6897, "IoU.bathtub": 0.868, "IoU.railing": 0.4281, "IoU.cushion": 0.6758, "IoU.base": 0.4684, "IoU.box": 0.4094, "IoU.column": 0.5374, "IoU.signboard": 0.4238, "IoU.chest of drawers": 0.4819, "IoU.counter": 0.4304, "IoU.sand": 0.4897, "IoU.sink": 0.7862, "IoU.skyscraper": 0.4605, "IoU.fireplace": 0.7474, "IoU.refrigerator": 0.834, "IoU.grandstand": 0.4723, "IoU.path": 0.3327, "IoU.stairs": 0.3063, "IoU.runway": 0.7088, "IoU.case": 0.6647, "IoU.pool table": 0.9331, "IoU.pillow": 0.6235, "IoU.screen door": 0.7978, "IoU.stairway": 0.4556, "IoU.river": 0.13, "IoU.bridge": 0.7479, "IoU.bookcase": 0.4255, "IoU.blind": 0.4888, "IoU.coffee table": 0.5927, "IoU.toilet": 0.8822, "IoU.flower": 0.4817, "IoU.book": 0.5352, "IoU.hill": 0.0817, "IoU.bench": 0.5791, "IoU.countertop": 0.6374, "IoU.stove": 0.8512, "IoU.palm": 0.5076, "IoU.kitchen island": 0.5627, "IoU.computer": 0.7642, "IoU.swivel chair": 0.548, "IoU.boat": 0.7141, "IoU.bar": 0.6011, "IoU.arcade machine": 0.7886, "IoU.hovel": 0.3849, "IoU.bus": 0.9051, "IoU.towel": 0.7324, "IoU.light": 0.3981, "IoU.truck": 0.4751, "IoU.tower": 0.0927, "IoU.chandelier": 0.6878, "IoU.awning": 0.3424, "IoU.streetlight": 0.1998, "IoU.booth": 0.5874, "IoU.television receiver": 0.7512, "IoU.airplane": 0.7677, "IoU.dirt track": 0.0617, "IoU.apparel": 0.6039, "IoU.pole": 0.2413, "IoU.land": 0.0324, "IoU.bannister": 0.1668, "IoU.escalator": 0.6069, "IoU.ottoman": 0.5243, "IoU.bottle": 0.4113, "IoU.buffet": 0.4847, "IoU.poster": 0.3415, "IoU.stage": 0.2163, "IoU.van": 0.4219, "IoU.ship": 0.285, "IoU.fountain": 0.3789, "IoU.conveyer belt": 0.8048, "IoU.canopy": 0.4723, "IoU.washer": 0.8787, "IoU.plaything": 0.313, "IoU.swimming pool": 0.5603, "IoU.stool": 0.4686, "IoU.barrel": 0.3326, "IoU.basket": 0.4403, "IoU.waterfall": 0.7398, "IoU.tent": 0.8894, "IoU.bag": 0.2575, "IoU.minibike": 0.7184, "IoU.cradle": 0.8589, "IoU.oven": 0.631, "IoU.ball": 0.1896, "IoU.food": 0.6463, "IoU.step": 0.1336, "IoU.tank": 0.5665, "IoU.trade name": 0.309, "IoU.microwave": 0.8964, "IoU.pot": 0.5545, "IoU.animal": 0.6914, "IoU.bicycle": 0.6135, "IoU.lake": 0.5218, "IoU.dishwasher": 0.7213, "IoU.screen": 0.5957, "IoU.blanket": 0.2495, "IoU.sculpture": 0.6803, "IoU.hood": 0.5809, "IoU.sconce": 0.5496, "IoU.vase": 0.4538, "IoU.traffic light": 0.3513, "IoU.tray": 0.2245, "IoU.ashcan": 0.4954, "IoU.fan": 0.5797, "IoU.pier": 0.3643, "IoU.crt screen": 0.026, "IoU.plate": 0.5953, "IoU.monitor": 0.7027, "IoU.bulletin board": 0.5435, "IoU.shower": 0.0247, "IoU.radiator": 0.6497, "IoU.glass": 0.1989, "IoU.clock": 0.4705, "IoU.flag": 0.6377, "Acc.wall": 0.8907, "Acc.building": 0.9224, "Acc.sky": 0.9787, "Acc.floor": 0.9014, "Acc.tree": 0.882, "Acc.ceiling": 0.9147, "Acc.road": 0.9075, "Acc.bed ": 0.9748, "Acc.windowpane": 0.7803, "Acc.grass": 0.7682, "Acc.cabinet": 0.7136, "Acc.sidewalk": 0.8433, "Acc.person": 0.9289, "Acc.earth": 0.5469, "Acc.door": 0.7526, "Acc.table": 0.7877, "Acc.mountain": 0.7285, "Acc.plant": 0.6964, "Acc.curtain": 0.9064, "Acc.chair": 0.7717, "Acc.car": 0.9377, "Acc.water": 0.7535, "Acc.painting": 0.8681, "Acc.sofa": 0.8949, "Acc.shelf": 0.6854, "Acc.house": 0.7982, "Acc.sea": 0.8229, "Acc.mirror": 0.832, "Acc.rug": 0.8775, "Acc.field": 0.4103, "Acc.armchair": 0.8154, "Acc.seat": 0.8665, "Acc.fence": 0.6171, "Acc.desk": 0.8082, "Acc.rock": 0.8098, "Acc.wardrobe": 0.7572, "Acc.lamp": 0.7768, "Acc.bathtub": 0.8917, "Acc.railing": 0.6532, "Acc.cushion": 0.8269, "Acc.base": 0.6501, "Acc.box": 0.5403, "Acc.column": 0.6662, "Acc.signboard": 0.5782, "Acc.chest of drawers": 0.7611, "Acc.counter": 0.5168, "Acc.sand": 0.6785, "Acc.sink": 0.8364, "Acc.skyscraper": 0.6123, "Acc.fireplace": 0.9254, "Acc.refrigerator": 0.9157, "Acc.grandstand": 0.8651, "Acc.path": 0.4348, "Acc.stairs": 0.3962, "Acc.runway": 0.9795, "Acc.case": 0.855, "Acc.pool table": 0.979, "Acc.pillow": 0.7222, "Acc.screen door": 0.8818, "Acc.stairway": 0.6112, "Acc.river": 0.2643, "Acc.bridge": 0.8812, "Acc.bookcase": 0.4869, "Acc.blind": 0.5994, "Acc.coffee table": 0.832, "Acc.toilet": 0.9283, "Acc.flower": 0.5919, "Acc.book": 0.7605, "Acc.hill": 0.2364, "Acc.bench": 0.6541, "Acc.countertop": 0.7977, "Acc.stove": 0.9205, "Acc.palm": 0.7175, "Acc.kitchen island": 0.8784, "Acc.computer": 0.9099, "Acc.swivel chair": 0.8283, "Acc.boat": 0.8976, "Acc.bar": 0.8984, "Acc.arcade machine": 0.8817, "Acc.hovel": 0.4703, "Acc.bus": 0.9712, "Acc.towel": 0.816, "Acc.light": 0.8069, "Acc.truck": 0.6158, "Acc.tower": 0.1184, "Acc.chandelier": 0.8495, "Acc.awning": 0.421, "Acc.streetlight": 0.2313, "Acc.booth": 0.7245, "Acc.television receiver": 0.8608, "Acc.airplane": 0.8479, "Acc.dirt track": 0.2165, "Acc.apparel": 0.7634, "Acc.pole": 0.3304, "Acc.land": 0.0431, "Acc.bannister": 0.2269, "Acc.escalator": 0.8782, "Acc.ottoman": 0.6878, "Acc.bottle": 0.7254, "Acc.buffet": 0.9179, "Acc.poster": 0.3851, "Acc.stage": 0.5149, "Acc.van": 0.615, "Acc.ship": 0.3035, "Acc.fountain": 0.39, "Acc.conveyer belt": 0.9616, "Acc.canopy": 0.6878, "Acc.washer": 0.9544, "Acc.plaything": 0.4944, "Acc.swimming pool": 0.8233, "Acc.stool": 0.6491, "Acc.barrel": 0.7387, "Acc.basket": 0.5785, "Acc.waterfall": 0.9189, "Acc.tent": 0.9841, "Acc.bag": 0.2918, "Acc.minibike": 0.8654, "Acc.cradle": 0.9723, "Acc.oven": 0.7585, "Acc.ball": 0.1913, "Acc.food": 0.7258, "Acc.step": 0.1671, "Acc.tank": 0.6799, "Acc.trade name": 0.3765, "Acc.microwave": 0.9533, "Acc.pot": 0.6388, "Acc.animal": 0.7128, "Acc.bicycle": 0.8066, "Acc.lake": 0.6951, "Acc.dishwasher": 0.8168, "Acc.screen": 0.8965, "Acc.blanket": 0.2888, "Acc.sculpture": 0.8714, "Acc.hood": 0.6657, "Acc.sconce": 0.6755, "Acc.vase": 0.6291, "Acc.traffic light": 0.5836, "Acc.tray": 0.3118, "Acc.ashcan": 0.5755, "Acc.fan": 0.6776, "Acc.pier": 0.4169, "Acc.crt screen": 0.0309, "Acc.plate": 0.8142, "Acc.monitor": 0.8454, "Acc.bulletin board": 0.6675, "Acc.shower": 0.0248, "Acc.radiator": 0.7393, "Acc.glass": 0.2153, "Acc.clock": 0.5547, "Acc.flag": 0.7166} +{"mode": "train", "epoch": 21, "iter": 26050, "lr": 0.0, "memory": 65790, "data_time": 1.68484, "decode.loss_ce": 0.23538, "decode.acc_seg": 89.79771, "aux.loss_ce": 0.09616, "aux.acc_seg": 89.75711, "loss": 0.33154, "time": 3.28671} +{"mode": "train", "epoch": 21, "iter": 26100, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.24721, "decode.acc_seg": 89.53239, "aux.loss_ce": 0.09963, "aux.acc_seg": 89.57389, "loss": 0.34684, "time": 1.60932} +{"mode": "train", "epoch": 21, "iter": 26150, "lr": 0.0, "memory": 65790, "data_time": 0.00731, "decode.loss_ce": 0.25212, "decode.acc_seg": 89.19004, "aux.loss_ce": 0.10281, "aux.acc_seg": 89.04712, "loss": 0.35493, "time": 1.60855} +{"mode": "train", "epoch": 21, "iter": 26200, "lr": 0.0, "memory": 65790, "data_time": 0.00744, "decode.loss_ce": 0.24369, "decode.acc_seg": 89.85783, "aux.loss_ce": 0.09938, "aux.acc_seg": 89.67761, "loss": 0.34307, "time": 1.61066} +{"mode": "train", "epoch": 21, "iter": 26250, "lr": 0.0, "memory": 65790, "data_time": 0.00722, "decode.loss_ce": 0.25517, "decode.acc_seg": 89.50825, "aux.loss_ce": 0.10309, "aux.acc_seg": 89.44731, "loss": 0.35826, "time": 1.61017} +{"mode": "train", "epoch": 21, "iter": 26300, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.23506, "decode.acc_seg": 89.81197, "aux.loss_ce": 0.0959, "aux.acc_seg": 89.84902, "loss": 0.33096, "time": 1.60863} +{"mode": "train", "epoch": 21, "iter": 26350, "lr": 0.0, "memory": 65790, "data_time": 0.00712, "decode.loss_ce": 0.23568, "decode.acc_seg": 89.74529, "aux.loss_ce": 0.09529, "aux.acc_seg": 89.80686, "loss": 0.33097, "time": 1.60878} +{"mode": "train", "epoch": 21, "iter": 26400, "lr": 0.0, "memory": 65790, "data_time": 0.00731, "decode.loss_ce": 0.24364, "decode.acc_seg": 89.64721, "aux.loss_ce": 0.09948, "aux.acc_seg": 89.60228, "loss": 0.34312, "time": 1.60843} +{"mode": "train", "epoch": 21, "iter": 26450, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.23854, "decode.acc_seg": 89.84343, "aux.loss_ce": 0.09719, "aux.acc_seg": 89.69596, "loss": 0.33572, "time": 1.61218} +{"mode": "train", "epoch": 21, "iter": 26500, "lr": 0.0, "memory": 65790, "data_time": 0.00719, "decode.loss_ce": 0.23061, "decode.acc_seg": 89.8895, "aux.loss_ce": 0.09339, "aux.acc_seg": 89.95549, "loss": 0.32399, "time": 1.6105} +{"mode": "train", "epoch": 22, "iter": 26550, "lr": 0.0, "memory": 65790, "data_time": 0.04892, "decode.loss_ce": 0.2351, "decode.acc_seg": 90.09163, "aux.loss_ce": 0.09662, "aux.acc_seg": 89.91688, "loss": 0.33173, "time": 1.65381} +{"mode": "train", "epoch": 22, "iter": 26600, "lr": 0.0, "memory": 65790, "data_time": 0.00752, "decode.loss_ce": 0.22389, "decode.acc_seg": 90.56619, "aux.loss_ce": 0.09077, "aux.acc_seg": 90.48065, "loss": 0.31466, "time": 1.61073} +{"mode": "train", "epoch": 22, "iter": 26650, "lr": 0.0, "memory": 65790, "data_time": 0.00724, "decode.loss_ce": 0.23463, "decode.acc_seg": 90.17923, "aux.loss_ce": 0.09625, "aux.acc_seg": 90.1362, "loss": 0.33088, "time": 1.6085} +{"mode": "train", "epoch": 22, "iter": 26700, "lr": 0.0, "memory": 65790, "data_time": 0.00721, "decode.loss_ce": 0.24112, "decode.acc_seg": 89.82338, "aux.loss_ce": 0.09849, "aux.acc_seg": 89.69444, "loss": 0.33962, "time": 1.60788} +{"mode": "train", "epoch": 22, "iter": 26750, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.22573, "decode.acc_seg": 90.40955, "aux.loss_ce": 0.09258, "aux.acc_seg": 90.30259, "loss": 0.31832, "time": 1.60844} +{"mode": "train", "epoch": 22, "iter": 26800, "lr": 0.0, "memory": 65790, "data_time": 0.00704, "decode.loss_ce": 0.21931, "decode.acc_seg": 90.46157, "aux.loss_ce": 0.09006, "aux.acc_seg": 90.30382, "loss": 0.30938, "time": 1.60837} +{"mode": "train", "epoch": 22, "iter": 26850, "lr": 0.0, "memory": 65790, "data_time": 0.00712, "decode.loss_ce": 0.23125, "decode.acc_seg": 90.30593, "aux.loss_ce": 0.09438, "aux.acc_seg": 90.17686, "loss": 0.32563, "time": 1.61214} +{"mode": "train", "epoch": 22, "iter": 26900, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.22714, "decode.acc_seg": 90.45277, "aux.loss_ce": 0.09266, "aux.acc_seg": 90.31657, "loss": 0.31979, "time": 1.61022} +{"mode": "train", "epoch": 22, "iter": 26950, "lr": 0.0, "memory": 65790, "data_time": 0.26602, "decode.loss_ce": 0.2366, "decode.acc_seg": 89.78134, "aux.loss_ce": 0.09648, "aux.acc_seg": 89.85409, "loss": 0.33308, "time": 1.87034} +{"mode": "train", "epoch": 22, "iter": 27000, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.22721, "decode.acc_seg": 90.2873, "aux.loss_ce": 0.0934, "aux.acc_seg": 90.07463, "loss": 0.32061, "time": 1.60948} +{"mode": "val", "epoch": 22, "iter": 250, "lr": 0.0, "aAcc": 0.8552, "mIoU": 0.5639, "mAcc": 0.6946, "IoU.wall": 0.8035, "IoU.building": 0.8459, "IoU.sky": 0.9427, "IoU.floor": 0.8267, "IoU.tree": 0.7599, "IoU.ceiling": 0.8611, "IoU.road": 0.8642, "IoU.bed ": 0.911, "IoU.windowpane": 0.6597, "IoU.grass": 0.7075, "IoU.cabinet": 0.6574, "IoU.sidewalk": 0.7146, "IoU.person": 0.8309, "IoU.earth": 0.3799, "IoU.door": 0.6008, "IoU.table": 0.6611, "IoU.mountain": 0.6433, "IoU.plant": 0.5393, "IoU.curtain": 0.7766, "IoU.chair": 0.6375, "IoU.car": 0.8607, "IoU.water": 0.586, "IoU.painting": 0.7187, "IoU.sofa": 0.825, "IoU.shelf": 0.4772, "IoU.house": 0.4906, "IoU.sea": 0.6995, "IoU.mirror": 0.7829, "IoU.rug": 0.6555, "IoU.field": 0.3509, "IoU.armchair": 0.6274, "IoU.seat": 0.6747, "IoU.fence": 0.4531, "IoU.desk": 0.5243, "IoU.rock": 0.5994, "IoU.wardrobe": 0.5546, "IoU.lamp": 0.6967, "IoU.bathtub": 0.8619, "IoU.railing": 0.4213, "IoU.cushion": 0.6903, "IoU.base": 0.4346, "IoU.box": 0.3965, "IoU.column": 0.5043, "IoU.signboard": 0.4078, "IoU.chest of drawers": 0.4424, "IoU.counter": 0.3938, "IoU.sand": 0.545, "IoU.sink": 0.7676, "IoU.skyscraper": 0.4929, "IoU.fireplace": 0.7185, "IoU.refrigerator": 0.8461, "IoU.grandstand": 0.5424, "IoU.path": 0.3349, "IoU.stairs": 0.3131, "IoU.runway": 0.6768, "IoU.case": 0.648, "IoU.pool table": 0.9317, "IoU.pillow": 0.6324, "IoU.screen door": 0.7259, "IoU.stairway": 0.4392, "IoU.river": 0.1401, "IoU.bridge": 0.6753, "IoU.bookcase": 0.3712, "IoU.blind": 0.435, "IoU.coffee table": 0.602, "IoU.toilet": 0.8914, "IoU.flower": 0.4692, "IoU.book": 0.5107, "IoU.hill": 0.069, "IoU.bench": 0.6363, "IoU.countertop": 0.5907, "IoU.stove": 0.8517, "IoU.palm": 0.5056, "IoU.kitchen island": 0.4821, "IoU.computer": 0.7941, "IoU.swivel chair": 0.5068, "IoU.boat": 0.806, "IoU.bar": 0.6067, "IoU.arcade machine": 0.8271, "IoU.hovel": 0.2922, "IoU.bus": 0.9245, "IoU.towel": 0.7673, "IoU.light": 0.4796, "IoU.truck": 0.4546, "IoU.tower": 0.2023, "IoU.chandelier": 0.7112, "IoU.awning": 0.4168, "IoU.streetlight": 0.2183, "IoU.booth": 0.4531, "IoU.television receiver": 0.7568, "IoU.airplane": 0.8428, "IoU.dirt track": 0.1465, "IoU.apparel": 0.5668, "IoU.pole": 0.211, "IoU.land": 0.0744, "IoU.bannister": 0.2169, "IoU.escalator": 0.6193, "IoU.ottoman": 0.5514, "IoU.bottle": 0.4261, "IoU.buffet": 0.6052, "IoU.poster": 0.3753, "IoU.stage": 0.2191, "IoU.van": 0.4659, "IoU.ship": 0.216, "IoU.fountain": 0.4717, "IoU.conveyer belt": 0.7938, "IoU.canopy": 0.4802, "IoU.washer": 0.89, "IoU.plaything": 0.283, "IoU.swimming pool": 0.5296, "IoU.stool": 0.451, "IoU.barrel": 0.4326, "IoU.basket": 0.4356, "IoU.waterfall": 0.6745, "IoU.tent": 0.9401, "IoU.bag": 0.2505, "IoU.minibike": 0.7136, "IoU.cradle": 0.8747, "IoU.oven": 0.6136, "IoU.ball": 0.4875, "IoU.food": 0.6312, "IoU.step": 0.0966, "IoU.tank": 0.6483, "IoU.trade name": 0.2625, "IoU.microwave": 0.8757, "IoU.pot": 0.5546, "IoU.animal": 0.6713, "IoU.bicycle": 0.5967, "IoU.lake": 0.5649, "IoU.dishwasher": 0.7457, "IoU.screen": 0.5682, "IoU.blanket": 0.2669, "IoU.sculpture": 0.7279, "IoU.hood": 0.6611, "IoU.sconce": 0.5585, "IoU.vase": 0.4468, "IoU.traffic light": 0.3693, "IoU.tray": 0.2165, "IoU.ashcan": 0.5048, "IoU.fan": 0.6282, "IoU.pier": 0.3933, "IoU.crt screen": 0.1126, "IoU.plate": 0.5934, "IoU.monitor": 0.6572, "IoU.bulletin board": 0.5734, "IoU.shower": 0.0295, "IoU.radiator": 0.6269, "IoU.glass": 0.1995, "IoU.clock": 0.4896, "IoU.flag": 0.64, "Acc.wall": 0.8808, "Acc.building": 0.9414, "Acc.sky": 0.9804, "Acc.floor": 0.8991, "Acc.tree": 0.8872, "Acc.ceiling": 0.9309, "Acc.road": 0.9173, "Acc.bed ": 0.9741, "Acc.windowpane": 0.8273, "Acc.grass": 0.8483, "Acc.cabinet": 0.7606, "Acc.sidewalk": 0.8568, "Acc.person": 0.9326, "Acc.earth": 0.4827, "Acc.door": 0.7732, "Acc.table": 0.7784, "Acc.mountain": 0.7447, "Acc.plant": 0.6668, "Acc.curtain": 0.8837, "Acc.chair": 0.758, "Acc.car": 0.9304, "Acc.water": 0.712, "Acc.painting": 0.9117, "Acc.sofa": 0.9297, "Acc.shelf": 0.6077, "Acc.house": 0.6124, "Acc.sea": 0.8835, "Acc.mirror": 0.9028, "Acc.rug": 0.7457, "Acc.field": 0.5381, "Acc.armchair": 0.7855, "Acc.seat": 0.8718, "Acc.fence": 0.5786, "Acc.desk": 0.8533, "Acc.rock": 0.7738, "Acc.wardrobe": 0.7693, "Acc.lamp": 0.8174, "Acc.bathtub": 0.8907, "Acc.railing": 0.644, "Acc.cushion": 0.8118, "Acc.base": 0.5503, "Acc.box": 0.5104, "Acc.column": 0.5736, "Acc.signboard": 0.541, "Acc.chest of drawers": 0.639, "Acc.counter": 0.4221, "Acc.sand": 0.8707, "Acc.sink": 0.8314, "Acc.skyscraper": 0.6187, "Acc.fireplace": 0.9529, "Acc.refrigerator": 0.9307, "Acc.grandstand": 0.8102, "Acc.path": 0.5002, "Acc.stairs": 0.3899, "Acc.runway": 0.8877, "Acc.case": 0.8479, "Acc.pool table": 0.9817, "Acc.pillow": 0.7232, "Acc.screen door": 0.81, "Acc.stairway": 0.5552, "Acc.river": 0.2832, "Acc.bridge": 0.7695, "Acc.bookcase": 0.5687, "Acc.blind": 0.5386, "Acc.coffee table": 0.8676, "Acc.toilet": 0.9255, "Acc.flower": 0.5965, "Acc.book": 0.7479, "Acc.hill": 0.1218, "Acc.bench": 0.7648, "Acc.countertop": 0.7689, "Acc.stove": 0.9338, "Acc.palm": 0.7212, "Acc.kitchen island": 0.9045, "Acc.computer": 0.9028, "Acc.swivel chair": 0.8006, "Acc.boat": 0.9071, "Acc.bar": 0.8772, "Acc.arcade machine": 0.8883, "Acc.hovel": 0.3159, "Acc.bus": 0.9673, "Acc.towel": 0.869, "Acc.light": 0.5545, "Acc.truck": 0.6271, "Acc.tower": 0.2652, "Acc.chandelier": 0.8416, "Acc.awning": 0.5297, "Acc.streetlight": 0.2615, "Acc.booth": 0.6304, "Acc.television receiver": 0.8808, "Acc.airplane": 0.9292, "Acc.dirt track": 0.2876, "Acc.apparel": 0.7184, "Acc.pole": 0.3209, "Acc.land": 0.0926, "Acc.bannister": 0.3041, "Acc.escalator": 0.8478, "Acc.ottoman": 0.7776, "Acc.bottle": 0.7331, "Acc.buffet": 0.7147, "Acc.poster": 0.4617, "Acc.stage": 0.594, "Acc.van": 0.6744, "Acc.ship": 0.2222, "Acc.fountain": 0.4816, "Acc.conveyer belt": 0.9644, "Acc.canopy": 0.674, "Acc.washer": 0.9606, "Acc.plaything": 0.4293, "Acc.swimming pool": 0.7652, "Acc.stool": 0.5296, "Acc.barrel": 0.728, "Acc.basket": 0.5692, "Acc.waterfall": 0.7359, "Acc.tent": 0.9855, "Acc.bag": 0.2878, "Acc.minibike": 0.8455, "Acc.cradle": 0.984, "Acc.oven": 0.6921, "Acc.ball": 0.8073, "Acc.food": 0.7534, "Acc.step": 0.1094, "Acc.tank": 0.7719, "Acc.trade name": 0.3133, "Acc.microwave": 0.9542, "Acc.pot": 0.6146, "Acc.animal": 0.6928, "Acc.bicycle": 0.7586, "Acc.lake": 0.6366, "Acc.dishwasher": 0.7878, "Acc.screen": 0.9635, "Acc.blanket": 0.3018, "Acc.sculpture": 0.8299, "Acc.hood": 0.805, "Acc.sconce": 0.6552, "Acc.vase": 0.6235, "Acc.traffic light": 0.5697, "Acc.tray": 0.339, "Acc.ashcan": 0.6018, "Acc.fan": 0.7767, "Acc.pier": 0.4351, "Acc.crt screen": 0.1245, "Acc.plate": 0.7652, "Acc.monitor": 0.793, "Acc.bulletin board": 0.808, "Acc.shower": 0.0874, "Acc.radiator": 0.8555, "Acc.glass": 0.2135, "Acc.clock": 0.5661, "Acc.flag": 0.6856} +{"mode": "train", "epoch": 22, "iter": 27050, "lr": 0.0, "memory": 65790, "data_time": 1.65024, "decode.loss_ce": 0.23406, "decode.acc_seg": 90.03161, "aux.loss_ce": 0.09548, "aux.acc_seg": 89.93541, "loss": 0.32954, "time": 3.25267} +{"mode": "train", "epoch": 22, "iter": 27100, "lr": 0.0, "memory": 65790, "data_time": 0.00719, "decode.loss_ce": 0.23818, "decode.acc_seg": 89.98101, "aux.loss_ce": 0.09511, "aux.acc_seg": 90.06178, "loss": 0.33329, "time": 1.61096} +{"mode": "train", "epoch": 22, "iter": 27150, "lr": 0.0, "memory": 65790, "data_time": 0.00707, "decode.loss_ce": 0.22465, "decode.acc_seg": 90.33435, "aux.loss_ce": 0.09063, "aux.acc_seg": 90.35227, "loss": 0.31528, "time": 1.61028} +{"mode": "train", "epoch": 22, "iter": 27200, "lr": 0.0, "memory": 65790, "data_time": 0.0073, "decode.loss_ce": 0.2208, "decode.acc_seg": 90.60912, "aux.loss_ce": 0.0903, "aux.acc_seg": 90.51344, "loss": 0.3111, "time": 1.61038} +{"mode": "train", "epoch": 22, "iter": 27250, "lr": 0.0, "memory": 65790, "data_time": 0.00738, "decode.loss_ce": 0.23799, "decode.acc_seg": 89.8365, "aux.loss_ce": 0.09598, "aux.acc_seg": 89.81602, "loss": 0.33398, "time": 1.61095} +{"mode": "train", "epoch": 22, "iter": 27300, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.23638, "decode.acc_seg": 90.14887, "aux.loss_ce": 0.09561, "aux.acc_seg": 90.1044, "loss": 0.33199, "time": 1.61106} +{"mode": "train", "epoch": 22, "iter": 27350, "lr": 0.0, "memory": 65790, "data_time": 0.00721, "decode.loss_ce": 0.23257, "decode.acc_seg": 90.42129, "aux.loss_ce": 0.09448, "aux.acc_seg": 90.38361, "loss": 0.32705, "time": 1.6092} +{"mode": "train", "epoch": 22, "iter": 27400, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.23682, "decode.acc_seg": 89.64914, "aux.loss_ce": 0.0955, "aux.acc_seg": 89.65698, "loss": 0.33232, "time": 1.61013} +{"mode": "train", "epoch": 22, "iter": 27450, "lr": 0.0, "memory": 65790, "data_time": 0.00715, "decode.loss_ce": 0.23081, "decode.acc_seg": 90.31278, "aux.loss_ce": 0.09414, "aux.acc_seg": 90.1619, "loss": 0.32494, "time": 1.60923} +{"mode": "train", "epoch": 22, "iter": 27500, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.24072, "decode.acc_seg": 90.00651, "aux.loss_ce": 0.09831, "aux.acc_seg": 89.92811, "loss": 0.33902, "time": 1.6113} +{"mode": "train", "epoch": 22, "iter": 27550, "lr": 0.0, "memory": 65790, "data_time": 0.00704, "decode.loss_ce": 0.24211, "decode.acc_seg": 89.98315, "aux.loss_ce": 0.09854, "aux.acc_seg": 89.82651, "loss": 0.34065, "time": 1.60899} +{"mode": "train", "epoch": 22, "iter": 27600, "lr": 0.0, "memory": 65790, "data_time": 0.00733, "decode.loss_ce": 0.22723, "decode.acc_seg": 90.50022, "aux.loss_ce": 0.09276, "aux.acc_seg": 90.46029, "loss": 0.31999, "time": 1.60856} +{"mode": "train", "epoch": 22, "iter": 27650, "lr": 0.0, "memory": 65790, "data_time": 0.00715, "decode.loss_ce": 0.2407, "decode.acc_seg": 89.9856, "aux.loss_ce": 0.09736, "aux.acc_seg": 89.91121, "loss": 0.33806, "time": 1.61144} +{"mode": "train", "epoch": 22, "iter": 27700, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.24027, "decode.acc_seg": 89.87893, "aux.loss_ce": 0.09618, "aux.acc_seg": 90.00041, "loss": 0.33645, "time": 1.61113} +{"mode": "train", "epoch": 22, "iter": 27750, "lr": 0.0, "memory": 65790, "data_time": 0.00706, "decode.loss_ce": 0.24009, "decode.acc_seg": 90.11939, "aux.loss_ce": 0.09786, "aux.acc_seg": 90.00407, "loss": 0.33795, "time": 1.61537} +{"mode": "train", "epoch": 23, "iter": 27800, "lr": 0.0, "memory": 65790, "data_time": 0.04884, "decode.loss_ce": 0.22242, "decode.acc_seg": 90.37434, "aux.loss_ce": 0.09047, "aux.acc_seg": 90.323, "loss": 0.31289, "time": 1.65574} +{"mode": "train", "epoch": 23, "iter": 27850, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.22903, "decode.acc_seg": 90.07297, "aux.loss_ce": 0.09325, "aux.acc_seg": 90.03591, "loss": 0.32228, "time": 1.61205} +{"mode": "train", "epoch": 23, "iter": 27900, "lr": 0.0, "memory": 65790, "data_time": 0.00727, "decode.loss_ce": 0.23983, "decode.acc_seg": 90.01397, "aux.loss_ce": 0.09828, "aux.acc_seg": 89.90792, "loss": 0.3381, "time": 1.60818} +{"mode": "train", "epoch": 23, "iter": 27950, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.24313, "decode.acc_seg": 89.75286, "aux.loss_ce": 0.09834, "aux.acc_seg": 89.85243, "loss": 0.34146, "time": 1.60944} +{"mode": "train", "epoch": 23, "iter": 28000, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.23281, "decode.acc_seg": 90.3031, "aux.loss_ce": 0.09403, "aux.acc_seg": 90.15171, "loss": 0.32683, "time": 2.99996} +{"mode": "val", "epoch": 23, "iter": 250, "lr": 0.0, "aAcc": 0.8506, "mIoU": 0.564, "mAcc": 0.7023, "IoU.wall": 0.8022, "IoU.building": 0.8343, "IoU.sky": 0.9424, "IoU.floor": 0.8366, "IoU.tree": 0.7716, "IoU.ceiling": 0.8514, "IoU.road": 0.8591, "IoU.bed ": 0.9138, "IoU.windowpane": 0.6543, "IoU.grass": 0.6397, "IoU.cabinet": 0.6541, "IoU.sidewalk": 0.6834, "IoU.person": 0.8317, "IoU.earth": 0.3705, "IoU.door": 0.5955, "IoU.table": 0.671, "IoU.mountain": 0.624, "IoU.plant": 0.5685, "IoU.curtain": 0.7669, "IoU.chair": 0.6314, "IoU.car": 0.8587, "IoU.water": 0.5329, "IoU.painting": 0.7254, "IoU.sofa": 0.7982, "IoU.shelf": 0.4378, "IoU.house": 0.3926, "IoU.sea": 0.6612, "IoU.mirror": 0.769, "IoU.rug": 0.685, "IoU.field": 0.2798, "IoU.armchair": 0.6351, "IoU.seat": 0.6468, "IoU.fence": 0.4742, "IoU.desk": 0.5427, "IoU.rock": 0.5358, "IoU.wardrobe": 0.5521, "IoU.lamp": 0.6895, "IoU.bathtub": 0.8961, "IoU.railing": 0.4093, "IoU.cushion": 0.6981, "IoU.base": 0.4706, "IoU.box": 0.4004, "IoU.column": 0.511, "IoU.signboard": 0.3886, "IoU.chest of drawers": 0.4947, "IoU.counter": 0.509, "IoU.sand": 0.5171, "IoU.sink": 0.7733, "IoU.skyscraper": 0.4836, "IoU.fireplace": 0.713, "IoU.refrigerator": 0.8039, "IoU.grandstand": 0.4826, "IoU.path": 0.2877, "IoU.stairs": 0.321, "IoU.runway": 0.6859, "IoU.case": 0.6447, "IoU.pool table": 0.9287, "IoU.pillow": 0.6521, "IoU.screen door": 0.8044, "IoU.stairway": 0.5546, "IoU.river": 0.1245, "IoU.bridge": 0.7105, "IoU.bookcase": 0.3939, "IoU.blind": 0.4338, "IoU.coffee table": 0.6003, "IoU.toilet": 0.8872, "IoU.flower": 0.4315, "IoU.book": 0.4959, "IoU.hill": 0.0769, "IoU.bench": 0.5746, "IoU.countertop": 0.6064, "IoU.stove": 0.8573, "IoU.palm": 0.5343, "IoU.kitchen island": 0.5035, "IoU.computer": 0.7585, "IoU.swivel chair": 0.478, "IoU.boat": 0.8088, "IoU.bar": 0.5968, "IoU.arcade machine": 0.8036, "IoU.hovel": 0.2643, "IoU.bus": 0.8935, "IoU.towel": 0.7548, "IoU.light": 0.4976, "IoU.truck": 0.3897, "IoU.tower": 0.2891, "IoU.chandelier": 0.6979, "IoU.awning": 0.3519, "IoU.streetlight": 0.2648, "IoU.booth": 0.5478, "IoU.television receiver": 0.7572, "IoU.airplane": 0.6722, "IoU.dirt track": 0.136, "IoU.apparel": 0.5095, "IoU.pole": 0.2747, "IoU.land": 0.0122, "IoU.bannister": 0.1474, "IoU.escalator": 0.599, "IoU.ottoman": 0.5582, "IoU.bottle": 0.4284, "IoU.buffet": 0.5911, "IoU.poster": 0.3306, "IoU.stage": 0.2499, "IoU.van": 0.4798, "IoU.ship": 0.8203, "IoU.fountain": 0.4593, "IoU.conveyer belt": 0.7743, "IoU.canopy": 0.493, "IoU.washer": 0.8748, "IoU.plaything": 0.307, "IoU.swimming pool": 0.5639, "IoU.stool": 0.4634, "IoU.barrel": 0.5124, "IoU.basket": 0.4374, "IoU.waterfall": 0.5836, "IoU.tent": 0.9311, "IoU.bag": 0.2639, "IoU.minibike": 0.6972, "IoU.cradle": 0.8391, "IoU.oven": 0.5564, "IoU.ball": 0.6204, "IoU.food": 0.6636, "IoU.step": 0.1309, "IoU.tank": 0.6603, "IoU.trade name": 0.2742, "IoU.microwave": 0.8542, "IoU.pot": 0.5696, "IoU.animal": 0.6107, "IoU.bicycle": 0.589, "IoU.lake": 0.5632, "IoU.dishwasher": 0.7237, "IoU.screen": 0.5911, "IoU.blanket": 0.3317, "IoU.sculpture": 0.7326, "IoU.hood": 0.5874, "IoU.sconce": 0.5734, "IoU.vase": 0.4534, "IoU.traffic light": 0.3221, "IoU.tray": 0.1954, "IoU.ashcan": 0.4812, "IoU.fan": 0.6367, "IoU.pier": 0.3811, "IoU.crt screen": 0.0299, "IoU.plate": 0.6196, "IoU.monitor": 0.6587, "IoU.bulletin board": 0.6085, "IoU.shower": 0.0516, "IoU.radiator": 0.6328, "IoU.glass": 0.1971, "IoU.clock": 0.4875, "IoU.flag": 0.6745, "Acc.wall": 0.8774, "Acc.building": 0.9251, "Acc.sky": 0.9738, "Acc.floor": 0.8895, "Acc.tree": 0.8878, "Acc.ceiling": 0.9474, "Acc.road": 0.9303, "Acc.bed ": 0.9706, "Acc.windowpane": 0.8197, "Acc.grass": 0.7656, "Acc.cabinet": 0.757, "Acc.sidewalk": 0.8005, "Acc.person": 0.9261, "Acc.earth": 0.4898, "Acc.door": 0.724, "Acc.table": 0.7904, "Acc.mountain": 0.7351, "Acc.plant": 0.7579, "Acc.curtain": 0.8798, "Acc.chair": 0.7763, "Acc.car": 0.9348, "Acc.water": 0.6418, "Acc.painting": 0.9216, "Acc.sofa": 0.9105, "Acc.shelf": 0.5301, "Acc.house": 0.4745, "Acc.sea": 0.8425, "Acc.mirror": 0.854, "Acc.rug": 0.821, "Acc.field": 0.5965, "Acc.armchair": 0.8083, "Acc.seat": 0.8445, "Acc.fence": 0.5433, "Acc.desk": 0.8365, "Acc.rock": 0.7949, "Acc.wardrobe": 0.759, "Acc.lamp": 0.812, "Acc.bathtub": 0.9252, "Acc.railing": 0.5731, "Acc.cushion": 0.8019, "Acc.base": 0.6413, "Acc.box": 0.5417, "Acc.column": 0.6024, "Acc.signboard": 0.499, "Acc.chest of drawers": 0.7429, "Acc.counter": 0.5862, "Acc.sand": 0.7612, "Acc.sink": 0.8303, "Acc.skyscraper": 0.6656, "Acc.fireplace": 0.9449, "Acc.refrigerator": 0.8705, "Acc.grandstand": 0.8137, "Acc.path": 0.4518, "Acc.stairs": 0.3631, "Acc.runway": 0.8963, "Acc.case": 0.883, "Acc.pool table": 0.982, "Acc.pillow": 0.7567, "Acc.screen door": 0.845, "Acc.stairway": 0.7034, "Acc.river": 0.3532, "Acc.bridge": 0.8584, "Acc.bookcase": 0.5306, "Acc.blind": 0.5096, "Acc.coffee table": 0.8713, "Acc.toilet": 0.9427, "Acc.flower": 0.5363, "Acc.book": 0.8252, "Acc.hill": 0.1218, "Acc.bench": 0.6264, "Acc.countertop": 0.8866, "Acc.stove": 0.9383, "Acc.palm": 0.7758, "Acc.kitchen island": 0.8688, "Acc.computer": 0.9114, "Acc.swivel chair": 0.8891, "Acc.boat": 0.8792, "Acc.bar": 0.8839, "Acc.arcade machine": 0.8696, "Acc.hovel": 0.2801, "Acc.bus": 0.9686, "Acc.towel": 0.8632, "Acc.light": 0.5663, "Acc.truck": 0.536, "Acc.tower": 0.578, "Acc.chandelier": 0.853, "Acc.awning": 0.4298, "Acc.streetlight": 0.3358, "Acc.booth": 0.7699, "Acc.television receiver": 0.8914, "Acc.airplane": 0.7292, "Acc.dirt track": 0.1842, "Acc.apparel": 0.6164, "Acc.pole": 0.4037, "Acc.land": 0.0188, "Acc.bannister": 0.1955, "Acc.escalator": 0.8956, "Acc.ottoman": 0.764, "Acc.bottle": 0.7053, "Acc.buffet": 0.7199, "Acc.poster": 0.5271, "Acc.stage": 0.6746, "Acc.van": 0.72, "Acc.ship": 0.8703, "Acc.fountain": 0.5074, "Acc.conveyer belt": 0.9606, "Acc.canopy": 0.6815, "Acc.washer": 0.9488, "Acc.plaything": 0.4673, "Acc.swimming pool": 0.8373, "Acc.stool": 0.6208, "Acc.barrel": 0.7022, "Acc.basket": 0.556, "Acc.waterfall": 0.7319, "Acc.tent": 0.984, "Acc.bag": 0.3013, "Acc.minibike": 0.8971, "Acc.cradle": 0.9798, "Acc.oven": 0.6991, "Acc.ball": 0.7094, "Acc.food": 0.7348, "Acc.step": 0.1466, "Acc.tank": 0.88, "Acc.trade name": 0.3397, "Acc.microwave": 0.9677, "Acc.pot": 0.6501, "Acc.animal": 0.6226, "Acc.bicycle": 0.7375, "Acc.lake": 0.6307, "Acc.dishwasher": 0.8067, "Acc.screen": 0.9628, "Acc.blanket": 0.3754, "Acc.sculpture": 0.8759, "Acc.hood": 0.6933, "Acc.sconce": 0.7268, "Acc.vase": 0.6336, "Acc.traffic light": 0.652, "Acc.tray": 0.2479, "Acc.ashcan": 0.6997, "Acc.fan": 0.7768, "Acc.pier": 0.4173, "Acc.crt screen": 0.0327, "Acc.plate": 0.7825, "Acc.monitor": 0.8058, "Acc.bulletin board": 0.7202, "Acc.shower": 0.0539, "Acc.radiator": 0.8253, "Acc.glass": 0.2166, "Acc.clock": 0.5797, "Acc.flag": 0.7563} +{"mode": "train", "epoch": 23, "iter": 28050, "lr": 0.0, "memory": 65790, "data_time": 1.6542, "decode.loss_ce": 0.21883, "decode.acc_seg": 90.62433, "aux.loss_ce": 0.08951, "aux.acc_seg": 90.52857, "loss": 0.30833, "time": 3.25906} +{"mode": "train", "epoch": 23, "iter": 28100, "lr": 0.0, "memory": 65790, "data_time": 0.0071, "decode.loss_ce": 0.21847, "decode.acc_seg": 90.74724, "aux.loss_ce": 0.0892, "aux.acc_seg": 90.68175, "loss": 0.30767, "time": 1.60862} +{"mode": "train", "epoch": 23, "iter": 28150, "lr": 0.0, "memory": 65790, "data_time": 0.00702, "decode.loss_ce": 0.22348, "decode.acc_seg": 90.74254, "aux.loss_ce": 0.09143, "aux.acc_seg": 90.70658, "loss": 0.31492, "time": 1.60833} +{"mode": "train", "epoch": 23, "iter": 28200, "lr": 0.0, "memory": 65790, "data_time": 0.00724, "decode.loss_ce": 0.22273, "decode.acc_seg": 90.70524, "aux.loss_ce": 0.09036, "aux.acc_seg": 90.66213, "loss": 0.3131, "time": 1.60913} +{"mode": "train", "epoch": 23, "iter": 28250, "lr": 0.0, "memory": 65790, "data_time": 0.00719, "decode.loss_ce": 0.22615, "decode.acc_seg": 90.65719, "aux.loss_ce": 0.09297, "aux.acc_seg": 90.52757, "loss": 0.31912, "time": 1.609} +{"mode": "train", "epoch": 23, "iter": 28300, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.23055, "decode.acc_seg": 90.50034, "aux.loss_ce": 0.09484, "aux.acc_seg": 90.36187, "loss": 0.32538, "time": 1.60841} +{"mode": "train", "epoch": 23, "iter": 28350, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.23699, "decode.acc_seg": 90.10045, "aux.loss_ce": 0.09692, "aux.acc_seg": 89.97591, "loss": 0.33391, "time": 1.61206} +{"mode": "train", "epoch": 23, "iter": 28400, "lr": 0.0, "memory": 65790, "data_time": 0.00715, "decode.loss_ce": 0.22755, "decode.acc_seg": 90.18275, "aux.loss_ce": 0.09335, "aux.acc_seg": 90.04264, "loss": 0.3209, "time": 1.60837} +{"mode": "train", "epoch": 23, "iter": 28450, "lr": 0.0, "memory": 65790, "data_time": 0.00757, "decode.loss_ce": 0.23257, "decode.acc_seg": 90.32086, "aux.loss_ce": 0.09419, "aux.acc_seg": 90.22875, "loss": 0.32676, "time": 1.61204} +{"mode": "train", "epoch": 23, "iter": 28500, "lr": 0.0, "memory": 65790, "data_time": 0.00729, "decode.loss_ce": 0.2235, "decode.acc_seg": 90.38126, "aux.loss_ce": 0.09244, "aux.acc_seg": 90.24289, "loss": 0.31594, "time": 1.60764} +{"mode": "train", "epoch": 23, "iter": 28550, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.22337, "decode.acc_seg": 90.1745, "aux.loss_ce": 0.09176, "aux.acc_seg": 90.05822, "loss": 0.31513, "time": 1.60883} +{"mode": "train", "epoch": 23, "iter": 28600, "lr": 0.0, "memory": 65790, "data_time": 0.00715, "decode.loss_ce": 0.22341, "decode.acc_seg": 90.36001, "aux.loss_ce": 0.09028, "aux.acc_seg": 90.39525, "loss": 0.31369, "time": 1.60871} +{"mode": "train", "epoch": 23, "iter": 28650, "lr": 0.0, "memory": 65790, "data_time": 0.0071, "decode.loss_ce": 0.22453, "decode.acc_seg": 90.54421, "aux.loss_ce": 0.09125, "aux.acc_seg": 90.42057, "loss": 0.31578, "time": 1.61004} +{"mode": "train", "epoch": 23, "iter": 28700, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.22653, "decode.acc_seg": 90.2344, "aux.loss_ce": 0.09239, "aux.acc_seg": 90.17828, "loss": 0.31892, "time": 1.61312} +{"mode": "train", "epoch": 23, "iter": 28750, "lr": 0.0, "memory": 65790, "data_time": 0.00727, "decode.loss_ce": 0.24154, "decode.acc_seg": 89.79389, "aux.loss_ce": 0.09871, "aux.acc_seg": 89.67341, "loss": 0.34025, "time": 1.60892} +{"mode": "train", "epoch": 23, "iter": 28800, "lr": 0.0, "memory": 65790, "data_time": 0.00727, "decode.loss_ce": 0.22818, "decode.acc_seg": 90.30073, "aux.loss_ce": 0.09217, "aux.acc_seg": 90.33102, "loss": 0.32035, "time": 1.60932} +{"mode": "train", "epoch": 23, "iter": 28850, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.23938, "decode.acc_seg": 89.92216, "aux.loss_ce": 0.09792, "aux.acc_seg": 89.79564, "loss": 0.33731, "time": 1.60831} +{"mode": "train", "epoch": 23, "iter": 28900, "lr": 0.0, "memory": 65790, "data_time": 0.00708, "decode.loss_ce": 0.24127, "decode.acc_seg": 89.56996, "aux.loss_ce": 0.09795, "aux.acc_seg": 89.57269, "loss": 0.33922, "time": 1.60804} +{"mode": "train", "epoch": 23, "iter": 28950, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.2287, "decode.acc_seg": 90.27513, "aux.loss_ce": 0.09375, "aux.acc_seg": 90.17233, "loss": 0.32244, "time": 1.61179} +{"mode": "train", "epoch": 23, "iter": 29000, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.22778, "decode.acc_seg": 90.5264, "aux.loss_ce": 0.09269, "aux.acc_seg": 90.41521, "loss": 0.32047, "time": 1.61187} +{"mode": "val", "epoch": 23, "iter": 250, "lr": 0.0, "aAcc": 0.857, "mIoU": 0.57, "mAcc": 0.7063, "IoU.wall": 0.8129, "IoU.building": 0.8421, "IoU.sky": 0.9449, "IoU.floor": 0.839, "IoU.tree": 0.7653, "IoU.ceiling": 0.8635, "IoU.road": 0.8604, "IoU.bed ": 0.916, "IoU.windowpane": 0.6481, "IoU.grass": 0.6948, "IoU.cabinet": 0.6603, "IoU.sidewalk": 0.6978, "IoU.person": 0.8332, "IoU.earth": 0.4115, "IoU.door": 0.5701, "IoU.table": 0.665, "IoU.mountain": 0.6401, "IoU.plant": 0.5771, "IoU.curtain": 0.7791, "IoU.chair": 0.6384, "IoU.car": 0.8606, "IoU.water": 0.5863, "IoU.painting": 0.7619, "IoU.sofa": 0.8105, "IoU.shelf": 0.5056, "IoU.house": 0.5005, "IoU.sea": 0.6651, "IoU.mirror": 0.7484, "IoU.rug": 0.6531, "IoU.field": 0.3799, "IoU.armchair": 0.6203, "IoU.seat": 0.6666, "IoU.fence": 0.5217, "IoU.desk": 0.5858, "IoU.rock": 0.5798, "IoU.wardrobe": 0.524, "IoU.lamp": 0.6931, "IoU.bathtub": 0.851, "IoU.railing": 0.4385, "IoU.cushion": 0.6906, "IoU.base": 0.4235, "IoU.box": 0.3702, "IoU.column": 0.5625, "IoU.signboard": 0.3981, "IoU.chest of drawers": 0.4195, "IoU.counter": 0.4746, "IoU.sand": 0.5102, "IoU.sink": 0.7787, "IoU.skyscraper": 0.4589, "IoU.fireplace": 0.7278, "IoU.refrigerator": 0.8527, "IoU.grandstand": 0.527, "IoU.path": 0.3477, "IoU.stairs": 0.3697, "IoU.runway": 0.6843, "IoU.case": 0.5941, "IoU.pool table": 0.9355, "IoU.pillow": 0.667, "IoU.screen door": 0.6195, "IoU.stairway": 0.5354, "IoU.river": 0.1354, "IoU.bridge": 0.7009, "IoU.bookcase": 0.4352, "IoU.blind": 0.3966, "IoU.coffee table": 0.5971, "IoU.toilet": 0.8923, "IoU.flower": 0.4216, "IoU.book": 0.5189, "IoU.hill": 0.0754, "IoU.bench": 0.581, "IoU.countertop": 0.6259, "IoU.stove": 0.8568, "IoU.palm": 0.5325, "IoU.kitchen island": 0.4727, "IoU.computer": 0.7721, "IoU.swivel chair": 0.4669, "IoU.boat": 0.7217, "IoU.bar": 0.5893, "IoU.arcade machine": 0.7722, "IoU.hovel": 0.4641, "IoU.bus": 0.9093, "IoU.towel": 0.7413, "IoU.light": 0.5146, "IoU.truck": 0.4411, "IoU.tower": 0.3333, "IoU.chandelier": 0.7002, "IoU.awning": 0.3705, "IoU.streetlight": 0.2597, "IoU.booth": 0.5439, "IoU.television receiver": 0.7704, "IoU.airplane": 0.8295, "IoU.dirt track": 0.1288, "IoU.apparel": 0.5305, "IoU.pole": 0.2009, "IoU.land": 0.039, "IoU.bannister": 0.1545, "IoU.escalator": 0.6512, "IoU.ottoman": 0.5545, "IoU.bottle": 0.4209, "IoU.buffet": 0.4992, "IoU.poster": 0.3801, "IoU.stage": 0.1947, "IoU.van": 0.4613, "IoU.ship": 0.7857, "IoU.fountain": 0.5439, "IoU.conveyer belt": 0.7113, "IoU.canopy": 0.4893, "IoU.washer": 0.8894, "IoU.plaything": 0.3412, "IoU.swimming pool": 0.5349, "IoU.stool": 0.4538, "IoU.barrel": 0.5044, "IoU.basket": 0.43, "IoU.waterfall": 0.7281, "IoU.tent": 0.9344, "IoU.bag": 0.2589, "IoU.minibike": 0.728, "IoU.cradle": 0.8563, "IoU.oven": 0.5415, "IoU.ball": 0.3767, "IoU.food": 0.6046, "IoU.step": 0.096, "IoU.tank": 0.6771, "IoU.trade name": 0.3086, "IoU.microwave": 0.8595, "IoU.pot": 0.5783, "IoU.animal": 0.664, "IoU.bicycle": 0.6124, "IoU.lake": 0.4537, "IoU.dishwasher": 0.6656, "IoU.screen": 0.571, "IoU.blanket": 0.3249, "IoU.sculpture": 0.7413, "IoU.hood": 0.6067, "IoU.sconce": 0.5642, "IoU.vase": 0.4637, "IoU.traffic light": 0.3662, "IoU.tray": 0.228, "IoU.ashcan": 0.5204, "IoU.fan": 0.6275, "IoU.pier": 0.7088, "IoU.crt screen": 0.1164, "IoU.plate": 0.6262, "IoU.monitor": 0.6047, "IoU.bulletin board": 0.6561, "IoU.shower": 0.0178, "IoU.radiator": 0.631, "IoU.glass": 0.1952, "IoU.clock": 0.4668, "IoU.flag": 0.6242, "Acc.wall": 0.8853, "Acc.building": 0.9363, "Acc.sky": 0.9771, "Acc.floor": 0.9064, "Acc.tree": 0.8601, "Acc.ceiling": 0.9342, "Acc.road": 0.9225, "Acc.bed ": 0.9678, "Acc.windowpane": 0.7916, "Acc.grass": 0.8769, "Acc.cabinet": 0.7782, "Acc.sidewalk": 0.8342, "Acc.person": 0.9334, "Acc.earth": 0.528, "Acc.door": 0.7511, "Acc.table": 0.7843, "Acc.mountain": 0.7402, "Acc.plant": 0.6856, "Acc.curtain": 0.8868, "Acc.chair": 0.7691, "Acc.car": 0.9384, "Acc.water": 0.7337, "Acc.painting": 0.902, "Acc.sofa": 0.8952, "Acc.shelf": 0.7078, "Acc.house": 0.6312, "Acc.sea": 0.7404, "Acc.mirror": 0.8325, "Acc.rug": 0.7854, "Acc.field": 0.5446, "Acc.armchair": 0.8237, "Acc.seat": 0.891, "Acc.fence": 0.6581, "Acc.desk": 0.755, "Acc.rock": 0.8088, "Acc.wardrobe": 0.7213, "Acc.lamp": 0.8129, "Acc.bathtub": 0.8762, "Acc.railing": 0.6655, "Acc.cushion": 0.8268, "Acc.base": 0.5989, "Acc.box": 0.5031, "Acc.column": 0.7115, "Acc.signboard": 0.5041, "Acc.chest of drawers": 0.643, "Acc.counter": 0.5653, "Acc.sand": 0.8015, "Acc.sink": 0.8324, "Acc.skyscraper": 0.6218, "Acc.fireplace": 0.9584, "Acc.refrigerator": 0.9326, "Acc.grandstand": 0.8268, "Acc.path": 0.4613, "Acc.stairs": 0.5088, "Acc.runway": 0.9023, "Acc.case": 0.7694, "Acc.pool table": 0.9786, "Acc.pillow": 0.78, "Acc.screen door": 0.6538, "Acc.stairway": 0.6333, "Acc.river": 0.3058, "Acc.bridge": 0.8197, "Acc.bookcase": 0.5139, "Acc.blind": 0.4439, "Acc.coffee table": 0.8371, "Acc.toilet": 0.9379, "Acc.flower": 0.5112, "Acc.book": 0.7743, "Acc.hill": 0.1277, "Acc.bench": 0.6772, "Acc.countertop": 0.7897, "Acc.stove": 0.9198, "Acc.palm": 0.8337, "Acc.kitchen island": 0.9136, "Acc.computer": 0.9072, "Acc.swivel chair": 0.6718, "Acc.boat": 0.846, "Acc.bar": 0.8653, "Acc.arcade machine": 0.8391, "Acc.hovel": 0.5045, "Acc.bus": 0.9705, "Acc.towel": 0.8655, "Acc.light": 0.6161, "Acc.truck": 0.6135, "Acc.tower": 0.5914, "Acc.chandelier": 0.8608, "Acc.awning": 0.4979, "Acc.streetlight": 0.34, "Acc.booth": 0.8136, "Acc.television receiver": 0.8912, "Acc.airplane": 0.9034, "Acc.dirt track": 0.3056, "Acc.apparel": 0.6211, "Acc.pole": 0.2564, "Acc.land": 0.0559, "Acc.bannister": 0.1962, "Acc.escalator": 0.8566, "Acc.ottoman": 0.7186, "Acc.bottle": 0.6387, "Acc.buffet": 0.546, "Acc.poster": 0.5204, "Acc.stage": 0.4734, "Acc.van": 0.5903, "Acc.ship": 0.9882, "Acc.fountain": 0.6206, "Acc.conveyer belt": 0.9615, "Acc.canopy": 0.76, "Acc.washer": 0.9549, "Acc.plaything": 0.5369, "Acc.swimming pool": 0.7901, "Acc.stool": 0.6047, "Acc.barrel": 0.7148, "Acc.basket": 0.5835, "Acc.waterfall": 0.8724, "Acc.tent": 0.9872, "Acc.bag": 0.3105, "Acc.minibike": 0.8709, "Acc.cradle": 0.9806, "Acc.oven": 0.6971, "Acc.ball": 0.3875, "Acc.food": 0.6626, "Acc.step": 0.1075, "Acc.tank": 0.9698, "Acc.trade name": 0.3901, "Acc.microwave": 0.9647, "Acc.pot": 0.6585, "Acc.animal": 0.6811, "Acc.bicycle": 0.8319, "Acc.lake": 0.6955, "Acc.dishwasher": 0.8128, "Acc.screen": 0.927, "Acc.blanket": 0.3726, "Acc.sculpture": 0.8547, "Acc.hood": 0.7686, "Acc.sconce": 0.701, "Acc.vase": 0.6121, "Acc.traffic light": 0.5704, "Acc.tray": 0.2773, "Acc.ashcan": 0.6656, "Acc.fan": 0.8046, "Acc.pier": 0.7813, "Acc.crt screen": 0.1529, "Acc.plate": 0.769, "Acc.monitor": 0.7482, "Acc.bulletin board": 0.7776, "Acc.shower": 0.0948, "Acc.radiator": 0.8527, "Acc.glass": 0.2112, "Acc.clock": 0.552, "Acc.flag": 0.794} +{"mode": "train", "epoch": 23, "iter": 29050, "lr": 0.0, "memory": 65790, "data_time": 1.75543, "decode.loss_ce": 0.23226, "decode.acc_seg": 90.12966, "aux.loss_ce": 0.09586, "aux.acc_seg": 89.89945, "loss": 0.32812, "time": 3.36244} +{"mode": "train", "epoch": 24, "iter": 29100, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.2128, "decode.acc_seg": 90.8834, "aux.loss_ce": 0.08707, "aux.acc_seg": 90.78914, "loss": 0.29987, "time": 1.61011} +{"mode": "train", "epoch": 24, "iter": 29150, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.20958, "decode.acc_seg": 90.94899, "aux.loss_ce": 0.08647, "aux.acc_seg": 90.8621, "loss": 0.29606, "time": 1.60958} +{"mode": "train", "epoch": 24, "iter": 29200, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.22336, "decode.acc_seg": 90.60037, "aux.loss_ce": 0.09153, "aux.acc_seg": 90.48818, "loss": 0.31488, "time": 1.60862} +{"mode": "train", "epoch": 24, "iter": 29250, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.21572, "decode.acc_seg": 90.65184, "aux.loss_ce": 0.08854, "aux.acc_seg": 90.6032, "loss": 0.30426, "time": 1.61325} +{"mode": "train", "epoch": 24, "iter": 29300, "lr": 0.0, "memory": 65790, "data_time": 0.00706, "decode.loss_ce": 0.23375, "decode.acc_seg": 90.20317, "aux.loss_ce": 0.09518, "aux.acc_seg": 90.11998, "loss": 0.32893, "time": 1.61247} +{"mode": "train", "epoch": 24, "iter": 29350, "lr": 0.0, "memory": 65790, "data_time": 0.00713, "decode.loss_ce": 0.22382, "decode.acc_seg": 90.4238, "aux.loss_ce": 0.09099, "aux.acc_seg": 90.31437, "loss": 0.31482, "time": 1.61254} +{"mode": "train", "epoch": 24, "iter": 29400, "lr": 0.0, "memory": 65790, "data_time": 0.00722, "decode.loss_ce": 0.20489, "decode.acc_seg": 90.87267, "aux.loss_ce": 0.08467, "aux.acc_seg": 90.72253, "loss": 0.28956, "time": 1.6106} +{"mode": "train", "epoch": 24, "iter": 29450, "lr": 0.0, "memory": 65790, "data_time": 0.00737, "decode.loss_ce": 0.22056, "decode.acc_seg": 90.57582, "aux.loss_ce": 0.09032, "aux.acc_seg": 90.48081, "loss": 0.31088, "time": 1.60962} +{"mode": "train", "epoch": 24, "iter": 29500, "lr": 0.0, "memory": 65790, "data_time": 0.00715, "decode.loss_ce": 0.21271, "decode.acc_seg": 90.93504, "aux.loss_ce": 0.08683, "aux.acc_seg": 90.82055, "loss": 0.29954, "time": 1.60867} +{"mode": "train", "epoch": 24, "iter": 29550, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.22296, "decode.acc_seg": 90.47966, "aux.loss_ce": 0.0916, "aux.acc_seg": 90.38182, "loss": 0.31457, "time": 1.61135} +{"mode": "train", "epoch": 24, "iter": 29600, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.21116, "decode.acc_seg": 90.91579, "aux.loss_ce": 0.08652, "aux.acc_seg": 90.80309, "loss": 0.29768, "time": 1.61102} +{"mode": "train", "epoch": 24, "iter": 29650, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.21673, "decode.acc_seg": 90.81754, "aux.loss_ce": 0.08844, "aux.acc_seg": 90.71213, "loss": 0.30517, "time": 1.61123} +{"mode": "train", "epoch": 24, "iter": 29700, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.22326, "decode.acc_seg": 90.60244, "aux.loss_ce": 0.09094, "aux.acc_seg": 90.55386, "loss": 0.3142, "time": 1.60994} +{"mode": "train", "epoch": 24, "iter": 29750, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.21577, "decode.acc_seg": 90.5833, "aux.loss_ce": 0.08811, "aux.acc_seg": 90.46313, "loss": 0.30388, "time": 1.60907} +{"mode": "train", "epoch": 24, "iter": 29800, "lr": 0.0, "memory": 65790, "data_time": 0.0073, "decode.loss_ce": 0.22696, "decode.acc_seg": 90.37363, "aux.loss_ce": 0.09265, "aux.acc_seg": 90.23086, "loss": 0.31962, "time": 1.61049} +{"mode": "train", "epoch": 24, "iter": 29850, "lr": 0.0, "memory": 65790, "data_time": 0.00715, "decode.loss_ce": 0.22102, "decode.acc_seg": 90.28586, "aux.loss_ce": 0.08976, "aux.acc_seg": 90.21756, "loss": 0.31078, "time": 1.61142} +{"mode": "train", "epoch": 24, "iter": 29900, "lr": 0.0, "memory": 65790, "data_time": 0.00727, "decode.loss_ce": 0.24049, "decode.acc_seg": 89.88701, "aux.loss_ce": 0.09776, "aux.acc_seg": 89.96004, "loss": 0.33824, "time": 1.61268} +{"mode": "train", "epoch": 24, "iter": 29950, "lr": 0.0, "memory": 65790, "data_time": 0.00741, "decode.loss_ce": 0.22957, "decode.acc_seg": 90.19236, "aux.loss_ce": 0.09329, "aux.acc_seg": 90.13159, "loss": 0.32286, "time": 1.60935} +{"mode": "train", "epoch": 24, "iter": 30000, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.23019, "decode.acc_seg": 90.1993, "aux.loss_ce": 0.09343, "aux.acc_seg": 90.13782, "loss": 0.32361, "time": 3.08495} +{"mode": "val", "epoch": 24, "iter": 250, "lr": 0.0, "aAcc": 0.8545, "mIoU": 0.5618, "mAcc": 0.7013, "IoU.wall": 0.8142, "IoU.building": 0.8437, "IoU.sky": 0.9438, "IoU.floor": 0.8368, "IoU.tree": 0.7661, "IoU.ceiling": 0.864, "IoU.road": 0.848, "IoU.bed ": 0.919, "IoU.windowpane": 0.6646, "IoU.grass": 0.6695, "IoU.cabinet": 0.6435, "IoU.sidewalk": 0.6761, "IoU.person": 0.8313, "IoU.earth": 0.3938, "IoU.door": 0.5834, "IoU.table": 0.6697, "IoU.mountain": 0.6101, "IoU.plant": 0.5705, "IoU.curtain": 0.7628, "IoU.chair": 0.6298, "IoU.car": 0.8609, "IoU.water": 0.5872, "IoU.painting": 0.7832, "IoU.sofa": 0.8254, "IoU.shelf": 0.476, "IoU.house": 0.4796, "IoU.sea": 0.7191, "IoU.mirror": 0.7708, "IoU.rug": 0.695, "IoU.field": 0.3418, "IoU.armchair": 0.6452, "IoU.seat": 0.6654, "IoU.fence": 0.5141, "IoU.desk": 0.5604, "IoU.rock": 0.5267, "IoU.wardrobe": 0.5316, "IoU.lamp": 0.683, "IoU.bathtub": 0.8697, "IoU.railing": 0.4662, "IoU.cushion": 0.659, "IoU.base": 0.4387, "IoU.box": 0.3691, "IoU.column": 0.5398, "IoU.signboard": 0.3841, "IoU.chest of drawers": 0.4473, "IoU.counter": 0.447, "IoU.sand": 0.5209, "IoU.sink": 0.7844, "IoU.skyscraper": 0.4914, "IoU.fireplace": 0.746, "IoU.refrigerator": 0.8368, "IoU.grandstand": 0.5077, "IoU.path": 0.2906, "IoU.stairs": 0.3427, "IoU.runway": 0.6826, "IoU.case": 0.6124, "IoU.pool table": 0.9052, "IoU.pillow": 0.5945, "IoU.screen door": 0.6331, "IoU.stairway": 0.4469, "IoU.river": 0.1168, "IoU.bridge": 0.6069, "IoU.bookcase": 0.4043, "IoU.blind": 0.4541, "IoU.coffee table": 0.5999, "IoU.toilet": 0.8907, "IoU.flower": 0.3918, "IoU.book": 0.5231, "IoU.hill": 0.0583, "IoU.bench": 0.6344, "IoU.countertop": 0.6204, "IoU.stove": 0.8622, "IoU.palm": 0.5642, "IoU.kitchen island": 0.4669, "IoU.computer": 0.7759, "IoU.swivel chair": 0.4958, "IoU.boat": 0.7872, "IoU.bar": 0.608, "IoU.arcade machine": 0.8386, "IoU.hovel": 0.2349, "IoU.bus": 0.891, "IoU.towel": 0.7327, "IoU.light": 0.4848, "IoU.truck": 0.4332, "IoU.tower": 0.3166, "IoU.chandelier": 0.6972, "IoU.awning": 0.3769, "IoU.streetlight": 0.2456, "IoU.booth": 0.4662, "IoU.television receiver": 0.7661, "IoU.airplane": 0.7876, "IoU.dirt track": 0.1089, "IoU.apparel": 0.5681, "IoU.pole": 0.1608, "IoU.land": 0.1244, "IoU.bannister": 0.1524, "IoU.escalator": 0.6455, "IoU.ottoman": 0.5475, "IoU.bottle": 0.4289, "IoU.buffet": 0.5275, "IoU.poster": 0.3541, "IoU.stage": 0.245, "IoU.van": 0.4412, "IoU.ship": 0.9071, "IoU.fountain": 0.4451, "IoU.conveyer belt": 0.7783, "IoU.canopy": 0.4146, "IoU.washer": 0.8859, "IoU.plaything": 0.2674, "IoU.swimming pool": 0.5285, "IoU.stool": 0.5067, "IoU.barrel": 0.4449, "IoU.basket": 0.4359, "IoU.waterfall": 0.5524, "IoU.tent": 0.9012, "IoU.bag": 0.2494, "IoU.minibike": 0.7087, "IoU.cradle": 0.8127, "IoU.oven": 0.5558, "IoU.ball": 0.4747, "IoU.food": 0.5698, "IoU.step": 0.1225, "IoU.tank": 0.5432, "IoU.trade name": 0.3329, "IoU.microwave": 0.8808, "IoU.pot": 0.5702, "IoU.animal": 0.6508, "IoU.bicycle": 0.6192, "IoU.lake": 0.522, "IoU.dishwasher": 0.6681, "IoU.screen": 0.5813, "IoU.blanket": 0.2979, "IoU.sculpture": 0.7566, "IoU.hood": 0.6302, "IoU.sconce": 0.5631, "IoU.vase": 0.4636, "IoU.traffic light": 0.3415, "IoU.tray": 0.1999, "IoU.ashcan": 0.526, "IoU.fan": 0.6126, "IoU.pier": 0.4265, "IoU.crt screen": 0.0843, "IoU.plate": 0.6065, "IoU.monitor": 0.5232, "IoU.bulletin board": 0.6417, "IoU.shower": 0.0056, "IoU.radiator": 0.6511, "IoU.glass": 0.1986, "IoU.clock": 0.5039, "IoU.flag": 0.6474, "Acc.wall": 0.892, "Acc.building": 0.9283, "Acc.sky": 0.9736, "Acc.floor": 0.9004, "Acc.tree": 0.8901, "Acc.ceiling": 0.9455, "Acc.road": 0.9053, "Acc.bed ": 0.9675, "Acc.windowpane": 0.7794, "Acc.grass": 0.8289, "Acc.cabinet": 0.7168, "Acc.sidewalk": 0.8353, "Acc.person": 0.9439, "Acc.earth": 0.526, "Acc.door": 0.7186, "Acc.table": 0.8027, "Acc.mountain": 0.718, "Acc.plant": 0.6988, "Acc.curtain": 0.9115, "Acc.chair": 0.7365, "Acc.car": 0.9341, "Acc.water": 0.7088, "Acc.painting": 0.9081, "Acc.sofa": 0.9059, "Acc.shelf": 0.6494, "Acc.house": 0.6134, "Acc.sea": 0.8309, "Acc.mirror": 0.8644, "Acc.rug": 0.8258, "Acc.field": 0.4822, "Acc.armchair": 0.8356, "Acc.seat": 0.8919, "Acc.fence": 0.6824, "Acc.desk": 0.7552, "Acc.rock": 0.7238, "Acc.wardrobe": 0.7631, "Acc.lamp": 0.8253, "Acc.bathtub": 0.9075, "Acc.railing": 0.7044, "Acc.cushion": 0.8651, "Acc.base": 0.616, "Acc.box": 0.475, "Acc.column": 0.679, "Acc.signboard": 0.4641, "Acc.chest of drawers": 0.7085, "Acc.counter": 0.5265, "Acc.sand": 0.8345, "Acc.sink": 0.8496, "Acc.skyscraper": 0.624, "Acc.fireplace": 0.9406, "Acc.refrigerator": 0.9561, "Acc.grandstand": 0.837, "Acc.path": 0.414, "Acc.stairs": 0.4035, "Acc.runway": 0.9011, "Acc.case": 0.8795, "Acc.pool table": 0.9887, "Acc.pillow": 0.665, "Acc.screen door": 0.6619, "Acc.stairway": 0.5162, "Acc.river": 0.2858, "Acc.bridge": 0.698, "Acc.bookcase": 0.5931, "Acc.blind": 0.5556, "Acc.coffee table": 0.8706, "Acc.toilet": 0.9524, "Acc.flower": 0.6413, "Acc.book": 0.7975, "Acc.hill": 0.1133, "Acc.bench": 0.7422, "Acc.countertop": 0.783, "Acc.stove": 0.9245, "Acc.palm": 0.8215, "Acc.kitchen island": 0.7981, "Acc.computer": 0.9124, "Acc.swivel chair": 0.8946, "Acc.boat": 0.8958, "Acc.bar": 0.8542, "Acc.arcade machine": 0.9541, "Acc.hovel": 0.2571, "Acc.bus": 0.9746, "Acc.towel": 0.836, "Acc.light": 0.5469, "Acc.truck": 0.5782, "Acc.tower": 0.619, "Acc.chandelier": 0.8276, "Acc.awning": 0.5013, "Acc.streetlight": 0.3215, "Acc.booth": 0.6575, "Acc.television receiver": 0.9008, "Acc.airplane": 0.9106, "Acc.dirt track": 0.554, "Acc.apparel": 0.7122, "Acc.pole": 0.2261, "Acc.land": 0.1991, "Acc.bannister": 0.194, "Acc.escalator": 0.8675, "Acc.ottoman": 0.7391, "Acc.bottle": 0.7163, "Acc.buffet": 0.611, "Acc.poster": 0.5541, "Acc.stage": 0.4565, "Acc.van": 0.6109, "Acc.ship": 0.9672, "Acc.fountain": 0.4677, "Acc.conveyer belt": 0.9419, "Acc.canopy": 0.6011, "Acc.washer": 0.9529, "Acc.plaything": 0.559, "Acc.swimming pool": 0.7715, "Acc.stool": 0.6057, "Acc.barrel": 0.6928, "Acc.basket": 0.5763, "Acc.waterfall": 0.5934, "Acc.tent": 0.9768, "Acc.bag": 0.2898, "Acc.minibike": 0.8965, "Acc.cradle": 0.9854, "Acc.oven": 0.6596, "Acc.ball": 0.4861, "Acc.food": 0.655, "Acc.step": 0.1486, "Acc.tank": 0.7043, "Acc.trade name": 0.4725, "Acc.microwave": 0.9601, "Acc.pot": 0.6653, "Acc.animal": 0.6689, "Acc.bicycle": 0.8102, "Acc.lake": 0.691, "Acc.dishwasher": 0.7825, "Acc.screen": 0.8766, "Acc.blanket": 0.3364, "Acc.sculpture": 0.8465, "Acc.hood": 0.7948, "Acc.sconce": 0.6961, "Acc.vase": 0.6514, "Acc.traffic light": 0.6437, "Acc.tray": 0.2524, "Acc.ashcan": 0.6381, "Acc.fan": 0.806, "Acc.pier": 0.5108, "Acc.crt screen": 0.1287, "Acc.plate": 0.7908, "Acc.monitor": 0.663, "Acc.bulletin board": 0.8036, "Acc.shower": 0.0375, "Acc.radiator": 0.8201, "Acc.glass": 0.2164, "Acc.clock": 0.6004, "Acc.flag": 0.7971} +{"mode": "train", "epoch": 24, "iter": 30050, "lr": 0.0, "memory": 65790, "data_time": 1.67505, "decode.loss_ce": 0.23462, "decode.acc_seg": 89.9069, "aux.loss_ce": 0.09542, "aux.acc_seg": 89.85618, "loss": 0.33003, "time": 3.27633} +{"mode": "train", "epoch": 24, "iter": 30100, "lr": 0.0, "memory": 65790, "data_time": 0.00709, "decode.loss_ce": 0.22271, "decode.acc_seg": 90.57923, "aux.loss_ce": 0.08989, "aux.acc_seg": 90.60154, "loss": 0.3126, "time": 1.60801} +{"mode": "train", "epoch": 24, "iter": 30150, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.21534, "decode.acc_seg": 90.59809, "aux.loss_ce": 0.08758, "aux.acc_seg": 90.55446, "loss": 0.30292, "time": 1.61353} +{"mode": "train", "epoch": 24, "iter": 30200, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.22139, "decode.acc_seg": 90.70636, "aux.loss_ce": 0.08998, "aux.acc_seg": 90.48936, "loss": 0.31137, "time": 1.60828} +{"mode": "train", "epoch": 24, "iter": 30250, "lr": 0.0, "memory": 65790, "data_time": 0.00727, "decode.loss_ce": 0.22303, "decode.acc_seg": 90.45238, "aux.loss_ce": 0.09128, "aux.acc_seg": 90.32581, "loss": 0.3143, "time": 1.60867} +{"mode": "train", "epoch": 24, "iter": 30300, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.23043, "decode.acc_seg": 90.36123, "aux.loss_ce": 0.09397, "aux.acc_seg": 90.28152, "loss": 0.3244, "time": 1.61097} +{"mode": "train", "epoch": 25, "iter": 30350, "lr": 0.0, "memory": 65790, "data_time": 0.06458, "decode.loss_ce": 0.20635, "decode.acc_seg": 91.08416, "aux.loss_ce": 0.08487, "aux.acc_seg": 90.89905, "loss": 0.29122, "time": 1.66941} +{"mode": "train", "epoch": 25, "iter": 30400, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.20465, "decode.acc_seg": 91.31259, "aux.loss_ce": 0.08391, "aux.acc_seg": 91.1776, "loss": 0.28856, "time": 1.60959} +{"mode": "train", "epoch": 25, "iter": 30450, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.22147, "decode.acc_seg": 90.53699, "aux.loss_ce": 0.09086, "aux.acc_seg": 90.45836, "loss": 0.31233, "time": 1.61271} +{"mode": "train", "epoch": 25, "iter": 30500, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.21487, "decode.acc_seg": 90.37966, "aux.loss_ce": 0.08862, "aux.acc_seg": 90.26371, "loss": 0.30348, "time": 1.60912} +{"mode": "train", "epoch": 25, "iter": 30550, "lr": 0.0, "memory": 65790, "data_time": 0.00715, "decode.loss_ce": 0.21671, "decode.acc_seg": 90.42381, "aux.loss_ce": 0.08819, "aux.acc_seg": 90.4017, "loss": 0.3049, "time": 1.61083} +{"mode": "train", "epoch": 25, "iter": 30600, "lr": 0.0, "memory": 65790, "data_time": 0.00713, "decode.loss_ce": 0.21198, "decode.acc_seg": 90.92595, "aux.loss_ce": 0.08712, "aux.acc_seg": 90.79693, "loss": 0.2991, "time": 1.60989} +{"mode": "train", "epoch": 25, "iter": 30650, "lr": 0.0, "memory": 65790, "data_time": 0.00724, "decode.loss_ce": 0.21564, "decode.acc_seg": 90.71158, "aux.loss_ce": 0.08891, "aux.acc_seg": 90.60965, "loss": 0.30455, "time": 1.60868} +{"mode": "train", "epoch": 25, "iter": 30700, "lr": 0.0, "memory": 65790, "data_time": 0.00729, "decode.loss_ce": 0.20569, "decode.acc_seg": 90.93299, "aux.loss_ce": 0.08527, "aux.acc_seg": 90.72089, "loss": 0.29095, "time": 1.60953} +{"mode": "train", "epoch": 25, "iter": 30750, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.21258, "decode.acc_seg": 90.74413, "aux.loss_ce": 0.08618, "aux.acc_seg": 90.77867, "loss": 0.29876, "time": 1.60918} +{"mode": "train", "epoch": 25, "iter": 30800, "lr": 0.0, "memory": 65790, "data_time": 0.00707, "decode.loss_ce": 0.22245, "decode.acc_seg": 90.67027, "aux.loss_ce": 0.09113, "aux.acc_seg": 90.56213, "loss": 0.31358, "time": 1.60873} +{"mode": "train", "epoch": 25, "iter": 30850, "lr": 0.0, "memory": 65790, "data_time": 0.00722, "decode.loss_ce": 0.21771, "decode.acc_seg": 90.90515, "aux.loss_ce": 0.08956, "aux.acc_seg": 90.71363, "loss": 0.30727, "time": 1.6116} +{"mode": "train", "epoch": 25, "iter": 30900, "lr": 0.0, "memory": 65790, "data_time": 0.00721, "decode.loss_ce": 0.22097, "decode.acc_seg": 90.76495, "aux.loss_ce": 0.09059, "aux.acc_seg": 90.69477, "loss": 0.31156, "time": 1.61311} +{"mode": "train", "epoch": 25, "iter": 30950, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.22627, "decode.acc_seg": 90.34658, "aux.loss_ce": 0.09099, "aux.acc_seg": 90.40817, "loss": 0.31725, "time": 1.60921} +{"mode": "train", "epoch": 25, "iter": 31000, "lr": 0.0, "memory": 65790, "data_time": 0.00709, "decode.loss_ce": 0.22095, "decode.acc_seg": 90.46567, "aux.loss_ce": 0.0908, "aux.acc_seg": 90.39056, "loss": 0.31175, "time": 1.60903} +{"mode": "val", "epoch": 25, "iter": 250, "lr": 0.0, "aAcc": 0.8554, "mIoU": 0.5684, "mAcc": 0.7135, "IoU.wall": 0.8088, "IoU.building": 0.8469, "IoU.sky": 0.9442, "IoU.floor": 0.8409, "IoU.tree": 0.7759, "IoU.ceiling": 0.8638, "IoU.road": 0.8624, "IoU.bed ": 0.9137, "IoU.windowpane": 0.6571, "IoU.grass": 0.68, "IoU.cabinet": 0.6601, "IoU.sidewalk": 0.7097, "IoU.person": 0.8327, "IoU.earth": 0.4134, "IoU.door": 0.5924, "IoU.table": 0.6777, "IoU.mountain": 0.6193, "IoU.plant": 0.5746, "IoU.curtain": 0.7635, "IoU.chair": 0.633, "IoU.car": 0.8597, "IoU.water": 0.573, "IoU.painting": 0.7726, "IoU.sofa": 0.8277, "IoU.shelf": 0.5044, "IoU.house": 0.4964, "IoU.sea": 0.7386, "IoU.mirror": 0.7501, "IoU.rug": 0.686, "IoU.field": 0.3057, "IoU.armchair": 0.6408, "IoU.seat": 0.6796, "IoU.fence": 0.498, "IoU.desk": 0.5644, "IoU.rock": 0.5069, "IoU.wardrobe": 0.5301, "IoU.lamp": 0.6799, "IoU.bathtub": 0.8476, "IoU.railing": 0.4359, "IoU.cushion": 0.6935, "IoU.base": 0.4072, "IoU.box": 0.3825, "IoU.column": 0.5156, "IoU.signboard": 0.3883, "IoU.chest of drawers": 0.3953, "IoU.counter": 0.4744, "IoU.sand": 0.5743, "IoU.sink": 0.8024, "IoU.skyscraper": 0.4686, "IoU.fireplace": 0.6747, "IoU.refrigerator": 0.81, "IoU.grandstand": 0.5128, "IoU.path": 0.2879, "IoU.stairs": 0.2382, "IoU.runway": 0.7157, "IoU.case": 0.5951, "IoU.pool table": 0.9348, "IoU.pillow": 0.6354, "IoU.screen door": 0.7559, "IoU.stairway": 0.4185, "IoU.river": 0.117, "IoU.bridge": 0.6747, "IoU.bookcase": 0.4003, "IoU.blind": 0.404, "IoU.coffee table": 0.6382, "IoU.toilet": 0.895, "IoU.flower": 0.4154, "IoU.book": 0.5173, "IoU.hill": 0.0898, "IoU.bench": 0.5552, "IoU.countertop": 0.6392, "IoU.stove": 0.8385, "IoU.palm": 0.5525, "IoU.kitchen island": 0.5333, "IoU.computer": 0.7736, "IoU.swivel chair": 0.5036, "IoU.boat": 0.7634, "IoU.bar": 0.6021, "IoU.arcade machine": 0.8971, "IoU.hovel": 0.4871, "IoU.bus": 0.9224, "IoU.towel": 0.7384, "IoU.light": 0.4881, "IoU.truck": 0.4211, "IoU.tower": 0.3791, "IoU.chandelier": 0.7082, "IoU.awning": 0.3987, "IoU.streetlight": 0.2934, "IoU.booth": 0.4564, "IoU.television receiver": 0.7719, "IoU.airplane": 0.8563, "IoU.dirt track": 0.0744, "IoU.apparel": 0.5428, "IoU.pole": 0.2806, "IoU.land": 0.1169, "IoU.bannister": 0.1733, "IoU.escalator": 0.5966, "IoU.ottoman": 0.5303, "IoU.bottle": 0.4175, "IoU.buffet": 0.598, "IoU.poster": 0.3044, "IoU.stage": 0.1997, "IoU.van": 0.4427, "IoU.ship": 0.8974, "IoU.fountain": 0.3117, "IoU.conveyer belt": 0.7957, "IoU.canopy": 0.4524, "IoU.washer": 0.8774, "IoU.plaything": 0.2795, "IoU.swimming pool": 0.526, "IoU.stool": 0.4059, "IoU.barrel": 0.4973, "IoU.basket": 0.4219, "IoU.waterfall": 0.618, "IoU.tent": 0.8681, "IoU.bag": 0.2895, "IoU.minibike": 0.7195, "IoU.cradle": 0.8336, "IoU.oven": 0.5672, "IoU.ball": 0.5483, "IoU.food": 0.6128, "IoU.step": 0.1368, "IoU.tank": 0.8219, "IoU.trade name": 0.3089, "IoU.microwave": 0.8673, "IoU.pot": 0.571, "IoU.animal": 0.6548, "IoU.bicycle": 0.5998, "IoU.lake": 0.5541, "IoU.dishwasher": 0.7092, "IoU.screen": 0.5474, "IoU.blanket": 0.3244, "IoU.sculpture": 0.6711, "IoU.hood": 0.5968, "IoU.sconce": 0.5614, "IoU.vase": 0.4329, "IoU.traffic light": 0.4005, "IoU.tray": 0.2154, "IoU.ashcan": 0.5017, "IoU.fan": 0.6149, "IoU.pier": 0.4051, "IoU.crt screen": 0.1232, "IoU.plate": 0.5898, "IoU.monitor": 0.5712, "IoU.bulletin board": 0.586, "IoU.shower": 0.1186, "IoU.radiator": 0.6477, "IoU.glass": 0.1842, "IoU.clock": 0.4974, "IoU.flag": 0.6725, "Acc.wall": 0.8806, "Acc.building": 0.9274, "Acc.sky": 0.9683, "Acc.floor": 0.904, "Acc.tree": 0.8939, "Acc.ceiling": 0.9227, "Acc.road": 0.9139, "Acc.bed ": 0.9719, "Acc.windowpane": 0.8341, "Acc.grass": 0.7883, "Acc.cabinet": 0.761, "Acc.sidewalk": 0.8253, "Acc.person": 0.9333, "Acc.earth": 0.5814, "Acc.door": 0.7363, "Acc.table": 0.8144, "Acc.mountain": 0.7251, "Acc.plant": 0.6924, "Acc.curtain": 0.8864, "Acc.chair": 0.7572, "Acc.car": 0.9421, "Acc.water": 0.7058, "Acc.painting": 0.8963, "Acc.sofa": 0.9164, "Acc.shelf": 0.7432, "Acc.house": 0.5981, "Acc.sea": 0.8329, "Acc.mirror": 0.8491, "Acc.rug": 0.7833, "Acc.field": 0.5406, "Acc.armchair": 0.8035, "Acc.seat": 0.8829, "Acc.fence": 0.6961, "Acc.desk": 0.8093, "Acc.rock": 0.7201, "Acc.wardrobe": 0.7141, "Acc.lamp": 0.8641, "Acc.bathtub": 0.8858, "Acc.railing": 0.6418, "Acc.cushion": 0.8312, "Acc.base": 0.5614, "Acc.box": 0.5198, "Acc.column": 0.675, "Acc.signboard": 0.5143, "Acc.chest of drawers": 0.6168, "Acc.counter": 0.5607, "Acc.sand": 0.8268, "Acc.sink": 0.8716, "Acc.skyscraper": 0.6495, "Acc.fireplace": 0.9714, "Acc.refrigerator": 0.939, "Acc.grandstand": 0.8825, "Acc.path": 0.4743, "Acc.stairs": 0.2734, "Acc.runway": 0.9286, "Acc.case": 0.7635, "Acc.pool table": 0.9757, "Acc.pillow": 0.7175, "Acc.screen door": 0.9303, "Acc.stairway": 0.6652, "Acc.river": 0.3295, "Acc.bridge": 0.8969, "Acc.bookcase": 0.4932, "Acc.blind": 0.4586, "Acc.coffee table": 0.8608, "Acc.toilet": 0.9569, "Acc.flower": 0.5791, "Acc.book": 0.815, "Acc.hill": 0.1623, "Acc.bench": 0.6786, "Acc.countertop": 0.8017, "Acc.stove": 0.9121, "Acc.palm": 0.8033, "Acc.kitchen island": 0.9171, "Acc.computer": 0.896, "Acc.swivel chair": 0.9264, "Acc.boat": 0.905, "Acc.bar": 0.8926, "Acc.arcade machine": 0.9778, "Acc.hovel": 0.59, "Acc.bus": 0.9618, "Acc.towel": 0.8151, "Acc.light": 0.5596, "Acc.truck": 0.5744, "Acc.tower": 0.5215, "Acc.chandelier": 0.8642, "Acc.awning": 0.4845, "Acc.streetlight": 0.3819, "Acc.booth": 0.7924, "Acc.television receiver": 0.918, "Acc.airplane": 0.9443, "Acc.dirt track": 0.1817, "Acc.apparel": 0.8107, "Acc.pole": 0.4919, "Acc.land": 0.1768, "Acc.bannister": 0.2242, "Acc.escalator": 0.8802, "Acc.ottoman": 0.6898, "Acc.bottle": 0.6116, "Acc.buffet": 0.895, "Acc.poster": 0.4, "Acc.stage": 0.4172, "Acc.van": 0.6163, "Acc.ship": 0.9703, "Acc.fountain": 0.321, "Acc.conveyer belt": 0.9428, "Acc.canopy": 0.7326, "Acc.washer": 0.936, "Acc.plaything": 0.4139, "Acc.swimming pool": 0.7718, "Acc.stool": 0.7538, "Acc.barrel": 0.853, "Acc.basket": 0.5315, "Acc.waterfall": 0.7474, "Acc.tent": 0.9929, "Acc.bag": 0.3346, "Acc.minibike": 0.8976, "Acc.cradle": 0.9839, "Acc.oven": 0.7814, "Acc.ball": 0.5805, "Acc.food": 0.6817, "Acc.step": 0.1678, "Acc.tank": 0.9154, "Acc.trade name": 0.3836, "Acc.microwave": 0.9682, "Acc.pot": 0.7078, "Acc.animal": 0.6726, "Acc.bicycle": 0.848, "Acc.lake": 0.6361, "Acc.dishwasher": 0.8308, "Acc.screen": 0.8127, "Acc.blanket": 0.3703, "Acc.sculpture": 0.8798, "Acc.hood": 0.7458, "Acc.sconce": 0.7317, "Acc.vase": 0.6617, "Acc.traffic light": 0.5743, "Acc.tray": 0.2937, "Acc.ashcan": 0.6747, "Acc.fan": 0.7841, "Acc.pier": 0.4425, "Acc.crt screen": 0.2087, "Acc.plate": 0.7043, "Acc.monitor": 0.7298, "Acc.bulletin board": 0.7983, "Acc.shower": 0.1241, "Acc.radiator": 0.8178, "Acc.glass": 0.1926, "Acc.clock": 0.6054, "Acc.flag": 0.752} +{"mode": "train", "epoch": 25, "iter": 31050, "lr": 0.0, "memory": 65790, "data_time": 1.68151, "decode.loss_ce": 0.21127, "decode.acc_seg": 90.59189, "aux.loss_ce": 0.08626, "aux.acc_seg": 90.47863, "loss": 0.29753, "time": 3.28745} +{"mode": "train", "epoch": 25, "iter": 31100, "lr": 0.0, "memory": 65790, "data_time": 0.00735, "decode.loss_ce": 0.22207, "decode.acc_seg": 90.80432, "aux.loss_ce": 0.09114, "aux.acc_seg": 90.70519, "loss": 0.31321, "time": 1.61035} +{"mode": "train", "epoch": 25, "iter": 31150, "lr": 0.0, "memory": 65790, "data_time": 0.00726, "decode.loss_ce": 0.23896, "decode.acc_seg": 90.36276, "aux.loss_ce": 0.09715, "aux.acc_seg": 90.31724, "loss": 0.33611, "time": 1.60845} +{"mode": "train", "epoch": 25, "iter": 31200, "lr": 0.0, "memory": 65790, "data_time": 0.00722, "decode.loss_ce": 0.24057, "decode.acc_seg": 90.18415, "aux.loss_ce": 0.09792, "aux.acc_seg": 90.08812, "loss": 0.33848, "time": 1.61073} +{"mode": "train", "epoch": 25, "iter": 31250, "lr": 0.0, "memory": 65790, "data_time": 0.00726, "decode.loss_ce": 0.23052, "decode.acc_seg": 90.21114, "aux.loss_ce": 0.09332, "aux.acc_seg": 90.24135, "loss": 0.32384, "time": 1.60757} +{"mode": "train", "epoch": 25, "iter": 31300, "lr": 0.0, "memory": 65790, "data_time": 0.00712, "decode.loss_ce": 0.21198, "decode.acc_seg": 90.69752, "aux.loss_ce": 0.08641, "aux.acc_seg": 90.61554, "loss": 0.29839, "time": 1.60823} +{"mode": "train", "epoch": 25, "iter": 31350, "lr": 0.0, "memory": 65790, "data_time": 0.00703, "decode.loss_ce": 0.21899, "decode.acc_seg": 90.6784, "aux.loss_ce": 0.09042, "aux.acc_seg": 90.46133, "loss": 0.30941, "time": 1.6106} +{"mode": "train", "epoch": 25, "iter": 31400, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.2348, "decode.acc_seg": 90.24545, "aux.loss_ce": 0.09554, "aux.acc_seg": 90.09589, "loss": 0.33033, "time": 1.61496} +{"mode": "train", "epoch": 25, "iter": 31450, "lr": 0.0, "memory": 65790, "data_time": 0.00715, "decode.loss_ce": 0.20954, "decode.acc_seg": 91.08511, "aux.loss_ce": 0.08516, "aux.acc_seg": 90.95769, "loss": 0.2947, "time": 1.60961} +{"mode": "train", "epoch": 25, "iter": 31500, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.2155, "decode.acc_seg": 91.22548, "aux.loss_ce": 0.08825, "aux.acc_seg": 90.97951, "loss": 0.30375, "time": 1.60978} +{"mode": "train", "epoch": 25, "iter": 31550, "lr": 0.0, "memory": 65790, "data_time": 0.00728, "decode.loss_ce": 0.21189, "decode.acc_seg": 90.98519, "aux.loss_ce": 0.08706, "aux.acc_seg": 90.9089, "loss": 0.29895, "time": 1.61278} +{"mode": "train", "epoch": 26, "iter": 31600, "lr": 0.0, "memory": 65790, "data_time": 0.05772, "decode.loss_ce": 0.2067, "decode.acc_seg": 90.89533, "aux.loss_ce": 0.08447, "aux.acc_seg": 90.74965, "loss": 0.29118, "time": 1.66489} +{"mode": "train", "epoch": 26, "iter": 31650, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.21139, "decode.acc_seg": 90.99284, "aux.loss_ce": 0.08656, "aux.acc_seg": 90.85216, "loss": 0.29795, "time": 1.60995} +{"mode": "train", "epoch": 26, "iter": 31700, "lr": 0.0, "memory": 65790, "data_time": 0.00734, "decode.loss_ce": 0.22867, "decode.acc_seg": 89.92248, "aux.loss_ce": 0.09231, "aux.acc_seg": 89.94316, "loss": 0.32098, "time": 1.61524} +{"mode": "train", "epoch": 26, "iter": 31750, "lr": 0.0, "memory": 65790, "data_time": 0.0073, "decode.loss_ce": 0.2182, "decode.acc_seg": 90.56856, "aux.loss_ce": 0.08899, "aux.acc_seg": 90.58138, "loss": 0.30718, "time": 1.61211} +{"mode": "train", "epoch": 26, "iter": 31800, "lr": 0.0, "memory": 65790, "data_time": 0.00728, "decode.loss_ce": 0.21608, "decode.acc_seg": 90.90123, "aux.loss_ce": 0.08885, "aux.acc_seg": 90.85381, "loss": 0.30493, "time": 1.60966} +{"mode": "train", "epoch": 26, "iter": 31850, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.20639, "decode.acc_seg": 91.1179, "aux.loss_ce": 0.08412, "aux.acc_seg": 90.98365, "loss": 0.29051, "time": 1.61054} +{"mode": "train", "epoch": 26, "iter": 31900, "lr": 0.0, "memory": 65790, "data_time": 0.00706, "decode.loss_ce": 0.21002, "decode.acc_seg": 90.77912, "aux.loss_ce": 0.08669, "aux.acc_seg": 90.54394, "loss": 0.29671, "time": 1.60914} +{"mode": "train", "epoch": 26, "iter": 31950, "lr": 0.0, "memory": 65790, "data_time": 0.00708, "decode.loss_ce": 0.21034, "decode.acc_seg": 90.97263, "aux.loss_ce": 0.08685, "aux.acc_seg": 90.88469, "loss": 0.29719, "time": 1.6079} +{"mode": "train", "epoch": 26, "iter": 32000, "lr": 0.0, "memory": 65790, "data_time": 0.00713, "decode.loss_ce": 0.22059, "decode.acc_seg": 90.51932, "aux.loss_ce": 0.09005, "aux.acc_seg": 90.47132, "loss": 0.31064, "time": 3.08904} +{"mode": "val", "epoch": 26, "iter": 250, "lr": 0.0, "aAcc": 0.8548, "mIoU": 0.5711, "mAcc": 0.7051, "IoU.wall": 0.8091, "IoU.building": 0.8379, "IoU.sky": 0.9434, "IoU.floor": 0.8437, "IoU.tree": 0.7513, "IoU.ceiling": 0.8708, "IoU.road": 0.8613, "IoU.bed ": 0.9145, "IoU.windowpane": 0.6635, "IoU.grass": 0.6762, "IoU.cabinet": 0.6579, "IoU.sidewalk": 0.708, "IoU.person": 0.8385, "IoU.earth": 0.3842, "IoU.door": 0.5955, "IoU.table": 0.6711, "IoU.mountain": 0.6255, "IoU.plant": 0.5104, "IoU.curtain": 0.7593, "IoU.chair": 0.6374, "IoU.car": 0.8542, "IoU.water": 0.6405, "IoU.painting": 0.7692, "IoU.sofa": 0.8222, "IoU.shelf": 0.4568, "IoU.house": 0.475, "IoU.sea": 0.7104, "IoU.mirror": 0.7717, "IoU.rug": 0.7024, "IoU.field": 0.2838, "IoU.armchair": 0.6349, "IoU.seat": 0.6676, "IoU.fence": 0.5158, "IoU.desk": 0.5525, "IoU.rock": 0.5305, "IoU.wardrobe": 0.547, "IoU.lamp": 0.6972, "IoU.bathtub": 0.8466, "IoU.railing": 0.4234, "IoU.cushion": 0.681, "IoU.base": 0.3852, "IoU.box": 0.3926, "IoU.column": 0.5452, "IoU.signboard": 0.3832, "IoU.chest of drawers": 0.4931, "IoU.counter": 0.5134, "IoU.sand": 0.5585, "IoU.sink": 0.7649, "IoU.skyscraper": 0.458, "IoU.fireplace": 0.6724, "IoU.refrigerator": 0.8235, "IoU.grandstand": 0.5203, "IoU.path": 0.2932, "IoU.stairs": 0.2787, "IoU.runway": 0.7183, "IoU.case": 0.6084, "IoU.pool table": 0.9297, "IoU.pillow": 0.6561, "IoU.screen door": 0.8032, "IoU.stairway": 0.4024, "IoU.river": 0.16, "IoU.bridge": 0.6578, "IoU.bookcase": 0.3828, "IoU.blind": 0.3997, "IoU.coffee table": 0.5982, "IoU.toilet": 0.8867, "IoU.flower": 0.3761, "IoU.book": 0.511, "IoU.hill": 0.0764, "IoU.bench": 0.5799, "IoU.countertop": 0.6291, "IoU.stove": 0.8538, "IoU.palm": 0.5497, "IoU.kitchen island": 0.4903, "IoU.computer": 0.7798, "IoU.swivel chair": 0.492, "IoU.boat": 0.8083, "IoU.bar": 0.5999, "IoU.arcade machine": 0.8982, "IoU.hovel": 0.2769, "IoU.bus": 0.9135, "IoU.towel": 0.745, "IoU.light": 0.5114, "IoU.truck": 0.4648, "IoU.tower": 0.3351, "IoU.chandelier": 0.6927, "IoU.awning": 0.4206, "IoU.streetlight": 0.2513, "IoU.booth": 0.4401, "IoU.television receiver": 0.7876, "IoU.airplane": 0.8416, "IoU.dirt track": 0.2739, "IoU.apparel": 0.6595, "IoU.pole": 0.2189, "IoU.land": 0.0684, "IoU.bannister": 0.1366, "IoU.escalator": 0.6532, "IoU.ottoman": 0.5596, "IoU.bottle": 0.4444, "IoU.buffet": 0.5154, "IoU.poster": 0.2511, "IoU.stage": 0.2136, "IoU.van": 0.4336, "IoU.ship": 0.9295, "IoU.fountain": 0.5388, "IoU.conveyer belt": 0.7858, "IoU.canopy": 0.5577, "IoU.washer": 0.8778, "IoU.plaything": 0.319, "IoU.swimming pool": 0.5739, "IoU.stool": 0.4348, "IoU.barrel": 0.6436, "IoU.basket": 0.3815, "IoU.waterfall": 0.5327, "IoU.tent": 0.9378, "IoU.bag": 0.2451, "IoU.minibike": 0.7431, "IoU.cradle": 0.8339, "IoU.oven": 0.5885, "IoU.ball": 0.4655, "IoU.food": 0.588, "IoU.step": 0.1345, "IoU.tank": 0.7379, "IoU.trade name": 0.2305, "IoU.microwave": 0.8912, "IoU.pot": 0.5568, "IoU.animal": 0.6644, "IoU.bicycle": 0.6052, "IoU.lake": 0.5764, "IoU.dishwasher": 0.7226, "IoU.screen": 0.5337, "IoU.blanket": 0.3249, "IoU.sculpture": 0.6702, "IoU.hood": 0.6612, "IoU.sconce": 0.5656, "IoU.vase": 0.4615, "IoU.traffic light": 0.3634, "IoU.tray": 0.2193, "IoU.ashcan": 0.5094, "IoU.fan": 0.6184, "IoU.pier": 0.3823, "IoU.crt screen": 0.0263, "IoU.plate": 0.6268, "IoU.monitor": 0.6876, "IoU.bulletin board": 0.6007, "IoU.shower": 0.1524, "IoU.radiator": 0.6406, "IoU.glass": 0.2045, "IoU.clock": 0.4682, "IoU.flag": 0.6678, "Acc.wall": 0.8714, "Acc.building": 0.933, "Acc.sky": 0.979, "Acc.floor": 0.9165, "Acc.tree": 0.8789, "Acc.ceiling": 0.9429, "Acc.road": 0.9062, "Acc.bed ": 0.9641, "Acc.windowpane": 0.8441, "Acc.grass": 0.8404, "Acc.cabinet": 0.7443, "Acc.sidewalk": 0.8627, "Acc.person": 0.9299, "Acc.earth": 0.4833, "Acc.door": 0.7814, "Acc.table": 0.7797, "Acc.mountain": 0.7213, "Acc.plant": 0.6198, "Acc.curtain": 0.8992, "Acc.chair": 0.7611, "Acc.car": 0.9381, "Acc.water": 0.7979, "Acc.painting": 0.901, "Acc.sofa": 0.8957, "Acc.shelf": 0.6466, "Acc.house": 0.6209, "Acc.sea": 0.8169, "Acc.mirror": 0.8746, "Acc.rug": 0.7846, "Acc.field": 0.4859, "Acc.armchair": 0.7514, "Acc.seat": 0.8949, "Acc.fence": 0.6497, "Acc.desk": 0.8039, "Acc.rock": 0.8702, "Acc.wardrobe": 0.743, "Acc.lamp": 0.7959, "Acc.bathtub": 0.8764, "Acc.railing": 0.6439, "Acc.cushion": 0.8501, "Acc.base": 0.5728, "Acc.box": 0.5371, "Acc.column": 0.7059, "Acc.signboard": 0.5725, "Acc.chest of drawers": 0.7501, "Acc.counter": 0.5711, "Acc.sand": 0.8691, "Acc.sink": 0.8039, "Acc.skyscraper": 0.5949, "Acc.fireplace": 0.9784, "Acc.refrigerator": 0.9309, "Acc.grandstand": 0.8646, "Acc.path": 0.4359, "Acc.stairs": 0.3214, "Acc.runway": 0.9863, "Acc.case": 0.8636, "Acc.pool table": 0.983, "Acc.pillow": 0.7616, "Acc.screen door": 0.912, "Acc.stairway": 0.5695, "Acc.river": 0.3046, "Acc.bridge": 0.7496, "Acc.bookcase": 0.5885, "Acc.blind": 0.4517, "Acc.coffee table": 0.8686, "Acc.toilet": 0.9424, "Acc.flower": 0.5293, "Acc.book": 0.7739, "Acc.hill": 0.1337, "Acc.bench": 0.6637, "Acc.countertop": 0.8378, "Acc.stove": 0.9054, "Acc.palm": 0.7633, "Acc.kitchen island": 0.92, "Acc.computer": 0.894, "Acc.swivel chair": 0.76, "Acc.boat": 0.888, "Acc.bar": 0.919, "Acc.arcade machine": 0.9785, "Acc.hovel": 0.3047, "Acc.bus": 0.9714, "Acc.towel": 0.8154, "Acc.light": 0.6243, "Acc.truck": 0.6309, "Acc.tower": 0.5058, "Acc.chandelier": 0.8617, "Acc.awning": 0.5449, "Acc.streetlight": 0.3233, "Acc.booth": 0.602, "Acc.television receiver": 0.8606, "Acc.airplane": 0.9437, "Acc.dirt track": 0.405, "Acc.apparel": 0.8356, "Acc.pole": 0.3061, "Acc.land": 0.0961, "Acc.bannister": 0.1575, "Acc.escalator": 0.8398, "Acc.ottoman": 0.7734, "Acc.bottle": 0.7108, "Acc.buffet": 0.5896, "Acc.poster": 0.346, "Acc.stage": 0.4142, "Acc.van": 0.5703, "Acc.ship": 0.9808, "Acc.fountain": 0.6289, "Acc.conveyer belt": 0.9512, "Acc.canopy": 0.7631, "Acc.washer": 0.9342, "Acc.plaything": 0.4238, "Acc.swimming pool": 0.8489, "Acc.stool": 0.6469, "Acc.barrel": 0.8323, "Acc.basket": 0.5295, "Acc.waterfall": 0.6679, "Acc.tent": 0.977, "Acc.bag": 0.2771, "Acc.minibike": 0.8927, "Acc.cradle": 0.9668, "Acc.oven": 0.7571, "Acc.ball": 0.4774, "Acc.food": 0.6331, "Acc.step": 0.1794, "Acc.tank": 0.8656, "Acc.trade name": 0.2864, "Acc.microwave": 0.9629, "Acc.pot": 0.64, "Acc.animal": 0.6862, "Acc.bicycle": 0.7684, "Acc.lake": 0.6502, "Acc.dishwasher": 0.795, "Acc.screen": 0.9291, "Acc.blanket": 0.3938, "Acc.sculpture": 0.871, "Acc.hood": 0.8153, "Acc.sconce": 0.7045, "Acc.vase": 0.6411, "Acc.traffic light": 0.5955, "Acc.tray": 0.2626, "Acc.ashcan": 0.614, "Acc.fan": 0.7172, "Acc.pier": 0.4555, "Acc.crt screen": 0.0346, "Acc.plate": 0.7412, "Acc.monitor": 0.8211, "Acc.bulletin board": 0.7998, "Acc.shower": 0.1614, "Acc.radiator": 0.8222, "Acc.glass": 0.2178, "Acc.clock": 0.6115, "Acc.flag": 0.7446} +{"mode": "train", "epoch": 26, "iter": 32050, "lr": 0.0, "memory": 65790, "data_time": 1.67751, "decode.loss_ce": 0.20339, "decode.acc_seg": 91.20026, "aux.loss_ce": 0.08363, "aux.acc_seg": 91.09388, "loss": 0.28702, "time": 3.28226} +{"mode": "train", "epoch": 26, "iter": 32100, "lr": 0.0, "memory": 65790, "data_time": 0.00706, "decode.loss_ce": 0.21098, "decode.acc_seg": 90.89032, "aux.loss_ce": 0.0865, "aux.acc_seg": 90.72829, "loss": 0.29748, "time": 1.60968} +{"mode": "train", "epoch": 26, "iter": 32150, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.21065, "decode.acc_seg": 90.74926, "aux.loss_ce": 0.08644, "aux.acc_seg": 90.63575, "loss": 0.29709, "time": 1.60811} +{"mode": "train", "epoch": 26, "iter": 32200, "lr": 0.0, "memory": 65790, "data_time": 0.00708, "decode.loss_ce": 0.20643, "decode.acc_seg": 91.17085, "aux.loss_ce": 0.08516, "aux.acc_seg": 90.92082, "loss": 0.29159, "time": 1.61046} +{"mode": "train", "epoch": 26, "iter": 32250, "lr": 0.0, "memory": 65790, "data_time": 0.00703, "decode.loss_ce": 0.22009, "decode.acc_seg": 90.51335, "aux.loss_ce": 0.08967, "aux.acc_seg": 90.39522, "loss": 0.30976, "time": 1.60712} +{"mode": "train", "epoch": 26, "iter": 32300, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.21197, "decode.acc_seg": 90.69234, "aux.loss_ce": 0.08701, "aux.acc_seg": 90.62522, "loss": 0.29898, "time": 1.61086} +{"mode": "train", "epoch": 26, "iter": 32350, "lr": 0.0, "memory": 65790, "data_time": 0.00732, "decode.loss_ce": 0.21129, "decode.acc_seg": 90.86461, "aux.loss_ce": 0.08692, "aux.acc_seg": 90.84006, "loss": 0.29821, "time": 1.61229} +{"mode": "train", "epoch": 26, "iter": 32400, "lr": 0.0, "memory": 65790, "data_time": 0.00713, "decode.loss_ce": 0.23091, "decode.acc_seg": 90.20292, "aux.loss_ce": 0.09402, "aux.acc_seg": 90.16163, "loss": 0.32493, "time": 1.60975} +{"mode": "train", "epoch": 26, "iter": 32450, "lr": 0.0, "memory": 65790, "data_time": 0.0071, "decode.loss_ce": 0.21203, "decode.acc_seg": 91.17106, "aux.loss_ce": 0.08719, "aux.acc_seg": 91.06118, "loss": 0.29922, "time": 1.60993} +{"mode": "train", "epoch": 26, "iter": 32500, "lr": 0.0, "memory": 65790, "data_time": 0.00719, "decode.loss_ce": 0.22203, "decode.acc_seg": 90.50489, "aux.loss_ce": 0.09133, "aux.acc_seg": 90.30412, "loss": 0.31336, "time": 1.60955} +{"mode": "train", "epoch": 26, "iter": 32550, "lr": 0.0, "memory": 65790, "data_time": 0.007, "decode.loss_ce": 0.20984, "decode.acc_seg": 90.88393, "aux.loss_ce": 0.08633, "aux.acc_seg": 90.69741, "loss": 0.29618, "time": 1.60846} +{"mode": "train", "epoch": 26, "iter": 32600, "lr": 0.0, "memory": 65790, "data_time": 0.0073, "decode.loss_ce": 0.1999, "decode.acc_seg": 91.19916, "aux.loss_ce": 0.08224, "aux.acc_seg": 91.05152, "loss": 0.28214, "time": 1.61254} +{"mode": "train", "epoch": 26, "iter": 32650, "lr": 0.0, "memory": 65790, "data_time": 0.00724, "decode.loss_ce": 0.20595, "decode.acc_seg": 91.13541, "aux.loss_ce": 0.08591, "aux.acc_seg": 90.88554, "loss": 0.29187, "time": 1.61205} +{"mode": "train", "epoch": 26, "iter": 32700, "lr": 0.0, "memory": 65790, "data_time": 0.00709, "decode.loss_ce": 0.21294, "decode.acc_seg": 90.77939, "aux.loss_ce": 0.08757, "aux.acc_seg": 90.58165, "loss": 0.30051, "time": 1.61277} +{"mode": "train", "epoch": 26, "iter": 32750, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.20612, "decode.acc_seg": 90.99946, "aux.loss_ce": 0.08458, "aux.acc_seg": 90.96291, "loss": 0.2907, "time": 1.61289} +{"mode": "train", "epoch": 26, "iter": 32800, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.21714, "decode.acc_seg": 90.87892, "aux.loss_ce": 0.08808, "aux.acc_seg": 90.96107, "loss": 0.30522, "time": 1.60977} +{"mode": "train", "epoch": 27, "iter": 32850, "lr": 0.0, "memory": 65790, "data_time": 0.06679, "decode.loss_ce": 0.21915, "decode.acc_seg": 90.74109, "aux.loss_ce": 0.08971, "aux.acc_seg": 90.60048, "loss": 0.30886, "time": 1.66859} +{"mode": "train", "epoch": 27, "iter": 32900, "lr": 0.0, "memory": 65790, "data_time": 0.00713, "decode.loss_ce": 0.20694, "decode.acc_seg": 91.25759, "aux.loss_ce": 0.08473, "aux.acc_seg": 91.18475, "loss": 0.29167, "time": 1.61045} +{"mode": "train", "epoch": 27, "iter": 32950, "lr": 0.0, "memory": 65790, "data_time": 0.00712, "decode.loss_ce": 0.21003, "decode.acc_seg": 91.12861, "aux.loss_ce": 0.08654, "aux.acc_seg": 90.99844, "loss": 0.29657, "time": 1.61119} +{"mode": "train", "epoch": 27, "iter": 33000, "lr": 0.0, "memory": 65790, "data_time": 0.00733, "decode.loss_ce": 0.20005, "decode.acc_seg": 91.48467, "aux.loss_ce": 0.08195, "aux.acc_seg": 91.39842, "loss": 0.282, "time": 1.61387} +{"mode": "val", "epoch": 27, "iter": 250, "lr": 0.0, "aAcc": 0.8555, "mIoU": 0.5704, "mAcc": 0.7031, "IoU.wall": 0.8112, "IoU.building": 0.8388, "IoU.sky": 0.9461, "IoU.floor": 0.839, "IoU.tree": 0.7704, "IoU.ceiling": 0.8686, "IoU.road": 0.8503, "IoU.bed ": 0.9211, "IoU.windowpane": 0.6682, "IoU.grass": 0.6668, "IoU.cabinet": 0.6595, "IoU.sidewalk": 0.6935, "IoU.person": 0.8397, "IoU.earth": 0.3961, "IoU.door": 0.6004, "IoU.table": 0.6796, "IoU.mountain": 0.6277, "IoU.plant": 0.561, "IoU.curtain": 0.7582, "IoU.chair": 0.6305, "IoU.car": 0.8564, "IoU.water": 0.6036, "IoU.painting": 0.7863, "IoU.sofa": 0.8074, "IoU.shelf": 0.4708, "IoU.house": 0.5196, "IoU.sea": 0.7347, "IoU.mirror": 0.7691, "IoU.rug": 0.697, "IoU.field": 0.3147, "IoU.armchair": 0.6219, "IoU.seat": 0.6512, "IoU.fence": 0.5133, "IoU.desk": 0.5815, "IoU.rock": 0.5602, "IoU.wardrobe": 0.5262, "IoU.lamp": 0.6926, "IoU.bathtub": 0.8576, "IoU.railing": 0.4206, "IoU.cushion": 0.682, "IoU.base": 0.4285, "IoU.box": 0.3825, "IoU.column": 0.528, "IoU.signboard": 0.4077, "IoU.chest of drawers": 0.4502, "IoU.counter": 0.436, "IoU.sand": 0.4894, "IoU.sink": 0.7968, "IoU.skyscraper": 0.4431, "IoU.fireplace": 0.7126, "IoU.refrigerator": 0.8107, "IoU.grandstand": 0.5191, "IoU.path": 0.2879, "IoU.stairs": 0.2877, "IoU.runway": 0.6589, "IoU.case": 0.6482, "IoU.pool table": 0.935, "IoU.pillow": 0.6777, "IoU.screen door": 0.7982, "IoU.stairway": 0.4004, "IoU.river": 0.1235, "IoU.bridge": 0.5007, "IoU.bookcase": 0.4444, "IoU.blind": 0.4606, "IoU.coffee table": 0.6054, "IoU.toilet": 0.8996, "IoU.flower": 0.3927, "IoU.book": 0.5172, "IoU.hill": 0.0722, "IoU.bench": 0.5674, "IoU.countertop": 0.607, "IoU.stove": 0.8394, "IoU.palm": 0.5306, "IoU.kitchen island": 0.4996, "IoU.computer": 0.7606, "IoU.swivel chair": 0.5068, "IoU.boat": 0.7223, "IoU.bar": 0.6044, "IoU.arcade machine": 0.8326, "IoU.hovel": 0.4079, "IoU.bus": 0.9038, "IoU.towel": 0.727, "IoU.light": 0.502, "IoU.truck": 0.4708, "IoU.tower": 0.3181, "IoU.chandelier": 0.7076, "IoU.awning": 0.4289, "IoU.streetlight": 0.2948, "IoU.booth": 0.4051, "IoU.television receiver": 0.7775, "IoU.airplane": 0.8304, "IoU.dirt track": 0.0715, "IoU.apparel": 0.5518, "IoU.pole": 0.3035, "IoU.land": 0.0421, "IoU.bannister": 0.1673, "IoU.escalator": 0.6404, "IoU.ottoman": 0.5298, "IoU.bottle": 0.4336, "IoU.buffet": 0.612, "IoU.poster": 0.3323, "IoU.stage": 0.241, "IoU.van": 0.4568, "IoU.ship": 0.8851, "IoU.fountain": 0.4798, "IoU.conveyer belt": 0.7902, "IoU.canopy": 0.4834, "IoU.washer": 0.8926, "IoU.plaything": 0.3368, "IoU.swimming pool": 0.5375, "IoU.stool": 0.4527, "IoU.barrel": 0.5395, "IoU.basket": 0.452, "IoU.waterfall": 0.6141, "IoU.tent": 0.9295, "IoU.bag": 0.2606, "IoU.minibike": 0.748, "IoU.cradle": 0.82, "IoU.oven": 0.551, "IoU.ball": 0.6145, "IoU.food": 0.6398, "IoU.step": 0.0778, "IoU.tank": 0.7409, "IoU.trade name": 0.2205, "IoU.microwave": 0.8574, "IoU.pot": 0.5975, "IoU.animal": 0.5986, "IoU.bicycle": 0.588, "IoU.lake": 0.5384, "IoU.dishwasher": 0.7028, "IoU.screen": 0.6372, "IoU.blanket": 0.3162, "IoU.sculpture": 0.6244, "IoU.hood": 0.6119, "IoU.sconce": 0.5774, "IoU.vase": 0.4727, "IoU.traffic light": 0.3798, "IoU.tray": 0.2037, "IoU.ashcan": 0.5048, "IoU.fan": 0.6189, "IoU.pier": 0.3888, "IoU.crt screen": 0.1869, "IoU.plate": 0.6098, "IoU.monitor": 0.687, "IoU.bulletin board": 0.6526, "IoU.shower": 0.0501, "IoU.radiator": 0.6671, "IoU.glass": 0.1982, "IoU.clock": 0.506, "IoU.flag": 0.6763, "Acc.wall": 0.8917, "Acc.building": 0.9297, "Acc.sky": 0.9732, "Acc.floor": 0.899, "Acc.tree": 0.8816, "Acc.ceiling": 0.9399, "Acc.road": 0.9117, "Acc.bed ": 0.9681, "Acc.windowpane": 0.8069, "Acc.grass": 0.8415, "Acc.cabinet": 0.7669, "Acc.sidewalk": 0.8265, "Acc.person": 0.9211, "Acc.earth": 0.5238, "Acc.door": 0.756, "Acc.table": 0.7876, "Acc.mountain": 0.7005, "Acc.plant": 0.7055, "Acc.curtain": 0.8659, "Acc.chair": 0.7681, "Acc.car": 0.9353, "Acc.water": 0.7433, "Acc.painting": 0.8928, "Acc.sofa": 0.8893, "Acc.shelf": 0.667, "Acc.house": 0.6281, "Acc.sea": 0.8196, "Acc.mirror": 0.858, "Acc.rug": 0.8351, "Acc.field": 0.5111, "Acc.armchair": 0.7801, "Acc.seat": 0.904, "Acc.fence": 0.6215, "Acc.desk": 0.7769, "Acc.rock": 0.8428, "Acc.wardrobe": 0.731, "Acc.lamp": 0.8232, "Acc.bathtub": 0.8896, "Acc.railing": 0.5851, "Acc.cushion": 0.7656, "Acc.base": 0.6011, "Acc.box": 0.5039, "Acc.column": 0.656, "Acc.signboard": 0.5422, "Acc.chest of drawers": 0.7448, "Acc.counter": 0.5096, "Acc.sand": 0.8468, "Acc.sink": 0.8691, "Acc.skyscraper": 0.5456, "Acc.fireplace": 0.9534, "Acc.refrigerator": 0.8758, "Acc.grandstand": 0.8532, "Acc.path": 0.4057, "Acc.stairs": 0.3623, "Acc.runway": 0.8459, "Acc.case": 0.8322, "Acc.pool table": 0.9777, "Acc.pillow": 0.8418, "Acc.screen door": 0.8519, "Acc.stairway": 0.5742, "Acc.river": 0.3341, "Acc.bridge": 0.6053, "Acc.bookcase": 0.6911, "Acc.blind": 0.5487, "Acc.coffee table": 0.8556, "Acc.toilet": 0.9549, "Acc.flower": 0.522, "Acc.book": 0.7073, "Acc.hill": 0.1547, "Acc.bench": 0.6178, "Acc.countertop": 0.7316, "Acc.stove": 0.9105, "Acc.palm": 0.8417, "Acc.kitchen island": 0.7398, "Acc.computer": 0.9225, "Acc.swivel chair": 0.8855, "Acc.boat": 0.9053, "Acc.bar": 0.8034, "Acc.arcade machine": 0.8879, "Acc.hovel": 0.4725, "Acc.bus": 0.9674, "Acc.towel": 0.8097, "Acc.light": 0.5793, "Acc.truck": 0.6423, "Acc.tower": 0.6143, "Acc.chandelier": 0.845, "Acc.awning": 0.5794, "Acc.streetlight": 0.3979, "Acc.booth": 0.5593, "Acc.television receiver": 0.8794, "Acc.airplane": 0.9039, "Acc.dirt track": 0.2956, "Acc.apparel": 0.6712, "Acc.pole": 0.4585, "Acc.land": 0.0833, "Acc.bannister": 0.2253, "Acc.escalator": 0.8441, "Acc.ottoman": 0.6818, "Acc.bottle": 0.6753, "Acc.buffet": 0.7212, "Acc.poster": 0.4775, "Acc.stage": 0.4206, "Acc.van": 0.6807, "Acc.ship": 0.9495, "Acc.fountain": 0.4964, "Acc.conveyer belt": 0.9558, "Acc.canopy": 0.7063, "Acc.washer": 0.954, "Acc.plaything": 0.4328, "Acc.swimming pool": 0.7842, "Acc.stool": 0.6527, "Acc.barrel": 0.6905, "Acc.basket": 0.6061, "Acc.waterfall": 0.7423, "Acc.tent": 0.9825, "Acc.bag": 0.3001, "Acc.minibike": 0.8734, "Acc.cradle": 0.9799, "Acc.oven": 0.7398, "Acc.ball": 0.6838, "Acc.food": 0.7141, "Acc.step": 0.0886, "Acc.tank": 0.8104, "Acc.trade name": 0.249, "Acc.microwave": 0.9696, "Acc.pot": 0.7212, "Acc.animal": 0.6112, "Acc.bicycle": 0.8601, "Acc.lake": 0.6372, "Acc.dishwasher": 0.8047, "Acc.screen": 0.8831, "Acc.blanket": 0.3557, "Acc.sculpture": 0.887, "Acc.hood": 0.7522, "Acc.sconce": 0.7227, "Acc.vase": 0.6005, "Acc.traffic light": 0.596, "Acc.tray": 0.2605, "Acc.ashcan": 0.6871, "Acc.fan": 0.7616, "Acc.pier": 0.4683, "Acc.crt screen": 0.2342, "Acc.plate": 0.7694, "Acc.monitor": 0.855, "Acc.bulletin board": 0.7906, "Acc.shower": 0.0553, "Acc.radiator": 0.7653, "Acc.glass": 0.2158, "Acc.clock": 0.6148, "Acc.flag": 0.7336} +{"mode": "train", "epoch": 27, "iter": 33050, "lr": 0.0, "memory": 65790, "data_time": 1.68428, "decode.loss_ce": 0.21509, "decode.acc_seg": 90.85819, "aux.loss_ce": 0.08894, "aux.acc_seg": 90.74317, "loss": 0.30404, "time": 3.28648} +{"mode": "train", "epoch": 27, "iter": 33100, "lr": 0.0, "memory": 65790, "data_time": 0.00724, "decode.loss_ce": 0.20583, "decode.acc_seg": 91.05132, "aux.loss_ce": 0.08446, "aux.acc_seg": 90.88007, "loss": 0.29029, "time": 1.60889} +{"mode": "train", "epoch": 27, "iter": 33150, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.19835, "decode.acc_seg": 91.42954, "aux.loss_ce": 0.08106, "aux.acc_seg": 91.24906, "loss": 0.27941, "time": 1.60912} +{"mode": "train", "epoch": 27, "iter": 33200, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.20748, "decode.acc_seg": 90.86484, "aux.loss_ce": 0.08528, "aux.acc_seg": 90.80509, "loss": 0.29275, "time": 1.61437} +{"mode": "train", "epoch": 27, "iter": 33250, "lr": 0.0, "memory": 65790, "data_time": 0.00729, "decode.loss_ce": 0.21697, "decode.acc_seg": 90.85176, "aux.loss_ce": 0.08972, "aux.acc_seg": 90.70045, "loss": 0.30669, "time": 1.61397} +{"mode": "train", "epoch": 27, "iter": 33300, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.20787, "decode.acc_seg": 90.99464, "aux.loss_ce": 0.08557, "aux.acc_seg": 90.86799, "loss": 0.29344, "time": 1.61019} +{"mode": "train", "epoch": 27, "iter": 33350, "lr": 0.0, "memory": 65790, "data_time": 0.00741, "decode.loss_ce": 0.23034, "decode.acc_seg": 90.44139, "aux.loss_ce": 0.09443, "aux.acc_seg": 90.34196, "loss": 0.32477, "time": 1.6086} +{"mode": "train", "epoch": 27, "iter": 33400, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.22185, "decode.acc_seg": 90.48544, "aux.loss_ce": 0.09059, "aux.acc_seg": 90.41138, "loss": 0.31243, "time": 1.60916} +{"mode": "train", "epoch": 27, "iter": 33450, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.20889, "decode.acc_seg": 91.0808, "aux.loss_ce": 0.08626, "aux.acc_seg": 90.89108, "loss": 0.29515, "time": 1.61083} +{"mode": "train", "epoch": 27, "iter": 33500, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.20278, "decode.acc_seg": 91.21463, "aux.loss_ce": 0.0823, "aux.acc_seg": 91.1578, "loss": 0.28508, "time": 1.61072} +{"mode": "train", "epoch": 27, "iter": 33550, "lr": 0.0, "memory": 65790, "data_time": 0.00728, "decode.loss_ce": 0.2192, "decode.acc_seg": 90.82575, "aux.loss_ce": 0.09049, "aux.acc_seg": 90.76716, "loss": 0.30969, "time": 1.612} +{"mode": "train", "epoch": 27, "iter": 33600, "lr": 0.0, "memory": 65790, "data_time": 0.00722, "decode.loss_ce": 0.21423, "decode.acc_seg": 90.78684, "aux.loss_ce": 0.088, "aux.acc_seg": 90.59936, "loss": 0.30223, "time": 1.61109} +{"mode": "train", "epoch": 27, "iter": 33650, "lr": 0.0, "memory": 65790, "data_time": 0.00736, "decode.loss_ce": 0.21075, "decode.acc_seg": 91.32072, "aux.loss_ce": 0.08558, "aux.acc_seg": 91.26719, "loss": 0.29633, "time": 1.60953} +{"mode": "train", "epoch": 27, "iter": 33700, "lr": 0.0, "memory": 65790, "data_time": 0.00715, "decode.loss_ce": 0.21836, "decode.acc_seg": 90.66068, "aux.loss_ce": 0.08954, "aux.acc_seg": 90.48769, "loss": 0.3079, "time": 1.61058} +{"mode": "train", "epoch": 27, "iter": 33750, "lr": 0.0, "memory": 65790, "data_time": 0.00706, "decode.loss_ce": 0.19586, "decode.acc_seg": 91.56294, "aux.loss_ce": 0.08057, "aux.acc_seg": 91.42075, "loss": 0.27643, "time": 1.60938} +{"mode": "train", "epoch": 27, "iter": 33800, "lr": 0.0, "memory": 65790, "data_time": 0.00734, "decode.loss_ce": 0.21132, "decode.acc_seg": 90.98277, "aux.loss_ce": 0.08619, "aux.acc_seg": 90.94688, "loss": 0.29751, "time": 1.61069} +{"mode": "train", "epoch": 27, "iter": 33850, "lr": 0.0, "memory": 65790, "data_time": 0.00727, "decode.loss_ce": 0.19223, "decode.acc_seg": 91.69377, "aux.loss_ce": 0.07888, "aux.acc_seg": 91.66552, "loss": 0.27111, "time": 1.61109} +{"mode": "train", "epoch": 27, "iter": 33900, "lr": 0.0, "memory": 65790, "data_time": 0.00727, "decode.loss_ce": 0.20038, "decode.acc_seg": 91.60965, "aux.loss_ce": 0.08245, "aux.acc_seg": 91.50353, "loss": 0.28283, "time": 1.61039} +{"mode": "train", "epoch": 27, "iter": 33950, "lr": 0.0, "memory": 65790, "data_time": 0.00729, "decode.loss_ce": 0.19811, "decode.acc_seg": 91.30693, "aux.loss_ce": 0.08165, "aux.acc_seg": 91.16709, "loss": 0.27976, "time": 1.61153} +{"mode": "train", "epoch": 27, "iter": 34000, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.21826, "decode.acc_seg": 90.83429, "aux.loss_ce": 0.08937, "aux.acc_seg": 90.80254, "loss": 0.30763, "time": 3.09174} +{"mode": "val", "epoch": 27, "iter": 250, "lr": 0.0, "aAcc": 0.8543, "mIoU": 0.5688, "mAcc": 0.7038, "IoU.wall": 0.8138, "IoU.building": 0.8376, "IoU.sky": 0.9458, "IoU.floor": 0.8408, "IoU.tree": 0.7721, "IoU.ceiling": 0.8653, "IoU.road": 0.8495, "IoU.bed ": 0.9149, "IoU.windowpane": 0.6523, "IoU.grass": 0.6567, "IoU.cabinet": 0.6709, "IoU.sidewalk": 0.7065, "IoU.person": 0.838, "IoU.earth": 0.3753, "IoU.door": 0.5962, "IoU.table": 0.6707, "IoU.mountain": 0.6226, "IoU.plant": 0.5648, "IoU.curtain": 0.7474, "IoU.chair": 0.6326, "IoU.car": 0.8596, "IoU.water": 0.5509, "IoU.painting": 0.7864, "IoU.sofa": 0.8164, "IoU.shelf": 0.4562, "IoU.house": 0.4694, "IoU.sea": 0.6176, "IoU.mirror": 0.751, "IoU.rug": 0.6979, "IoU.field": 0.2998, "IoU.armchair": 0.6196, "IoU.seat": 0.668, "IoU.fence": 0.5449, "IoU.desk": 0.5354, "IoU.rock": 0.545, "IoU.wardrobe": 0.5536, "IoU.lamp": 0.6893, "IoU.bathtub": 0.8455, "IoU.railing": 0.4563, "IoU.cushion": 0.6719, "IoU.base": 0.4047, "IoU.box": 0.3872, "IoU.column": 0.5487, "IoU.signboard": 0.4005, "IoU.chest of drawers": 0.4672, "IoU.counter": 0.4493, "IoU.sand": 0.5045, "IoU.sink": 0.8108, "IoU.skyscraper": 0.4732, "IoU.fireplace": 0.7431, "IoU.refrigerator": 0.8233, "IoU.grandstand": 0.5216, "IoU.path": 0.2785, "IoU.stairs": 0.3991, "IoU.runway": 0.6694, "IoU.case": 0.6612, "IoU.pool table": 0.9331, "IoU.pillow": 0.6399, "IoU.screen door": 0.6879, "IoU.stairway": 0.4924, "IoU.river": 0.1197, "IoU.bridge": 0.6556, "IoU.bookcase": 0.4131, "IoU.blind": 0.3869, "IoU.coffee table": 0.6385, "IoU.toilet": 0.8983, "IoU.flower": 0.3879, "IoU.book": 0.5138, "IoU.hill": 0.0695, "IoU.bench": 0.6388, "IoU.countertop": 0.6426, "IoU.stove": 0.8541, "IoU.palm": 0.5142, "IoU.kitchen island": 0.5006, "IoU.computer": 0.7843, "IoU.swivel chair": 0.5239, "IoU.boat": 0.6805, "IoU.bar": 0.6026, "IoU.arcade machine": 0.8356, "IoU.hovel": 0.3635, "IoU.bus": 0.9098, "IoU.towel": 0.7563, "IoU.light": 0.5319, "IoU.truck": 0.472, "IoU.tower": 0.3081, "IoU.chandelier": 0.718, "IoU.awning": 0.3834, "IoU.streetlight": 0.3037, "IoU.booth": 0.43, "IoU.television receiver": 0.7981, "IoU.airplane": 0.849, "IoU.dirt track": 0.0872, "IoU.apparel": 0.6173, "IoU.pole": 0.1953, "IoU.land": 0.0365, "IoU.bannister": 0.195, "IoU.escalator": 0.6343, "IoU.ottoman": 0.4659, "IoU.bottle": 0.4316, "IoU.buffet": 0.5948, "IoU.poster": 0.3332, "IoU.stage": 0.2468, "IoU.van": 0.4435, "IoU.ship": 0.9218, "IoU.fountain": 0.4808, "IoU.conveyer belt": 0.7938, "IoU.canopy": 0.4451, "IoU.washer": 0.8898, "IoU.plaything": 0.3556, "IoU.swimming pool": 0.5481, "IoU.stool": 0.4783, "IoU.barrel": 0.5307, "IoU.basket": 0.4543, "IoU.waterfall": 0.6952, "IoU.tent": 0.9213, "IoU.bag": 0.2482, "IoU.minibike": 0.7324, "IoU.cradle": 0.6536, "IoU.oven": 0.6297, "IoU.ball": 0.4307, "IoU.food": 0.6679, "IoU.step": 0.094, "IoU.tank": 0.8058, "IoU.trade name": 0.2589, "IoU.microwave": 0.8961, "IoU.pot": 0.5895, "IoU.animal": 0.7383, "IoU.bicycle": 0.57, "IoU.lake": 0.6016, "IoU.dishwasher": 0.6857, "IoU.screen": 0.5558, "IoU.blanket": 0.3364, "IoU.sculpture": 0.7146, "IoU.hood": 0.5999, "IoU.sconce": 0.5542, "IoU.vase": 0.4673, "IoU.traffic light": 0.3115, "IoU.tray": 0.1841, "IoU.ashcan": 0.5219, "IoU.fan": 0.6422, "IoU.pier": 0.3918, "IoU.crt screen": 0.121, "IoU.plate": 0.5893, "IoU.monitor": 0.6778, "IoU.bulletin board": 0.5899, "IoU.shower": 0.0745, "IoU.radiator": 0.4593, "IoU.glass": 0.221, "IoU.clock": 0.4716, "IoU.flag": 0.6428, "Acc.wall": 0.8875, "Acc.building": 0.9226, "Acc.sky": 0.9715, "Acc.floor": 0.9122, "Acc.tree": 0.8933, "Acc.ceiling": 0.9318, "Acc.road": 0.8957, "Acc.bed ": 0.9661, "Acc.windowpane": 0.8273, "Acc.grass": 0.8098, "Acc.cabinet": 0.7633, "Acc.sidewalk": 0.8957, "Acc.person": 0.9283, "Acc.earth": 0.4683, "Acc.door": 0.7558, "Acc.table": 0.7785, "Acc.mountain": 0.7397, "Acc.plant": 0.6932, "Acc.curtain": 0.8852, "Acc.chair": 0.7321, "Acc.car": 0.934, "Acc.water": 0.6999, "Acc.painting": 0.8779, "Acc.sofa": 0.9305, "Acc.shelf": 0.5722, "Acc.house": 0.6723, "Acc.sea": 0.6904, "Acc.mirror": 0.8287, "Acc.rug": 0.7694, "Acc.field": 0.5549, "Acc.armchair": 0.8193, "Acc.seat": 0.8798, "Acc.fence": 0.7051, "Acc.desk": 0.8132, "Acc.rock": 0.7637, "Acc.wardrobe": 0.8209, "Acc.lamp": 0.8126, "Acc.bathtub": 0.8933, "Acc.railing": 0.6339, "Acc.cushion": 0.8139, "Acc.base": 0.6744, "Acc.box": 0.51, "Acc.column": 0.6595, "Acc.signboard": 0.5197, "Acc.chest of drawers": 0.6634, "Acc.counter": 0.5443, "Acc.sand": 0.8813, "Acc.sink": 0.893, "Acc.skyscraper": 0.6092, "Acc.fireplace": 0.929, "Acc.refrigerator": 0.9313, "Acc.grandstand": 0.8426, "Acc.path": 0.4049, "Acc.stairs": 0.5091, "Acc.runway": 0.8979, "Acc.case": 0.8466, "Acc.pool table": 0.9823, "Acc.pillow": 0.7313, "Acc.screen door": 0.7693, "Acc.stairway": 0.6186, "Acc.river": 0.3732, "Acc.bridge": 0.807, "Acc.bookcase": 0.6123, "Acc.blind": 0.4312, "Acc.coffee table": 0.854, "Acc.toilet": 0.9265, "Acc.flower": 0.5266, "Acc.book": 0.7619, "Acc.hill": 0.1505, "Acc.bench": 0.7483, "Acc.countertop": 0.8388, "Acc.stove": 0.9436, "Acc.palm": 0.8077, "Acc.kitchen island": 0.7124, "Acc.computer": 0.8937, "Acc.swivel chair": 0.8375, "Acc.boat": 0.9018, "Acc.bar": 0.8411, "Acc.arcade machine": 0.9187, "Acc.hovel": 0.4243, "Acc.bus": 0.9697, "Acc.towel": 0.8661, "Acc.light": 0.6791, "Acc.truck": 0.606, "Acc.tower": 0.5269, "Acc.chandelier": 0.8609, "Acc.awning": 0.5304, "Acc.streetlight": 0.4132, "Acc.booth": 0.579, "Acc.television receiver": 0.8635, "Acc.airplane": 0.8996, "Acc.dirt track": 0.3753, "Acc.apparel": 0.8355, "Acc.pole": 0.2376, "Acc.land": 0.0438, "Acc.bannister": 0.2515, "Acc.escalator": 0.8693, "Acc.ottoman": 0.5641, "Acc.bottle": 0.6334, "Acc.buffet": 0.7221, "Acc.poster": 0.5187, "Acc.stage": 0.476, "Acc.van": 0.6402, "Acc.ship": 0.9717, "Acc.fountain": 0.5055, "Acc.conveyer belt": 0.9666, "Acc.canopy": 0.6897, "Acc.washer": 0.956, "Acc.plaything": 0.4884, "Acc.swimming pool": 0.7998, "Acc.stool": 0.6266, "Acc.barrel": 0.6967, "Acc.basket": 0.5954, "Acc.waterfall": 0.8436, "Acc.tent": 0.9856, "Acc.bag": 0.2675, "Acc.minibike": 0.8694, "Acc.cradle": 0.9804, "Acc.oven": 0.771, "Acc.ball": 0.4413, "Acc.food": 0.7195, "Acc.step": 0.1151, "Acc.tank": 0.9327, "Acc.trade name": 0.2946, "Acc.microwave": 0.9572, "Acc.pot": 0.6804, "Acc.animal": 0.783, "Acc.bicycle": 0.6774, "Acc.lake": 0.636, "Acc.dishwasher": 0.7977, "Acc.screen": 0.8666, "Acc.blanket": 0.3793, "Acc.sculpture": 0.8722, "Acc.hood": 0.6978, "Acc.sconce": 0.7517, "Acc.vase": 0.6233, "Acc.traffic light": 0.5696, "Acc.tray": 0.2194, "Acc.ashcan": 0.6718, "Acc.fan": 0.7981, "Acc.pier": 0.4443, "Acc.crt screen": 0.1591, "Acc.plate": 0.7895, "Acc.monitor": 0.8478, "Acc.bulletin board": 0.8024, "Acc.shower": 0.0872, "Acc.radiator": 0.5255, "Acc.glass": 0.24, "Acc.clock": 0.5681, "Acc.flag": 0.7788} +{"mode": "train", "epoch": 27, "iter": 34050, "lr": 0.0, "memory": 65790, "data_time": 1.68706, "decode.loss_ce": 0.21351, "decode.acc_seg": 90.82477, "aux.loss_ce": 0.08774, "aux.acc_seg": 90.72019, "loss": 0.30125, "time": 3.29095} +{"mode": "train", "epoch": 27, "iter": 34100, "lr": 0.0, "memory": 65790, "data_time": 0.0073, "decode.loss_ce": 0.20119, "decode.acc_seg": 91.51153, "aux.loss_ce": 0.08245, "aux.acc_seg": 91.40868, "loss": 0.28364, "time": 1.60972} +{"mode": "train", "epoch": 28, "iter": 34150, "lr": 0.0, "memory": 65790, "data_time": 0.04893, "decode.loss_ce": 0.19418, "decode.acc_seg": 91.62314, "aux.loss_ce": 0.07958, "aux.acc_seg": 91.49851, "loss": 0.27376, "time": 1.65343} +{"mode": "train", "epoch": 28, "iter": 34200, "lr": 0.0, "memory": 65790, "data_time": 0.00731, "decode.loss_ce": 0.1906, "decode.acc_seg": 92.00258, "aux.loss_ce": 0.07954, "aux.acc_seg": 91.84086, "loss": 0.27014, "time": 1.60914} +{"mode": "train", "epoch": 28, "iter": 34250, "lr": 0.0, "memory": 65790, "data_time": 0.00712, "decode.loss_ce": 0.20496, "decode.acc_seg": 91.16137, "aux.loss_ce": 0.08467, "aux.acc_seg": 90.99509, "loss": 0.28963, "time": 1.60974} +{"mode": "train", "epoch": 28, "iter": 34300, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.19985, "decode.acc_seg": 91.49524, "aux.loss_ce": 0.08232, "aux.acc_seg": 91.37903, "loss": 0.28217, "time": 1.60985} +{"mode": "train", "epoch": 28, "iter": 34350, "lr": 0.0, "memory": 65790, "data_time": 0.00715, "decode.loss_ce": 0.19811, "decode.acc_seg": 91.32322, "aux.loss_ce": 0.08132, "aux.acc_seg": 91.1699, "loss": 0.27943, "time": 1.6087} +{"mode": "train", "epoch": 28, "iter": 34400, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.19382, "decode.acc_seg": 91.28624, "aux.loss_ce": 0.07993, "aux.acc_seg": 91.28354, "loss": 0.27375, "time": 1.61284} +{"mode": "train", "epoch": 28, "iter": 34450, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.20977, "decode.acc_seg": 91.34622, "aux.loss_ce": 0.08684, "aux.acc_seg": 91.25953, "loss": 0.29661, "time": 1.61051} +{"mode": "train", "epoch": 28, "iter": 34500, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.19856, "decode.acc_seg": 91.70139, "aux.loss_ce": 0.08151, "aux.acc_seg": 91.57634, "loss": 0.28007, "time": 1.61288} +{"mode": "train", "epoch": 28, "iter": 34550, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.20424, "decode.acc_seg": 91.16992, "aux.loss_ce": 0.08456, "aux.acc_seg": 91.00747, "loss": 0.2888, "time": 1.61077} +{"mode": "train", "epoch": 28, "iter": 34600, "lr": 0.0, "memory": 65790, "data_time": 0.00715, "decode.loss_ce": 0.18985, "decode.acc_seg": 91.79589, "aux.loss_ce": 0.07815, "aux.acc_seg": 91.77217, "loss": 0.268, "time": 1.60931} +{"mode": "train", "epoch": 28, "iter": 34650, "lr": 0.0, "memory": 65790, "data_time": 0.00699, "decode.loss_ce": 0.21186, "decode.acc_seg": 91.07633, "aux.loss_ce": 0.08822, "aux.acc_seg": 90.9028, "loss": 0.30008, "time": 1.60935} +{"mode": "train", "epoch": 28, "iter": 34700, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.20324, "decode.acc_seg": 91.40048, "aux.loss_ce": 0.08396, "aux.acc_seg": 91.27528, "loss": 0.28719, "time": 1.60858} +{"mode": "train", "epoch": 28, "iter": 34750, "lr": 0.0, "memory": 65790, "data_time": 0.00709, "decode.loss_ce": 0.1934, "decode.acc_seg": 91.71745, "aux.loss_ce": 0.07936, "aux.acc_seg": 91.55788, "loss": 0.27277, "time": 1.60874} +{"mode": "train", "epoch": 28, "iter": 34800, "lr": 0.0, "memory": 65790, "data_time": 0.00713, "decode.loss_ce": 0.19371, "decode.acc_seg": 91.71487, "aux.loss_ce": 0.08044, "aux.acc_seg": 91.55825, "loss": 0.27415, "time": 1.6093} +{"mode": "train", "epoch": 28, "iter": 34850, "lr": 0.0, "memory": 65790, "data_time": 0.0071, "decode.loss_ce": 0.19834, "decode.acc_seg": 91.5481, "aux.loss_ce": 0.08195, "aux.acc_seg": 91.43686, "loss": 0.28029, "time": 1.60884} +{"mode": "train", "epoch": 28, "iter": 34900, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.20015, "decode.acc_seg": 91.28112, "aux.loss_ce": 0.08334, "aux.acc_seg": 90.97935, "loss": 0.28349, "time": 1.60999} +{"mode": "train", "epoch": 28, "iter": 34950, "lr": 0.0, "memory": 65790, "data_time": 0.00728, "decode.loss_ce": 0.21265, "decode.acc_seg": 90.92253, "aux.loss_ce": 0.08747, "aux.acc_seg": 90.71263, "loss": 0.30011, "time": 1.6119} +{"mode": "train", "epoch": 28, "iter": 35000, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.20225, "decode.acc_seg": 91.51245, "aux.loss_ce": 0.08282, "aux.acc_seg": 91.38686, "loss": 0.28507, "time": 1.61021} +{"mode": "val", "epoch": 28, "iter": 250, "lr": 0.0, "aAcc": 0.8559, "mIoU": 0.5691, "mAcc": 0.698, "IoU.wall": 0.8118, "IoU.building": 0.8437, "IoU.sky": 0.9456, "IoU.floor": 0.8415, "IoU.tree": 0.7692, "IoU.ceiling": 0.8616, "IoU.road": 0.8522, "IoU.bed ": 0.9173, "IoU.windowpane": 0.665, "IoU.grass": 0.6556, "IoU.cabinet": 0.6731, "IoU.sidewalk": 0.7021, "IoU.person": 0.8413, "IoU.earth": 0.3895, "IoU.door": 0.5931, "IoU.table": 0.6867, "IoU.mountain": 0.6096, "IoU.plant": 0.55, "IoU.curtain": 0.7633, "IoU.chair": 0.647, "IoU.car": 0.8617, "IoU.water": 0.5903, "IoU.painting": 0.7711, "IoU.sofa": 0.8245, "IoU.shelf": 0.4795, "IoU.house": 0.4984, "IoU.sea": 0.6119, "IoU.mirror": 0.7519, "IoU.rug": 0.7157, "IoU.field": 0.3051, "IoU.armchair": 0.6525, "IoU.seat": 0.6672, "IoU.fence": 0.501, "IoU.desk": 0.6004, "IoU.rock": 0.5609, "IoU.wardrobe": 0.5514, "IoU.lamp": 0.7079, "IoU.bathtub": 0.8386, "IoU.railing": 0.4489, "IoU.cushion": 0.6778, "IoU.base": 0.3173, "IoU.box": 0.4051, "IoU.column": 0.5371, "IoU.signboard": 0.416, "IoU.chest of drawers": 0.432, "IoU.counter": 0.3966, "IoU.sand": 0.5637, "IoU.sink": 0.7742, "IoU.skyscraper": 0.4611, "IoU.fireplace": 0.7178, "IoU.refrigerator": 0.8169, "IoU.grandstand": 0.4956, "IoU.path": 0.2259, "IoU.stairs": 0.396, "IoU.runway": 0.6541, "IoU.case": 0.6401, "IoU.pool table": 0.9348, "IoU.pillow": 0.6766, "IoU.screen door": 0.6386, "IoU.stairway": 0.4864, "IoU.river": 0.1272, "IoU.bridge": 0.5585, "IoU.bookcase": 0.4289, "IoU.blind": 0.416, "IoU.coffee table": 0.6609, "IoU.toilet": 0.8642, "IoU.flower": 0.4165, "IoU.book": 0.5155, "IoU.hill": 0.0763, "IoU.bench": 0.5762, "IoU.countertop": 0.6163, "IoU.stove": 0.8418, "IoU.palm": 0.5623, "IoU.kitchen island": 0.5623, "IoU.computer": 0.7731, "IoU.swivel chair": 0.5183, "IoU.boat": 0.7912, "IoU.bar": 0.61, "IoU.arcade machine": 0.8162, "IoU.hovel": 0.4441, "IoU.bus": 0.9227, "IoU.towel": 0.7484, "IoU.light": 0.5237, "IoU.truck": 0.4755, "IoU.tower": 0.3372, "IoU.chandelier": 0.7063, "IoU.awning": 0.3565, "IoU.streetlight": 0.2847, "IoU.booth": 0.4063, "IoU.television receiver": 0.7753, "IoU.airplane": 0.8295, "IoU.dirt track": 0.1866, "IoU.apparel": 0.6087, "IoU.pole": 0.2964, "IoU.land": 0.0587, "IoU.bannister": 0.1767, "IoU.escalator": 0.6395, "IoU.ottoman": 0.564, "IoU.bottle": 0.4311, "IoU.buffet": 0.5448, "IoU.poster": 0.3385, "IoU.stage": 0.2296, "IoU.van": 0.4379, "IoU.ship": 0.4964, "IoU.fountain": 0.4292, "IoU.conveyer belt": 0.8277, "IoU.canopy": 0.4411, "IoU.washer": 0.8822, "IoU.plaything": 0.3113, "IoU.swimming pool": 0.5384, "IoU.stool": 0.4668, "IoU.barrel": 0.6045, "IoU.basket": 0.4538, "IoU.waterfall": 0.5951, "IoU.tent": 0.9516, "IoU.bag": 0.2382, "IoU.minibike": 0.7393, "IoU.cradle": 0.8795, "IoU.oven": 0.5498, "IoU.ball": 0.6275, "IoU.food": 0.6072, "IoU.step": 0.1057, "IoU.tank": 0.6291, "IoU.trade name": 0.3089, "IoU.microwave": 0.8435, "IoU.pot": 0.6299, "IoU.animal": 0.614, "IoU.bicycle": 0.5971, "IoU.lake": 0.5567, "IoU.dishwasher": 0.6677, "IoU.screen": 0.602, "IoU.blanket": 0.329, "IoU.sculpture": 0.6932, "IoU.hood": 0.6199, "IoU.sconce": 0.5673, "IoU.vase": 0.4641, "IoU.traffic light": 0.3917, "IoU.tray": 0.2225, "IoU.ashcan": 0.5436, "IoU.fan": 0.6394, "IoU.pier": 0.3963, "IoU.crt screen": 0.1049, "IoU.plate": 0.5983, "IoU.monitor": 0.6973, "IoU.bulletin board": 0.6884, "IoU.shower": 0.0417, "IoU.radiator": 0.6469, "IoU.glass": 0.2171, "IoU.clock": 0.4021, "IoU.flag": 0.6359, "Acc.wall": 0.8901, "Acc.building": 0.9254, "Acc.sky": 0.9769, "Acc.floor": 0.9218, "Acc.tree": 0.8952, "Acc.ceiling": 0.9225, "Acc.road": 0.9085, "Acc.bed ": 0.9681, "Acc.windowpane": 0.8121, "Acc.grass": 0.8042, "Acc.cabinet": 0.7694, "Acc.sidewalk": 0.8496, "Acc.person": 0.9336, "Acc.earth": 0.5281, "Acc.door": 0.7707, "Acc.table": 0.817, "Acc.mountain": 0.7176, "Acc.plant": 0.6953, "Acc.curtain": 0.9007, "Acc.chair": 0.7398, "Acc.car": 0.9424, "Acc.water": 0.7783, "Acc.painting": 0.9152, "Acc.sofa": 0.9262, "Acc.shelf": 0.6764, "Acc.house": 0.65, "Acc.sea": 0.669, "Acc.mirror": 0.869, "Acc.rug": 0.7851, "Acc.field": 0.4979, "Acc.armchair": 0.7954, "Acc.seat": 0.8858, "Acc.fence": 0.5802, "Acc.desk": 0.8102, "Acc.rock": 0.7947, "Acc.wardrobe": 0.7146, "Acc.lamp": 0.8329, "Acc.bathtub": 0.8783, "Acc.railing": 0.6141, "Acc.cushion": 0.8013, "Acc.base": 0.4418, "Acc.box": 0.5188, "Acc.column": 0.6353, "Acc.signboard": 0.576, "Acc.chest of drawers": 0.6667, "Acc.counter": 0.4548, "Acc.sand": 0.8459, "Acc.sink": 0.8894, "Acc.skyscraper": 0.6094, "Acc.fireplace": 0.9217, "Acc.refrigerator": 0.9502, "Acc.grandstand": 0.8264, "Acc.path": 0.2953, "Acc.stairs": 0.4862, "Acc.runway": 0.8493, "Acc.case": 0.8513, "Acc.pool table": 0.9824, "Acc.pillow": 0.824, "Acc.screen door": 0.7153, "Acc.stairway": 0.5447, "Acc.river": 0.2833, "Acc.bridge": 0.6171, "Acc.bookcase": 0.6195, "Acc.blind": 0.4935, "Acc.coffee table": 0.8511, "Acc.toilet": 0.9566, "Acc.flower": 0.5702, "Acc.book": 0.7315, "Acc.hill": 0.1394, "Acc.bench": 0.6245, "Acc.countertop": 0.8124, "Acc.stove": 0.9344, "Acc.palm": 0.7638, "Acc.kitchen island": 0.7466, "Acc.computer": 0.9049, "Acc.swivel chair": 0.8459, "Acc.boat": 0.8972, "Acc.bar": 0.8495, "Acc.arcade machine": 0.895, "Acc.hovel": 0.5096, "Acc.bus": 0.9623, "Acc.towel": 0.8407, "Acc.light": 0.6493, "Acc.truck": 0.629, "Acc.tower": 0.6083, "Acc.chandelier": 0.8596, "Acc.awning": 0.4555, "Acc.streetlight": 0.3589, "Acc.booth": 0.541, "Acc.television receiver": 0.8936, "Acc.airplane": 0.8875, "Acc.dirt track": 0.4804, "Acc.apparel": 0.7036, "Acc.pole": 0.4511, "Acc.land": 0.0834, "Acc.bannister": 0.208, "Acc.escalator": 0.8335, "Acc.ottoman": 0.7502, "Acc.bottle": 0.6459, "Acc.buffet": 0.6169, "Acc.poster": 0.3943, "Acc.stage": 0.4968, "Acc.van": 0.5602, "Acc.ship": 0.5245, "Acc.fountain": 0.4742, "Acc.conveyer belt": 0.9429, "Acc.canopy": 0.7843, "Acc.washer": 0.939, "Acc.plaything": 0.486, "Acc.swimming pool": 0.7803, "Acc.stool": 0.6326, "Acc.barrel": 0.7125, "Acc.basket": 0.6023, "Acc.waterfall": 0.7657, "Acc.tent": 0.9743, "Acc.bag": 0.2636, "Acc.minibike": 0.8884, "Acc.cradle": 0.9717, "Acc.oven": 0.6819, "Acc.ball": 0.6998, "Acc.food": 0.7129, "Acc.step": 0.1162, "Acc.tank": 0.6583, "Acc.trade name": 0.4245, "Acc.microwave": 0.97, "Acc.pot": 0.7228, "Acc.animal": 0.6267, "Acc.bicycle": 0.752, "Acc.lake": 0.6352, "Acc.dishwasher": 0.8015, "Acc.screen": 0.8812, "Acc.blanket": 0.3706, "Acc.sculpture": 0.8575, "Acc.hood": 0.7718, "Acc.sconce": 0.7123, "Acc.vase": 0.6344, "Acc.traffic light": 0.5503, "Acc.tray": 0.2725, "Acc.ashcan": 0.6575, "Acc.fan": 0.7966, "Acc.pier": 0.429, "Acc.crt screen": 0.1281, "Acc.plate": 0.8091, "Acc.monitor": 0.8111, "Acc.bulletin board": 0.7814, "Acc.shower": 0.2083, "Acc.radiator": 0.817, "Acc.glass": 0.2351, "Acc.clock": 0.6372, "Acc.flag": 0.7874} +{"mode": "train", "epoch": 28, "iter": 35050, "lr": 0.0, "memory": 65790, "data_time": 1.69237, "decode.loss_ce": 0.19672, "decode.acc_seg": 91.34225, "aux.loss_ce": 0.08168, "aux.acc_seg": 91.18019, "loss": 0.2784, "time": 3.29564} +{"mode": "train", "epoch": 28, "iter": 35100, "lr": 0.0, "memory": 65790, "data_time": 0.0073, "decode.loss_ce": 0.20756, "decode.acc_seg": 91.25341, "aux.loss_ce": 0.0859, "aux.acc_seg": 91.13478, "loss": 0.29346, "time": 1.61123} +{"mode": "train", "epoch": 28, "iter": 35150, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.20526, "decode.acc_seg": 90.99858, "aux.loss_ce": 0.08377, "aux.acc_seg": 90.93152, "loss": 0.28904, "time": 1.60938} +{"mode": "train", "epoch": 28, "iter": 35200, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.20166, "decode.acc_seg": 91.24176, "aux.loss_ce": 0.08331, "aux.acc_seg": 91.02449, "loss": 0.28496, "time": 1.60872} +{"mode": "train", "epoch": 28, "iter": 35250, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.20162, "decode.acc_seg": 91.56023, "aux.loss_ce": 0.08283, "aux.acc_seg": 91.3424, "loss": 0.28444, "time": 1.60875} +{"mode": "train", "epoch": 28, "iter": 35300, "lr": 0.0, "memory": 65790, "data_time": 0.00731, "decode.loss_ce": 0.19579, "decode.acc_seg": 91.5772, "aux.loss_ce": 0.08137, "aux.acc_seg": 91.37496, "loss": 0.27716, "time": 1.60836} +{"mode": "train", "epoch": 28, "iter": 35350, "lr": 0.0, "memory": 65790, "data_time": 0.0074, "decode.loss_ce": 0.20032, "decode.acc_seg": 91.32815, "aux.loss_ce": 0.08234, "aux.acc_seg": 91.21413, "loss": 0.28267, "time": 1.61136} +{"mode": "train", "epoch": 29, "iter": 35400, "lr": 0.0, "memory": 65790, "data_time": 0.06833, "decode.loss_ce": 0.20676, "decode.acc_seg": 91.079, "aux.loss_ce": 0.08509, "aux.acc_seg": 90.97363, "loss": 0.29185, "time": 1.67421} +{"mode": "train", "epoch": 29, "iter": 35450, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.21545, "decode.acc_seg": 90.74356, "aux.loss_ce": 0.08834, "aux.acc_seg": 90.73809, "loss": 0.30379, "time": 1.61342} +{"mode": "train", "epoch": 29, "iter": 35500, "lr": 0.0, "memory": 65790, "data_time": 0.00727, "decode.loss_ce": 0.19961, "decode.acc_seg": 91.25819, "aux.loss_ce": 0.08286, "aux.acc_seg": 91.10259, "loss": 0.28247, "time": 1.60994} +{"mode": "train", "epoch": 29, "iter": 35550, "lr": 0.0, "memory": 65790, "data_time": 0.00705, "decode.loss_ce": 0.19461, "decode.acc_seg": 91.79218, "aux.loss_ce": 0.08, "aux.acc_seg": 91.65789, "loss": 0.27461, "time": 1.61324} +{"mode": "train", "epoch": 29, "iter": 35600, "lr": 0.0, "memory": 65790, "data_time": 0.00726, "decode.loss_ce": 0.20342, "decode.acc_seg": 91.31428, "aux.loss_ce": 0.08292, "aux.acc_seg": 91.29246, "loss": 0.28633, "time": 1.60933} +{"mode": "train", "epoch": 29, "iter": 35650, "lr": 0.0, "memory": 65790, "data_time": 0.00721, "decode.loss_ce": 0.20849, "decode.acc_seg": 91.14966, "aux.loss_ce": 0.08568, "aux.acc_seg": 91.03321, "loss": 0.29417, "time": 1.61017} +{"mode": "train", "epoch": 29, "iter": 35700, "lr": 0.0, "memory": 65790, "data_time": 0.00727, "decode.loss_ce": 0.19577, "decode.acc_seg": 91.67056, "aux.loss_ce": 0.08089, "aux.acc_seg": 91.58554, "loss": 0.27666, "time": 1.61071} +{"mode": "train", "epoch": 29, "iter": 35750, "lr": 0.0, "memory": 65790, "data_time": 0.00738, "decode.loss_ce": 0.21199, "decode.acc_seg": 90.95031, "aux.loss_ce": 0.08572, "aux.acc_seg": 90.88426, "loss": 0.29771, "time": 1.6123} +{"mode": "train", "epoch": 29, "iter": 35800, "lr": 0.0, "memory": 65790, "data_time": 0.00713, "decode.loss_ce": 0.20033, "decode.acc_seg": 91.48535, "aux.loss_ce": 0.08159, "aux.acc_seg": 91.32971, "loss": 0.28192, "time": 1.61156} +{"mode": "train", "epoch": 29, "iter": 35850, "lr": 0.0, "memory": 65790, "data_time": 0.0075, "decode.loss_ce": 0.18679, "decode.acc_seg": 91.74202, "aux.loss_ce": 0.07739, "aux.acc_seg": 91.58174, "loss": 0.26418, "time": 1.611} +{"mode": "train", "epoch": 29, "iter": 35900, "lr": 0.0, "memory": 65790, "data_time": 0.00731, "decode.loss_ce": 0.18778, "decode.acc_seg": 91.8202, "aux.loss_ce": 0.07793, "aux.acc_seg": 91.66826, "loss": 0.26572, "time": 1.61132} +{"mode": "train", "epoch": 29, "iter": 35950, "lr": 0.0, "memory": 65790, "data_time": 0.00738, "decode.loss_ce": 0.19211, "decode.acc_seg": 91.76177, "aux.loss_ce": 0.07997, "aux.acc_seg": 91.46224, "loss": 0.27208, "time": 1.60974} +{"mode": "train", "epoch": 29, "iter": 36000, "lr": 0.0, "memory": 65790, "data_time": 0.00732, "decode.loss_ce": 0.19158, "decode.acc_seg": 91.90002, "aux.loss_ce": 0.07896, "aux.acc_seg": 91.77879, "loss": 0.27054, "time": 3.05437} +{"mode": "val", "epoch": 29, "iter": 250, "lr": 0.0, "aAcc": 0.8567, "mIoU": 0.5693, "mAcc": 0.6976, "IoU.wall": 0.8163, "IoU.building": 0.8428, "IoU.sky": 0.9451, "IoU.floor": 0.8362, "IoU.tree": 0.7647, "IoU.ceiling": 0.8695, "IoU.road": 0.8552, "IoU.bed ": 0.9184, "IoU.windowpane": 0.6578, "IoU.grass": 0.6419, "IoU.cabinet": 0.6688, "IoU.sidewalk": 0.705, "IoU.person": 0.8371, "IoU.earth": 0.3852, "IoU.door": 0.6211, "IoU.table": 0.6854, "IoU.mountain": 0.5916, "IoU.plant": 0.5398, "IoU.curtain": 0.7543, "IoU.chair": 0.6271, "IoU.car": 0.8619, "IoU.water": 0.6444, "IoU.painting": 0.7896, "IoU.sofa": 0.8176, "IoU.shelf": 0.4948, "IoU.house": 0.5248, "IoU.sea": 0.7457, "IoU.mirror": 0.7711, "IoU.rug": 0.6819, "IoU.field": 0.2651, "IoU.armchair": 0.622, "IoU.seat": 0.6402, "IoU.fence": 0.5002, "IoU.desk": 0.5716, "IoU.rock": 0.567, "IoU.wardrobe": 0.5424, "IoU.lamp": 0.7109, "IoU.bathtub": 0.8375, "IoU.railing": 0.464, "IoU.cushion": 0.6904, "IoU.base": 0.4159, "IoU.box": 0.3808, "IoU.column": 0.5723, "IoU.signboard": 0.4023, "IoU.chest of drawers": 0.4876, "IoU.counter": 0.5087, "IoU.sand": 0.5294, "IoU.sink": 0.7726, "IoU.skyscraper": 0.4773, "IoU.fireplace": 0.709, "IoU.refrigerator": 0.8388, "IoU.grandstand": 0.5249, "IoU.path": 0.2796, "IoU.stairs": 0.3123, "IoU.runway": 0.721, "IoU.case": 0.6043, "IoU.pool table": 0.9339, "IoU.pillow": 0.6525, "IoU.screen door": 0.7778, "IoU.stairway": 0.4195, "IoU.river": 0.1456, "IoU.bridge": 0.4953, "IoU.bookcase": 0.4472, "IoU.blind": 0.3972, "IoU.coffee table": 0.6395, "IoU.toilet": 0.8938, "IoU.flower": 0.432, "IoU.book": 0.5185, "IoU.hill": 0.0742, "IoU.bench": 0.5648, "IoU.countertop": 0.6523, "IoU.stove": 0.8486, "IoU.palm": 0.5441, "IoU.kitchen island": 0.5513, "IoU.computer": 0.7651, "IoU.swivel chair": 0.431, "IoU.boat": 0.775, "IoU.bar": 0.6634, "IoU.arcade machine": 0.8392, "IoU.hovel": 0.1737, "IoU.bus": 0.906, "IoU.towel": 0.7432, "IoU.light": 0.4937, "IoU.truck": 0.4133, "IoU.tower": 0.3341, "IoU.chandelier": 0.7129, "IoU.awning": 0.356, "IoU.streetlight": 0.3028, "IoU.booth": 0.3988, "IoU.television receiver": 0.8271, "IoU.airplane": 0.7993, "IoU.dirt track": 0.0365, "IoU.apparel": 0.62, "IoU.pole": 0.2288, "IoU.land": 0.0508, "IoU.bannister": 0.1316, "IoU.escalator": 0.6416, "IoU.ottoman": 0.5597, "IoU.bottle": 0.4246, "IoU.buffet": 0.5479, "IoU.poster": 0.3828, "IoU.stage": 0.25, "IoU.van": 0.44, "IoU.ship": 0.8887, "IoU.fountain": 0.4419, "IoU.conveyer belt": 0.8649, "IoU.canopy": 0.491, "IoU.washer": 0.8917, "IoU.plaything": 0.3255, "IoU.swimming pool": 0.5767, "IoU.stool": 0.4981, "IoU.barrel": 0.599, "IoU.basket": 0.4528, "IoU.waterfall": 0.5123, "IoU.tent": 0.9609, "IoU.bag": 0.2899, "IoU.minibike": 0.7347, "IoU.cradle": 0.8774, "IoU.oven": 0.5748, "IoU.ball": 0.6487, "IoU.food": 0.611, "IoU.step": 0.0771, "IoU.tank": 0.6336, "IoU.trade name": 0.249, "IoU.microwave": 0.8558, "IoU.pot": 0.6184, "IoU.animal": 0.6385, "IoU.bicycle": 0.6082, "IoU.lake": 0.4665, "IoU.dishwasher": 0.6785, "IoU.screen": 0.5505, "IoU.blanket": 0.3375, "IoU.sculpture": 0.6572, "IoU.hood": 0.6157, "IoU.sconce": 0.5763, "IoU.vase": 0.4499, "IoU.traffic light": 0.3709, "IoU.tray": 0.172, "IoU.ashcan": 0.4746, "IoU.fan": 0.6477, "IoU.pier": 0.3903, "IoU.crt screen": 0.0517, "IoU.plate": 0.6115, "IoU.monitor": 0.6871, "IoU.bulletin board": 0.6386, "IoU.shower": 0.0293, "IoU.radiator": 0.6379, "IoU.glass": 0.2278, "IoU.clock": 0.4583, "IoU.flag": 0.6629, "Acc.wall": 0.8903, "Acc.building": 0.9291, "Acc.sky": 0.9722, "Acc.floor": 0.903, "Acc.tree": 0.9071, "Acc.ceiling": 0.9324, "Acc.road": 0.9039, "Acc.bed ": 0.9653, "Acc.windowpane": 0.8229, "Acc.grass": 0.8236, "Acc.cabinet": 0.755, "Acc.sidewalk": 0.8558, "Acc.person": 0.9371, "Acc.earth": 0.4997, "Acc.door": 0.7482, "Acc.table": 0.8026, "Acc.mountain": 0.66, "Acc.plant": 0.6506, "Acc.curtain": 0.8996, "Acc.chair": 0.7422, "Acc.car": 0.935, "Acc.water": 0.7907, "Acc.painting": 0.8989, "Acc.sofa": 0.9183, "Acc.shelf": 0.6935, "Acc.house": 0.7508, "Acc.sea": 0.8527, "Acc.mirror": 0.8848, "Acc.rug": 0.8631, "Acc.field": 0.4239, "Acc.armchair": 0.8105, "Acc.seat": 0.8835, "Acc.fence": 0.6901, "Acc.desk": 0.8119, "Acc.rock": 0.8446, "Acc.wardrobe": 0.7612, "Acc.lamp": 0.8247, "Acc.bathtub": 0.8567, "Acc.railing": 0.6856, "Acc.cushion": 0.8181, "Acc.base": 0.6399, "Acc.box": 0.5035, "Acc.column": 0.7009, "Acc.signboard": 0.5438, "Acc.chest of drawers": 0.7641, "Acc.counter": 0.5845, "Acc.sand": 0.8636, "Acc.sink": 0.8275, "Acc.skyscraper": 0.5765, "Acc.fireplace": 0.941, "Acc.refrigerator": 0.8956, "Acc.grandstand": 0.8513, "Acc.path": 0.342, "Acc.stairs": 0.3728, "Acc.runway": 0.9722, "Acc.case": 0.8388, "Acc.pool table": 0.9833, "Acc.pillow": 0.7604, "Acc.screen door": 0.8766, "Acc.stairway": 0.5263, "Acc.river": 0.2486, "Acc.bridge": 0.5799, "Acc.bookcase": 0.583, "Acc.blind": 0.4571, "Acc.coffee table": 0.8473, "Acc.toilet": 0.9478, "Acc.flower": 0.5102, "Acc.book": 0.7516, "Acc.hill": 0.1451, "Acc.bench": 0.6479, "Acc.countertop": 0.8134, "Acc.stove": 0.9335, "Acc.palm": 0.7276, "Acc.kitchen island": 0.7484, "Acc.computer": 0.9135, "Acc.swivel chair": 0.5575, "Acc.boat": 0.914, "Acc.bar": 0.8873, "Acc.arcade machine": 0.9104, "Acc.hovel": 0.1876, "Acc.bus": 0.9697, "Acc.towel": 0.8226, "Acc.light": 0.5692, "Acc.truck": 0.4982, "Acc.tower": 0.6268, "Acc.chandelier": 0.8714, "Acc.awning": 0.4446, "Acc.streetlight": 0.4381, "Acc.booth": 0.6745, "Acc.television receiver": 0.8961, "Acc.airplane": 0.8714, "Acc.dirt track": 0.1291, "Acc.apparel": 0.838, "Acc.pole": 0.2923, "Acc.land": 0.0689, "Acc.bannister": 0.1575, "Acc.escalator": 0.8596, "Acc.ottoman": 0.7782, "Acc.bottle": 0.7051, "Acc.buffet": 0.6759, "Acc.poster": 0.5389, "Acc.stage": 0.3578, "Acc.van": 0.6777, "Acc.ship": 0.9396, "Acc.fountain": 0.5151, "Acc.conveyer belt": 0.9426, "Acc.canopy": 0.6816, "Acc.washer": 0.9531, "Acc.plaything": 0.4973, "Acc.swimming pool": 0.8551, "Acc.stool": 0.6132, "Acc.barrel": 0.7152, "Acc.basket": 0.543, "Acc.waterfall": 0.586, "Acc.tent": 0.9788, "Acc.bag": 0.3498, "Acc.minibike": 0.872, "Acc.cradle": 0.9716, "Acc.oven": 0.7131, "Acc.ball": 0.7362, "Acc.food": 0.6908, "Acc.step": 0.0882, "Acc.tank": 0.6879, "Acc.trade name": 0.2945, "Acc.microwave": 0.9733, "Acc.pot": 0.7484, "Acc.animal": 0.6547, "Acc.bicycle": 0.7701, "Acc.lake": 0.6532, "Acc.dishwasher": 0.8418, "Acc.screen": 0.7974, "Acc.blanket": 0.3872, "Acc.sculpture": 0.8666, "Acc.hood": 0.7368, "Acc.sconce": 0.7275, "Acc.vase": 0.6309, "Acc.traffic light": 0.5685, "Acc.tray": 0.2034, "Acc.ashcan": 0.708, "Acc.fan": 0.8139, "Acc.pier": 0.455, "Acc.crt screen": 0.058, "Acc.plate": 0.8255, "Acc.monitor": 0.8057, "Acc.bulletin board": 0.7591, "Acc.shower": 0.0298, "Acc.radiator": 0.8415, "Acc.glass": 0.2517, "Acc.clock": 0.5264, "Acc.flag": 0.7505} +{"mode": "train", "epoch": 29, "iter": 36050, "lr": 0.0, "memory": 65790, "data_time": 1.72411, "decode.loss_ce": 0.19913, "decode.acc_seg": 91.67874, "aux.loss_ce": 0.08258, "aux.acc_seg": 91.41339, "loss": 0.28171, "time": 3.32623} +{"mode": "train", "epoch": 29, "iter": 36100, "lr": 0.0, "memory": 65790, "data_time": 0.00721, "decode.loss_ce": 0.21011, "decode.acc_seg": 90.95705, "aux.loss_ce": 0.08733, "aux.acc_seg": 90.73542, "loss": 0.29743, "time": 1.60773} +{"mode": "train", "epoch": 29, "iter": 36150, "lr": 0.0, "memory": 65790, "data_time": 0.00721, "decode.loss_ce": 0.20225, "decode.acc_seg": 91.50604, "aux.loss_ce": 0.08208, "aux.acc_seg": 91.39372, "loss": 0.28433, "time": 1.60925} +{"mode": "train", "epoch": 29, "iter": 36200, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.19896, "decode.acc_seg": 91.53017, "aux.loss_ce": 0.08198, "aux.acc_seg": 91.34856, "loss": 0.28094, "time": 1.60727} +{"mode": "train", "epoch": 29, "iter": 36250, "lr": 0.0, "memory": 65790, "data_time": 0.00721, "decode.loss_ce": 0.20574, "decode.acc_seg": 91.46547, "aux.loss_ce": 0.08478, "aux.acc_seg": 91.30911, "loss": 0.29052, "time": 1.60775} +{"mode": "train", "epoch": 29, "iter": 36300, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.19342, "decode.acc_seg": 91.46302, "aux.loss_ce": 0.08052, "aux.acc_seg": 91.13612, "loss": 0.27394, "time": 1.60864} +{"mode": "train", "epoch": 29, "iter": 36350, "lr": 0.0, "memory": 65790, "data_time": 0.00732, "decode.loss_ce": 0.22099, "decode.acc_seg": 90.68749, "aux.loss_ce": 0.09001, "aux.acc_seg": 90.65425, "loss": 0.31099, "time": 1.61086} +{"mode": "train", "epoch": 29, "iter": 36400, "lr": 0.0, "memory": 65790, "data_time": 0.00735, "decode.loss_ce": 0.20015, "decode.acc_seg": 91.36181, "aux.loss_ce": 0.08218, "aux.acc_seg": 91.31052, "loss": 0.28233, "time": 1.6085} +{"mode": "train", "epoch": 29, "iter": 36450, "lr": 0.0, "memory": 65790, "data_time": 0.00727, "decode.loss_ce": 0.21072, "decode.acc_seg": 91.06717, "aux.loss_ce": 0.08668, "aux.acc_seg": 90.91148, "loss": 0.2974, "time": 1.60988} +{"mode": "train", "epoch": 29, "iter": 36500, "lr": 0.0, "memory": 65790, "data_time": 0.00738, "decode.loss_ce": 0.21937, "decode.acc_seg": 90.62606, "aux.loss_ce": 0.08896, "aux.acc_seg": 90.49296, "loss": 0.30832, "time": 1.60844} +{"mode": "train", "epoch": 29, "iter": 36550, "lr": 0.0, "memory": 65790, "data_time": 0.00742, "decode.loss_ce": 0.21562, "decode.acc_seg": 90.78682, "aux.loss_ce": 0.08822, "aux.acc_seg": 90.7203, "loss": 0.30384, "time": 1.60934} +{"mode": "train", "epoch": 29, "iter": 36600, "lr": 0.0, "memory": 65790, "data_time": 0.0074, "decode.loss_ce": 0.20108, "decode.acc_seg": 91.24728, "aux.loss_ce": 0.08253, "aux.acc_seg": 91.05711, "loss": 0.28361, "time": 1.61174} +{"mode": "train", "epoch": 30, "iter": 36650, "lr": 0.0, "memory": 65790, "data_time": 0.06302, "decode.loss_ce": 0.19906, "decode.acc_seg": 91.44642, "aux.loss_ce": 0.08202, "aux.acc_seg": 91.32063, "loss": 0.28108, "time": 1.66727} +{"mode": "train", "epoch": 30, "iter": 36700, "lr": 0.0, "memory": 65790, "data_time": 0.00737, "decode.loss_ce": 0.2017, "decode.acc_seg": 91.39752, "aux.loss_ce": 0.08445, "aux.acc_seg": 91.11322, "loss": 0.28614, "time": 1.61083} +{"mode": "train", "epoch": 30, "iter": 36750, "lr": 0.0, "memory": 65790, "data_time": 0.00753, "decode.loss_ce": 0.19698, "decode.acc_seg": 91.52404, "aux.loss_ce": 0.08113, "aux.acc_seg": 91.36679, "loss": 0.27812, "time": 1.60999} +{"mode": "train", "epoch": 30, "iter": 36800, "lr": 0.0, "memory": 65790, "data_time": 0.00754, "decode.loss_ce": 0.18803, "decode.acc_seg": 91.88624, "aux.loss_ce": 0.07747, "aux.acc_seg": 91.78231, "loss": 0.2655, "time": 1.60964} +{"mode": "train", "epoch": 30, "iter": 36850, "lr": 0.0, "memory": 65790, "data_time": 0.00748, "decode.loss_ce": 0.20694, "decode.acc_seg": 91.26848, "aux.loss_ce": 0.08555, "aux.acc_seg": 91.11085, "loss": 0.2925, "time": 1.61029} +{"mode": "train", "epoch": 30, "iter": 36900, "lr": 0.0, "memory": 65790, "data_time": 0.00753, "decode.loss_ce": 0.19334, "decode.acc_seg": 91.46209, "aux.loss_ce": 0.08098, "aux.acc_seg": 91.19155, "loss": 0.27432, "time": 1.61069} +{"mode": "train", "epoch": 30, "iter": 36950, "lr": 0.0, "memory": 65790, "data_time": 0.00749, "decode.loss_ce": 0.19888, "decode.acc_seg": 91.5055, "aux.loss_ce": 0.08249, "aux.acc_seg": 91.33481, "loss": 0.28137, "time": 1.60906} +{"mode": "train", "epoch": 30, "iter": 37000, "lr": 0.0, "memory": 65790, "data_time": 0.00753, "decode.loss_ce": 0.19253, "decode.acc_seg": 91.66515, "aux.loss_ce": 0.07968, "aux.acc_seg": 91.54552, "loss": 0.27222, "time": 1.60835} +{"mode": "val", "epoch": 30, "iter": 250, "lr": 0.0, "aAcc": 0.8593, "mIoU": 0.5685, "mAcc": 0.6921, "IoU.wall": 0.8169, "IoU.building": 0.8466, "IoU.sky": 0.9459, "IoU.floor": 0.8402, "IoU.tree": 0.7713, "IoU.ceiling": 0.8663, "IoU.road": 0.8543, "IoU.bed ": 0.9216, "IoU.windowpane": 0.6677, "IoU.grass": 0.6912, "IoU.cabinet": 0.7008, "IoU.sidewalk": 0.7101, "IoU.person": 0.8374, "IoU.earth": 0.3866, "IoU.door": 0.6115, "IoU.table": 0.7015, "IoU.mountain": 0.6125, "IoU.plant": 0.5669, "IoU.curtain": 0.7803, "IoU.chair": 0.6403, "IoU.car": 0.8657, "IoU.water": 0.6332, "IoU.painting": 0.784, "IoU.sofa": 0.8213, "IoU.shelf": 0.4695, "IoU.house": 0.5281, "IoU.sea": 0.7048, "IoU.mirror": 0.7437, "IoU.rug": 0.6812, "IoU.field": 0.2898, "IoU.armchair": 0.6206, "IoU.seat": 0.7039, "IoU.fence": 0.5112, "IoU.desk": 0.5781, "IoU.rock": 0.4891, "IoU.wardrobe": 0.559, "IoU.lamp": 0.7137, "IoU.bathtub": 0.8487, "IoU.railing": 0.4361, "IoU.cushion": 0.6765, "IoU.base": 0.4131, "IoU.box": 0.405, "IoU.column": 0.5669, "IoU.signboard": 0.3999, "IoU.chest of drawers": 0.465, "IoU.counter": 0.4797, "IoU.sand": 0.5392, "IoU.sink": 0.774, "IoU.skyscraper": 0.4821, "IoU.fireplace": 0.7401, "IoU.refrigerator": 0.8395, "IoU.grandstand": 0.567, "IoU.path": 0.2353, "IoU.stairs": 0.307, "IoU.runway": 0.6825, "IoU.case": 0.6616, "IoU.pool table": 0.936, "IoU.pillow": 0.6711, "IoU.screen door": 0.799, "IoU.stairway": 0.4075, "IoU.river": 0.1326, "IoU.bridge": 0.5057, "IoU.bookcase": 0.3685, "IoU.blind": 0.3925, "IoU.coffee table": 0.6743, "IoU.toilet": 0.8848, "IoU.flower": 0.399, "IoU.book": 0.5082, "IoU.hill": 0.0688, "IoU.bench": 0.6334, "IoU.countertop": 0.6541, "IoU.stove": 0.8479, "IoU.palm": 0.5311, "IoU.kitchen island": 0.5245, "IoU.computer": 0.7815, "IoU.swivel chair": 0.4722, "IoU.boat": 0.7232, "IoU.bar": 0.6144, "IoU.arcade machine": 0.8062, "IoU.hovel": 0.3681, "IoU.bus": 0.9149, "IoU.towel": 0.7504, "IoU.light": 0.5221, "IoU.truck": 0.4248, "IoU.tower": 0.062, "IoU.chandelier": 0.7102, "IoU.awning": 0.341, "IoU.streetlight": 0.2727, "IoU.booth": 0.4112, "IoU.television receiver": 0.7975, "IoU.airplane": 0.8506, "IoU.dirt track": 0.0, "IoU.apparel": 0.5914, "IoU.pole": 0.2385, "IoU.land": 0.0726, "IoU.bannister": 0.1401, "IoU.escalator": 0.6584, "IoU.ottoman": 0.525, "IoU.bottle": 0.4153, "IoU.buffet": 0.6037, "IoU.poster": 0.398, "IoU.stage": 0.2289, "IoU.van": 0.4964, "IoU.ship": 0.7775, "IoU.fountain": 0.3552, "IoU.conveyer belt": 0.7908, "IoU.canopy": 0.4453, "IoU.washer": 0.8726, "IoU.plaything": 0.3047, "IoU.swimming pool": 0.5352, "IoU.stool": 0.4732, "IoU.barrel": 0.5461, "IoU.basket": 0.4524, "IoU.waterfall": 0.4758, "IoU.tent": 0.9561, "IoU.bag": 0.2864, "IoU.minibike": 0.7256, "IoU.cradle": 0.8423, "IoU.oven": 0.5713, "IoU.ball": 0.6312, "IoU.food": 0.6217, "IoU.step": 0.153, "IoU.tank": 0.8297, "IoU.trade name": 0.2153, "IoU.microwave": 0.8865, "IoU.pot": 0.5931, "IoU.animal": 0.6535, "IoU.bicycle": 0.6066, "IoU.lake": 0.5601, "IoU.dishwasher": 0.6459, "IoU.screen": 0.3294, "IoU.blanket": 0.3436, "IoU.sculpture": 0.6807, "IoU.hood": 0.6023, "IoU.sconce": 0.567, "IoU.vase": 0.4459, "IoU.traffic light": 0.3763, "IoU.tray": 0.2387, "IoU.ashcan": 0.4827, "IoU.fan": 0.6583, "IoU.pier": 0.386, "IoU.crt screen": 0.2238, "IoU.plate": 0.6236, "IoU.monitor": 0.6644, "IoU.bulletin board": 0.6046, "IoU.shower": 0.1266, "IoU.radiator": 0.6472, "IoU.glass": 0.2031, "IoU.clock": 0.4863, "IoU.flag": 0.6651, "Acc.wall": 0.9004, "Acc.building": 0.9386, "Acc.sky": 0.9765, "Acc.floor": 0.9086, "Acc.tree": 0.8849, "Acc.ceiling": 0.9212, "Acc.road": 0.911, "Acc.bed ": 0.9645, "Acc.windowpane": 0.8288, "Acc.grass": 0.8053, "Acc.cabinet": 0.8188, "Acc.sidewalk": 0.8652, "Acc.person": 0.9367, "Acc.earth": 0.5066, "Acc.door": 0.7539, "Acc.table": 0.8206, "Acc.mountain": 0.7306, "Acc.plant": 0.709, "Acc.curtain": 0.879, "Acc.chair": 0.7518, "Acc.car": 0.935, "Acc.water": 0.8193, "Acc.painting": 0.9011, "Acc.sofa": 0.9095, "Acc.shelf": 0.6299, "Acc.house": 0.6719, "Acc.sea": 0.7846, "Acc.mirror": 0.815, "Acc.rug": 0.793, "Acc.field": 0.5083, "Acc.armchair": 0.841, "Acc.seat": 0.8921, "Acc.fence": 0.63, "Acc.desk": 0.792, "Acc.rock": 0.7343, "Acc.wardrobe": 0.6477, "Acc.lamp": 0.829, "Acc.bathtub": 0.8803, "Acc.railing": 0.6913, "Acc.cushion": 0.8063, "Acc.base": 0.5046, "Acc.box": 0.5209, "Acc.column": 0.7323, "Acc.signboard": 0.5108, "Acc.chest of drawers": 0.6962, "Acc.counter": 0.5887, "Acc.sand": 0.883, "Acc.sink": 0.8311, "Acc.skyscraper": 0.5797, "Acc.fireplace": 0.9093, "Acc.refrigerator": 0.933, "Acc.grandstand": 0.8389, "Acc.path": 0.3044, "Acc.stairs": 0.3791, "Acc.runway": 0.8906, "Acc.case": 0.8682, "Acc.pool table": 0.9792, "Acc.pillow": 0.8017, "Acc.screen door": 0.9573, "Acc.stairway": 0.5816, "Acc.river": 0.2496, "Acc.bridge": 0.6326, "Acc.bookcase": 0.5522, "Acc.blind": 0.4236, "Acc.coffee table": 0.8507, "Acc.toilet": 0.9399, "Acc.flower": 0.5651, "Acc.book": 0.7951, "Acc.hill": 0.1302, "Acc.bench": 0.7351, "Acc.countertop": 0.8384, "Acc.stove": 0.9468, "Acc.palm": 0.741, "Acc.kitchen island": 0.7175, "Acc.computer": 0.9074, "Acc.swivel chair": 0.6943, "Acc.boat": 0.8808, "Acc.bar": 0.8506, "Acc.arcade machine": 0.8587, "Acc.hovel": 0.4188, "Acc.bus": 0.963, "Acc.towel": 0.8483, "Acc.light": 0.6232, "Acc.truck": 0.5678, "Acc.tower": 0.0784, "Acc.chandelier": 0.8493, "Acc.awning": 0.4531, "Acc.streetlight": 0.3493, "Acc.booth": 0.4392, "Acc.television receiver": 0.886, "Acc.airplane": 0.9518, "Acc.dirt track": 0.0, "Acc.apparel": 0.7047, "Acc.pole": 0.3333, "Acc.land": 0.0861, "Acc.bannister": 0.1757, "Acc.escalator": 0.8442, "Acc.ottoman": 0.6824, "Acc.bottle": 0.662, "Acc.buffet": 0.7479, "Acc.poster": 0.4997, "Acc.stage": 0.4911, "Acc.van": 0.6956, "Acc.ship": 0.8079, "Acc.fountain": 0.4023, "Acc.conveyer belt": 0.966, "Acc.canopy": 0.6687, "Acc.washer": 0.927, "Acc.plaything": 0.4358, "Acc.swimming pool": 0.776, "Acc.stool": 0.6959, "Acc.barrel": 0.7016, "Acc.basket": 0.583, "Acc.waterfall": 0.5401, "Acc.tent": 0.9641, "Acc.bag": 0.3386, "Acc.minibike": 0.8918, "Acc.cradle": 0.9719, "Acc.oven": 0.6598, "Acc.ball": 0.6927, "Acc.food": 0.7447, "Acc.step": 0.1862, "Acc.tank": 0.9277, "Acc.trade name": 0.2371, "Acc.microwave": 0.9561, "Acc.pot": 0.691, "Acc.animal": 0.6791, "Acc.bicycle": 0.8011, "Acc.lake": 0.6439, "Acc.dishwasher": 0.8377, "Acc.screen": 0.351, "Acc.blanket": 0.3815, "Acc.sculpture": 0.8646, "Acc.hood": 0.7217, "Acc.sconce": 0.7172, "Acc.vase": 0.6477, "Acc.traffic light": 0.5203, "Acc.tray": 0.3206, "Acc.ashcan": 0.6591, "Acc.fan": 0.8031, "Acc.pier": 0.4477, "Acc.crt screen": 0.536, "Acc.plate": 0.7287, "Acc.monitor": 0.8068, "Acc.bulletin board": 0.7795, "Acc.shower": 0.1344, "Acc.radiator": 0.7995, "Acc.glass": 0.2165, "Acc.clock": 0.6079, "Acc.flag": 0.7699} +{"mode": "train", "epoch": 30, "iter": 37050, "lr": 0.0, "memory": 65790, "data_time": 1.6933, "decode.loss_ce": 0.19495, "decode.acc_seg": 91.59107, "aux.loss_ce": 0.08021, "aux.acc_seg": 91.45375, "loss": 0.27517, "time": 3.29386} +{"mode": "train", "epoch": 30, "iter": 37100, "lr": 0.0, "memory": 65790, "data_time": 0.00724, "decode.loss_ce": 0.19245, "decode.acc_seg": 91.59257, "aux.loss_ce": 0.07969, "aux.acc_seg": 91.41263, "loss": 0.27214, "time": 1.60817} +{"mode": "train", "epoch": 30, "iter": 37150, "lr": 0.0, "memory": 65790, "data_time": 0.00721, "decode.loss_ce": 0.18621, "decode.acc_seg": 92.03281, "aux.loss_ce": 0.07735, "aux.acc_seg": 91.85099, "loss": 0.26356, "time": 1.61114} +{"mode": "train", "epoch": 30, "iter": 37200, "lr": 0.0, "memory": 65790, "data_time": 0.0074, "decode.loss_ce": 0.19799, "decode.acc_seg": 91.51671, "aux.loss_ce": 0.08194, "aux.acc_seg": 91.32857, "loss": 0.27993, "time": 1.60986} +{"mode": "train", "epoch": 30, "iter": 37250, "lr": 0.0, "memory": 65790, "data_time": 0.00728, "decode.loss_ce": 0.18893, "decode.acc_seg": 91.56589, "aux.loss_ce": 0.07753, "aux.acc_seg": 91.49047, "loss": 0.26646, "time": 1.60863} +{"mode": "train", "epoch": 30, "iter": 37300, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.18642, "decode.acc_seg": 91.87051, "aux.loss_ce": 0.07746, "aux.acc_seg": 91.60371, "loss": 0.26388, "time": 1.61148} +{"mode": "train", "epoch": 30, "iter": 37350, "lr": 0.0, "memory": 65790, "data_time": 0.00719, "decode.loss_ce": 0.18811, "decode.acc_seg": 91.9692, "aux.loss_ce": 0.07819, "aux.acc_seg": 91.74265, "loss": 0.2663, "time": 1.6091} +{"mode": "train", "epoch": 30, "iter": 37400, "lr": 0.0, "memory": 65790, "data_time": 0.00726, "decode.loss_ce": 0.19356, "decode.acc_seg": 91.63486, "aux.loss_ce": 0.08072, "aux.acc_seg": 91.35187, "loss": 0.27427, "time": 1.60964} +{"mode": "train", "epoch": 30, "iter": 37450, "lr": 0.0, "memory": 65790, "data_time": 0.00722, "decode.loss_ce": 0.20174, "decode.acc_seg": 91.42094, "aux.loss_ce": 0.08274, "aux.acc_seg": 91.26456, "loss": 0.28448, "time": 1.60912} +{"mode": "train", "epoch": 30, "iter": 37500, "lr": 0.0, "memory": 65790, "data_time": 0.00739, "decode.loss_ce": 0.20079, "decode.acc_seg": 91.44754, "aux.loss_ce": 0.08277, "aux.acc_seg": 91.29819, "loss": 0.28356, "time": 1.60957} +{"mode": "train", "epoch": 30, "iter": 37550, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.20443, "decode.acc_seg": 91.43803, "aux.loss_ce": 0.08413, "aux.acc_seg": 91.26062, "loss": 0.28857, "time": 1.61034} +{"mode": "train", "epoch": 30, "iter": 37600, "lr": 0.0, "memory": 65790, "data_time": 0.00728, "decode.loss_ce": 0.20101, "decode.acc_seg": 91.31225, "aux.loss_ce": 0.08184, "aux.acc_seg": 91.18306, "loss": 0.28285, "time": 1.60977} +{"mode": "train", "epoch": 30, "iter": 37650, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.20747, "decode.acc_seg": 91.09454, "aux.loss_ce": 0.08542, "aux.acc_seg": 90.9038, "loss": 0.29289, "time": 1.6096} +{"mode": "train", "epoch": 30, "iter": 37700, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.2065, "decode.acc_seg": 91.2138, "aux.loss_ce": 0.08367, "aux.acc_seg": 91.06164, "loss": 0.29017, "time": 1.61048} +{"mode": "train", "epoch": 30, "iter": 37750, "lr": 0.0, "memory": 65790, "data_time": 0.00722, "decode.loss_ce": 0.2023, "decode.acc_seg": 91.2791, "aux.loss_ce": 0.08454, "aux.acc_seg": 91.09102, "loss": 0.28684, "time": 1.61233} +{"mode": "train", "epoch": 30, "iter": 37800, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.19579, "decode.acc_seg": 91.55086, "aux.loss_ce": 0.07989, "aux.acc_seg": 91.5131, "loss": 0.27568, "time": 1.60986} +{"mode": "train", "epoch": 30, "iter": 37850, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.18933, "decode.acc_seg": 91.74847, "aux.loss_ce": 0.07876, "aux.acc_seg": 91.52018, "loss": 0.26809, "time": 1.61339} +{"mode": "train", "epoch": 31, "iter": 37900, "lr": 0.0, "memory": 65790, "data_time": 0.04847, "decode.loss_ce": 0.19786, "decode.acc_seg": 91.46307, "aux.loss_ce": 0.08183, "aux.acc_seg": 91.39594, "loss": 0.27968, "time": 1.65325} +{"mode": "train", "epoch": 31, "iter": 37950, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.18776, "decode.acc_seg": 91.76136, "aux.loss_ce": 0.07798, "aux.acc_seg": 91.5538, "loss": 0.26574, "time": 1.61303} +{"mode": "train", "epoch": 31, "iter": 38000, "lr": 0.0, "memory": 65790, "data_time": 0.0073, "decode.loss_ce": 0.18344, "decode.acc_seg": 92.14455, "aux.loss_ce": 0.0767, "aux.acc_seg": 91.88343, "loss": 0.26014, "time": 3.09709} +{"mode": "val", "epoch": 31, "iter": 250, "lr": 0.0, "aAcc": 0.858, "mIoU": 0.5719, "mAcc": 0.7062, "IoU.wall": 0.8137, "IoU.building": 0.8469, "IoU.sky": 0.9462, "IoU.floor": 0.8398, "IoU.tree": 0.7706, "IoU.ceiling": 0.8649, "IoU.road": 0.8496, "IoU.bed ": 0.9186, "IoU.windowpane": 0.6676, "IoU.grass": 0.6817, "IoU.cabinet": 0.6692, "IoU.sidewalk": 0.7008, "IoU.person": 0.8323, "IoU.earth": 0.4196, "IoU.door": 0.6113, "IoU.table": 0.6767, "IoU.mountain": 0.6219, "IoU.plant": 0.5577, "IoU.curtain": 0.7764, "IoU.chair": 0.6336, "IoU.car": 0.8614, "IoU.water": 0.6416, "IoU.painting": 0.7447, "IoU.sofa": 0.8231, "IoU.shelf": 0.4617, "IoU.house": 0.5403, "IoU.sea": 0.7103, "IoU.mirror": 0.7687, "IoU.rug": 0.696, "IoU.field": 0.3386, "IoU.armchair": 0.6312, "IoU.seat": 0.6667, "IoU.fence": 0.5018, "IoU.desk": 0.5529, "IoU.rock": 0.5664, "IoU.wardrobe": 0.5242, "IoU.lamp": 0.7093, "IoU.bathtub": 0.8408, "IoU.railing": 0.4386, "IoU.cushion": 0.6941, "IoU.base": 0.3735, "IoU.box": 0.3944, "IoU.column": 0.5648, "IoU.signboard": 0.4013, "IoU.chest of drawers": 0.4734, "IoU.counter": 0.4794, "IoU.sand": 0.4976, "IoU.sink": 0.786, "IoU.skyscraper": 0.4467, "IoU.fireplace": 0.7166, "IoU.refrigerator": 0.8549, "IoU.grandstand": 0.4911, "IoU.path": 0.2259, "IoU.stairs": 0.3069, "IoU.runway": 0.6596, "IoU.case": 0.6435, "IoU.pool table": 0.9313, "IoU.pillow": 0.6635, "IoU.screen door": 0.7859, "IoU.stairway": 0.4946, "IoU.river": 0.1421, "IoU.bridge": 0.5175, "IoU.bookcase": 0.353, "IoU.blind": 0.3981, "IoU.coffee table": 0.5868, "IoU.toilet": 0.8916, "IoU.flower": 0.4214, "IoU.book": 0.5113, "IoU.hill": 0.0625, "IoU.bench": 0.6073, "IoU.countertop": 0.6233, "IoU.stove": 0.8554, "IoU.palm": 0.5517, "IoU.kitchen island": 0.4887, "IoU.computer": 0.7883, "IoU.swivel chair": 0.4792, "IoU.boat": 0.8071, "IoU.bar": 0.6043, "IoU.arcade machine": 0.8391, "IoU.hovel": 0.3001, "IoU.bus": 0.9149, "IoU.towel": 0.7578, "IoU.light": 0.5268, "IoU.truck": 0.4767, "IoU.tower": 0.2497, "IoU.chandelier": 0.7038, "IoU.awning": 0.358, "IoU.streetlight": 0.2931, "IoU.booth": 0.5077, "IoU.television receiver": 0.7998, "IoU.airplane": 0.8564, "IoU.dirt track": 0.1021, "IoU.apparel": 0.5008, "IoU.pole": 0.2649, "IoU.land": 0.0443, "IoU.bannister": 0.1841, "IoU.escalator": 0.6599, "IoU.ottoman": 0.5361, "IoU.bottle": 0.414, "IoU.buffet": 0.68, "IoU.poster": 0.3219, "IoU.stage": 0.2665, "IoU.van": 0.4485, "IoU.ship": 0.8487, "IoU.fountain": 0.4091, "IoU.conveyer belt": 0.7777, "IoU.canopy": 0.5116, "IoU.washer": 0.8983, "IoU.plaything": 0.3141, "IoU.swimming pool": 0.5149, "IoU.stool": 0.5129, "IoU.barrel": 0.6415, "IoU.basket": 0.4455, "IoU.waterfall": 0.5892, "IoU.tent": 0.9576, "IoU.bag": 0.2794, "IoU.minibike": 0.744, "IoU.cradle": 0.8173, "IoU.oven": 0.6647, "IoU.ball": 0.6496, "IoU.food": 0.6215, "IoU.step": 0.1174, "IoU.tank": 0.6226, "IoU.trade name": 0.334, "IoU.microwave": 0.8948, "IoU.pot": 0.5839, "IoU.animal": 0.6629, "IoU.bicycle": 0.5616, "IoU.lake": 0.4452, "IoU.dishwasher": 0.66, "IoU.screen": 0.5824, "IoU.blanket": 0.3246, "IoU.sculpture": 0.6137, "IoU.hood": 0.6126, "IoU.sconce": 0.5621, "IoU.vase": 0.4443, "IoU.traffic light": 0.3416, "IoU.tray": 0.1686, "IoU.ashcan": 0.485, "IoU.fan": 0.6449, "IoU.pier": 0.3974, "IoU.crt screen": 0.1275, "IoU.plate": 0.6148, "IoU.monitor": 0.7006, "IoU.bulletin board": 0.576, "IoU.shower": 0.2001, "IoU.radiator": 0.6364, "IoU.glass": 0.2028, "IoU.clock": 0.4943, "IoU.flag": 0.6697, "Acc.wall": 0.8894, "Acc.building": 0.9272, "Acc.sky": 0.9754, "Acc.floor": 0.9003, "Acc.tree": 0.8919, "Acc.ceiling": 0.938, "Acc.road": 0.9106, "Acc.bed ": 0.9697, "Acc.windowpane": 0.8179, "Acc.grass": 0.8413, "Acc.cabinet": 0.7528, "Acc.sidewalk": 0.8343, "Acc.person": 0.9381, "Acc.earth": 0.5722, "Acc.door": 0.8111, "Acc.table": 0.7931, "Acc.mountain": 0.6935, "Acc.plant": 0.6778, "Acc.curtain": 0.8818, "Acc.chair": 0.7479, "Acc.car": 0.9356, "Acc.water": 0.7784, "Acc.painting": 0.914, "Acc.sofa": 0.9232, "Acc.shelf": 0.5938, "Acc.house": 0.7409, "Acc.sea": 0.835, "Acc.mirror": 0.8549, "Acc.rug": 0.8251, "Acc.field": 0.5041, "Acc.armchair": 0.8471, "Acc.seat": 0.8826, "Acc.fence": 0.6351, "Acc.desk": 0.7817, "Acc.rock": 0.8465, "Acc.wardrobe": 0.6963, "Acc.lamp": 0.8064, "Acc.bathtub": 0.881, "Acc.railing": 0.5903, "Acc.cushion": 0.785, "Acc.base": 0.5251, "Acc.box": 0.4807, "Acc.column": 0.7244, "Acc.signboard": 0.5244, "Acc.chest of drawers": 0.7193, "Acc.counter": 0.5984, "Acc.sand": 0.76, "Acc.sink": 0.8524, "Acc.skyscraper": 0.5997, "Acc.fireplace": 0.9341, "Acc.refrigerator": 0.9439, "Acc.grandstand": 0.8295, "Acc.path": 0.3088, "Acc.stairs": 0.3772, "Acc.runway": 0.8776, "Acc.case": 0.8684, "Acc.pool table": 0.9837, "Acc.pillow": 0.7763, "Acc.screen door": 0.9193, "Acc.stairway": 0.6868, "Acc.river": 0.2744, "Acc.bridge": 0.6271, "Acc.bookcase": 0.5554, "Acc.blind": 0.449, "Acc.coffee table": 0.8698, "Acc.toilet": 0.9432, "Acc.flower": 0.5571, "Acc.book": 0.8116, "Acc.hill": 0.1219, "Acc.bench": 0.7394, "Acc.countertop": 0.8263, "Acc.stove": 0.942, "Acc.palm": 0.8037, "Acc.kitchen island": 0.7895, "Acc.computer": 0.9037, "Acc.swivel chair": 0.7841, "Acc.boat": 0.9151, "Acc.bar": 0.8619, "Acc.arcade machine": 0.8998, "Acc.hovel": 0.3431, "Acc.bus": 0.9653, "Acc.towel": 0.8473, "Acc.light": 0.6388, "Acc.truck": 0.6581, "Acc.tower": 0.3777, "Acc.chandelier": 0.8679, "Acc.awning": 0.4314, "Acc.streetlight": 0.3855, "Acc.booth": 0.5674, "Acc.television receiver": 0.9118, "Acc.airplane": 0.9439, "Acc.dirt track": 0.2151, "Acc.apparel": 0.6477, "Acc.pole": 0.3565, "Acc.land": 0.0683, "Acc.bannister": 0.234, "Acc.escalator": 0.8512, "Acc.ottoman": 0.7627, "Acc.bottle": 0.6994, "Acc.buffet": 0.8629, "Acc.poster": 0.3998, "Acc.stage": 0.4797, "Acc.van": 0.6068, "Acc.ship": 0.9218, "Acc.fountain": 0.4211, "Acc.conveyer belt": 0.9612, "Acc.canopy": 0.7451, "Acc.washer": 0.9727, "Acc.plaything": 0.4755, "Acc.swimming pool": 0.7506, "Acc.stool": 0.6834, "Acc.barrel": 0.8371, "Acc.basket": 0.5926, "Acc.waterfall": 0.7671, "Acc.tent": 0.9838, "Acc.bag": 0.3257, "Acc.minibike": 0.8746, "Acc.cradle": 0.9809, "Acc.oven": 0.7951, "Acc.ball": 0.7608, "Acc.food": 0.7171, "Acc.step": 0.1394, "Acc.tank": 0.678, "Acc.trade name": 0.4042, "Acc.microwave": 0.9625, "Acc.pot": 0.7038, "Acc.animal": 0.6837, "Acc.bicycle": 0.7925, "Acc.lake": 0.6357, "Acc.dishwasher": 0.8255, "Acc.screen": 0.8695, "Acc.blanket": 0.3613, "Acc.sculpture": 0.8901, "Acc.hood": 0.7472, "Acc.sconce": 0.7301, "Acc.vase": 0.5948, "Acc.traffic light": 0.5921, "Acc.tray": 0.2119, "Acc.ashcan": 0.6561, "Acc.fan": 0.8677, "Acc.pier": 0.435, "Acc.crt screen": 0.142, "Acc.plate": 0.7935, "Acc.monitor": 0.8534, "Acc.bulletin board": 0.6958, "Acc.shower": 0.2166, "Acc.radiator": 0.7805, "Acc.glass": 0.216, "Acc.clock": 0.5939, "Acc.flag": 0.7888} +{"mode": "train", "epoch": 31, "iter": 38050, "lr": 0.0, "memory": 65790, "data_time": 1.67752, "decode.loss_ce": 0.20642, "decode.acc_seg": 90.94383, "aux.loss_ce": 0.08534, "aux.acc_seg": 90.74028, "loss": 0.29176, "time": 3.28075} +{"mode": "train", "epoch": 31, "iter": 38100, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.17662, "decode.acc_seg": 92.28698, "aux.loss_ce": 0.07301, "aux.acc_seg": 92.10765, "loss": 0.24963, "time": 1.61034} +{"mode": "train", "epoch": 31, "iter": 38150, "lr": 0.0, "memory": 65790, "data_time": 0.00722, "decode.loss_ce": 0.19023, "decode.acc_seg": 91.71994, "aux.loss_ce": 0.0788, "aux.acc_seg": 91.58692, "loss": 0.26903, "time": 1.6085} +{"mode": "train", "epoch": 31, "iter": 38200, "lr": 0.0, "memory": 65790, "data_time": 0.00726, "decode.loss_ce": 0.18946, "decode.acc_seg": 91.8126, "aux.loss_ce": 0.07903, "aux.acc_seg": 91.52964, "loss": 0.26849, "time": 1.61027} +{"mode": "train", "epoch": 31, "iter": 38250, "lr": 0.0, "memory": 65790, "data_time": 0.00728, "decode.loss_ce": 0.19409, "decode.acc_seg": 91.75397, "aux.loss_ce": 0.08081, "aux.acc_seg": 91.50387, "loss": 0.27489, "time": 1.60902} +{"mode": "train", "epoch": 31, "iter": 38300, "lr": 0.0, "memory": 65790, "data_time": 0.00713, "decode.loss_ce": 0.18084, "decode.acc_seg": 92.09009, "aux.loss_ce": 0.07531, "aux.acc_seg": 91.84469, "loss": 0.25615, "time": 1.60899} +{"mode": "train", "epoch": 31, "iter": 38350, "lr": 0.0, "memory": 65790, "data_time": 0.00731, "decode.loss_ce": 0.19309, "decode.acc_seg": 91.70076, "aux.loss_ce": 0.07989, "aux.acc_seg": 91.52376, "loss": 0.27299, "time": 1.60822} +{"mode": "train", "epoch": 31, "iter": 38400, "lr": 0.0, "memory": 65790, "data_time": 0.00724, "decode.loss_ce": 0.19755, "decode.acc_seg": 91.47401, "aux.loss_ce": 0.08142, "aux.acc_seg": 91.33986, "loss": 0.27897, "time": 1.6086} +{"mode": "train", "epoch": 31, "iter": 38450, "lr": 0.0, "memory": 65790, "data_time": 0.00719, "decode.loss_ce": 0.1996, "decode.acc_seg": 91.25623, "aux.loss_ce": 0.08283, "aux.acc_seg": 91.08516, "loss": 0.28243, "time": 1.61061} +{"mode": "train", "epoch": 31, "iter": 38500, "lr": 0.0, "memory": 65790, "data_time": 0.00732, "decode.loss_ce": 0.19088, "decode.acc_seg": 91.70935, "aux.loss_ce": 0.07824, "aux.acc_seg": 91.71707, "loss": 0.26912, "time": 1.60911} +{"mode": "train", "epoch": 31, "iter": 38550, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.19725, "decode.acc_seg": 91.51192, "aux.loss_ce": 0.08245, "aux.acc_seg": 91.26843, "loss": 0.27971, "time": 1.60887} +{"mode": "train", "epoch": 31, "iter": 38600, "lr": 0.0, "memory": 65790, "data_time": 0.00715, "decode.loss_ce": 0.1829, "decode.acc_seg": 92.02116, "aux.loss_ce": 0.07624, "aux.acc_seg": 91.79441, "loss": 0.25914, "time": 1.60882} +{"mode": "train", "epoch": 31, "iter": 38650, "lr": 0.0, "memory": 65790, "data_time": 0.00744, "decode.loss_ce": 0.19838, "decode.acc_seg": 91.44508, "aux.loss_ce": 0.08207, "aux.acc_seg": 91.19949, "loss": 0.28044, "time": 1.61124} +{"mode": "train", "epoch": 31, "iter": 38700, "lr": 0.0, "memory": 65790, "data_time": 0.00746, "decode.loss_ce": 0.18826, "decode.acc_seg": 91.74955, "aux.loss_ce": 0.07705, "aux.acc_seg": 91.67214, "loss": 0.26531, "time": 1.60982} +{"mode": "train", "epoch": 31, "iter": 38750, "lr": 0.0, "memory": 65790, "data_time": 0.00715, "decode.loss_ce": 0.19628, "decode.acc_seg": 91.4109, "aux.loss_ce": 0.08227, "aux.acc_seg": 91.17006, "loss": 0.27856, "time": 1.60919} +{"mode": "train", "epoch": 31, "iter": 38800, "lr": 0.0, "memory": 65790, "data_time": 0.00726, "decode.loss_ce": 0.18836, "decode.acc_seg": 91.75522, "aux.loss_ce": 0.0782, "aux.acc_seg": 91.57255, "loss": 0.26656, "time": 1.60952} +{"mode": "train", "epoch": 31, "iter": 38850, "lr": 0.0, "memory": 65790, "data_time": 0.00734, "decode.loss_ce": 0.19036, "decode.acc_seg": 91.7995, "aux.loss_ce": 0.07836, "aux.acc_seg": 91.68634, "loss": 0.26872, "time": 1.60916} +{"mode": "train", "epoch": 31, "iter": 38900, "lr": 0.0, "memory": 65790, "data_time": 0.00722, "decode.loss_ce": 0.17735, "decode.acc_seg": 92.29629, "aux.loss_ce": 0.07457, "aux.acc_seg": 92.07457, "loss": 0.25192, "time": 1.60806} +{"mode": "train", "epoch": 31, "iter": 38950, "lr": 0.0, "memory": 65790, "data_time": 0.00734, "decode.loss_ce": 0.19221, "decode.acc_seg": 91.70395, "aux.loss_ce": 0.07983, "aux.acc_seg": 91.51214, "loss": 0.27204, "time": 1.60917} +{"mode": "train", "epoch": 31, "iter": 39000, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.18857, "decode.acc_seg": 92.00434, "aux.loss_ce": 0.0784, "aux.acc_seg": 91.72868, "loss": 0.26697, "time": 1.6091} +{"mode": "val", "epoch": 31, "iter": 250, "lr": 0.0, "aAcc": 0.8583, "mIoU": 0.5642, "mAcc": 0.6939, "IoU.wall": 0.8204, "IoU.building": 0.8413, "IoU.sky": 0.9467, "IoU.floor": 0.8449, "IoU.tree": 0.7719, "IoU.ceiling": 0.8668, "IoU.road": 0.8564, "IoU.bed ": 0.9176, "IoU.windowpane": 0.6716, "IoU.grass": 0.6859, "IoU.cabinet": 0.6554, "IoU.sidewalk": 0.7069, "IoU.person": 0.8371, "IoU.earth": 0.3936, "IoU.door": 0.6037, "IoU.table": 0.6882, "IoU.mountain": 0.6202, "IoU.plant": 0.5638, "IoU.curtain": 0.7723, "IoU.chair": 0.6438, "IoU.car": 0.8645, "IoU.water": 0.6238, "IoU.painting": 0.7928, "IoU.sofa": 0.8241, "IoU.shelf": 0.4464, "IoU.house": 0.437, "IoU.sea": 0.7412, "IoU.mirror": 0.754, "IoU.rug": 0.7013, "IoU.field": 0.3362, "IoU.armchair": 0.6263, "IoU.seat": 0.6935, "IoU.fence": 0.5136, "IoU.desk": 0.577, "IoU.rock": 0.5538, "IoU.wardrobe": 0.5157, "IoU.lamp": 0.711, "IoU.bathtub": 0.8548, "IoU.railing": 0.4522, "IoU.cushion": 0.6797, "IoU.base": 0.4178, "IoU.box": 0.387, "IoU.column": 0.5752, "IoU.signboard": 0.408, "IoU.chest of drawers": 0.4518, "IoU.counter": 0.5349, "IoU.sand": 0.5381, "IoU.sink": 0.7979, "IoU.skyscraper": 0.4962, "IoU.fireplace": 0.7393, "IoU.refrigerator": 0.835, "IoU.grandstand": 0.5082, "IoU.path": 0.2848, "IoU.stairs": 0.2784, "IoU.runway": 0.6646, "IoU.case": 0.6186, "IoU.pool table": 0.9394, "IoU.pillow": 0.6318, "IoU.screen door": 0.8101, "IoU.stairway": 0.4656, "IoU.river": 0.132, "IoU.bridge": 0.518, "IoU.bookcase": 0.3535, "IoU.blind": 0.4015, "IoU.coffee table": 0.6153, "IoU.toilet": 0.8912, "IoU.flower": 0.428, "IoU.book": 0.5231, "IoU.hill": 0.0592, "IoU.bench": 0.6255, "IoU.countertop": 0.6187, "IoU.stove": 0.8597, "IoU.palm": 0.5242, "IoU.kitchen island": 0.4753, "IoU.computer": 0.7713, "IoU.swivel chair": 0.4749, "IoU.boat": 0.7072, "IoU.bar": 0.6365, "IoU.arcade machine": 0.8108, "IoU.hovel": 0.2063, "IoU.bus": 0.919, "IoU.towel": 0.7372, "IoU.light": 0.5023, "IoU.truck": 0.4719, "IoU.tower": 0.302, "IoU.chandelier": 0.7145, "IoU.awning": 0.3328, "IoU.streetlight": 0.2801, "IoU.booth": 0.4126, "IoU.television receiver": 0.7818, "IoU.airplane": 0.8672, "IoU.dirt track": 0.1106, "IoU.apparel": 0.5404, "IoU.pole": 0.2376, "IoU.land": 0.0808, "IoU.bannister": 0.1545, "IoU.escalator": 0.643, "IoU.ottoman": 0.5535, "IoU.bottle": 0.4213, "IoU.buffet": 0.6138, "IoU.poster": 0.3915, "IoU.stage": 0.2225, "IoU.van": 0.451, "IoU.ship": 0.8521, "IoU.fountain": 0.3917, "IoU.conveyer belt": 0.7902, "IoU.canopy": 0.55, "IoU.washer": 0.8927, "IoU.plaything": 0.2976, "IoU.swimming pool": 0.5437, "IoU.stool": 0.4611, "IoU.barrel": 0.5329, "IoU.basket": 0.4305, "IoU.waterfall": 0.5136, "IoU.tent": 0.9593, "IoU.bag": 0.2565, "IoU.minibike": 0.7355, "IoU.cradle": 0.8438, "IoU.oven": 0.6198, "IoU.ball": 0.1106, "IoU.food": 0.5788, "IoU.step": 0.1275, "IoU.tank": 0.632, "IoU.trade name": 0.2746, "IoU.microwave": 0.8958, "IoU.pot": 0.5994, "IoU.animal": 0.648, "IoU.bicycle": 0.58, "IoU.lake": 0.5782, "IoU.dishwasher": 0.7379, "IoU.screen": 0.588, "IoU.blanket": 0.3448, "IoU.sculpture": 0.6462, "IoU.hood": 0.638, "IoU.sconce": 0.5749, "IoU.vase": 0.4807, "IoU.traffic light": 0.3365, "IoU.tray": 0.1765, "IoU.ashcan": 0.5299, "IoU.fan": 0.6163, "IoU.pier": 0.3897, "IoU.crt screen": 0.0164, "IoU.plate": 0.6095, "IoU.monitor": 0.2969, "IoU.bulletin board": 0.5806, "IoU.shower": 0.1812, "IoU.radiator": 0.658, "IoU.glass": 0.2012, "IoU.clock": 0.4763, "IoU.flag": 0.6841, "Acc.wall": 0.9023, "Acc.building": 0.9292, "Acc.sky": 0.9746, "Acc.floor": 0.9166, "Acc.tree": 0.9028, "Acc.ceiling": 0.9375, "Acc.road": 0.901, "Acc.bed ": 0.9702, "Acc.windowpane": 0.8369, "Acc.grass": 0.8154, "Acc.cabinet": 0.7366, "Acc.sidewalk": 0.87, "Acc.person": 0.9223, "Acc.earth": 0.5021, "Acc.door": 0.6978, "Acc.table": 0.7948, "Acc.mountain": 0.7569, "Acc.plant": 0.6774, "Acc.curtain": 0.8819, "Acc.chair": 0.7624, "Acc.car": 0.9312, "Acc.water": 0.7617, "Acc.painting": 0.8942, "Acc.sofa": 0.924, "Acc.shelf": 0.6117, "Acc.house": 0.5229, "Acc.sea": 0.8122, "Acc.mirror": 0.8448, "Acc.rug": 0.7861, "Acc.field": 0.6071, "Acc.armchair": 0.801, "Acc.seat": 0.8885, "Acc.fence": 0.6618, "Acc.desk": 0.791, "Acc.rock": 0.8254, "Acc.wardrobe": 0.7438, "Acc.lamp": 0.824, "Acc.bathtub": 0.8892, "Acc.railing": 0.6847, "Acc.cushion": 0.8265, "Acc.base": 0.5433, "Acc.box": 0.4966, "Acc.column": 0.727, "Acc.signboard": 0.5304, "Acc.chest of drawers": 0.7066, "Acc.counter": 0.7171, "Acc.sand": 0.9158, "Acc.sink": 0.8732, "Acc.skyscraper": 0.668, "Acc.fireplace": 0.944, "Acc.refrigerator": 0.8995, "Acc.grandstand": 0.8827, "Acc.path": 0.3929, "Acc.stairs": 0.3209, "Acc.runway": 0.9013, "Acc.case": 0.7625, "Acc.pool table": 0.972, "Acc.pillow": 0.7197, "Acc.screen door": 0.9094, "Acc.stairway": 0.6781, "Acc.river": 0.2936, "Acc.bridge": 0.6038, "Acc.bookcase": 0.5847, "Acc.blind": 0.4513, "Acc.coffee table": 0.9102, "Acc.toilet": 0.9324, "Acc.flower": 0.6715, "Acc.book": 0.7789, "Acc.hill": 0.084, "Acc.bench": 0.707, "Acc.countertop": 0.7979, "Acc.stove": 0.9251, "Acc.palm": 0.8125, "Acc.kitchen island": 0.7771, "Acc.computer": 0.9071, "Acc.swivel chair": 0.715, "Acc.boat": 0.9265, "Acc.bar": 0.8183, "Acc.arcade machine": 0.8578, "Acc.hovel": 0.215, "Acc.bus": 0.9677, "Acc.towel": 0.7974, "Acc.light": 0.5582, "Acc.truck": 0.6144, "Acc.tower": 0.5122, "Acc.chandelier": 0.8578, "Acc.awning": 0.4007, "Acc.streetlight": 0.3577, "Acc.booth": 0.5935, "Acc.television receiver": 0.8781, "Acc.airplane": 0.931, "Acc.dirt track": 0.4967, "Acc.apparel": 0.795, "Acc.pole": 0.3043, "Acc.land": 0.1495, "Acc.bannister": 0.2052, "Acc.escalator": 0.8522, "Acc.ottoman": 0.8391, "Acc.bottle": 0.6805, "Acc.buffet": 0.7466, "Acc.poster": 0.4619, "Acc.stage": 0.4749, "Acc.van": 0.6665, "Acc.ship": 0.9018, "Acc.fountain": 0.401, "Acc.conveyer belt": 0.9635, "Acc.canopy": 0.7576, "Acc.washer": 0.9484, "Acc.plaything": 0.4176, "Acc.swimming pool": 0.7873, "Acc.stool": 0.6766, "Acc.barrel": 0.6991, "Acc.basket": 0.6208, "Acc.waterfall": 0.6448, "Acc.tent": 0.9832, "Acc.bag": 0.2842, "Acc.minibike": 0.8604, "Acc.cradle": 0.9804, "Acc.oven": 0.7118, "Acc.ball": 0.1111, "Acc.food": 0.6482, "Acc.step": 0.1494, "Acc.tank": 0.6932, "Acc.trade name": 0.3256, "Acc.microwave": 0.952, "Acc.pot": 0.7035, "Acc.animal": 0.6804, "Acc.bicycle": 0.7626, "Acc.lake": 0.6348, "Acc.dishwasher": 0.8039, "Acc.screen": 0.9299, "Acc.blanket": 0.3888, "Acc.sculpture": 0.7941, "Acc.hood": 0.7759, "Acc.sconce": 0.7191, "Acc.vase": 0.6234, "Acc.traffic light": 0.6321, "Acc.tray": 0.2144, "Acc.ashcan": 0.6478, "Acc.fan": 0.6921, "Acc.pier": 0.4609, "Acc.crt screen": 0.0373, "Acc.plate": 0.7198, "Acc.monitor": 0.3307, "Acc.bulletin board": 0.7407, "Acc.shower": 0.1969, "Acc.radiator": 0.8147, "Acc.glass": 0.2121, "Acc.clock": 0.5328, "Acc.flag": 0.7306} +{"mode": "train", "epoch": 31, "iter": 39050, "lr": 0.0, "memory": 65790, "data_time": 1.67481, "decode.loss_ce": 0.18642, "decode.acc_seg": 91.76906, "aux.loss_ce": 0.07776, "aux.acc_seg": 91.60565, "loss": 0.26417, "time": 3.28036} +{"mode": "train", "epoch": 31, "iter": 39100, "lr": 0.0, "memory": 65790, "data_time": 0.00724, "decode.loss_ce": 0.18509, "decode.acc_seg": 91.94641, "aux.loss_ce": 0.07761, "aux.acc_seg": 91.61912, "loss": 0.2627, "time": 1.60939} +{"mode": "train", "epoch": 31, "iter": 39150, "lr": 0.0, "memory": 65790, "data_time": 0.00732, "decode.loss_ce": 0.21285, "decode.acc_seg": 90.9744, "aux.loss_ce": 0.08684, "aux.acc_seg": 90.87788, "loss": 0.29969, "time": 1.60768} +{"mode": "train", "epoch": 32, "iter": 39200, "lr": 0.0, "memory": 65790, "data_time": 0.05771, "decode.loss_ce": 0.20489, "decode.acc_seg": 91.14252, "aux.loss_ce": 0.08564, "aux.acc_seg": 90.81852, "loss": 0.29052, "time": 1.66164} +{"mode": "train", "epoch": 32, "iter": 39250, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.19424, "decode.acc_seg": 91.78557, "aux.loss_ce": 0.08155, "aux.acc_seg": 91.42525, "loss": 0.27578, "time": 1.60785} +{"mode": "train", "epoch": 32, "iter": 39300, "lr": 0.0, "memory": 65790, "data_time": 0.00722, "decode.loss_ce": 0.18922, "decode.acc_seg": 91.7954, "aux.loss_ce": 0.07817, "aux.acc_seg": 91.65254, "loss": 0.2674, "time": 1.60894} +{"mode": "train", "epoch": 32, "iter": 39350, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.20039, "decode.acc_seg": 91.37577, "aux.loss_ce": 0.08253, "aux.acc_seg": 91.23086, "loss": 0.28293, "time": 1.60885} +{"mode": "train", "epoch": 32, "iter": 39400, "lr": 0.0, "memory": 65790, "data_time": 0.00724, "decode.loss_ce": 0.19854, "decode.acc_seg": 91.48912, "aux.loss_ce": 0.0826, "aux.acc_seg": 91.30955, "loss": 0.28114, "time": 1.60899} +{"mode": "train", "epoch": 32, "iter": 39450, "lr": 0.0, "memory": 65790, "data_time": 0.00726, "decode.loss_ce": 0.18478, "decode.acc_seg": 91.77026, "aux.loss_ce": 0.0773, "aux.acc_seg": 91.51529, "loss": 0.26208, "time": 1.61063} +{"mode": "train", "epoch": 32, "iter": 39500, "lr": 0.0, "memory": 65790, "data_time": 0.00731, "decode.loss_ce": 0.1848, "decode.acc_seg": 91.85066, "aux.loss_ce": 0.07715, "aux.acc_seg": 91.59424, "loss": 0.26195, "time": 1.61034} +{"mode": "train", "epoch": 32, "iter": 39550, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.1852, "decode.acc_seg": 92.11208, "aux.loss_ce": 0.07772, "aux.acc_seg": 91.87861, "loss": 0.26293, "time": 1.60957} +{"mode": "train", "epoch": 32, "iter": 39600, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.19321, "decode.acc_seg": 91.53822, "aux.loss_ce": 0.08085, "aux.acc_seg": 91.26071, "loss": 0.27406, "time": 1.609} +{"mode": "train", "epoch": 32, "iter": 39650, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.19578, "decode.acc_seg": 91.69697, "aux.loss_ce": 0.08099, "aux.acc_seg": 91.52242, "loss": 0.27677, "time": 1.61015} +{"mode": "train", "epoch": 32, "iter": 39700, "lr": 0.0, "memory": 65790, "data_time": 0.00733, "decode.loss_ce": 0.18835, "decode.acc_seg": 91.86494, "aux.loss_ce": 0.07834, "aux.acc_seg": 91.64435, "loss": 0.26668, "time": 1.61063} +{"mode": "train", "epoch": 32, "iter": 39750, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.19032, "decode.acc_seg": 91.69032, "aux.loss_ce": 0.07914, "aux.acc_seg": 91.54315, "loss": 0.26946, "time": 1.61078} +{"mode": "train", "epoch": 32, "iter": 39800, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.18867, "decode.acc_seg": 91.87661, "aux.loss_ce": 0.07771, "aux.acc_seg": 91.67676, "loss": 0.26638, "time": 1.60911} +{"mode": "train", "epoch": 32, "iter": 39850, "lr": 0.0, "memory": 65790, "data_time": 0.00704, "decode.loss_ce": 0.18116, "decode.acc_seg": 91.98468, "aux.loss_ce": 0.07498, "aux.acc_seg": 91.82909, "loss": 0.25614, "time": 1.61327} +{"mode": "train", "epoch": 32, "iter": 39900, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.189, "decode.acc_seg": 91.99249, "aux.loss_ce": 0.07774, "aux.acc_seg": 91.80398, "loss": 0.26674, "time": 1.60787} +{"mode": "train", "epoch": 32, "iter": 39950, "lr": 0.0, "memory": 65790, "data_time": 0.00706, "decode.loss_ce": 0.17825, "decode.acc_seg": 92.03411, "aux.loss_ce": 0.07352, "aux.acc_seg": 91.90154, "loss": 0.25177, "time": 1.60948} +{"mode": "train", "epoch": 32, "iter": 40000, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.18587, "decode.acc_seg": 91.98654, "aux.loss_ce": 0.07731, "aux.acc_seg": 91.75669, "loss": 0.26318, "time": 3.03506} +{"mode": "val", "epoch": 32, "iter": 250, "lr": 0.0, "aAcc": 0.8581, "mIoU": 0.5689, "mAcc": 0.7034, "IoU.wall": 0.8127, "IoU.building": 0.8483, "IoU.sky": 0.9455, "IoU.floor": 0.8419, "IoU.tree": 0.7618, "IoU.ceiling": 0.867, "IoU.road": 0.8595, "IoU.bed ": 0.9161, "IoU.windowpane": 0.6619, "IoU.grass": 0.6865, "IoU.cabinet": 0.6547, "IoU.sidewalk": 0.7208, "IoU.person": 0.8359, "IoU.earth": 0.4303, "IoU.door": 0.5966, "IoU.table": 0.6848, "IoU.mountain": 0.6317, "IoU.plant": 0.5517, "IoU.curtain": 0.7848, "IoU.chair": 0.652, "IoU.car": 0.8654, "IoU.water": 0.6308, "IoU.painting": 0.781, "IoU.sofa": 0.8247, "IoU.shelf": 0.4704, "IoU.house": 0.5114, "IoU.sea": 0.691, "IoU.mirror": 0.7796, "IoU.rug": 0.7069, "IoU.field": 0.349, "IoU.armchair": 0.6288, "IoU.seat": 0.6842, "IoU.fence": 0.492, "IoU.desk": 0.5644, "IoU.rock": 0.5275, "IoU.wardrobe": 0.5387, "IoU.lamp": 0.7006, "IoU.bathtub": 0.8382, "IoU.railing": 0.4329, "IoU.cushion": 0.6955, "IoU.base": 0.4214, "IoU.box": 0.39, "IoU.column": 0.548, "IoU.signboard": 0.3986, "IoU.chest of drawers": 0.4516, "IoU.counter": 0.4918, "IoU.sand": 0.5759, "IoU.sink": 0.794, "IoU.skyscraper": 0.4458, "IoU.fireplace": 0.7296, "IoU.refrigerator": 0.8045, "IoU.grandstand": 0.5296, "IoU.path": 0.2865, "IoU.stairs": 0.2752, "IoU.runway": 0.6736, "IoU.case": 0.6389, "IoU.pool table": 0.9358, "IoU.pillow": 0.6485, "IoU.screen door": 0.6814, "IoU.stairway": 0.4723, "IoU.river": 0.1413, "IoU.bridge": 0.7539, "IoU.bookcase": 0.3782, "IoU.blind": 0.4158, "IoU.coffee table": 0.6378, "IoU.toilet": 0.8793, "IoU.flower": 0.424, "IoU.book": 0.5099, "IoU.hill": 0.0694, "IoU.bench": 0.6715, "IoU.countertop": 0.6229, "IoU.stove": 0.8624, "IoU.palm": 0.5346, "IoU.kitchen island": 0.5045, "IoU.computer": 0.7742, "IoU.swivel chair": 0.4595, "IoU.boat": 0.7215, "IoU.bar": 0.6594, "IoU.arcade machine": 0.7958, "IoU.hovel": 0.3699, "IoU.bus": 0.9217, "IoU.towel": 0.7163, "IoU.light": 0.4978, "IoU.truck": 0.4824, "IoU.tower": 0.3121, "IoU.chandelier": 0.7063, "IoU.awning": 0.3634, "IoU.streetlight": 0.2676, "IoU.booth": 0.4993, "IoU.television receiver": 0.8105, "IoU.airplane": 0.8574, "IoU.dirt track": 0.0593, "IoU.apparel": 0.5462, "IoU.pole": 0.2074, "IoU.land": 0.0374, "IoU.bannister": 0.1619, "IoU.escalator": 0.6434, "IoU.ottoman": 0.5737, "IoU.bottle": 0.4121, "IoU.buffet": 0.6201, "IoU.poster": 0.3003, "IoU.stage": 0.1941, "IoU.van": 0.4869, "IoU.ship": 0.8663, "IoU.fountain": 0.2806, "IoU.conveyer belt": 0.8133, "IoU.canopy": 0.5292, "IoU.washer": 0.8899, "IoU.plaything": 0.3252, "IoU.swimming pool": 0.5273, "IoU.stool": 0.5083, "IoU.barrel": 0.5674, "IoU.basket": 0.4102, "IoU.waterfall": 0.4271, "IoU.tent": 0.9535, "IoU.bag": 0.2518, "IoU.minibike": 0.7376, "IoU.cradle": 0.8504, "IoU.oven": 0.6144, "IoU.ball": 0.3414, "IoU.food": 0.6086, "IoU.step": 0.1081, "IoU.tank": 0.6511, "IoU.trade name": 0.2489, "IoU.microwave": 0.8897, "IoU.pot": 0.5979, "IoU.animal": 0.606, "IoU.bicycle": 0.5827, "IoU.lake": 0.478, "IoU.dishwasher": 0.7191, "IoU.screen": 0.5928, "IoU.blanket": 0.3103, "IoU.sculpture": 0.6997, "IoU.hood": 0.7191, "IoU.sconce": 0.5692, "IoU.vase": 0.4802, "IoU.traffic light": 0.3381, "IoU.tray": 0.2222, "IoU.ashcan": 0.5038, "IoU.fan": 0.6593, "IoU.pier": 0.4004, "IoU.crt screen": 0.0253, "IoU.plate": 0.6183, "IoU.monitor": 0.5802, "IoU.bulletin board": 0.5714, "IoU.shower": 0.149, "IoU.radiator": 0.6287, "IoU.glass": 0.1952, "IoU.clock": 0.4962, "IoU.flag": 0.6745, "Acc.wall": 0.8802, "Acc.building": 0.9399, "Acc.sky": 0.9754, "Acc.floor": 0.9101, "Acc.tree": 0.8696, "Acc.ceiling": 0.9334, "Acc.road": 0.8975, "Acc.bed ": 0.9686, "Acc.windowpane": 0.7949, "Acc.grass": 0.8374, "Acc.cabinet": 0.759, "Acc.sidewalk": 0.8828, "Acc.person": 0.9313, "Acc.earth": 0.5749, "Acc.door": 0.8065, "Acc.table": 0.8081, "Acc.mountain": 0.7387, "Acc.plant": 0.6533, "Acc.curtain": 0.8804, "Acc.chair": 0.803, "Acc.car": 0.931, "Acc.water": 0.7793, "Acc.painting": 0.9087, "Acc.sofa": 0.9257, "Acc.shelf": 0.6296, "Acc.house": 0.6233, "Acc.sea": 0.819, "Acc.mirror": 0.8578, "Acc.rug": 0.7905, "Acc.field": 0.5589, "Acc.armchair": 0.7701, "Acc.seat": 0.8814, "Acc.fence": 0.6887, "Acc.desk": 0.8248, "Acc.rock": 0.858, "Acc.wardrobe": 0.7132, "Acc.lamp": 0.8114, "Acc.bathtub": 0.891, "Acc.railing": 0.6608, "Acc.cushion": 0.8249, "Acc.base": 0.6052, "Acc.box": 0.509, "Acc.column": 0.6895, "Acc.signboard": 0.5871, "Acc.chest of drawers": 0.7588, "Acc.counter": 0.6358, "Acc.sand": 0.8806, "Acc.sink": 0.8498, "Acc.skyscraper": 0.5835, "Acc.fireplace": 0.9655, "Acc.refrigerator": 0.9463, "Acc.grandstand": 0.8728, "Acc.path": 0.3552, "Acc.stairs": 0.3149, "Acc.runway": 0.8657, "Acc.case": 0.8661, "Acc.pool table": 0.9844, "Acc.pillow": 0.7419, "Acc.screen door": 0.7639, "Acc.stairway": 0.7274, "Acc.river": 0.2728, "Acc.bridge": 0.8767, "Acc.bookcase": 0.5509, "Acc.blind": 0.4942, "Acc.coffee table": 0.8888, "Acc.toilet": 0.954, "Acc.flower": 0.5087, "Acc.book": 0.7759, "Acc.hill": 0.1218, "Acc.bench": 0.7856, "Acc.countertop": 0.835, "Acc.stove": 0.9363, "Acc.palm": 0.8302, "Acc.kitchen island": 0.8527, "Acc.computer": 0.8956, "Acc.swivel chair": 0.7227, "Acc.boat": 0.9082, "Acc.bar": 0.8728, "Acc.arcade machine": 0.8747, "Acc.hovel": 0.4382, "Acc.bus": 0.9683, "Acc.towel": 0.7779, "Acc.light": 0.5757, "Acc.truck": 0.6151, "Acc.tower": 0.5187, "Acc.chandelier": 0.8692, "Acc.awning": 0.4739, "Acc.streetlight": 0.3307, "Acc.booth": 0.8094, "Acc.television receiver": 0.8866, "Acc.airplane": 0.9101, "Acc.dirt track": 0.2723, "Acc.apparel": 0.7833, "Acc.pole": 0.2644, "Acc.land": 0.062, "Acc.bannister": 0.2171, "Acc.escalator": 0.8395, "Acc.ottoman": 0.7363, "Acc.bottle": 0.6735, "Acc.buffet": 0.7685, "Acc.poster": 0.4423, "Acc.stage": 0.4886, "Acc.van": 0.6712, "Acc.ship": 0.9031, "Acc.fountain": 0.2844, "Acc.conveyer belt": 0.9543, "Acc.canopy": 0.7525, "Acc.washer": 0.941, "Acc.plaything": 0.4449, "Acc.swimming pool": 0.7634, "Acc.stool": 0.6946, "Acc.barrel": 0.7524, "Acc.basket": 0.5243, "Acc.waterfall": 0.505, "Acc.tent": 0.983, "Acc.bag": 0.2926, "Acc.minibike": 0.8613, "Acc.cradle": 0.9794, "Acc.oven": 0.7679, "Acc.ball": 0.3494, "Acc.food": 0.7299, "Acc.step": 0.1251, "Acc.tank": 0.6986, "Acc.trade name": 0.2902, "Acc.microwave": 0.9641, "Acc.pot": 0.7016, "Acc.animal": 0.617, "Acc.bicycle": 0.7477, "Acc.lake": 0.6965, "Acc.dishwasher": 0.8366, "Acc.screen": 0.9214, "Acc.blanket": 0.3385, "Acc.sculpture": 0.8658, "Acc.hood": 0.8894, "Acc.sconce": 0.7422, "Acc.vase": 0.6, "Acc.traffic light": 0.5587, "Acc.tray": 0.2664, "Acc.ashcan": 0.7005, "Acc.fan": 0.7987, "Acc.pier": 0.4325, "Acc.crt screen": 0.0406, "Acc.plate": 0.7726, "Acc.monitor": 0.664, "Acc.bulletin board": 0.8171, "Acc.shower": 0.1733, "Acc.radiator": 0.7699, "Acc.glass": 0.2053, "Acc.clock": 0.5708, "Acc.flag": 0.7735} +{"mode": "train", "epoch": 32, "iter": 40050, "lr": 0.0, "memory": 65790, "data_time": 1.66381, "decode.loss_ce": 0.18467, "decode.acc_seg": 91.85126, "aux.loss_ce": 0.07667, "aux.acc_seg": 91.70413, "loss": 0.26134, "time": 3.26597} +{"mode": "train", "epoch": 32, "iter": 40100, "lr": 0.0, "memory": 65790, "data_time": 0.00739, "decode.loss_ce": 0.191, "decode.acc_seg": 91.58389, "aux.loss_ce": 0.07888, "aux.acc_seg": 91.47865, "loss": 0.26988, "time": 1.60725} +{"mode": "train", "epoch": 32, "iter": 40150, "lr": 0.0, "memory": 65790, "data_time": 0.00755, "decode.loss_ce": 0.18986, "decode.acc_seg": 92.03017, "aux.loss_ce": 0.07827, "aux.acc_seg": 91.84348, "loss": 0.26813, "time": 1.61069} +{"mode": "train", "epoch": 32, "iter": 40200, "lr": 0.0, "memory": 65790, "data_time": 0.00739, "decode.loss_ce": 0.18791, "decode.acc_seg": 92.07036, "aux.loss_ce": 0.07795, "aux.acc_seg": 91.86187, "loss": 0.26586, "time": 1.60855} +{"mode": "train", "epoch": 32, "iter": 40250, "lr": 0.0, "memory": 65790, "data_time": 0.00743, "decode.loss_ce": 0.18632, "decode.acc_seg": 91.79093, "aux.loss_ce": 0.07824, "aux.acc_seg": 91.47323, "loss": 0.26456, "time": 1.60898} +{"mode": "train", "epoch": 32, "iter": 40300, "lr": 0.0, "memory": 65790, "data_time": 0.00761, "decode.loss_ce": 0.19749, "decode.acc_seg": 91.50849, "aux.loss_ce": 0.08184, "aux.acc_seg": 91.3417, "loss": 0.27934, "time": 1.61011} +{"mode": "train", "epoch": 32, "iter": 40350, "lr": 0.0, "memory": 65790, "data_time": 0.00762, "decode.loss_ce": 0.18953, "decode.acc_seg": 91.73221, "aux.loss_ce": 0.07799, "aux.acc_seg": 91.67088, "loss": 0.26752, "time": 1.60823} +{"mode": "train", "epoch": 32, "iter": 40400, "lr": 0.0, "memory": 65790, "data_time": 0.00754, "decode.loss_ce": 0.17656, "decode.acc_seg": 92.46387, "aux.loss_ce": 0.07396, "aux.acc_seg": 92.23553, "loss": 0.25052, "time": 1.60857} +{"mode": "train", "epoch": 33, "iter": 40450, "lr": 0.0, "memory": 65790, "data_time": 0.0599, "decode.loss_ce": 0.17446, "decode.acc_seg": 92.22964, "aux.loss_ce": 0.07225, "aux.acc_seg": 92.04733, "loss": 0.2467, "time": 1.66234} +{"mode": "train", "epoch": 33, "iter": 40500, "lr": 0.0, "memory": 65790, "data_time": 0.00752, "decode.loss_ce": 0.18024, "decode.acc_seg": 92.33666, "aux.loss_ce": 0.0759, "aux.acc_seg": 92.03999, "loss": 0.25613, "time": 1.60998} +{"mode": "train", "epoch": 33, "iter": 40550, "lr": 0.0, "memory": 65790, "data_time": 0.00744, "decode.loss_ce": 0.17717, "decode.acc_seg": 92.20732, "aux.loss_ce": 0.07417, "aux.acc_seg": 91.91176, "loss": 0.25134, "time": 1.60984} +{"mode": "train", "epoch": 33, "iter": 40600, "lr": 0.0, "memory": 65790, "data_time": 0.00747, "decode.loss_ce": 0.19233, "decode.acc_seg": 91.59311, "aux.loss_ce": 0.07994, "aux.acc_seg": 91.40851, "loss": 0.27227, "time": 1.60809} +{"mode": "train", "epoch": 33, "iter": 40650, "lr": 0.0, "memory": 65790, "data_time": 0.00751, "decode.loss_ce": 0.18811, "decode.acc_seg": 91.80335, "aux.loss_ce": 0.0782, "aux.acc_seg": 91.66836, "loss": 0.2663, "time": 1.61262} +{"mode": "train", "epoch": 33, "iter": 40700, "lr": 0.0, "memory": 65790, "data_time": 0.00741, "decode.loss_ce": 0.17336, "decode.acc_seg": 92.40243, "aux.loss_ce": 0.07247, "aux.acc_seg": 92.16811, "loss": 0.24582, "time": 1.60772} +{"mode": "train", "epoch": 33, "iter": 40750, "lr": 0.0, "memory": 65790, "data_time": 0.00738, "decode.loss_ce": 0.1972, "decode.acc_seg": 91.86835, "aux.loss_ce": 0.08116, "aux.acc_seg": 91.68699, "loss": 0.27836, "time": 1.60866} +{"mode": "train", "epoch": 33, "iter": 40800, "lr": 0.0, "memory": 65790, "data_time": 0.00736, "decode.loss_ce": 0.18645, "decode.acc_seg": 91.78758, "aux.loss_ce": 0.07795, "aux.acc_seg": 91.59326, "loss": 0.2644, "time": 1.60751} +{"mode": "train", "epoch": 33, "iter": 40850, "lr": 0.0, "memory": 65790, "data_time": 0.00765, "decode.loss_ce": 0.17407, "decode.acc_seg": 92.45151, "aux.loss_ce": 0.07272, "aux.acc_seg": 92.24141, "loss": 0.24679, "time": 1.60972} +{"mode": "train", "epoch": 33, "iter": 40900, "lr": 0.0, "memory": 65790, "data_time": 0.00757, "decode.loss_ce": 0.19056, "decode.acc_seg": 91.87519, "aux.loss_ce": 0.07937, "aux.acc_seg": 91.69534, "loss": 0.26994, "time": 1.60811} +{"mode": "train", "epoch": 33, "iter": 40950, "lr": 0.0, "memory": 65790, "data_time": 0.00749, "decode.loss_ce": 0.18984, "decode.acc_seg": 91.85028, "aux.loss_ce": 0.07934, "aux.acc_seg": 91.59127, "loss": 0.26918, "time": 1.60881} +{"mode": "train", "epoch": 33, "iter": 41000, "lr": 0.0, "memory": 65790, "data_time": 0.00782, "decode.loss_ce": 0.19394, "decode.acc_seg": 91.39292, "aux.loss_ce": 0.08088, "aux.acc_seg": 91.16782, "loss": 0.27481, "time": 1.61228} +{"mode": "val", "epoch": 33, "iter": 250, "lr": 0.0, "aAcc": 0.8582, "mIoU": 0.5702, "mAcc": 0.7037, "IoU.wall": 0.8171, "IoU.building": 0.8442, "IoU.sky": 0.9466, "IoU.floor": 0.8454, "IoU.tree": 0.7718, "IoU.ceiling": 0.8711, "IoU.road": 0.8593, "IoU.bed ": 0.9175, "IoU.windowpane": 0.6618, "IoU.grass": 0.678, "IoU.cabinet": 0.6483, "IoU.sidewalk": 0.7103, "IoU.person": 0.8399, "IoU.earth": 0.4235, "IoU.door": 0.5938, "IoU.table": 0.6932, "IoU.mountain": 0.6143, "IoU.plant": 0.5789, "IoU.curtain": 0.7786, "IoU.chair": 0.6329, "IoU.car": 0.8672, "IoU.water": 0.6243, "IoU.painting": 0.7725, "IoU.sofa": 0.8237, "IoU.shelf": 0.4245, "IoU.house": 0.5138, "IoU.sea": 0.7281, "IoU.mirror": 0.7571, "IoU.rug": 0.7016, "IoU.field": 0.3019, "IoU.armchair": 0.6483, "IoU.seat": 0.6354, "IoU.fence": 0.5046, "IoU.desk": 0.5851, "IoU.rock": 0.5742, "IoU.wardrobe": 0.4845, "IoU.lamp": 0.696, "IoU.bathtub": 0.8445, "IoU.railing": 0.4428, "IoU.cushion": 0.6886, "IoU.base": 0.4268, "IoU.box": 0.3932, "IoU.column": 0.5557, "IoU.signboard": 0.4012, "IoU.chest of drawers": 0.474, "IoU.counter": 0.3693, "IoU.sand": 0.5361, "IoU.sink": 0.7693, "IoU.skyscraper": 0.4369, "IoU.fireplace": 0.7507, "IoU.refrigerator": 0.8604, "IoU.grandstand": 0.4959, "IoU.path": 0.2513, "IoU.stairs": 0.2956, "IoU.runway": 0.6853, "IoU.case": 0.6018, "IoU.pool table": 0.9282, "IoU.pillow": 0.6789, "IoU.screen door": 0.6807, "IoU.stairway": 0.4284, "IoU.river": 0.125, "IoU.bridge": 0.6808, "IoU.bookcase": 0.3704, "IoU.blind": 0.4125, "IoU.coffee table": 0.6853, "IoU.toilet": 0.8858, "IoU.flower": 0.3981, "IoU.book": 0.5038, "IoU.hill": 0.0728, "IoU.bench": 0.5719, "IoU.countertop": 0.6418, "IoU.stove": 0.8524, "IoU.palm": 0.5404, "IoU.kitchen island": 0.4374, "IoU.computer": 0.7806, "IoU.swivel chair": 0.4873, "IoU.boat": 0.7775, "IoU.bar": 0.6059, "IoU.arcade machine": 0.8194, "IoU.hovel": 0.28, "IoU.bus": 0.9161, "IoU.towel": 0.7791, "IoU.light": 0.4978, "IoU.truck": 0.4626, "IoU.tower": 0.3358, "IoU.chandelier": 0.7074, "IoU.awning": 0.3613, "IoU.streetlight": 0.2746, "IoU.booth": 0.4299, "IoU.television receiver": 0.79, "IoU.airplane": 0.8313, "IoU.dirt track": 0.0452, "IoU.apparel": 0.5558, "IoU.pole": 0.2354, "IoU.land": 0.0474, "IoU.bannister": 0.1787, "IoU.escalator": 0.654, "IoU.ottoman": 0.5589, "IoU.bottle": 0.4127, "IoU.buffet": 0.6254, "IoU.poster": 0.3197, "IoU.stage": 0.2152, "IoU.van": 0.5157, "IoU.ship": 0.8736, "IoU.fountain": 0.4253, "IoU.conveyer belt": 0.8348, "IoU.canopy": 0.5072, "IoU.washer": 0.8865, "IoU.plaything": 0.2845, "IoU.swimming pool": 0.5511, "IoU.stool": 0.4239, "IoU.barrel": 0.6308, "IoU.basket": 0.3645, "IoU.waterfall": 0.4849, "IoU.tent": 0.9376, "IoU.bag": 0.2671, "IoU.minibike": 0.7436, "IoU.cradle": 0.8377, "IoU.oven": 0.622, "IoU.ball": 0.5875, "IoU.food": 0.5565, "IoU.step": 0.0868, "IoU.tank": 0.6981, "IoU.trade name": 0.316, "IoU.microwave": 0.9044, "IoU.pot": 0.5727, "IoU.animal": 0.6936, "IoU.bicycle": 0.5913, "IoU.lake": 0.5351, "IoU.dishwasher": 0.7384, "IoU.screen": 0.5961, "IoU.blanket": 0.3298, "IoU.sculpture": 0.7154, "IoU.hood": 0.707, "IoU.sconce": 0.5799, "IoU.vase": 0.4763, "IoU.traffic light": 0.3646, "IoU.tray": 0.2096, "IoU.ashcan": 0.5231, "IoU.fan": 0.6548, "IoU.pier": 0.3852, "IoU.crt screen": 0.0289, "IoU.plate": 0.6113, "IoU.monitor": 0.6373, "IoU.bulletin board": 0.6088, "IoU.shower": 0.0493, "IoU.radiator": 0.6544, "IoU.glass": 0.2296, "IoU.clock": 0.4873, "IoU.flag": 0.6886, "Acc.wall": 0.8988, "Acc.building": 0.928, "Acc.sky": 0.9729, "Acc.floor": 0.9184, "Acc.tree": 0.8845, "Acc.ceiling": 0.9324, "Acc.road": 0.9166, "Acc.bed ": 0.9666, "Acc.windowpane": 0.8186, "Acc.grass": 0.8337, "Acc.cabinet": 0.7384, "Acc.sidewalk": 0.8448, "Acc.person": 0.9394, "Acc.earth": 0.5487, "Acc.door": 0.7212, "Acc.table": 0.8139, "Acc.mountain": 0.7324, "Acc.plant": 0.7104, "Acc.curtain": 0.8732, "Acc.chair": 0.7417, "Acc.car": 0.9338, "Acc.water": 0.7553, "Acc.painting": 0.8976, "Acc.sofa": 0.9252, "Acc.shelf": 0.5517, "Acc.house": 0.7101, "Acc.sea": 0.8214, "Acc.mirror": 0.8629, "Acc.rug": 0.7688, "Acc.field": 0.5377, "Acc.armchair": 0.7761, "Acc.seat": 0.9181, "Acc.fence": 0.5903, "Acc.desk": 0.7474, "Acc.rock": 0.829, "Acc.wardrobe": 0.7287, "Acc.lamp": 0.8584, "Acc.bathtub": 0.8666, "Acc.railing": 0.5911, "Acc.cushion": 0.7918, "Acc.base": 0.6018, "Acc.box": 0.4648, "Acc.column": 0.7009, "Acc.signboard": 0.5446, "Acc.chest of drawers": 0.7804, "Acc.counter": 0.4419, "Acc.sand": 0.7822, "Acc.sink": 0.8391, "Acc.skyscraper": 0.6254, "Acc.fireplace": 0.9284, "Acc.refrigerator": 0.9399, "Acc.grandstand": 0.8461, "Acc.path": 0.3473, "Acc.stairs": 0.3502, "Acc.runway": 0.8892, "Acc.case": 0.8768, "Acc.pool table": 0.9828, "Acc.pillow": 0.805, "Acc.screen door": 0.7401, "Acc.stairway": 0.6323, "Acc.river": 0.2786, "Acc.bridge": 0.8278, "Acc.bookcase": 0.6157, "Acc.blind": 0.4472, "Acc.coffee table": 0.855, "Acc.toilet": 0.9519, "Acc.flower": 0.51, "Acc.book": 0.7785, "Acc.hill": 0.0954, "Acc.bench": 0.6402, "Acc.countertop": 0.8348, "Acc.stove": 0.8994, "Acc.palm": 0.8044, "Acc.kitchen island": 0.9532, "Acc.computer": 0.9126, "Acc.swivel chair": 0.8074, "Acc.boat": 0.9117, "Acc.bar": 0.8472, "Acc.arcade machine": 0.8705, "Acc.hovel": 0.3377, "Acc.bus": 0.9665, "Acc.towel": 0.8652, "Acc.light": 0.5634, "Acc.truck": 0.6181, "Acc.tower": 0.5805, "Acc.chandelier": 0.8663, "Acc.awning": 0.4872, "Acc.streetlight": 0.3516, "Acc.booth": 0.7582, "Acc.television receiver": 0.8828, "Acc.airplane": 0.9266, "Acc.dirt track": 0.1765, "Acc.apparel": 0.7743, "Acc.pole": 0.3096, "Acc.land": 0.066, "Acc.bannister": 0.2311, "Acc.escalator": 0.8359, "Acc.ottoman": 0.725, "Acc.bottle": 0.6696, "Acc.buffet": 0.7781, "Acc.poster": 0.3812, "Acc.stage": 0.5168, "Acc.van": 0.7291, "Acc.ship": 0.918, "Acc.fountain": 0.4611, "Acc.conveyer belt": 0.9278, "Acc.canopy": 0.7552, "Acc.washer": 0.9483, "Acc.plaything": 0.4648, "Acc.swimming pool": 0.8056, "Acc.stool": 0.6164, "Acc.barrel": 0.9331, "Acc.basket": 0.4661, "Acc.waterfall": 0.6334, "Acc.tent": 0.9843, "Acc.bag": 0.2988, "Acc.minibike": 0.8791, "Acc.cradle": 0.9837, "Acc.oven": 0.7877, "Acc.ball": 0.6326, "Acc.food": 0.6548, "Acc.step": 0.1019, "Acc.tank": 0.7911, "Acc.trade name": 0.3893, "Acc.microwave": 0.9489, "Acc.pot": 0.6404, "Acc.animal": 0.7224, "Acc.bicycle": 0.7368, "Acc.lake": 0.7651, "Acc.dishwasher": 0.778, "Acc.screen": 0.908, "Acc.blanket": 0.3625, "Acc.sculpture": 0.864, "Acc.hood": 0.8895, "Acc.sconce": 0.7095, "Acc.vase": 0.5754, "Acc.traffic light": 0.5356, "Acc.tray": 0.254, "Acc.ashcan": 0.6632, "Acc.fan": 0.7942, "Acc.pier": 0.4562, "Acc.crt screen": 0.0361, "Acc.plate": 0.7874, "Acc.monitor": 0.7217, "Acc.bulletin board": 0.7641, "Acc.shower": 0.2081, "Acc.radiator": 0.7996, "Acc.glass": 0.2542, "Acc.clock": 0.602, "Acc.flag": 0.7935} +{"mode": "train", "epoch": 33, "iter": 41050, "lr": 0.0, "memory": 65790, "data_time": 1.67813, "decode.loss_ce": 0.17909, "decode.acc_seg": 92.15265, "aux.loss_ce": 0.07429, "aux.acc_seg": 92.05481, "loss": 0.25337, "time": 3.29822} +{"mode": "train", "epoch": 33, "iter": 41100, "lr": 0.0, "memory": 65790, "data_time": 0.00751, "decode.loss_ce": 0.19094, "decode.acc_seg": 91.5103, "aux.loss_ce": 0.07966, "aux.acc_seg": 91.32463, "loss": 0.2706, "time": 1.60924} +{"mode": "train", "epoch": 33, "iter": 41150, "lr": 0.0, "memory": 65790, "data_time": 0.00731, "decode.loss_ce": 0.19258, "decode.acc_seg": 91.85819, "aux.loss_ce": 0.07865, "aux.acc_seg": 91.73601, "loss": 0.27123, "time": 1.61127} +{"mode": "train", "epoch": 33, "iter": 41200, "lr": 0.0, "memory": 65790, "data_time": 0.00732, "decode.loss_ce": 0.18807, "decode.acc_seg": 91.56636, "aux.loss_ce": 0.0776, "aux.acc_seg": 91.3821, "loss": 0.26567, "time": 1.60867} +{"mode": "train", "epoch": 33, "iter": 41250, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.19078, "decode.acc_seg": 91.62274, "aux.loss_ce": 0.07922, "aux.acc_seg": 91.40669, "loss": 0.27, "time": 1.6101} +{"mode": "train", "epoch": 33, "iter": 41300, "lr": 0.0, "memory": 65790, "data_time": 0.00759, "decode.loss_ce": 0.18155, "decode.acc_seg": 92.14046, "aux.loss_ce": 0.07539, "aux.acc_seg": 92.00414, "loss": 0.25695, "time": 1.60909} +{"mode": "train", "epoch": 33, "iter": 41350, "lr": 0.0, "memory": 65790, "data_time": 0.00733, "decode.loss_ce": 0.19683, "decode.acc_seg": 91.29724, "aux.loss_ce": 0.08046, "aux.acc_seg": 91.14162, "loss": 0.2773, "time": 1.61073} +{"mode": "train", "epoch": 33, "iter": 41400, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.18864, "decode.acc_seg": 91.69625, "aux.loss_ce": 0.07761, "aux.acc_seg": 91.66953, "loss": 0.26624, "time": 1.60887} +{"mode": "train", "epoch": 33, "iter": 41450, "lr": 0.0, "memory": 65790, "data_time": 0.00713, "decode.loss_ce": 0.18939, "decode.acc_seg": 91.83294, "aux.loss_ce": 0.07844, "aux.acc_seg": 91.69639, "loss": 0.26783, "time": 1.60964} +{"mode": "train", "epoch": 33, "iter": 41500, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.18843, "decode.acc_seg": 92.00038, "aux.loss_ce": 0.07812, "aux.acc_seg": 91.83102, "loss": 0.26655, "time": 1.60862} +{"mode": "train", "epoch": 33, "iter": 41550, "lr": 0.0, "memory": 65790, "data_time": 0.00726, "decode.loss_ce": 0.17795, "decode.acc_seg": 92.06354, "aux.loss_ce": 0.0743, "aux.acc_seg": 91.79858, "loss": 0.25224, "time": 1.609} +{"mode": "train", "epoch": 33, "iter": 41600, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.18771, "decode.acc_seg": 91.69715, "aux.loss_ce": 0.07856, "aux.acc_seg": 91.45017, "loss": 0.26627, "time": 1.61138} +{"mode": "train", "epoch": 33, "iter": 41650, "lr": 0.0, "memory": 65790, "data_time": 0.00734, "decode.loss_ce": 0.19586, "decode.acc_seg": 91.73867, "aux.loss_ce": 0.08099, "aux.acc_seg": 91.48041, "loss": 0.27685, "time": 1.60937} +{"mode": "train", "epoch": 34, "iter": 41700, "lr": 0.0, "memory": 65790, "data_time": 0.05957, "decode.loss_ce": 0.18128, "decode.acc_seg": 92.00598, "aux.loss_ce": 0.07488, "aux.acc_seg": 91.86188, "loss": 0.25615, "time": 1.66505} +{"mode": "train", "epoch": 34, "iter": 41750, "lr": 0.0, "memory": 65790, "data_time": 0.00726, "decode.loss_ce": 0.18476, "decode.acc_seg": 91.89348, "aux.loss_ce": 0.07666, "aux.acc_seg": 91.67083, "loss": 0.26142, "time": 1.60953} +{"mode": "train", "epoch": 34, "iter": 41800, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.18387, "decode.acc_seg": 92.15699, "aux.loss_ce": 0.07578, "aux.acc_seg": 91.98933, "loss": 0.25965, "time": 1.6133} +{"mode": "train", "epoch": 34, "iter": 41850, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.1836, "decode.acc_seg": 91.95982, "aux.loss_ce": 0.07718, "aux.acc_seg": 91.67926, "loss": 0.26078, "time": 1.61203} +{"mode": "train", "epoch": 34, "iter": 41900, "lr": 0.0, "memory": 65790, "data_time": 0.00731, "decode.loss_ce": 0.18136, "decode.acc_seg": 92.37243, "aux.loss_ce": 0.07545, "aux.acc_seg": 92.18113, "loss": 0.25681, "time": 1.61223} +{"mode": "train", "epoch": 34, "iter": 41950, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.17689, "decode.acc_seg": 92.40074, "aux.loss_ce": 0.07343, "aux.acc_seg": 92.25498, "loss": 0.25032, "time": 1.60791} +{"mode": "train", "epoch": 34, "iter": 42000, "lr": 0.0, "memory": 65790, "data_time": 0.0071, "decode.loss_ce": 0.17784, "decode.acc_seg": 92.34483, "aux.loss_ce": 0.0745, "aux.acc_seg": 92.11385, "loss": 0.25234, "time": 3.03007} +{"mode": "val", "epoch": 34, "iter": 250, "lr": 0.0, "aAcc": 0.8599, "mIoU": 0.5737, "mAcc": 0.7007, "IoU.wall": 0.8156, "IoU.building": 0.848, "IoU.sky": 0.9477, "IoU.floor": 0.8533, "IoU.tree": 0.7759, "IoU.ceiling": 0.8668, "IoU.road": 0.8563, "IoU.bed ": 0.9188, "IoU.windowpane": 0.6721, "IoU.grass": 0.6948, "IoU.cabinet": 0.6599, "IoU.sidewalk": 0.6896, "IoU.person": 0.8393, "IoU.earth": 0.4055, "IoU.door": 0.6045, "IoU.table": 0.6959, "IoU.mountain": 0.617, "IoU.plant": 0.566, "IoU.curtain": 0.7757, "IoU.chair": 0.6376, "IoU.car": 0.8675, "IoU.water": 0.6519, "IoU.painting": 0.7737, "IoU.sofa": 0.8034, "IoU.shelf": 0.4673, "IoU.house": 0.4989, "IoU.sea": 0.7523, "IoU.mirror": 0.7493, "IoU.rug": 0.7241, "IoU.field": 0.3482, "IoU.armchair": 0.6076, "IoU.seat": 0.6752, "IoU.fence": 0.5253, "IoU.desk": 0.5755, "IoU.rock": 0.5538, "IoU.wardrobe": 0.4985, "IoU.lamp": 0.706, "IoU.bathtub": 0.8435, "IoU.railing": 0.4569, "IoU.cushion": 0.681, "IoU.base": 0.4059, "IoU.box": 0.3924, "IoU.column": 0.5394, "IoU.signboard": 0.3988, "IoU.chest of drawers": 0.4827, "IoU.counter": 0.4494, "IoU.sand": 0.544, "IoU.sink": 0.7857, "IoU.skyscraper": 0.459, "IoU.fireplace": 0.7291, "IoU.refrigerator": 0.8396, "IoU.grandstand": 0.5003, "IoU.path": 0.2559, "IoU.stairs": 0.2801, "IoU.runway": 0.7088, "IoU.case": 0.5814, "IoU.pool table": 0.9297, "IoU.pillow": 0.6388, "IoU.screen door": 0.7971, "IoU.stairway": 0.4543, "IoU.river": 0.141, "IoU.bridge": 0.6411, "IoU.bookcase": 0.4185, "IoU.blind": 0.413, "IoU.coffee table": 0.6487, "IoU.toilet": 0.9024, "IoU.flower": 0.4112, "IoU.book": 0.5179, "IoU.hill": 0.0833, "IoU.bench": 0.6781, "IoU.countertop": 0.6199, "IoU.stove": 0.8478, "IoU.palm": 0.549, "IoU.kitchen island": 0.5017, "IoU.computer": 0.7798, "IoU.swivel chair": 0.487, "IoU.boat": 0.7975, "IoU.bar": 0.6009, "IoU.arcade machine": 0.8033, "IoU.hovel": 0.2291, "IoU.bus": 0.9218, "IoU.towel": 0.768, "IoU.light": 0.5186, "IoU.truck": 0.444, "IoU.tower": 0.1852, "IoU.chandelier": 0.7126, "IoU.awning": 0.3475, "IoU.streetlight": 0.2771, "IoU.booth": 0.5346, "IoU.television receiver": 0.8243, "IoU.airplane": 0.8065, "IoU.dirt track": 0.1109, "IoU.apparel": 0.5368, "IoU.pole": 0.2706, "IoU.land": 0.045, "IoU.bannister": 0.1766, "IoU.escalator": 0.6275, "IoU.ottoman": 0.5515, "IoU.bottle": 0.4334, "IoU.buffet": 0.6605, "IoU.poster": 0.3148, "IoU.stage": 0.27, "IoU.van": 0.4726, "IoU.ship": 0.894, "IoU.fountain": 0.3099, "IoU.conveyer belt": 0.7453, "IoU.canopy": 0.5624, "IoU.washer": 0.8989, "IoU.plaything": 0.3001, "IoU.swimming pool": 0.5412, "IoU.stool": 0.5077, "IoU.barrel": 0.5122, "IoU.basket": 0.3739, "IoU.waterfall": 0.4912, "IoU.tent": 0.9621, "IoU.bag": 0.2823, "IoU.minibike": 0.7338, "IoU.cradle": 0.849, "IoU.oven": 0.6317, "IoU.ball": 0.4227, "IoU.food": 0.538, "IoU.step": 0.138, "IoU.tank": 0.6382, "IoU.trade name": 0.3172, "IoU.microwave": 0.9011, "IoU.pot": 0.5774, "IoU.animal": 0.6678, "IoU.bicycle": 0.6011, "IoU.lake": 0.5602, "IoU.dishwasher": 0.7194, "IoU.screen": 0.7045, "IoU.blanket": 0.3442, "IoU.sculpture": 0.7115, "IoU.hood": 0.6632, "IoU.sconce": 0.5772, "IoU.vase": 0.4746, "IoU.traffic light": 0.3765, "IoU.tray": 0.2349, "IoU.ashcan": 0.5191, "IoU.fan": 0.6498, "IoU.pier": 0.3907, "IoU.crt screen": 0.0289, "IoU.plate": 0.6185, "IoU.monitor": 0.6788, "IoU.bulletin board": 0.65, "IoU.shower": 0.1931, "IoU.radiator": 0.6674, "IoU.glass": 0.158, "IoU.clock": 0.4905, "IoU.flag": 0.6924, "Acc.wall": 0.8935, "Acc.building": 0.9357, "Acc.sky": 0.9745, "Acc.floor": 0.9262, "Acc.tree": 0.8863, "Acc.ceiling": 0.9402, "Acc.road": 0.9122, "Acc.bed ": 0.9675, "Acc.windowpane": 0.8321, "Acc.grass": 0.8216, "Acc.cabinet": 0.7467, "Acc.sidewalk": 0.8173, "Acc.person": 0.924, "Acc.earth": 0.5263, "Acc.door": 0.7683, "Acc.table": 0.8115, "Acc.mountain": 0.746, "Acc.plant": 0.702, "Acc.curtain": 0.8748, "Acc.chair": 0.7389, "Acc.car": 0.9298, "Acc.water": 0.8075, "Acc.painting": 0.8934, "Acc.sofa": 0.9437, "Acc.shelf": 0.6409, "Acc.house": 0.6067, "Acc.sea": 0.8347, "Acc.mirror": 0.8388, "Acc.rug": 0.8029, "Acc.field": 0.6648, "Acc.armchair": 0.7427, "Acc.seat": 0.8843, "Acc.fence": 0.6662, "Acc.desk": 0.7918, "Acc.rock": 0.7741, "Acc.wardrobe": 0.711, "Acc.lamp": 0.7979, "Acc.bathtub": 0.8773, "Acc.railing": 0.637, "Acc.cushion": 0.7968, "Acc.base": 0.5398, "Acc.box": 0.4879, "Acc.column": 0.7065, "Acc.signboard": 0.4989, "Acc.chest of drawers": 0.7545, "Acc.counter": 0.5861, "Acc.sand": 0.8819, "Acc.sink": 0.8421, "Acc.skyscraper": 0.596, "Acc.fireplace": 0.9277, "Acc.refrigerator": 0.9451, "Acc.grandstand": 0.8209, "Acc.path": 0.411, "Acc.stairs": 0.3397, "Acc.runway": 0.9237, "Acc.case": 0.8832, "Acc.pool table": 0.9824, "Acc.pillow": 0.7349, "Acc.screen door": 0.9164, "Acc.stairway": 0.6317, "Acc.river": 0.2733, "Acc.bridge": 0.7568, "Acc.bookcase": 0.5945, "Acc.blind": 0.4593, "Acc.coffee table": 0.8829, "Acc.toilet": 0.957, "Acc.flower": 0.5656, "Acc.book": 0.7691, "Acc.hill": 0.132, "Acc.bench": 0.7799, "Acc.countertop": 0.8369, "Acc.stove": 0.9421, "Acc.palm": 0.8324, "Acc.kitchen island": 0.7905, "Acc.computer": 0.9125, "Acc.swivel chair": 0.7723, "Acc.boat": 0.911, "Acc.bar": 0.8482, "Acc.arcade machine": 0.8508, "Acc.hovel": 0.2629, "Acc.bus": 0.9665, "Acc.towel": 0.8519, "Acc.light": 0.5906, "Acc.truck": 0.6107, "Acc.tower": 0.2997, "Acc.chandelier": 0.8328, "Acc.awning": 0.4485, "Acc.streetlight": 0.348, "Acc.booth": 0.6665, "Acc.television receiver": 0.8982, "Acc.airplane": 0.8807, "Acc.dirt track": 0.1877, "Acc.apparel": 0.6992, "Acc.pole": 0.3686, "Acc.land": 0.0671, "Acc.bannister": 0.2586, "Acc.escalator": 0.8715, "Acc.ottoman": 0.7897, "Acc.bottle": 0.7028, "Acc.buffet": 0.7633, "Acc.poster": 0.3792, "Acc.stage": 0.4652, "Acc.van": 0.7262, "Acc.ship": 0.9402, "Acc.fountain": 0.3145, "Acc.conveyer belt": 0.9761, "Acc.canopy": 0.8209, "Acc.washer": 0.959, "Acc.plaything": 0.4006, "Acc.swimming pool": 0.7888, "Acc.stool": 0.6162, "Acc.barrel": 0.8591, "Acc.basket": 0.5033, "Acc.waterfall": 0.5565, "Acc.tent": 0.9888, "Acc.bag": 0.3185, "Acc.minibike": 0.8957, "Acc.cradle": 0.984, "Acc.oven": 0.7545, "Acc.ball": 0.4332, "Acc.food": 0.6142, "Acc.step": 0.1887, "Acc.tank": 0.7479, "Acc.trade name": 0.3847, "Acc.microwave": 0.9584, "Acc.pot": 0.6639, "Acc.animal": 0.69, "Acc.bicycle": 0.8485, "Acc.lake": 0.6349, "Acc.dishwasher": 0.8137, "Acc.screen": 0.9377, "Acc.blanket": 0.4046, "Acc.sculpture": 0.8132, "Acc.hood": 0.8192, "Acc.sconce": 0.6711, "Acc.vase": 0.6109, "Acc.traffic light": 0.5574, "Acc.tray": 0.2874, "Acc.ashcan": 0.6924, "Acc.fan": 0.7642, "Acc.pier": 0.4523, "Acc.crt screen": 0.0343, "Acc.plate": 0.7157, "Acc.monitor": 0.7677, "Acc.bulletin board": 0.7735, "Acc.shower": 0.218, "Acc.radiator": 0.8475, "Acc.glass": 0.1634, "Acc.clock": 0.5721, "Acc.flag": 0.7485} +{"mode": "train", "epoch": 34, "iter": 42050, "lr": 0.0, "memory": 65790, "data_time": 1.66415, "decode.loss_ce": 0.18224, "decode.acc_seg": 91.89142, "aux.loss_ce": 0.07564, "aux.acc_seg": 91.65498, "loss": 0.25788, "time": 3.2676} +{"mode": "train", "epoch": 34, "iter": 42100, "lr": 0.0, "memory": 65790, "data_time": 0.00743, "decode.loss_ce": 0.17764, "decode.acc_seg": 92.04379, "aux.loss_ce": 0.07371, "aux.acc_seg": 91.9746, "loss": 0.25135, "time": 1.61191} +{"mode": "train", "epoch": 34, "iter": 42150, "lr": 0.0, "memory": 65790, "data_time": 0.00755, "decode.loss_ce": 0.18329, "decode.acc_seg": 91.88379, "aux.loss_ce": 0.07616, "aux.acc_seg": 91.7012, "loss": 0.25944, "time": 1.60967} +{"mode": "train", "epoch": 34, "iter": 42200, "lr": 0.0, "memory": 65790, "data_time": 0.00756, "decode.loss_ce": 0.18291, "decode.acc_seg": 92.04632, "aux.loss_ce": 0.07504, "aux.acc_seg": 92.01254, "loss": 0.25794, "time": 1.61103} +{"mode": "train", "epoch": 34, "iter": 42250, "lr": 0.0, "memory": 65790, "data_time": 0.00742, "decode.loss_ce": 0.17061, "decode.acc_seg": 92.59779, "aux.loss_ce": 0.07102, "aux.acc_seg": 92.37307, "loss": 0.24163, "time": 1.611} +{"mode": "train", "epoch": 34, "iter": 42300, "lr": 0.0, "memory": 65790, "data_time": 0.00758, "decode.loss_ce": 0.18293, "decode.acc_seg": 92.13518, "aux.loss_ce": 0.07591, "aux.acc_seg": 91.91666, "loss": 0.25883, "time": 1.60875} +{"mode": "train", "epoch": 34, "iter": 42350, "lr": 0.0, "memory": 65790, "data_time": 0.00761, "decode.loss_ce": 0.18507, "decode.acc_seg": 91.70366, "aux.loss_ce": 0.07657, "aux.acc_seg": 91.56166, "loss": 0.26164, "time": 1.60998} +{"mode": "train", "epoch": 34, "iter": 42400, "lr": 0.0, "memory": 65790, "data_time": 0.00758, "decode.loss_ce": 0.18928, "decode.acc_seg": 91.70798, "aux.loss_ce": 0.07845, "aux.acc_seg": 91.49727, "loss": 0.26773, "time": 1.60847} +{"mode": "train", "epoch": 34, "iter": 42450, "lr": 0.0, "memory": 65790, "data_time": 0.00739, "decode.loss_ce": 0.19218, "decode.acc_seg": 91.75174, "aux.loss_ce": 0.08039, "aux.acc_seg": 91.48198, "loss": 0.27257, "time": 1.61105} +{"mode": "train", "epoch": 34, "iter": 42500, "lr": 0.0, "memory": 65790, "data_time": 0.00732, "decode.loss_ce": 0.19538, "decode.acc_seg": 91.74049, "aux.loss_ce": 0.08133, "aux.acc_seg": 91.49947, "loss": 0.27671, "time": 1.60694} +{"mode": "train", "epoch": 34, "iter": 42550, "lr": 0.0, "memory": 65790, "data_time": 0.0073, "decode.loss_ce": 0.18885, "decode.acc_seg": 91.85779, "aux.loss_ce": 0.07804, "aux.acc_seg": 91.70805, "loss": 0.26689, "time": 1.60762} +{"mode": "train", "epoch": 34, "iter": 42600, "lr": 0.0, "memory": 65790, "data_time": 0.00735, "decode.loss_ce": 0.17299, "decode.acc_seg": 92.54424, "aux.loss_ce": 0.07336, "aux.acc_seg": 92.21676, "loss": 0.24635, "time": 1.6078} +{"mode": "train", "epoch": 34, "iter": 42650, "lr": 0.0, "memory": 65790, "data_time": 0.00741, "decode.loss_ce": 0.20617, "decode.acc_seg": 91.39715, "aux.loss_ce": 0.08427, "aux.acc_seg": 91.21624, "loss": 0.29044, "time": 1.60815} +{"mode": "train", "epoch": 34, "iter": 42700, "lr": 0.0, "memory": 65790, "data_time": 0.00747, "decode.loss_ce": 0.17534, "decode.acc_seg": 92.1446, "aux.loss_ce": 0.07207, "aux.acc_seg": 92.03659, "loss": 0.24741, "time": 1.61043} +{"mode": "train", "epoch": 34, "iter": 42750, "lr": 0.0, "memory": 65790, "data_time": 0.00751, "decode.loss_ce": 0.17881, "decode.acc_seg": 92.03304, "aux.loss_ce": 0.07386, "aux.acc_seg": 91.8326, "loss": 0.25267, "time": 1.61493} +{"mode": "train", "epoch": 34, "iter": 42800, "lr": 0.0, "memory": 65790, "data_time": 0.00751, "decode.loss_ce": 0.17696, "decode.acc_seg": 92.14377, "aux.loss_ce": 0.074, "aux.acc_seg": 91.85461, "loss": 0.25096, "time": 1.61094} +{"mode": "train", "epoch": 34, "iter": 42850, "lr": 0.0, "memory": 65790, "data_time": 0.00745, "decode.loss_ce": 0.17885, "decode.acc_seg": 92.00724, "aux.loss_ce": 0.07511, "aux.acc_seg": 91.76694, "loss": 0.25395, "time": 1.60868} +{"mode": "train", "epoch": 34, "iter": 42900, "lr": 0.0, "memory": 65790, "data_time": 0.00743, "decode.loss_ce": 0.18422, "decode.acc_seg": 91.72472, "aux.loss_ce": 0.07698, "aux.acc_seg": 91.47623, "loss": 0.2612, "time": 1.61034} +{"mode": "train", "epoch": 35, "iter": 42950, "lr": 0.0, "memory": 65790, "data_time": 0.05764, "decode.loss_ce": 0.17801, "decode.acc_seg": 92.28892, "aux.loss_ce": 0.07464, "aux.acc_seg": 92.13699, "loss": 0.25264, "time": 1.66097} +{"mode": "train", "epoch": 35, "iter": 43000, "lr": 0.0, "memory": 65790, "data_time": 0.00756, "decode.loss_ce": 0.17725, "decode.acc_seg": 92.12493, "aux.loss_ce": 0.07269, "aux.acc_seg": 91.99944, "loss": 0.24994, "time": 1.61174} +{"mode": "val", "epoch": 35, "iter": 250, "lr": 0.0, "aAcc": 0.8575, "mIoU": 0.5739, "mAcc": 0.7116, "IoU.wall": 0.8161, "IoU.building": 0.8369, "IoU.sky": 0.9461, "IoU.floor": 0.8521, "IoU.tree": 0.7733, "IoU.ceiling": 0.8675, "IoU.road": 0.8588, "IoU.bed ": 0.9138, "IoU.windowpane": 0.6578, "IoU.grass": 0.69, "IoU.cabinet": 0.6602, "IoU.sidewalk": 0.7128, "IoU.person": 0.8386, "IoU.earth": 0.4013, "IoU.door": 0.5954, "IoU.table": 0.695, "IoU.mountain": 0.5882, "IoU.plant": 0.5597, "IoU.curtain": 0.7779, "IoU.chair": 0.6479, "IoU.car": 0.8664, "IoU.water": 0.6447, "IoU.painting": 0.787, "IoU.sofa": 0.8237, "IoU.shelf": 0.4618, "IoU.house": 0.4796, "IoU.sea": 0.7434, "IoU.mirror": 0.7512, "IoU.rug": 0.7171, "IoU.field": 0.2967, "IoU.armchair": 0.6329, "IoU.seat": 0.6827, "IoU.fence": 0.5082, "IoU.desk": 0.5685, "IoU.rock": 0.5179, "IoU.wardrobe": 0.4976, "IoU.lamp": 0.7182, "IoU.bathtub": 0.8599, "IoU.railing": 0.4388, "IoU.cushion": 0.6891, "IoU.base": 0.4141, "IoU.box": 0.3821, "IoU.column": 0.5433, "IoU.signboard": 0.4028, "IoU.chest of drawers": 0.4898, "IoU.counter": 0.5029, "IoU.sand": 0.5429, "IoU.sink": 0.7711, "IoU.skyscraper": 0.4535, "IoU.fireplace": 0.7482, "IoU.refrigerator": 0.8396, "IoU.grandstand": 0.5111, "IoU.path": 0.3104, "IoU.stairs": 0.3309, "IoU.runway": 0.6828, "IoU.case": 0.6288, "IoU.pool table": 0.934, "IoU.pillow": 0.6423, "IoU.screen door": 0.7925, "IoU.stairway": 0.4877, "IoU.river": 0.1209, "IoU.bridge": 0.7095, "IoU.bookcase": 0.4031, "IoU.blind": 0.412, "IoU.coffee table": 0.6537, "IoU.toilet": 0.8946, "IoU.flower": 0.3898, "IoU.book": 0.5216, "IoU.hill": 0.064, "IoU.bench": 0.6686, "IoU.countertop": 0.6269, "IoU.stove": 0.8462, "IoU.palm": 0.5274, "IoU.kitchen island": 0.5488, "IoU.computer": 0.7801, "IoU.swivel chair": 0.4627, "IoU.boat": 0.7752, "IoU.bar": 0.6132, "IoU.arcade machine": 0.8113, "IoU.hovel": 0.3014, "IoU.bus": 0.9202, "IoU.towel": 0.7529, "IoU.light": 0.5426, "IoU.truck": 0.4773, "IoU.tower": 0.4006, "IoU.chandelier": 0.7228, "IoU.awning": 0.3533, "IoU.streetlight": 0.2884, "IoU.booth": 0.4979, "IoU.television receiver": 0.8005, "IoU.airplane": 0.8572, "IoU.dirt track": 0.0997, "IoU.apparel": 0.5521, "IoU.pole": 0.2731, "IoU.land": 0.0336, "IoU.bannister": 0.2019, "IoU.escalator": 0.6384, "IoU.ottoman": 0.5558, "IoU.bottle": 0.4192, "IoU.buffet": 0.5876, "IoU.poster": 0.2635, "IoU.stage": 0.2053, "IoU.van": 0.4764, "IoU.ship": 0.9159, "IoU.fountain": 0.4255, "IoU.conveyer belt": 0.7791, "IoU.canopy": 0.5002, "IoU.washer": 0.885, "IoU.plaything": 0.3125, "IoU.swimming pool": 0.5812, "IoU.stool": 0.4945, "IoU.barrel": 0.5458, "IoU.basket": 0.3944, "IoU.waterfall": 0.5716, "IoU.tent": 0.9558, "IoU.bag": 0.2951, "IoU.minibike": 0.7233, "IoU.cradle": 0.8421, "IoU.oven": 0.5857, "IoU.ball": 0.62, "IoU.food": 0.5927, "IoU.step": 0.1408, "IoU.tank": 0.5962, "IoU.trade name": 0.2702, "IoU.microwave": 0.8907, "IoU.pot": 0.5833, "IoU.animal": 0.6659, "IoU.bicycle": 0.6278, "IoU.lake": 0.4732, "IoU.dishwasher": 0.6879, "IoU.screen": 0.6426, "IoU.blanket": 0.3654, "IoU.sculpture": 0.5073, "IoU.hood": 0.6245, "IoU.sconce": 0.5801, "IoU.vase": 0.4657, "IoU.traffic light": 0.3615, "IoU.tray": 0.2426, "IoU.ashcan": 0.4838, "IoU.fan": 0.6579, "IoU.pier": 0.3918, "IoU.crt screen": 0.0175, "IoU.plate": 0.6101, "IoU.monitor": 0.6877, "IoU.bulletin board": 0.4747, "IoU.shower": 0.1593, "IoU.radiator": 0.6631, "IoU.glass": 0.2089, "IoU.clock": 0.4606, "IoU.flag": 0.6797, "Acc.wall": 0.8904, "Acc.building": 0.9103, "Acc.sky": 0.9743, "Acc.floor": 0.9137, "Acc.tree": 0.884, "Acc.ceiling": 0.9354, "Acc.road": 0.9123, "Acc.bed ": 0.9738, "Acc.windowpane": 0.8457, "Acc.grass": 0.8235, "Acc.cabinet": 0.7548, "Acc.sidewalk": 0.8737, "Acc.person": 0.9332, "Acc.earth": 0.5222, "Acc.door": 0.7188, "Acc.table": 0.8095, "Acc.mountain": 0.7135, "Acc.plant": 0.7125, "Acc.curtain": 0.8572, "Acc.chair": 0.7865, "Acc.car": 0.9395, "Acc.water": 0.7681, "Acc.painting": 0.9052, "Acc.sofa": 0.9158, "Acc.shelf": 0.5971, "Acc.house": 0.8305, "Acc.sea": 0.825, "Acc.mirror": 0.8442, "Acc.rug": 0.8125, "Acc.field": 0.4962, "Acc.armchair": 0.7772, "Acc.seat": 0.8786, "Acc.fence": 0.6174, "Acc.desk": 0.7897, "Acc.rock": 0.7461, "Acc.wardrobe": 0.76, "Acc.lamp": 0.8318, "Acc.bathtub": 0.8954, "Acc.railing": 0.6112, "Acc.cushion": 0.8011, "Acc.base": 0.6226, "Acc.box": 0.4464, "Acc.column": 0.7526, "Acc.signboard": 0.5376, "Acc.chest of drawers": 0.7345, "Acc.counter": 0.6121, "Acc.sand": 0.8652, "Acc.sink": 0.8458, "Acc.skyscraper": 0.5906, "Acc.fireplace": 0.9245, "Acc.refrigerator": 0.9554, "Acc.grandstand": 0.8699, "Acc.path": 0.4033, "Acc.stairs": 0.3976, "Acc.runway": 0.8824, "Acc.case": 0.8269, "Acc.pool table": 0.9826, "Acc.pillow": 0.7389, "Acc.screen door": 0.8398, "Acc.stairway": 0.6379, "Acc.river": 0.2773, "Acc.bridge": 0.8298, "Acc.bookcase": 0.5495, "Acc.blind": 0.4266, "Acc.coffee table": 0.8481, "Acc.toilet": 0.9448, "Acc.flower": 0.5962, "Acc.book": 0.7829, "Acc.hill": 0.1576, "Acc.bench": 0.7509, "Acc.countertop": 0.8283, "Acc.stove": 0.9197, "Acc.palm": 0.7941, "Acc.kitchen island": 0.8868, "Acc.computer": 0.9132, "Acc.swivel chair": 0.764, "Acc.boat": 0.9159, "Acc.bar": 0.8242, "Acc.arcade machine": 0.8577, "Acc.hovel": 0.369, "Acc.bus": 0.9703, "Acc.towel": 0.8259, "Acc.light": 0.6427, "Acc.truck": 0.656, "Acc.tower": 0.6695, "Acc.chandelier": 0.8652, "Acc.awning": 0.4269, "Acc.streetlight": 0.3722, "Acc.booth": 0.6401, "Acc.television receiver": 0.8668, "Acc.airplane": 0.922, "Acc.dirt track": 0.2024, "Acc.apparel": 0.6791, "Acc.pole": 0.4121, "Acc.land": 0.0418, "Acc.bannister": 0.3098, "Acc.escalator": 0.8655, "Acc.ottoman": 0.7409, "Acc.bottle": 0.6885, "Acc.buffet": 0.7849, "Acc.poster": 0.3305, "Acc.stage": 0.4696, "Acc.van": 0.6292, "Acc.ship": 0.9874, "Acc.fountain": 0.4392, "Acc.conveyer belt": 0.9553, "Acc.canopy": 0.7535, "Acc.washer": 0.9451, "Acc.plaything": 0.5407, "Acc.swimming pool": 0.8522, "Acc.stool": 0.6561, "Acc.barrel": 0.7142, "Acc.basket": 0.5401, "Acc.waterfall": 0.6967, "Acc.tent": 0.9892, "Acc.bag": 0.3329, "Acc.minibike": 0.9039, "Acc.cradle": 0.9868, "Acc.oven": 0.7312, "Acc.ball": 0.6901, "Acc.food": 0.712, "Acc.step": 0.1715, "Acc.tank": 0.6912, "Acc.trade name": 0.3213, "Acc.microwave": 0.9669, "Acc.pot": 0.7136, "Acc.animal": 0.6845, "Acc.bicycle": 0.8208, "Acc.lake": 0.6983, "Acc.dishwasher": 0.8497, "Acc.screen": 0.9477, "Acc.blanket": 0.4232, "Acc.sculpture": 0.9086, "Acc.hood": 0.7656, "Acc.sconce": 0.7035, "Acc.vase": 0.6539, "Acc.traffic light": 0.6349, "Acc.tray": 0.317, "Acc.ashcan": 0.7101, "Acc.fan": 0.7971, "Acc.pier": 0.4535, "Acc.crt screen": 0.0183, "Acc.plate": 0.7426, "Acc.monitor": 0.8095, "Acc.bulletin board": 0.8633, "Acc.shower": 0.1674, "Acc.radiator": 0.8162, "Acc.glass": 0.2237, "Acc.clock": 0.5431, "Acc.flag": 0.7981} +{"mode": "train", "epoch": 35, "iter": 43050, "lr": 0.0, "memory": 65790, "data_time": 1.64787, "decode.loss_ce": 0.17354, "decode.acc_seg": 92.25745, "aux.loss_ce": 0.07268, "aux.acc_seg": 92.01332, "loss": 0.24623, "time": 3.25349} +{"mode": "train", "epoch": 35, "iter": 43100, "lr": 0.0, "memory": 65790, "data_time": 0.0073, "decode.loss_ce": 0.18126, "decode.acc_seg": 91.98831, "aux.loss_ce": 0.07571, "aux.acc_seg": 91.78694, "loss": 0.25697, "time": 1.60797} +{"mode": "train", "epoch": 35, "iter": 43150, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.17787, "decode.acc_seg": 92.25966, "aux.loss_ce": 0.07492, "aux.acc_seg": 92.05638, "loss": 0.25279, "time": 1.60979} +{"mode": "train", "epoch": 35, "iter": 43200, "lr": 0.0, "memory": 65790, "data_time": 0.00743, "decode.loss_ce": 0.1724, "decode.acc_seg": 92.38416, "aux.loss_ce": 0.07231, "aux.acc_seg": 92.1413, "loss": 0.24471, "time": 1.60851} +{"mode": "train", "epoch": 35, "iter": 43250, "lr": 0.0, "memory": 65790, "data_time": 0.0075, "decode.loss_ce": 0.16821, "decode.acc_seg": 92.44469, "aux.loss_ce": 0.07136, "aux.acc_seg": 92.00865, "loss": 0.23957, "time": 1.60835} +{"mode": "train", "epoch": 35, "iter": 43300, "lr": 0.0, "memory": 65790, "data_time": 0.00741, "decode.loss_ce": 0.19448, "decode.acc_seg": 91.75246, "aux.loss_ce": 0.08135, "aux.acc_seg": 91.57042, "loss": 0.27583, "time": 1.60904} +{"mode": "train", "epoch": 35, "iter": 43350, "lr": 0.0, "memory": 65790, "data_time": 0.0075, "decode.loss_ce": 0.17513, "decode.acc_seg": 92.20862, "aux.loss_ce": 0.07211, "aux.acc_seg": 92.00016, "loss": 0.24724, "time": 1.60963} +{"mode": "train", "epoch": 35, "iter": 43400, "lr": 0.0, "memory": 65790, "data_time": 0.00746, "decode.loss_ce": 0.18053, "decode.acc_seg": 92.05102, "aux.loss_ce": 0.07552, "aux.acc_seg": 91.87984, "loss": 0.25605, "time": 1.60799} +{"mode": "train", "epoch": 35, "iter": 43450, "lr": 0.0, "memory": 65790, "data_time": 0.00756, "decode.loss_ce": 0.1751, "decode.acc_seg": 92.30909, "aux.loss_ce": 0.0727, "aux.acc_seg": 92.21233, "loss": 0.2478, "time": 1.60966} +{"mode": "train", "epoch": 35, "iter": 43500, "lr": 0.0, "memory": 65790, "data_time": 0.00758, "decode.loss_ce": 0.16662, "decode.acc_seg": 92.60042, "aux.loss_ce": 0.0698, "aux.acc_seg": 92.41519, "loss": 0.23642, "time": 1.60819} +{"mode": "train", "epoch": 35, "iter": 43550, "lr": 0.0, "memory": 65790, "data_time": 0.00782, "decode.loss_ce": 0.18292, "decode.acc_seg": 92.20762, "aux.loss_ce": 0.07663, "aux.acc_seg": 91.99325, "loss": 0.25955, "time": 1.60856} +{"mode": "train", "epoch": 35, "iter": 43600, "lr": 0.0, "memory": 65790, "data_time": 0.00747, "decode.loss_ce": 0.16935, "decode.acc_seg": 92.41282, "aux.loss_ce": 0.07128, "aux.acc_seg": 92.14478, "loss": 0.24063, "time": 1.61134} +{"mode": "train", "epoch": 35, "iter": 43650, "lr": 0.0, "memory": 65790, "data_time": 0.00746, "decode.loss_ce": 0.17368, "decode.acc_seg": 92.45575, "aux.loss_ce": 0.07295, "aux.acc_seg": 92.1645, "loss": 0.24663, "time": 1.6121} +{"mode": "train", "epoch": 35, "iter": 43700, "lr": 0.0, "memory": 65790, "data_time": 0.0074, "decode.loss_ce": 0.18185, "decode.acc_seg": 91.96851, "aux.loss_ce": 0.07631, "aux.acc_seg": 91.70344, "loss": 0.25815, "time": 1.60978} +{"mode": "train", "epoch": 35, "iter": 43750, "lr": 0.0, "memory": 65790, "data_time": 0.00752, "decode.loss_ce": 0.19032, "decode.acc_seg": 91.6224, "aux.loss_ce": 0.07909, "aux.acc_seg": 91.3434, "loss": 0.2694, "time": 1.60702} +{"mode": "train", "epoch": 35, "iter": 43800, "lr": 0.0, "memory": 65790, "data_time": 0.00754, "decode.loss_ce": 0.17193, "decode.acc_seg": 92.4978, "aux.loss_ce": 0.07211, "aux.acc_seg": 92.29902, "loss": 0.24403, "time": 1.60813} +{"mode": "train", "epoch": 35, "iter": 43850, "lr": 0.0, "memory": 65790, "data_time": 0.00772, "decode.loss_ce": 0.18408, "decode.acc_seg": 92.13171, "aux.loss_ce": 0.07707, "aux.acc_seg": 91.82181, "loss": 0.26115, "time": 1.60811} +{"mode": "train", "epoch": 35, "iter": 43900, "lr": 0.0, "memory": 65790, "data_time": 0.00744, "decode.loss_ce": 0.18184, "decode.acc_seg": 91.90644, "aux.loss_ce": 0.07528, "aux.acc_seg": 91.64735, "loss": 0.25712, "time": 1.60726} +{"mode": "train", "epoch": 35, "iter": 43950, "lr": 0.0, "memory": 65790, "data_time": 0.0076, "decode.loss_ce": 0.16636, "decode.acc_seg": 92.70121, "aux.loss_ce": 0.07006, "aux.acc_seg": 92.42475, "loss": 0.23643, "time": 1.61217} +{"mode": "train", "epoch": 35, "iter": 44000, "lr": 0.0, "memory": 65790, "data_time": 0.00749, "decode.loss_ce": 0.17207, "decode.acc_seg": 92.27525, "aux.loss_ce": 0.07143, "aux.acc_seg": 92.06675, "loss": 0.2435, "time": 3.07035} +{"mode": "val", "epoch": 35, "iter": 250, "lr": 0.0, "aAcc": 0.8586, "mIoU": 0.5722, "mAcc": 0.6998, "IoU.wall": 0.8172, "IoU.building": 0.8427, "IoU.sky": 0.9455, "IoU.floor": 0.8478, "IoU.tree": 0.7667, "IoU.ceiling": 0.8704, "IoU.road": 0.8565, "IoU.bed ": 0.9199, "IoU.windowpane": 0.6704, "IoU.grass": 0.6789, "IoU.cabinet": 0.6645, "IoU.sidewalk": 0.7004, "IoU.person": 0.8394, "IoU.earth": 0.3897, "IoU.door": 0.6132, "IoU.table": 0.7001, "IoU.mountain": 0.5944, "IoU.plant": 0.5547, "IoU.curtain": 0.7637, "IoU.chair": 0.6436, "IoU.car": 0.8615, "IoU.water": 0.6526, "IoU.painting": 0.77, "IoU.sofa": 0.8084, "IoU.shelf": 0.4706, "IoU.house": 0.5207, "IoU.sea": 0.7297, "IoU.mirror": 0.7596, "IoU.rug": 0.7039, "IoU.field": 0.3115, "IoU.armchair": 0.6176, "IoU.seat": 0.6869, "IoU.fence": 0.51, "IoU.desk": 0.5812, "IoU.rock": 0.4897, "IoU.wardrobe": 0.5063, "IoU.lamp": 0.7115, "IoU.bathtub": 0.8715, "IoU.railing": 0.4333, "IoU.cushion": 0.6964, "IoU.base": 0.4489, "IoU.box": 0.3996, "IoU.column": 0.5714, "IoU.signboard": 0.3959, "IoU.chest of drawers": 0.4596, "IoU.counter": 0.498, "IoU.sand": 0.5793, "IoU.sink": 0.7801, "IoU.skyscraper": 0.4384, "IoU.fireplace": 0.75, "IoU.refrigerator": 0.8289, "IoU.grandstand": 0.5061, "IoU.path": 0.2867, "IoU.stairs": 0.2967, "IoU.runway": 0.6812, "IoU.case": 0.639, "IoU.pool table": 0.9304, "IoU.pillow": 0.6927, "IoU.screen door": 0.8391, "IoU.stairway": 0.4498, "IoU.river": 0.1251, "IoU.bridge": 0.6428, "IoU.bookcase": 0.4206, "IoU.blind": 0.48, "IoU.coffee table": 0.6738, "IoU.toilet": 0.9061, "IoU.flower": 0.3811, "IoU.book": 0.5247, "IoU.hill": 0.0616, "IoU.bench": 0.639, "IoU.countertop": 0.6287, "IoU.stove": 0.8699, "IoU.palm": 0.5374, "IoU.kitchen island": 0.502, "IoU.computer": 0.7846, "IoU.swivel chair": 0.4517, "IoU.boat": 0.792, "IoU.bar": 0.5705, "IoU.arcade machine": 0.8039, "IoU.hovel": 0.2062, "IoU.bus": 0.9309, "IoU.towel": 0.7735, "IoU.light": 0.53, "IoU.truck": 0.4864, "IoU.tower": 0.1332, "IoU.chandelier": 0.7243, "IoU.awning": 0.3425, "IoU.streetlight": 0.2711, "IoU.booth": 0.4646, "IoU.television receiver": 0.7991, "IoU.airplane": 0.7714, "IoU.dirt track": 0.0623, "IoU.apparel": 0.6016, "IoU.pole": 0.2352, "IoU.land": 0.044, "IoU.bannister": 0.1361, "IoU.escalator": 0.6528, "IoU.ottoman": 0.5327, "IoU.bottle": 0.4368, "IoU.buffet": 0.605, "IoU.poster": 0.2975, "IoU.stage": 0.2881, "IoU.van": 0.4485, "IoU.ship": 0.9194, "IoU.fountain": 0.393, "IoU.conveyer belt": 0.8037, "IoU.canopy": 0.5009, "IoU.washer": 0.8893, "IoU.plaything": 0.2882, "IoU.swimming pool": 0.5201, "IoU.stool": 0.4987, "IoU.barrel": 0.5837, "IoU.basket": 0.4591, "IoU.waterfall": 0.5519, "IoU.tent": 0.959, "IoU.bag": 0.3019, "IoU.minibike": 0.7472, "IoU.cradle": 0.8429, "IoU.oven": 0.5764, "IoU.ball": 0.5772, "IoU.food": 0.6425, "IoU.step": 0.1364, "IoU.tank": 0.6519, "IoU.trade name": 0.2455, "IoU.microwave": 0.8797, "IoU.pot": 0.5699, "IoU.animal": 0.6696, "IoU.bicycle": 0.5912, "IoU.lake": 0.4368, "IoU.dishwasher": 0.7072, "IoU.screen": 0.5642, "IoU.blanket": 0.3589, "IoU.sculpture": 0.7249, "IoU.hood": 0.6119, "IoU.sconce": 0.5455, "IoU.vase": 0.4712, "IoU.traffic light": 0.3396, "IoU.tray": 0.2525, "IoU.ashcan": 0.5132, "IoU.fan": 0.6634, "IoU.pier": 0.4001, "IoU.crt screen": 0.1223, "IoU.plate": 0.6104, "IoU.monitor": 0.6012, "IoU.bulletin board": 0.5523, "IoU.shower": 0.1541, "IoU.radiator": 0.6575, "IoU.glass": 0.1911, "IoU.clock": 0.4704, "IoU.flag": 0.6716, "Acc.wall": 0.8934, "Acc.building": 0.9463, "Acc.sky": 0.9754, "Acc.floor": 0.9132, "Acc.tree": 0.8646, "Acc.ceiling": 0.9347, "Acc.road": 0.9098, "Acc.bed ": 0.9623, "Acc.windowpane": 0.8111, "Acc.grass": 0.8182, "Acc.cabinet": 0.7673, "Acc.sidewalk": 0.8215, "Acc.person": 0.9307, "Acc.earth": 0.4995, "Acc.door": 0.7405, "Acc.table": 0.8184, "Acc.mountain": 0.7892, "Acc.plant": 0.7296, "Acc.curtain": 0.9069, "Acc.chair": 0.7681, "Acc.car": 0.9337, "Acc.water": 0.7964, "Acc.painting": 0.8894, "Acc.sofa": 0.8831, "Acc.shelf": 0.6016, "Acc.house": 0.6608, "Acc.sea": 0.8184, "Acc.mirror": 0.8777, "Acc.rug": 0.7973, "Acc.field": 0.5869, "Acc.armchair": 0.8461, "Acc.seat": 0.8731, "Acc.fence": 0.6465, "Acc.desk": 0.7663, "Acc.rock": 0.6612, "Acc.wardrobe": 0.7075, "Acc.lamp": 0.8151, "Acc.bathtub": 0.8986, "Acc.railing": 0.5951, "Acc.cushion": 0.7916, "Acc.base": 0.659, "Acc.box": 0.4821, "Acc.column": 0.6945, "Acc.signboard": 0.5339, "Acc.chest of drawers": 0.6525, "Acc.counter": 0.5683, "Acc.sand": 0.863, "Acc.sink": 0.8448, "Acc.skyscraper": 0.4639, "Acc.fireplace": 0.9397, "Acc.refrigerator": 0.907, "Acc.grandstand": 0.834, "Acc.path": 0.4713, "Acc.stairs": 0.3627, "Acc.runway": 0.8839, "Acc.case": 0.793, "Acc.pool table": 0.9851, "Acc.pillow": 0.8608, "Acc.screen door": 0.8945, "Acc.stairway": 0.6034, "Acc.river": 0.2416, "Acc.bridge": 0.7548, "Acc.bookcase": 0.582, "Acc.blind": 0.5726, "Acc.coffee table": 0.8475, "Acc.toilet": 0.9506, "Acc.flower": 0.5185, "Acc.book": 0.7525, "Acc.hill": 0.0975, "Acc.bench": 0.7125, "Acc.countertop": 0.8387, "Acc.stove": 0.9339, "Acc.palm": 0.8615, "Acc.kitchen island": 0.7295, "Acc.computer": 0.901, "Acc.swivel chair": 0.7133, "Acc.boat": 0.9003, "Acc.bar": 0.9149, "Acc.arcade machine": 0.85, "Acc.hovel": 0.2215, "Acc.bus": 0.9663, "Acc.towel": 0.8654, "Acc.light": 0.6514, "Acc.truck": 0.6371, "Acc.tower": 0.1748, "Acc.chandelier": 0.8496, "Acc.awning": 0.4377, "Acc.streetlight": 0.3241, "Acc.booth": 0.6829, "Acc.television receiver": 0.903, "Acc.airplane": 0.8241, "Acc.dirt track": 0.326, "Acc.apparel": 0.8472, "Acc.pole": 0.3164, "Acc.land": 0.0569, "Acc.bannister": 0.1576, "Acc.escalator": 0.8507, "Acc.ottoman": 0.7143, "Acc.bottle": 0.7068, "Acc.buffet": 0.7751, "Acc.poster": 0.4231, "Acc.stage": 0.5487, "Acc.van": 0.6403, "Acc.ship": 0.9773, "Acc.fountain": 0.4114, "Acc.conveyer belt": 0.9603, "Acc.canopy": 0.708, "Acc.washer": 0.9518, "Acc.plaything": 0.4644, "Acc.swimming pool": 0.7488, "Acc.stool": 0.6603, "Acc.barrel": 0.8358, "Acc.basket": 0.5822, "Acc.waterfall": 0.685, "Acc.tent": 0.9859, "Acc.bag": 0.3451, "Acc.minibike": 0.8896, "Acc.cradle": 0.9795, "Acc.oven": 0.6733, "Acc.ball": 0.6195, "Acc.food": 0.7419, "Acc.step": 0.1703, "Acc.tank": 0.7078, "Acc.trade name": 0.2725, "Acc.microwave": 0.9661, "Acc.pot": 0.6417, "Acc.animal": 0.6977, "Acc.bicycle": 0.7897, "Acc.lake": 0.6364, "Acc.dishwasher": 0.8237, "Acc.screen": 0.7732, "Acc.blanket": 0.4029, "Acc.sculpture": 0.8674, "Acc.hood": 0.6996, "Acc.sconce": 0.6137, "Acc.vase": 0.6547, "Acc.traffic light": 0.6198, "Acc.tray": 0.3233, "Acc.ashcan": 0.6625, "Acc.fan": 0.8231, "Acc.pier": 0.4436, "Acc.crt screen": 0.2195, "Acc.plate": 0.7698, "Acc.monitor": 0.714, "Acc.bulletin board": 0.821, "Acc.shower": 0.1622, "Acc.radiator": 0.8307, "Acc.glass": 0.2013, "Acc.clock": 0.5437, "Acc.flag": 0.7844} +{"mode": "train", "epoch": 35, "iter": 44050, "lr": 0.0, "memory": 65790, "data_time": 2.30653, "decode.loss_ce": 0.1845, "decode.acc_seg": 92.11142, "aux.loss_ce": 0.077, "aux.acc_seg": 91.88776, "loss": 0.2615, "time": 3.90803} +{"mode": "train", "epoch": 35, "iter": 44100, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.1795, "decode.acc_seg": 92.2009, "aux.loss_ce": 0.0739, "aux.acc_seg": 91.97576, "loss": 0.25341, "time": 1.61052} +{"mode": "train", "epoch": 35, "iter": 44150, "lr": 0.0, "memory": 65790, "data_time": 0.00752, "decode.loss_ce": 0.18498, "decode.acc_seg": 92.1498, "aux.loss_ce": 0.07684, "aux.acc_seg": 91.92895, "loss": 0.26182, "time": 1.60915} +{"mode": "train", "epoch": 35, "iter": 44200, "lr": 0.0, "memory": 65790, "data_time": 0.00768, "decode.loss_ce": 0.17283, "decode.acc_seg": 92.41092, "aux.loss_ce": 0.07232, "aux.acc_seg": 92.16092, "loss": 0.24515, "time": 1.61019} +{"mode": "train", "epoch": 36, "iter": 44250, "lr": 0.0, "memory": 65790, "data_time": 0.0652, "decode.loss_ce": 0.17052, "decode.acc_seg": 92.44978, "aux.loss_ce": 0.07114, "aux.acc_seg": 92.20498, "loss": 0.24166, "time": 1.66875} +{"mode": "train", "epoch": 36, "iter": 44300, "lr": 0.0, "memory": 65790, "data_time": 0.00738, "decode.loss_ce": 0.17377, "decode.acc_seg": 92.1745, "aux.loss_ce": 0.07226, "aux.acc_seg": 91.92736, "loss": 0.24603, "time": 1.60861} +{"mode": "train", "epoch": 36, "iter": 44350, "lr": 0.0, "memory": 65790, "data_time": 0.00747, "decode.loss_ce": 0.18082, "decode.acc_seg": 92.18477, "aux.loss_ce": 0.07549, "aux.acc_seg": 91.95794, "loss": 0.25631, "time": 1.60775} +{"mode": "train", "epoch": 36, "iter": 44400, "lr": 0.0, "memory": 65790, "data_time": 0.00745, "decode.loss_ce": 0.17023, "decode.acc_seg": 92.53964, "aux.loss_ce": 0.07199, "aux.acc_seg": 92.13382, "loss": 0.24222, "time": 1.60943} +{"mode": "train", "epoch": 36, "iter": 44450, "lr": 0.0, "memory": 65790, "data_time": 0.00738, "decode.loss_ce": 0.17456, "decode.acc_seg": 92.06683, "aux.loss_ce": 0.07268, "aux.acc_seg": 91.92957, "loss": 0.24724, "time": 1.60849} +{"mode": "train", "epoch": 36, "iter": 44500, "lr": 0.0, "memory": 65790, "data_time": 0.00751, "decode.loss_ce": 0.18104, "decode.acc_seg": 92.00551, "aux.loss_ce": 0.07574, "aux.acc_seg": 91.71901, "loss": 0.25679, "time": 1.60871} +{"mode": "train", "epoch": 36, "iter": 44550, "lr": 0.0, "memory": 65790, "data_time": 0.00747, "decode.loss_ce": 0.17482, "decode.acc_seg": 92.19478, "aux.loss_ce": 0.07343, "aux.acc_seg": 91.91547, "loss": 0.24825, "time": 1.61239} +{"mode": "train", "epoch": 36, "iter": 44600, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.16422, "decode.acc_seg": 92.6001, "aux.loss_ce": 0.06882, "aux.acc_seg": 92.30621, "loss": 0.23303, "time": 1.60816} +{"mode": "train", "epoch": 36, "iter": 44650, "lr": 0.0, "memory": 65790, "data_time": 0.00724, "decode.loss_ce": 0.17418, "decode.acc_seg": 92.26909, "aux.loss_ce": 0.07246, "aux.acc_seg": 92.07889, "loss": 0.24664, "time": 1.60981} +{"mode": "train", "epoch": 36, "iter": 44700, "lr": 0.0, "memory": 65790, "data_time": 0.00721, "decode.loss_ce": 0.18355, "decode.acc_seg": 91.87154, "aux.loss_ce": 0.07676, "aux.acc_seg": 91.65338, "loss": 0.26031, "time": 1.61133} +{"mode": "train", "epoch": 36, "iter": 44750, "lr": 0.0, "memory": 65790, "data_time": 0.00715, "decode.loss_ce": 0.17466, "decode.acc_seg": 92.29865, "aux.loss_ce": 0.07229, "aux.acc_seg": 92.10308, "loss": 0.24695, "time": 1.60804} +{"mode": "train", "epoch": 36, "iter": 44800, "lr": 0.0, "memory": 65790, "data_time": 0.00722, "decode.loss_ce": 0.16914, "decode.acc_seg": 92.48124, "aux.loss_ce": 0.07069, "aux.acc_seg": 92.19899, "loss": 0.23983, "time": 1.60917} +{"mode": "train", "epoch": 36, "iter": 44850, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.18048, "decode.acc_seg": 92.11387, "aux.loss_ce": 0.07425, "aux.acc_seg": 91.89504, "loss": 0.25473, "time": 1.61078} +{"mode": "train", "epoch": 36, "iter": 44900, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.16503, "decode.acc_seg": 92.64644, "aux.loss_ce": 0.06925, "aux.acc_seg": 92.43896, "loss": 0.23427, "time": 1.61} +{"mode": "train", "epoch": 36, "iter": 44950, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.17003, "decode.acc_seg": 92.60806, "aux.loss_ce": 0.07148, "aux.acc_seg": 92.38046, "loss": 0.24151, "time": 1.61288} +{"mode": "train", "epoch": 36, "iter": 45000, "lr": 0.0, "memory": 65790, "data_time": 0.00726, "decode.loss_ce": 0.17763, "decode.acc_seg": 92.225, "aux.loss_ce": 0.07411, "aux.acc_seg": 92.00256, "loss": 0.25174, "time": 1.61098} +{"mode": "val", "epoch": 36, "iter": 250, "lr": 0.0, "aAcc": 0.8589, "mIoU": 0.5722, "mAcc": 0.7043, "IoU.wall": 0.8171, "IoU.building": 0.8475, "IoU.sky": 0.9423, "IoU.floor": 0.8473, "IoU.tree": 0.7623, "IoU.ceiling": 0.8648, "IoU.road": 0.8646, "IoU.bed ": 0.9175, "IoU.windowpane": 0.6633, "IoU.grass": 0.6575, "IoU.cabinet": 0.6705, "IoU.sidewalk": 0.708, "IoU.person": 0.8409, "IoU.earth": 0.3948, "IoU.door": 0.602, "IoU.table": 0.6976, "IoU.mountain": 0.6257, "IoU.plant": 0.5515, "IoU.curtain": 0.7798, "IoU.chair": 0.6393, "IoU.car": 0.8666, "IoU.water": 0.6623, "IoU.painting": 0.7903, "IoU.sofa": 0.8318, "IoU.shelf": 0.4864, "IoU.house": 0.5226, "IoU.sea": 0.7448, "IoU.mirror": 0.774, "IoU.rug": 0.7072, "IoU.field": 0.309, "IoU.armchair": 0.6304, "IoU.seat": 0.6552, "IoU.fence": 0.5203, "IoU.desk": 0.5844, "IoU.rock": 0.5694, "IoU.wardrobe": 0.5256, "IoU.lamp": 0.7213, "IoU.bathtub": 0.8557, "IoU.railing": 0.4361, "IoU.cushion": 0.6683, "IoU.base": 0.4455, "IoU.box": 0.4004, "IoU.column": 0.565, "IoU.signboard": 0.3984, "IoU.chest of drawers": 0.5282, "IoU.counter": 0.4235, "IoU.sand": 0.5631, "IoU.sink": 0.78, "IoU.skyscraper": 0.4649, "IoU.fireplace": 0.7225, "IoU.refrigerator": 0.8202, "IoU.grandstand": 0.5005, "IoU.path": 0.3083, "IoU.stairs": 0.3627, "IoU.runway": 0.7354, "IoU.case": 0.6068, "IoU.pool table": 0.9371, "IoU.pillow": 0.6339, "IoU.screen door": 0.7411, "IoU.stairway": 0.4243, "IoU.river": 0.1468, "IoU.bridge": 0.7118, "IoU.bookcase": 0.3897, "IoU.blind": 0.4184, "IoU.coffee table": 0.6507, "IoU.toilet": 0.8962, "IoU.flower": 0.3992, "IoU.book": 0.517, "IoU.hill": 0.08, "IoU.bench": 0.6195, "IoU.countertop": 0.6457, "IoU.stove": 0.8527, "IoU.palm": 0.5179, "IoU.kitchen island": 0.5235, "IoU.computer": 0.781, "IoU.swivel chair": 0.4708, "IoU.boat": 0.7711, "IoU.bar": 0.6033, "IoU.arcade machine": 0.7689, "IoU.hovel": 0.3332, "IoU.bus": 0.8991, "IoU.towel": 0.7787, "IoU.light": 0.5083, "IoU.truck": 0.4871, "IoU.tower": 0.3396, "IoU.chandelier": 0.7193, "IoU.awning": 0.3608, "IoU.streetlight": 0.2851, "IoU.booth": 0.5207, "IoU.television receiver": 0.793, "IoU.airplane": 0.7241, "IoU.dirt track": 0.0531, "IoU.apparel": 0.5585, "IoU.pole": 0.2513, "IoU.land": 0.029, "IoU.bannister": 0.1658, "IoU.escalator": 0.642, "IoU.ottoman": 0.55, "IoU.bottle": 0.4236, "IoU.buffet": 0.5575, "IoU.poster": 0.3009, "IoU.stage": 0.2731, "IoU.van": 0.4855, "IoU.ship": 0.9182, "IoU.fountain": 0.3537, "IoU.conveyer belt": 0.7904, "IoU.canopy": 0.5515, "IoU.washer": 0.8861, "IoU.plaything": 0.3226, "IoU.swimming pool": 0.5165, "IoU.stool": 0.5265, "IoU.barrel": 0.5099, "IoU.basket": 0.426, "IoU.waterfall": 0.6278, "IoU.tent": 0.9461, "IoU.bag": 0.2448, "IoU.minibike": 0.7338, "IoU.cradle": 0.8726, "IoU.oven": 0.5432, "IoU.ball": 0.6302, "IoU.food": 0.5705, "IoU.step": 0.1224, "IoU.tank": 0.603, "IoU.trade name": 0.3422, "IoU.microwave": 0.889, "IoU.pot": 0.5966, "IoU.animal": 0.6565, "IoU.bicycle": 0.6285, "IoU.lake": 0.4593, "IoU.dishwasher": 0.7269, "IoU.screen": 0.5686, "IoU.blanket": 0.3471, "IoU.sculpture": 0.6999, "IoU.hood": 0.6431, "IoU.sconce": 0.5818, "IoU.vase": 0.5006, "IoU.traffic light": 0.3759, "IoU.tray": 0.1651, "IoU.ashcan": 0.5314, "IoU.fan": 0.6343, "IoU.pier": 0.3912, "IoU.crt screen": 0.0196, "IoU.plate": 0.6196, "IoU.monitor": 0.3424, "IoU.bulletin board": 0.5595, "IoU.shower": 0.1087, "IoU.radiator": 0.6542, "IoU.glass": 0.2047, "IoU.clock": 0.4749, "IoU.flag": 0.6923, "Acc.wall": 0.8917, "Acc.building": 0.936, "Acc.sky": 0.978, "Acc.floor": 0.9169, "Acc.tree": 0.8593, "Acc.ceiling": 0.939, "Acc.road": 0.9084, "Acc.bed ": 0.9698, "Acc.windowpane": 0.8028, "Acc.grass": 0.783, "Acc.cabinet": 0.7687, "Acc.sidewalk": 0.8358, "Acc.person": 0.9379, "Acc.earth": 0.5415, "Acc.door": 0.7992, "Acc.table": 0.8309, "Acc.mountain": 0.7216, "Acc.plant": 0.6981, "Acc.curtain": 0.8763, "Acc.chair": 0.7567, "Acc.car": 0.9398, "Acc.water": 0.7943, "Acc.painting": 0.8952, "Acc.sofa": 0.9118, "Acc.shelf": 0.6376, "Acc.house": 0.64, "Acc.sea": 0.8205, "Acc.mirror": 0.8978, "Acc.rug": 0.7721, "Acc.field": 0.5807, "Acc.armchair": 0.8094, "Acc.seat": 0.8819, "Acc.fence": 0.6496, "Acc.desk": 0.7714, "Acc.rock": 0.8778, "Acc.wardrobe": 0.7592, "Acc.lamp": 0.8175, "Acc.bathtub": 0.8886, "Acc.railing": 0.5947, "Acc.cushion": 0.7897, "Acc.base": 0.6105, "Acc.box": 0.4842, "Acc.column": 0.6861, "Acc.signboard": 0.5112, "Acc.chest of drawers": 0.8042, "Acc.counter": 0.5046, "Acc.sand": 0.847, "Acc.sink": 0.838, "Acc.skyscraper": 0.6418, "Acc.fireplace": 0.9509, "Acc.refrigerator": 0.9599, "Acc.grandstand": 0.8739, "Acc.path": 0.4196, "Acc.stairs": 0.4481, "Acc.runway": 0.964, "Acc.case": 0.9114, "Acc.pool table": 0.9819, "Acc.pillow": 0.7323, "Acc.screen door": 0.7973, "Acc.stairway": 0.4933, "Acc.river": 0.2999, "Acc.bridge": 0.8766, "Acc.bookcase": 0.5304, "Acc.blind": 0.4443, "Acc.coffee table": 0.8667, "Acc.toilet": 0.9477, "Acc.flower": 0.5243, "Acc.book": 0.8054, "Acc.hill": 0.1212, "Acc.bench": 0.695, "Acc.countertop": 0.8253, "Acc.stove": 0.9289, "Acc.palm": 0.7725, "Acc.kitchen island": 0.8321, "Acc.computer": 0.9084, "Acc.swivel chair": 0.8474, "Acc.boat": 0.9075, "Acc.bar": 0.8445, "Acc.arcade machine": 0.809, "Acc.hovel": 0.3967, "Acc.bus": 0.9681, "Acc.towel": 0.8669, "Acc.light": 0.5629, "Acc.truck": 0.6196, "Acc.tower": 0.6142, "Acc.chandelier": 0.8737, "Acc.awning": 0.4507, "Acc.streetlight": 0.3581, "Acc.booth": 0.6951, "Acc.television receiver": 0.8846, "Acc.airplane": 0.7873, "Acc.dirt track": 0.2401, "Acc.apparel": 0.7905, "Acc.pole": 0.3539, "Acc.land": 0.0474, "Acc.bannister": 0.2048, "Acc.escalator": 0.8675, "Acc.ottoman": 0.7515, "Acc.bottle": 0.6618, "Acc.buffet": 0.6175, "Acc.poster": 0.3997, "Acc.stage": 0.6854, "Acc.van": 0.7016, "Acc.ship": 0.9931, "Acc.fountain": 0.3617, "Acc.conveyer belt": 0.9627, "Acc.canopy": 0.7619, "Acc.washer": 0.9484, "Acc.plaything": 0.4836, "Acc.swimming pool": 0.7939, "Acc.stool": 0.6805, "Acc.barrel": 0.6826, "Acc.basket": 0.5701, "Acc.waterfall": 0.7542, "Acc.tent": 0.9849, "Acc.bag": 0.2745, "Acc.minibike": 0.8896, "Acc.cradle": 0.961, "Acc.oven": 0.6453, "Acc.ball": 0.7712, "Acc.food": 0.674, "Acc.step": 0.1797, "Acc.tank": 0.687, "Acc.trade name": 0.4181, "Acc.microwave": 0.9561, "Acc.pot": 0.7058, "Acc.animal": 0.6796, "Acc.bicycle": 0.826, "Acc.lake": 0.6456, "Acc.dishwasher": 0.7856, "Acc.screen": 0.8993, "Acc.blanket": 0.3943, "Acc.sculpture": 0.8668, "Acc.hood": 0.7584, "Acc.sconce": 0.6757, "Acc.vase": 0.611, "Acc.traffic light": 0.5915, "Acc.tray": 0.1831, "Acc.ashcan": 0.6849, "Acc.fan": 0.7919, "Acc.pier": 0.4579, "Acc.crt screen": 0.0412, "Acc.plate": 0.788, "Acc.monitor": 0.3788, "Acc.bulletin board": 0.8119, "Acc.shower": 0.2193, "Acc.radiator": 0.7849, "Acc.glass": 0.2189, "Acc.clock": 0.5354, "Acc.flag": 0.7399} +{"mode": "train", "epoch": 36, "iter": 45050, "lr": 0.0, "memory": 65790, "data_time": 1.67534, "decode.loss_ce": 0.15968, "decode.acc_seg": 92.71612, "aux.loss_ce": 0.06726, "aux.acc_seg": 92.44194, "loss": 0.22694, "time": 3.27767} +{"mode": "train", "epoch": 36, "iter": 45100, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.17258, "decode.acc_seg": 92.4044, "aux.loss_ce": 0.07211, "aux.acc_seg": 92.13261, "loss": 0.2447, "time": 1.61068} +{"mode": "train", "epoch": 36, "iter": 45150, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.17881, "decode.acc_seg": 92.23544, "aux.loss_ce": 0.07488, "aux.acc_seg": 92.01518, "loss": 0.25368, "time": 1.60746} +{"mode": "train", "epoch": 36, "iter": 45200, "lr": 0.0, "memory": 65790, "data_time": 0.00712, "decode.loss_ce": 0.16763, "decode.acc_seg": 92.69596, "aux.loss_ce": 0.0703, "aux.acc_seg": 92.49965, "loss": 0.23793, "time": 1.60813} +{"mode": "train", "epoch": 36, "iter": 45250, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.17781, "decode.acc_seg": 92.20435, "aux.loss_ce": 0.07421, "aux.acc_seg": 92.04926, "loss": 0.25202, "time": 1.60728} +{"mode": "train", "epoch": 36, "iter": 45300, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.17168, "decode.acc_seg": 92.42366, "aux.loss_ce": 0.07134, "aux.acc_seg": 92.25945, "loss": 0.24302, "time": 1.60728} +{"mode": "train", "epoch": 36, "iter": 45350, "lr": 0.0, "memory": 65790, "data_time": 0.00708, "decode.loss_ce": 0.17887, "decode.acc_seg": 92.2238, "aux.loss_ce": 0.07456, "aux.acc_seg": 91.9996, "loss": 0.25343, "time": 1.60728} +{"mode": "train", "epoch": 36, "iter": 45400, "lr": 0.0, "memory": 65790, "data_time": 0.00719, "decode.loss_ce": 0.17134, "decode.acc_seg": 92.46506, "aux.loss_ce": 0.07202, "aux.acc_seg": 92.13169, "loss": 0.24336, "time": 1.60909} +{"mode": "train", "epoch": 36, "iter": 45450, "lr": 0.0, "memory": 65790, "data_time": 0.00721, "decode.loss_ce": 0.1724, "decode.acc_seg": 92.46245, "aux.loss_ce": 0.07219, "aux.acc_seg": 92.18834, "loss": 0.24459, "time": 1.61175} +{"mode": "train", "epoch": 37, "iter": 45500, "lr": 0.0, "memory": 65790, "data_time": 0.06419, "decode.loss_ce": 0.16648, "decode.acc_seg": 92.71646, "aux.loss_ce": 0.06974, "aux.acc_seg": 92.45392, "loss": 0.23622, "time": 1.668} +{"mode": "train", "epoch": 37, "iter": 45550, "lr": 0.0, "memory": 65790, "data_time": 0.00709, "decode.loss_ce": 0.18031, "decode.acc_seg": 92.05235, "aux.loss_ce": 0.07472, "aux.acc_seg": 91.77089, "loss": 0.25503, "time": 1.60862} +{"mode": "train", "epoch": 37, "iter": 45600, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.16979, "decode.acc_seg": 92.3639, "aux.loss_ce": 0.07151, "aux.acc_seg": 92.11276, "loss": 0.2413, "time": 1.60867} +{"mode": "train", "epoch": 37, "iter": 45650, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.16503, "decode.acc_seg": 92.5643, "aux.loss_ce": 0.0696, "aux.acc_seg": 92.34516, "loss": 0.23464, "time": 1.60836} +{"mode": "train", "epoch": 37, "iter": 45700, "lr": 0.0, "memory": 65790, "data_time": 0.00734, "decode.loss_ce": 0.17069, "decode.acc_seg": 92.27454, "aux.loss_ce": 0.07138, "aux.acc_seg": 91.99226, "loss": 0.24206, "time": 1.60831} +{"mode": "train", "epoch": 37, "iter": 45750, "lr": 0.0, "memory": 65790, "data_time": 0.00713, "decode.loss_ce": 0.17857, "decode.acc_seg": 92.17831, "aux.loss_ce": 0.0747, "aux.acc_seg": 91.9955, "loss": 0.25328, "time": 1.6081} +{"mode": "train", "epoch": 37, "iter": 45800, "lr": 0.0, "memory": 65790, "data_time": 0.00707, "decode.loss_ce": 0.17399, "decode.acc_seg": 92.36436, "aux.loss_ce": 0.07246, "aux.acc_seg": 92.17938, "loss": 0.24645, "time": 1.61303} +{"mode": "train", "epoch": 37, "iter": 45850, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.18047, "decode.acc_seg": 92.16005, "aux.loss_ce": 0.07611, "aux.acc_seg": 91.80141, "loss": 0.25657, "time": 1.60829} +{"mode": "train", "epoch": 37, "iter": 45900, "lr": 0.0, "memory": 65790, "data_time": 0.00731, "decode.loss_ce": 0.16506, "decode.acc_seg": 92.68532, "aux.loss_ce": 0.06915, "aux.acc_seg": 92.46502, "loss": 0.23421, "time": 1.60801} +{"mode": "train", "epoch": 37, "iter": 45950, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.16291, "decode.acc_seg": 92.74129, "aux.loss_ce": 0.06791, "aux.acc_seg": 92.54252, "loss": 0.23082, "time": 1.60813} +{"mode": "train", "epoch": 37, "iter": 46000, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.17508, "decode.acc_seg": 92.24736, "aux.loss_ce": 0.07341, "aux.acc_seg": 92.05369, "loss": 0.24849, "time": 3.03227} +{"mode": "val", "epoch": 37, "iter": 250, "lr": 0.0, "aAcc": 0.8587, "mIoU": 0.5688, "mAcc": 0.6967, "IoU.wall": 0.8157, "IoU.building": 0.8504, "IoU.sky": 0.9441, "IoU.floor": 0.8447, "IoU.tree": 0.7735, "IoU.ceiling": 0.8639, "IoU.road": 0.8595, "IoU.bed ": 0.915, "IoU.windowpane": 0.6672, "IoU.grass": 0.6757, "IoU.cabinet": 0.6524, "IoU.sidewalk": 0.7086, "IoU.person": 0.8391, "IoU.earth": 0.4138, "IoU.door": 0.5966, "IoU.table": 0.6971, "IoU.mountain": 0.6196, "IoU.plant": 0.5595, "IoU.curtain": 0.7723, "IoU.chair": 0.6341, "IoU.car": 0.8696, "IoU.water": 0.619, "IoU.painting": 0.7926, "IoU.sofa": 0.8283, "IoU.shelf": 0.4636, "IoU.house": 0.5266, "IoU.sea": 0.741, "IoU.mirror": 0.7498, "IoU.rug": 0.648, "IoU.field": 0.3397, "IoU.armchair": 0.6396, "IoU.seat": 0.6684, "IoU.fence": 0.5053, "IoU.desk": 0.5929, "IoU.rock": 0.5855, "IoU.wardrobe": 0.5174, "IoU.lamp": 0.7137, "IoU.bathtub": 0.856, "IoU.railing": 0.4349, "IoU.cushion": 0.6868, "IoU.base": 0.4289, "IoU.box": 0.4075, "IoU.column": 0.5505, "IoU.signboard": 0.3959, "IoU.chest of drawers": 0.5008, "IoU.counter": 0.5104, "IoU.sand": 0.5319, "IoU.sink": 0.7775, "IoU.skyscraper": 0.4812, "IoU.fireplace": 0.7606, "IoU.refrigerator": 0.8496, "IoU.grandstand": 0.5826, "IoU.path": 0.2794, "IoU.stairs": 0.3154, "IoU.runway": 0.6725, "IoU.case": 0.6412, "IoU.pool table": 0.9305, "IoU.pillow": 0.595, "IoU.screen door": 0.6726, "IoU.stairway": 0.3649, "IoU.river": 0.1178, "IoU.bridge": 0.7389, "IoU.bookcase": 0.4016, "IoU.blind": 0.4148, "IoU.coffee table": 0.6753, "IoU.toilet": 0.8969, "IoU.flower": 0.4164, "IoU.book": 0.5155, "IoU.hill": 0.0829, "IoU.bench": 0.6237, "IoU.countertop": 0.619, "IoU.stove": 0.855, "IoU.palm": 0.5469, "IoU.kitchen island": 0.5444, "IoU.computer": 0.7901, "IoU.swivel chair": 0.4655, "IoU.boat": 0.7786, "IoU.bar": 0.5972, "IoU.arcade machine": 0.8822, "IoU.hovel": 0.4086, "IoU.bus": 0.9209, "IoU.towel": 0.7876, "IoU.light": 0.5227, "IoU.truck": 0.4974, "IoU.tower": 0.178, "IoU.chandelier": 0.7035, "IoU.awning": 0.3514, "IoU.streetlight": 0.2932, "IoU.booth": 0.5921, "IoU.television receiver": 0.8122, "IoU.airplane": 0.7916, "IoU.dirt track": 0.034, "IoU.apparel": 0.5513, "IoU.pole": 0.2434, "IoU.land": 0.035, "IoU.bannister": 0.1793, "IoU.escalator": 0.6081, "IoU.ottoman": 0.5458, "IoU.bottle": 0.4237, "IoU.buffet": 0.6042, "IoU.poster": 0.3207, "IoU.stage": 0.2389, "IoU.van": 0.508, "IoU.ship": 0.8905, "IoU.fountain": 0.3767, "IoU.conveyer belt": 0.8184, "IoU.canopy": 0.5387, "IoU.washer": 0.8717, "IoU.plaything": 0.3391, "IoU.swimming pool": 0.5202, "IoU.stool": 0.4821, "IoU.barrel": 0.5065, "IoU.basket": 0.4629, "IoU.waterfall": 0.573, "IoU.tent": 0.915, "IoU.bag": 0.2427, "IoU.minibike": 0.7444, "IoU.cradle": 0.8407, "IoU.oven": 0.6377, "IoU.ball": 0.1079, "IoU.food": 0.6296, "IoU.step": 0.1392, "IoU.tank": 0.6401, "IoU.trade name": 0.2215, "IoU.microwave": 0.8913, "IoU.pot": 0.5859, "IoU.animal": 0.5637, "IoU.bicycle": 0.6027, "IoU.lake": 0.4512, "IoU.dishwasher": 0.7335, "IoU.screen": 0.5178, "IoU.blanket": 0.3417, "IoU.sculpture": 0.7341, "IoU.hood": 0.6392, "IoU.sconce": 0.5818, "IoU.vase": 0.4713, "IoU.traffic light": 0.3674, "IoU.tray": 0.2463, "IoU.ashcan": 0.5218, "IoU.fan": 0.647, "IoU.pier": 0.396, "IoU.crt screen": 0.0902, "IoU.plate": 0.6234, "IoU.monitor": 0.2075, "IoU.bulletin board": 0.5724, "IoU.shower": 0.2155, "IoU.radiator": 0.6508, "IoU.glass": 0.1793, "IoU.clock": 0.4862, "IoU.flag": 0.6602, "Acc.wall": 0.8956, "Acc.building": 0.942, "Acc.sky": 0.9716, "Acc.floor": 0.9171, "Acc.tree": 0.8931, "Acc.ceiling": 0.9376, "Acc.road": 0.9033, "Acc.bed ": 0.9712, "Acc.windowpane": 0.8037, "Acc.grass": 0.8248, "Acc.cabinet": 0.7184, "Acc.sidewalk": 0.8577, "Acc.person": 0.9433, "Acc.earth": 0.5363, "Acc.door": 0.7634, "Acc.table": 0.8314, "Acc.mountain": 0.731, "Acc.plant": 0.6817, "Acc.curtain": 0.878, "Acc.chair": 0.7382, "Acc.car": 0.9299, "Acc.water": 0.7574, "Acc.painting": 0.9072, "Acc.sofa": 0.9357, "Acc.shelf": 0.6302, "Acc.house": 0.6256, "Acc.sea": 0.8325, "Acc.mirror": 0.8155, "Acc.rug": 0.7036, "Acc.field": 0.6146, "Acc.armchair": 0.7926, "Acc.seat": 0.8915, "Acc.fence": 0.6259, "Acc.desk": 0.7923, "Acc.rock": 0.8129, "Acc.wardrobe": 0.7568, "Acc.lamp": 0.8229, "Acc.bathtub": 0.8933, "Acc.railing": 0.6022, "Acc.cushion": 0.8077, "Acc.base": 0.6143, "Acc.box": 0.5804, "Acc.column": 0.6336, "Acc.signboard": 0.5431, "Acc.chest of drawers": 0.8748, "Acc.counter": 0.5947, "Acc.sand": 0.8834, "Acc.sink": 0.836, "Acc.skyscraper": 0.5684, "Acc.fireplace": 0.9041, "Acc.refrigerator": 0.9307, "Acc.grandstand": 0.8265, "Acc.path": 0.3807, "Acc.stairs": 0.3804, "Acc.runway": 0.8835, "Acc.case": 0.8266, "Acc.pool table": 0.986, "Acc.pillow": 0.6631, "Acc.screen door": 0.7671, "Acc.stairway": 0.5306, "Acc.river": 0.2878, "Acc.bridge": 0.8807, "Acc.bookcase": 0.5967, "Acc.blind": 0.4436, "Acc.coffee table": 0.8548, "Acc.toilet": 0.9469, "Acc.flower": 0.5612, "Acc.book": 0.7587, "Acc.hill": 0.1519, "Acc.bench": 0.7199, "Acc.countertop": 0.874, "Acc.stove": 0.9428, "Acc.palm": 0.8054, "Acc.kitchen island": 0.8474, "Acc.computer": 0.9044, "Acc.swivel chair": 0.848, "Acc.boat": 0.9115, "Acc.bar": 0.8609, "Acc.arcade machine": 0.9461, "Acc.hovel": 0.4827, "Acc.bus": 0.9693, "Acc.towel": 0.8872, "Acc.light": 0.5917, "Acc.truck": 0.6433, "Acc.tower": 0.247, "Acc.chandelier": 0.8449, "Acc.awning": 0.4231, "Acc.streetlight": 0.3679, "Acc.booth": 0.6544, "Acc.television receiver": 0.8878, "Acc.airplane": 0.8511, "Acc.dirt track": 0.2188, "Acc.apparel": 0.7279, "Acc.pole": 0.351, "Acc.land": 0.0505, "Acc.bannister": 0.2397, "Acc.escalator": 0.8772, "Acc.ottoman": 0.7433, "Acc.bottle": 0.6842, "Acc.buffet": 0.7752, "Acc.poster": 0.3944, "Acc.stage": 0.4765, "Acc.van": 0.7021, "Acc.ship": 0.937, "Acc.fountain": 0.3846, "Acc.conveyer belt": 0.9467, "Acc.canopy": 0.7673, "Acc.washer": 0.9266, "Acc.plaything": 0.4338, "Acc.swimming pool": 0.7569, "Acc.stool": 0.6787, "Acc.barrel": 0.6995, "Acc.basket": 0.6055, "Acc.waterfall": 0.691, "Acc.tent": 0.9841, "Acc.bag": 0.2766, "Acc.minibike": 0.8762, "Acc.cradle": 0.9849, "Acc.oven": 0.7592, "Acc.ball": 0.1087, "Acc.food": 0.7484, "Acc.step": 0.176, "Acc.tank": 0.7437, "Acc.trade name": 0.2479, "Acc.microwave": 0.9641, "Acc.pot": 0.6961, "Acc.animal": 0.576, "Acc.bicycle": 0.7888, "Acc.lake": 0.6368, "Acc.dishwasher": 0.8421, "Acc.screen": 0.7667, "Acc.blanket": 0.386, "Acc.sculpture": 0.8723, "Acc.hood": 0.7588, "Acc.sconce": 0.6807, "Acc.vase": 0.6437, "Acc.traffic light": 0.5798, "Acc.tray": 0.3331, "Acc.ashcan": 0.6537, "Acc.fan": 0.7611, "Acc.pier": 0.452, "Acc.crt screen": 0.2635, "Acc.plate": 0.7285, "Acc.monitor": 0.2391, "Acc.bulletin board": 0.8074, "Acc.shower": 0.2368, "Acc.radiator": 0.769, "Acc.glass": 0.1876, "Acc.clock": 0.6112, "Acc.flag": 0.7991} +{"mode": "train", "epoch": 37, "iter": 46050, "lr": 0.0, "memory": 65790, "data_time": 1.67588, "decode.loss_ce": 0.1736, "decode.acc_seg": 92.53199, "aux.loss_ce": 0.07282, "aux.acc_seg": 92.23542, "loss": 0.24642, "time": 3.28016} +{"mode": "train", "epoch": 37, "iter": 46100, "lr": 0.0, "memory": 65790, "data_time": 0.00715, "decode.loss_ce": 0.16717, "decode.acc_seg": 92.38866, "aux.loss_ce": 0.07055, "aux.acc_seg": 92.14729, "loss": 0.23772, "time": 1.60793} +{"mode": "train", "epoch": 37, "iter": 46150, "lr": 0.0, "memory": 65790, "data_time": 0.00722, "decode.loss_ce": 0.17638, "decode.acc_seg": 92.27092, "aux.loss_ce": 0.07301, "aux.acc_seg": 92.03257, "loss": 0.24939, "time": 1.60877} +{"mode": "train", "epoch": 37, "iter": 46200, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.16141, "decode.acc_seg": 92.83715, "aux.loss_ce": 0.06893, "aux.acc_seg": 92.47262, "loss": 0.23035, "time": 1.61031} +{"mode": "train", "epoch": 37, "iter": 46250, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.1657, "decode.acc_seg": 92.69777, "aux.loss_ce": 0.06941, "aux.acc_seg": 92.50581, "loss": 0.23511, "time": 1.61011} +{"mode": "train", "epoch": 37, "iter": 46300, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.16815, "decode.acc_seg": 92.55941, "aux.loss_ce": 0.07005, "aux.acc_seg": 92.31596, "loss": 0.2382, "time": 1.60961} +{"mode": "train", "epoch": 37, "iter": 46350, "lr": 0.0, "memory": 65790, "data_time": 0.00722, "decode.loss_ce": 0.16618, "decode.acc_seg": 92.68259, "aux.loss_ce": 0.06945, "aux.acc_seg": 92.41115, "loss": 0.23563, "time": 1.61192} +{"mode": "train", "epoch": 37, "iter": 46400, "lr": 0.0, "memory": 65790, "data_time": 0.00728, "decode.loss_ce": 0.16907, "decode.acc_seg": 92.38237, "aux.loss_ce": 0.06978, "aux.acc_seg": 92.13676, "loss": 0.23885, "time": 1.61203} +{"mode": "train", "epoch": 37, "iter": 46450, "lr": 0.0, "memory": 65790, "data_time": 0.00731, "decode.loss_ce": 0.18006, "decode.acc_seg": 92.00235, "aux.loss_ce": 0.07473, "aux.acc_seg": 91.84556, "loss": 0.25479, "time": 1.60831} +{"mode": "train", "epoch": 37, "iter": 46500, "lr": 0.0, "memory": 65790, "data_time": 0.00721, "decode.loss_ce": 0.16758, "decode.acc_seg": 92.51765, "aux.loss_ce": 0.07004, "aux.acc_seg": 92.30366, "loss": 0.23762, "time": 1.61019} +{"mode": "train", "epoch": 37, "iter": 46550, "lr": 0.0, "memory": 65790, "data_time": 0.00727, "decode.loss_ce": 0.17972, "decode.acc_seg": 92.06767, "aux.loss_ce": 0.07499, "aux.acc_seg": 91.8744, "loss": 0.25471, "time": 1.60858} +{"mode": "train", "epoch": 37, "iter": 46600, "lr": 0.0, "memory": 65790, "data_time": 0.00735, "decode.loss_ce": 0.17153, "decode.acc_seg": 92.70923, "aux.loss_ce": 0.07096, "aux.acc_seg": 92.46203, "loss": 0.24248, "time": 1.60853} +{"mode": "train", "epoch": 37, "iter": 46650, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.16545, "decode.acc_seg": 92.70835, "aux.loss_ce": 0.06927, "aux.acc_seg": 92.52633, "loss": 0.23471, "time": 1.61072} +{"mode": "train", "epoch": 37, "iter": 46700, "lr": 0.0, "memory": 65790, "data_time": 0.00719, "decode.loss_ce": 0.17887, "decode.acc_seg": 92.07237, "aux.loss_ce": 0.07461, "aux.acc_seg": 91.76342, "loss": 0.25348, "time": 1.61061} +{"mode": "train", "epoch": 38, "iter": 46750, "lr": 0.0, "memory": 65790, "data_time": 0.05932, "decode.loss_ce": 0.17432, "decode.acc_seg": 92.65041, "aux.loss_ce": 0.0728, "aux.acc_seg": 92.41773, "loss": 0.24712, "time": 1.66389} +{"mode": "train", "epoch": 38, "iter": 46800, "lr": 0.0, "memory": 65790, "data_time": 0.00728, "decode.loss_ce": 0.16503, "decode.acc_seg": 92.82703, "aux.loss_ce": 0.06976, "aux.acc_seg": 92.56073, "loss": 0.23479, "time": 1.60763} +{"mode": "train", "epoch": 38, "iter": 46850, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.17544, "decode.acc_seg": 92.29168, "aux.loss_ce": 0.07403, "aux.acc_seg": 92.08025, "loss": 0.24946, "time": 1.60817} +{"mode": "train", "epoch": 38, "iter": 46900, "lr": 0.0, "memory": 65790, "data_time": 0.00712, "decode.loss_ce": 0.1624, "decode.acc_seg": 92.81449, "aux.loss_ce": 0.06833, "aux.acc_seg": 92.61591, "loss": 0.23073, "time": 1.6073} +{"mode": "train", "epoch": 38, "iter": 46950, "lr": 0.0, "memory": 65790, "data_time": 0.00699, "decode.loss_ce": 0.16482, "decode.acc_seg": 92.70589, "aux.loss_ce": 0.06901, "aux.acc_seg": 92.43162, "loss": 0.23383, "time": 1.60851} +{"mode": "train", "epoch": 38, "iter": 47000, "lr": 0.0, "memory": 65790, "data_time": 0.00721, "decode.loss_ce": 0.17214, "decode.acc_seg": 92.67932, "aux.loss_ce": 0.0723, "aux.acc_seg": 92.47465, "loss": 0.24444, "time": 1.61238} +{"mode": "val", "epoch": 38, "iter": 250, "lr": 0.0, "aAcc": 0.8591, "mIoU": 0.5753, "mAcc": 0.7113, "IoU.wall": 0.8128, "IoU.building": 0.8433, "IoU.sky": 0.9462, "IoU.floor": 0.8466, "IoU.tree": 0.7737, "IoU.ceiling": 0.8676, "IoU.road": 0.8495, "IoU.bed ": 0.9243, "IoU.windowpane": 0.668, "IoU.grass": 0.6677, "IoU.cabinet": 0.6592, "IoU.sidewalk": 0.7017, "IoU.person": 0.8433, "IoU.earth": 0.401, "IoU.door": 0.6199, "IoU.table": 0.6984, "IoU.mountain": 0.6355, "IoU.plant": 0.5571, "IoU.curtain": 0.7669, "IoU.chair": 0.6506, "IoU.car": 0.8702, "IoU.water": 0.6224, "IoU.painting": 0.7893, "IoU.sofa": 0.8339, "IoU.shelf": 0.4633, "IoU.house": 0.5316, "IoU.sea": 0.803, "IoU.mirror": 0.7585, "IoU.rug": 0.7075, "IoU.field": 0.3347, "IoU.armchair": 0.6614, "IoU.seat": 0.6617, "IoU.fence": 0.5241, "IoU.desk": 0.5896, "IoU.rock": 0.5717, "IoU.wardrobe": 0.5076, "IoU.lamp": 0.7057, "IoU.bathtub": 0.8793, "IoU.railing": 0.4373, "IoU.cushion": 0.6792, "IoU.base": 0.4376, "IoU.box": 0.3983, "IoU.column": 0.5613, "IoU.signboard": 0.393, "IoU.chest of drawers": 0.5082, "IoU.counter": 0.5326, "IoU.sand": 0.5565, "IoU.sink": 0.7993, "IoU.skyscraper": 0.4933, "IoU.fireplace": 0.7231, "IoU.refrigerator": 0.8217, "IoU.grandstand": 0.4742, "IoU.path": 0.2556, "IoU.stairs": 0.302, "IoU.runway": 0.706, "IoU.case": 0.6392, "IoU.pool table": 0.932, "IoU.pillow": 0.645, "IoU.screen door": 0.8183, "IoU.stairway": 0.5036, "IoU.river": 0.1344, "IoU.bridge": 0.7258, "IoU.bookcase": 0.403, "IoU.blind": 0.415, "IoU.coffee table": 0.6682, "IoU.toilet": 0.899, "IoU.flower": 0.4362, "IoU.book": 0.509, "IoU.hill": 0.1009, "IoU.bench": 0.618, "IoU.countertop": 0.6565, "IoU.stove": 0.8632, "IoU.palm": 0.546, "IoU.kitchen island": 0.5323, "IoU.computer": 0.7843, "IoU.swivel chair": 0.4526, "IoU.boat": 0.7868, "IoU.bar": 0.6016, "IoU.arcade machine": 0.8844, "IoU.hovel": 0.3226, "IoU.bus": 0.9173, "IoU.towel": 0.7813, "IoU.light": 0.531, "IoU.truck": 0.485, "IoU.tower": 0.1376, "IoU.chandelier": 0.708, "IoU.awning": 0.3422, "IoU.streetlight": 0.2878, "IoU.booth": 0.5514, "IoU.television receiver": 0.8194, "IoU.airplane": 0.7824, "IoU.dirt track": 0.0921, "IoU.apparel": 0.5343, "IoU.pole": 0.2387, "IoU.land": 0.0395, "IoU.bannister": 0.1395, "IoU.escalator": 0.6594, "IoU.ottoman": 0.5515, "IoU.bottle": 0.4313, "IoU.buffet": 0.5608, "IoU.poster": 0.3064, "IoU.stage": 0.2519, "IoU.van": 0.5062, "IoU.ship": 0.8896, "IoU.fountain": 0.3964, "IoU.conveyer belt": 0.8075, "IoU.canopy": 0.4942, "IoU.washer": 0.8257, "IoU.plaything": 0.3275, "IoU.swimming pool": 0.562, "IoU.stool": 0.5037, "IoU.barrel": 0.5536, "IoU.basket": 0.4574, "IoU.waterfall": 0.4667, "IoU.tent": 0.8953, "IoU.bag": 0.2821, "IoU.minibike": 0.7398, "IoU.cradle": 0.8653, "IoU.oven": 0.5844, "IoU.ball": 0.64, "IoU.food": 0.6226, "IoU.step": 0.1288, "IoU.tank": 0.6192, "IoU.trade name": 0.2012, "IoU.microwave": 0.8924, "IoU.pot": 0.5873, "IoU.animal": 0.6268, "IoU.bicycle": 0.606, "IoU.lake": 0.4659, "IoU.dishwasher": 0.7219, "IoU.screen": 0.6026, "IoU.blanket": 0.435, "IoU.sculpture": 0.7039, "IoU.hood": 0.7318, "IoU.sconce": 0.5688, "IoU.vase": 0.4911, "IoU.traffic light": 0.3719, "IoU.tray": 0.2276, "IoU.ashcan": 0.492, "IoU.fan": 0.639, "IoU.pier": 0.391, "IoU.crt screen": 0.0175, "IoU.plate": 0.6121, "IoU.monitor": 0.3636, "IoU.bulletin board": 0.5805, "IoU.shower": 0.1104, "IoU.radiator": 0.6492, "IoU.glass": 0.2145, "IoU.clock": 0.4952, "IoU.flag": 0.6776, "Acc.wall": 0.8879, "Acc.building": 0.9257, "Acc.sky": 0.9694, "Acc.floor": 0.9098, "Acc.tree": 0.892, "Acc.ceiling": 0.9315, "Acc.road": 0.9018, "Acc.bed ": 0.9702, "Acc.windowpane": 0.8242, "Acc.grass": 0.8258, "Acc.cabinet": 0.7372, "Acc.sidewalk": 0.8515, "Acc.person": 0.9374, "Acc.earth": 0.4972, "Acc.door": 0.7749, "Acc.table": 0.8044, "Acc.mountain": 0.7622, "Acc.plant": 0.693, "Acc.curtain": 0.8952, "Acc.chair": 0.7804, "Acc.car": 0.9324, "Acc.water": 0.784, "Acc.painting": 0.9169, "Acc.sofa": 0.9243, "Acc.shelf": 0.6328, "Acc.house": 0.7538, "Acc.sea": 0.9081, "Acc.mirror": 0.8626, "Acc.rug": 0.8118, "Acc.field": 0.6222, "Acc.armchair": 0.8393, "Acc.seat": 0.8919, "Acc.fence": 0.709, "Acc.desk": 0.7878, "Acc.rock": 0.7495, "Acc.wardrobe": 0.7328, "Acc.lamp": 0.8658, "Acc.bathtub": 0.9173, "Acc.railing": 0.6378, "Acc.cushion": 0.8374, "Acc.base": 0.6244, "Acc.box": 0.4919, "Acc.column": 0.7329, "Acc.signboard": 0.5493, "Acc.chest of drawers": 0.8022, "Acc.counter": 0.6436, "Acc.sand": 0.8682, "Acc.sink": 0.8701, "Acc.skyscraper": 0.5685, "Acc.fireplace": 0.9482, "Acc.refrigerator": 0.9376, "Acc.grandstand": 0.8595, "Acc.path": 0.3213, "Acc.stairs": 0.3589, "Acc.runway": 0.9218, "Acc.case": 0.8347, "Acc.pool table": 0.9857, "Acc.pillow": 0.7392, "Acc.screen door": 0.9352, "Acc.stairway": 0.705, "Acc.river": 0.2705, "Acc.bridge": 0.8805, "Acc.bookcase": 0.5723, "Acc.blind": 0.4606, "Acc.coffee table": 0.8553, "Acc.toilet": 0.9468, "Acc.flower": 0.6198, "Acc.book": 0.7597, "Acc.hill": 0.2033, "Acc.bench": 0.7017, "Acc.countertop": 0.8371, "Acc.stove": 0.9426, "Acc.palm": 0.8256, "Acc.kitchen island": 0.8206, "Acc.computer": 0.9135, "Acc.swivel chair": 0.7167, "Acc.boat": 0.8984, "Acc.bar": 0.8548, "Acc.arcade machine": 0.9494, "Acc.hovel": 0.3581, "Acc.bus": 0.97, "Acc.towel": 0.8846, "Acc.light": 0.6129, "Acc.truck": 0.6628, "Acc.tower": 0.2074, "Acc.chandelier": 0.8492, "Acc.awning": 0.4154, "Acc.streetlight": 0.3695, "Acc.booth": 0.6311, "Acc.television receiver": 0.9253, "Acc.airplane": 0.834, "Acc.dirt track": 0.3543, "Acc.apparel": 0.7929, "Acc.pole": 0.3316, "Acc.land": 0.0563, "Acc.bannister": 0.1745, "Acc.escalator": 0.8513, "Acc.ottoman": 0.7157, "Acc.bottle": 0.7293, "Acc.buffet": 0.6712, "Acc.poster": 0.3386, "Acc.stage": 0.5247, "Acc.van": 0.7039, "Acc.ship": 0.9634, "Acc.fountain": 0.4061, "Acc.conveyer belt": 0.9593, "Acc.canopy": 0.6895, "Acc.washer": 0.8771, "Acc.plaything": 0.484, "Acc.swimming pool": 0.8259, "Acc.stool": 0.6658, "Acc.barrel": 0.8383, "Acc.basket": 0.6344, "Acc.waterfall": 0.5359, "Acc.tent": 0.9823, "Acc.bag": 0.3395, "Acc.minibike": 0.9012, "Acc.cradle": 0.9858, "Acc.oven": 0.7095, "Acc.ball": 0.751, "Acc.food": 0.726, "Acc.step": 0.1598, "Acc.tank": 0.6694, "Acc.trade name": 0.2249, "Acc.microwave": 0.9625, "Acc.pot": 0.6755, "Acc.animal": 0.651, "Acc.bicycle": 0.8083, "Acc.lake": 0.6366, "Acc.dishwasher": 0.8387, "Acc.screen": 0.9572, "Acc.blanket": 0.5068, "Acc.sculpture": 0.8714, "Acc.hood": 0.9283, "Acc.sconce": 0.7245, "Acc.vase": 0.6279, "Acc.traffic light": 0.6086, "Acc.tray": 0.3091, "Acc.ashcan": 0.6867, "Acc.fan": 0.7922, "Acc.pier": 0.4124, "Acc.crt screen": 0.0344, "Acc.plate": 0.7682, "Acc.monitor": 0.4145, "Acc.bulletin board": 0.7887, "Acc.shower": 0.2229, "Acc.radiator": 0.881, "Acc.glass": 0.2338, "Acc.clock": 0.6526, "Acc.flag": 0.7951} +{"mode": "train", "epoch": 38, "iter": 47050, "lr": 0.0, "memory": 65790, "data_time": 1.65194, "decode.loss_ce": 0.17473, "decode.acc_seg": 92.35584, "aux.loss_ce": 0.0744, "aux.acc_seg": 92.13378, "loss": 0.24913, "time": 3.25281} +{"mode": "train", "epoch": 38, "iter": 47100, "lr": 0.0, "memory": 65790, "data_time": 0.00713, "decode.loss_ce": 0.17172, "decode.acc_seg": 92.52516, "aux.loss_ce": 0.07181, "aux.acc_seg": 92.23206, "loss": 0.24353, "time": 1.61222} +{"mode": "train", "epoch": 38, "iter": 47150, "lr": 0.0, "memory": 65790, "data_time": 0.00715, "decode.loss_ce": 0.16632, "decode.acc_seg": 92.71321, "aux.loss_ce": 0.06972, "aux.acc_seg": 92.41385, "loss": 0.23603, "time": 1.6099} +{"mode": "train", "epoch": 38, "iter": 47200, "lr": 0.0, "memory": 65790, "data_time": 0.00719, "decode.loss_ce": 0.17095, "decode.acc_seg": 92.69794, "aux.loss_ce": 0.07156, "aux.acc_seg": 92.40447, "loss": 0.24251, "time": 1.60744} +{"mode": "train", "epoch": 38, "iter": 47250, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.16387, "decode.acc_seg": 92.69433, "aux.loss_ce": 0.06857, "aux.acc_seg": 92.52055, "loss": 0.23245, "time": 1.6098} +{"mode": "train", "epoch": 38, "iter": 47300, "lr": 0.0, "memory": 65790, "data_time": 0.00739, "decode.loss_ce": 0.15597, "decode.acc_seg": 93.02248, "aux.loss_ce": 0.06641, "aux.acc_seg": 92.72812, "loss": 0.22238, "time": 1.60833} +{"mode": "train", "epoch": 38, "iter": 47350, "lr": 0.0, "memory": 65790, "data_time": 0.00739, "decode.loss_ce": 0.17376, "decode.acc_seg": 92.19434, "aux.loss_ce": 0.07259, "aux.acc_seg": 91.90033, "loss": 0.24635, "time": 1.61047} +{"mode": "train", "epoch": 38, "iter": 47400, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.16591, "decode.acc_seg": 92.62349, "aux.loss_ce": 0.06931, "aux.acc_seg": 92.40666, "loss": 0.23522, "time": 1.60856} +{"mode": "train", "epoch": 38, "iter": 47450, "lr": 0.0, "memory": 65790, "data_time": 0.00733, "decode.loss_ce": 0.1852, "decode.acc_seg": 92.00228, "aux.loss_ce": 0.07734, "aux.acc_seg": 91.63627, "loss": 0.26253, "time": 1.60758} +{"mode": "train", "epoch": 38, "iter": 47500, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.17595, "decode.acc_seg": 92.16906, "aux.loss_ce": 0.0735, "aux.acc_seg": 91.92875, "loss": 0.24945, "time": 1.60789} +{"mode": "train", "epoch": 38, "iter": 47550, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.16006, "decode.acc_seg": 92.83327, "aux.loss_ce": 0.06724, "aux.acc_seg": 92.57403, "loss": 0.2273, "time": 1.60988} +{"mode": "train", "epoch": 38, "iter": 47600, "lr": 0.0, "memory": 65790, "data_time": 0.0071, "decode.loss_ce": 0.17525, "decode.acc_seg": 92.59623, "aux.loss_ce": 0.07287, "aux.acc_seg": 92.36558, "loss": 0.24812, "time": 1.6083} +{"mode": "train", "epoch": 38, "iter": 47650, "lr": 0.0, "memory": 65790, "data_time": 0.00722, "decode.loss_ce": 0.16863, "decode.acc_seg": 92.45021, "aux.loss_ce": 0.07116, "aux.acc_seg": 92.21871, "loss": 0.23979, "time": 1.61466} +{"mode": "train", "epoch": 38, "iter": 47700, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.16705, "decode.acc_seg": 92.50584, "aux.loss_ce": 0.07071, "aux.acc_seg": 92.23934, "loss": 0.23775, "time": 1.60859} +{"mode": "train", "epoch": 38, "iter": 47750, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.17875, "decode.acc_seg": 92.2244, "aux.loss_ce": 0.07454, "aux.acc_seg": 92.01126, "loss": 0.2533, "time": 1.60763} +{"mode": "train", "epoch": 38, "iter": 47800, "lr": 0.0, "memory": 65790, "data_time": 0.00731, "decode.loss_ce": 0.17112, "decode.acc_seg": 92.47912, "aux.loss_ce": 0.07183, "aux.acc_seg": 92.14023, "loss": 0.24296, "time": 1.60808} +{"mode": "train", "epoch": 38, "iter": 47850, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.15632, "decode.acc_seg": 93.05571, "aux.loss_ce": 0.0658, "aux.acc_seg": 92.74789, "loss": 0.22212, "time": 1.60884} +{"mode": "train", "epoch": 38, "iter": 47900, "lr": 0.0, "memory": 65790, "data_time": 0.00727, "decode.loss_ce": 0.17709, "decode.acc_seg": 92.47328, "aux.loss_ce": 0.07423, "aux.acc_seg": 92.18843, "loss": 0.25132, "time": 1.60847} +{"mode": "train", "epoch": 38, "iter": 47950, "lr": 0.0, "memory": 65790, "data_time": 0.00743, "decode.loss_ce": 0.17521, "decode.acc_seg": 92.51762, "aux.loss_ce": 0.07345, "aux.acc_seg": 92.23767, "loss": 0.24865, "time": 1.61205} +{"mode": "train", "epoch": 39, "iter": 48000, "lr": 0.0, "memory": 65790, "data_time": 0.04929, "decode.loss_ce": 0.1678, "decode.acc_seg": 92.55708, "aux.loss_ce": 0.07057, "aux.acc_seg": 92.33002, "loss": 0.23837, "time": 3.03999} +{"mode": "val", "epoch": 39, "iter": 250, "lr": 0.0, "aAcc": 0.8599, "mIoU": 0.5685, "mAcc": 0.6951, "IoU.wall": 0.8133, "IoU.building": 0.8483, "IoU.sky": 0.9464, "IoU.floor": 0.8475, "IoU.tree": 0.7779, "IoU.ceiling": 0.8706, "IoU.road": 0.8531, "IoU.bed ": 0.9189, "IoU.windowpane": 0.657, "IoU.grass": 0.6785, "IoU.cabinet": 0.67, "IoU.sidewalk": 0.7128, "IoU.person": 0.8422, "IoU.earth": 0.4092, "IoU.door": 0.6102, "IoU.table": 0.7, "IoU.mountain": 0.6386, "IoU.plant": 0.5638, "IoU.curtain": 0.7569, "IoU.chair": 0.6386, "IoU.car": 0.8672, "IoU.water": 0.6503, "IoU.painting": 0.7843, "IoU.sofa": 0.8291, "IoU.shelf": 0.4858, "IoU.house": 0.5194, "IoU.sea": 0.7833, "IoU.mirror": 0.7741, "IoU.rug": 0.6992, "IoU.field": 0.3818, "IoU.armchair": 0.635, "IoU.seat": 0.6383, "IoU.fence": 0.499, "IoU.desk": 0.5965, "IoU.rock": 0.5904, "IoU.wardrobe": 0.5176, "IoU.lamp": 0.7209, "IoU.bathtub": 0.8576, "IoU.railing": 0.4335, "IoU.cushion": 0.6858, "IoU.base": 0.3927, "IoU.box": 0.3775, "IoU.column": 0.5587, "IoU.signboard": 0.3834, "IoU.chest of drawers": 0.4371, "IoU.counter": 0.3914, "IoU.sand": 0.5135, "IoU.sink": 0.7858, "IoU.skyscraper": 0.4692, "IoU.fireplace": 0.739, "IoU.refrigerator": 0.8536, "IoU.grandstand": 0.5347, "IoU.path": 0.3061, "IoU.stairs": 0.3035, "IoU.runway": 0.6689, "IoU.case": 0.6213, "IoU.pool table": 0.9401, "IoU.pillow": 0.6584, "IoU.screen door": 0.7729, "IoU.stairway": 0.4091, "IoU.river": 0.1468, "IoU.bridge": 0.6957, "IoU.bookcase": 0.4193, "IoU.blind": 0.4276, "IoU.coffee table": 0.66, "IoU.toilet": 0.8904, "IoU.flower": 0.3816, "IoU.book": 0.5324, "IoU.hill": 0.0752, "IoU.bench": 0.6161, "IoU.countertop": 0.6406, "IoU.stove": 0.8678, "IoU.palm": 0.5039, "IoU.kitchen island": 0.6004, "IoU.computer": 0.7788, "IoU.swivel chair": 0.4643, "IoU.boat": 0.7796, "IoU.bar": 0.614, "IoU.arcade machine": 0.8262, "IoU.hovel": 0.3382, "IoU.bus": 0.9121, "IoU.towel": 0.7485, "IoU.light": 0.5404, "IoU.truck": 0.4796, "IoU.tower": 0.0316, "IoU.chandelier": 0.7221, "IoU.awning": 0.3432, "IoU.streetlight": 0.3044, "IoU.booth": 0.5728, "IoU.television receiver": 0.8088, "IoU.airplane": 0.8455, "IoU.dirt track": 0.1048, "IoU.apparel": 0.567, "IoU.pole": 0.2391, "IoU.land": 0.0474, "IoU.bannister": 0.1918, "IoU.escalator": 0.6659, "IoU.ottoman": 0.5463, "IoU.bottle": 0.4478, "IoU.buffet": 0.5255, "IoU.poster": 0.3268, "IoU.stage": 0.2163, "IoU.van": 0.4498, "IoU.ship": 0.9124, "IoU.fountain": 0.4022, "IoU.conveyer belt": 0.7854, "IoU.canopy": 0.5172, "IoU.washer": 0.8377, "IoU.plaything": 0.334, "IoU.swimming pool": 0.5281, "IoU.stool": 0.5329, "IoU.barrel": 0.5297, "IoU.basket": 0.4495, "IoU.waterfall": 0.4815, "IoU.tent": 0.9066, "IoU.bag": 0.2609, "IoU.minibike": 0.7501, "IoU.cradle": 0.8671, "IoU.oven": 0.5787, "IoU.ball": 0.1054, "IoU.food": 0.6468, "IoU.step": 0.0766, "IoU.tank": 0.6022, "IoU.trade name": 0.2578, "IoU.microwave": 0.9008, "IoU.pot": 0.5969, "IoU.animal": 0.6329, "IoU.bicycle": 0.5905, "IoU.lake": 0.5314, "IoU.dishwasher": 0.7194, "IoU.screen": 0.5881, "IoU.blanket": 0.3337, "IoU.sculpture": 0.6814, "IoU.hood": 0.6129, "IoU.sconce": 0.5814, "IoU.vase": 0.4865, "IoU.traffic light": 0.3723, "IoU.tray": 0.2188, "IoU.ashcan": 0.5107, "IoU.fan": 0.6557, "IoU.pier": 0.3812, "IoU.crt screen": 0.0246, "IoU.plate": 0.6079, "IoU.monitor": 0.5222, "IoU.bulletin board": 0.6095, "IoU.shower": 0.1224, "IoU.radiator": 0.6368, "IoU.glass": 0.1776, "IoU.clock": 0.4319, "IoU.flag": 0.6757, "Acc.wall": 0.8778, "Acc.building": 0.9359, "Acc.sky": 0.9748, "Acc.floor": 0.9172, "Acc.tree": 0.8942, "Acc.ceiling": 0.9461, "Acc.road": 0.9038, "Acc.bed ": 0.967, "Acc.windowpane": 0.8335, "Acc.grass": 0.8303, "Acc.cabinet": 0.7802, "Acc.sidewalk": 0.8693, "Acc.person": 0.9407, "Acc.earth": 0.5453, "Acc.door": 0.7629, "Acc.table": 0.8138, "Acc.mountain": 0.7253, "Acc.plant": 0.7136, "Acc.curtain": 0.903, "Acc.chair": 0.7523, "Acc.car": 0.9349, "Acc.water": 0.8065, "Acc.painting": 0.915, "Acc.sofa": 0.9254, "Acc.shelf": 0.6478, "Acc.house": 0.6395, "Acc.sea": 0.8603, "Acc.mirror": 0.8484, "Acc.rug": 0.8121, "Acc.field": 0.6197, "Acc.armchair": 0.8368, "Acc.seat": 0.886, "Acc.fence": 0.6419, "Acc.desk": 0.7884, "Acc.rock": 0.8361, "Acc.wardrobe": 0.7394, "Acc.lamp": 0.8561, "Acc.bathtub": 0.8954, "Acc.railing": 0.6438, "Acc.cushion": 0.8212, "Acc.base": 0.5418, "Acc.box": 0.5069, "Acc.column": 0.7529, "Acc.signboard": 0.5283, "Acc.chest of drawers": 0.6617, "Acc.counter": 0.4275, "Acc.sand": 0.7712, "Acc.sink": 0.8602, "Acc.skyscraper": 0.5986, "Acc.fireplace": 0.96, "Acc.refrigerator": 0.9641, "Acc.grandstand": 0.8672, "Acc.path": 0.4457, "Acc.stairs": 0.3639, "Acc.runway": 0.8754, "Acc.case": 0.8386, "Acc.pool table": 0.979, "Acc.pillow": 0.785, "Acc.screen door": 0.8443, "Acc.stairway": 0.5962, "Acc.river": 0.2637, "Acc.bridge": 0.8924, "Acc.bookcase": 0.6515, "Acc.blind": 0.4921, "Acc.coffee table": 0.8458, "Acc.toilet": 0.9435, "Acc.flower": 0.4654, "Acc.book": 0.7156, "Acc.hill": 0.1434, "Acc.bench": 0.6975, "Acc.countertop": 0.8282, "Acc.stove": 0.9306, "Acc.palm": 0.661, "Acc.kitchen island": 0.8285, "Acc.computer": 0.9223, "Acc.swivel chair": 0.6543, "Acc.boat": 0.8889, "Acc.bar": 0.8933, "Acc.arcade machine": 0.879, "Acc.hovel": 0.3666, "Acc.bus": 0.9689, "Acc.towel": 0.8118, "Acc.light": 0.6168, "Acc.truck": 0.5996, "Acc.tower": 0.0408, "Acc.chandelier": 0.8353, "Acc.awning": 0.4299, "Acc.streetlight": 0.4261, "Acc.booth": 0.7044, "Acc.television receiver": 0.9063, "Acc.airplane": 0.9489, "Acc.dirt track": 0.4826, "Acc.apparel": 0.7774, "Acc.pole": 0.329, "Acc.land": 0.0663, "Acc.bannister": 0.2526, "Acc.escalator": 0.8443, "Acc.ottoman": 0.699, "Acc.bottle": 0.6673, "Acc.buffet": 0.5981, "Acc.poster": 0.407, "Acc.stage": 0.4949, "Acc.van": 0.6527, "Acc.ship": 0.975, "Acc.fountain": 0.4125, "Acc.conveyer belt": 0.9542, "Acc.canopy": 0.7184, "Acc.washer": 0.8983, "Acc.plaything": 0.4598, "Acc.swimming pool": 0.7677, "Acc.stool": 0.6651, "Acc.barrel": 0.7071, "Acc.basket": 0.5739, "Acc.waterfall": 0.5984, "Acc.tent": 0.9846, "Acc.bag": 0.3074, "Acc.minibike": 0.876, "Acc.cradle": 0.9749, "Acc.oven": 0.7307, "Acc.ball": 0.1064, "Acc.food": 0.7646, "Acc.step": 0.0953, "Acc.tank": 0.6913, "Acc.trade name": 0.3138, "Acc.microwave": 0.9597, "Acc.pot": 0.6884, "Acc.animal": 0.6481, "Acc.bicycle": 0.7594, "Acc.lake": 0.6366, "Acc.dishwasher": 0.8268, "Acc.screen": 0.9172, "Acc.blanket": 0.3743, "Acc.sculpture": 0.8791, "Acc.hood": 0.7416, "Acc.sconce": 0.6974, "Acc.vase": 0.6197, "Acc.traffic light": 0.58, "Acc.tray": 0.2802, "Acc.ashcan": 0.6616, "Acc.fan": 0.7742, "Acc.pier": 0.4506, "Acc.crt screen": 0.0398, "Acc.plate": 0.7672, "Acc.monitor": 0.612, "Acc.bulletin board": 0.7578, "Acc.shower": 0.2473, "Acc.radiator": 0.8002, "Acc.glass": 0.1854, "Acc.clock": 0.5044, "Acc.flag": 0.7502} +{"mode": "train", "epoch": 39, "iter": 48050, "lr": 0.0, "memory": 65790, "data_time": 1.66009, "decode.loss_ce": 0.16427, "decode.acc_seg": 92.65017, "aux.loss_ce": 0.06996, "aux.acc_seg": 92.35146, "loss": 0.23422, "time": 3.26166} +{"mode": "train", "epoch": 39, "iter": 48100, "lr": 0.0, "memory": 65790, "data_time": 0.00732, "decode.loss_ce": 0.17605, "decode.acc_seg": 92.3152, "aux.loss_ce": 0.07445, "aux.acc_seg": 92.0654, "loss": 0.2505, "time": 1.6072} +{"mode": "train", "epoch": 39, "iter": 48150, "lr": 0.0, "memory": 65790, "data_time": 0.0073, "decode.loss_ce": 0.16168, "decode.acc_seg": 92.66348, "aux.loss_ce": 0.06797, "aux.acc_seg": 92.36273, "loss": 0.22965, "time": 1.6081} +{"mode": "train", "epoch": 39, "iter": 48200, "lr": 0.0, "memory": 65790, "data_time": 0.00713, "decode.loss_ce": 0.16055, "decode.acc_seg": 92.80908, "aux.loss_ce": 0.06702, "aux.acc_seg": 92.63925, "loss": 0.22756, "time": 1.6094} +{"mode": "train", "epoch": 39, "iter": 48250, "lr": 0.0, "memory": 65790, "data_time": 0.00712, "decode.loss_ce": 0.16314, "decode.acc_seg": 92.64134, "aux.loss_ce": 0.06812, "aux.acc_seg": 92.42186, "loss": 0.23126, "time": 1.60947} +{"mode": "train", "epoch": 39, "iter": 48300, "lr": 0.0, "memory": 65790, "data_time": 0.00724, "decode.loss_ce": 0.17385, "decode.acc_seg": 92.4274, "aux.loss_ce": 0.07255, "aux.acc_seg": 92.20514, "loss": 0.2464, "time": 1.60976} +{"mode": "train", "epoch": 39, "iter": 48350, "lr": 0.0, "memory": 65790, "data_time": 0.00733, "decode.loss_ce": 0.15923, "decode.acc_seg": 92.95889, "aux.loss_ce": 0.06725, "aux.acc_seg": 92.65684, "loss": 0.22648, "time": 1.60917} +{"mode": "train", "epoch": 39, "iter": 48400, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.16154, "decode.acc_seg": 92.72874, "aux.loss_ce": 0.06839, "aux.acc_seg": 92.46036, "loss": 0.22993, "time": 1.60785} +{"mode": "train", "epoch": 39, "iter": 48450, "lr": 0.0, "memory": 65790, "data_time": 0.00722, "decode.loss_ce": 0.16003, "decode.acc_seg": 92.89717, "aux.loss_ce": 0.06732, "aux.acc_seg": 92.69796, "loss": 0.22735, "time": 1.60778} +{"mode": "train", "epoch": 39, "iter": 48500, "lr": 0.0, "memory": 65790, "data_time": 0.00743, "decode.loss_ce": 0.16478, "decode.acc_seg": 92.83332, "aux.loss_ce": 0.07013, "aux.acc_seg": 92.51156, "loss": 0.23491, "time": 1.6086} +{"mode": "train", "epoch": 39, "iter": 48550, "lr": 0.0, "memory": 65790, "data_time": 0.00735, "decode.loss_ce": 0.15561, "decode.acc_seg": 93.27205, "aux.loss_ce": 0.06579, "aux.acc_seg": 92.93925, "loss": 0.2214, "time": 1.61139} +{"mode": "train", "epoch": 39, "iter": 48600, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.16554, "decode.acc_seg": 92.76701, "aux.loss_ce": 0.06928, "aux.acc_seg": 92.60685, "loss": 0.23482, "time": 1.60995} +{"mode": "train", "epoch": 39, "iter": 48650, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.16382, "decode.acc_seg": 92.8684, "aux.loss_ce": 0.06879, "aux.acc_seg": 92.57899, "loss": 0.23261, "time": 1.60826} +{"mode": "train", "epoch": 39, "iter": 48700, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.17, "decode.acc_seg": 92.56456, "aux.loss_ce": 0.07158, "aux.acc_seg": 92.27873, "loss": 0.24158, "time": 1.60808} +{"mode": "train", "epoch": 39, "iter": 48750, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.16577, "decode.acc_seg": 92.73733, "aux.loss_ce": 0.06918, "aux.acc_seg": 92.48599, "loss": 0.23495, "time": 1.60784} +{"mode": "train", "epoch": 39, "iter": 48800, "lr": 0.0, "memory": 65790, "data_time": 0.00712, "decode.loss_ce": 0.16574, "decode.acc_seg": 92.62662, "aux.loss_ce": 0.06936, "aux.acc_seg": 92.37436, "loss": 0.2351, "time": 1.60907} +{"mode": "train", "epoch": 39, "iter": 48850, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.16693, "decode.acc_seg": 92.37861, "aux.loss_ce": 0.07011, "aux.acc_seg": 92.13944, "loss": 0.23704, "time": 1.61203} +{"mode": "train", "epoch": 39, "iter": 48900, "lr": 0.0, "memory": 65790, "data_time": 0.00728, "decode.loss_ce": 0.16281, "decode.acc_seg": 92.6956, "aux.loss_ce": 0.06846, "aux.acc_seg": 92.43384, "loss": 0.23128, "time": 1.61053} +{"mode": "train", "epoch": 39, "iter": 48950, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.17284, "decode.acc_seg": 92.39957, "aux.loss_ce": 0.07245, "aux.acc_seg": 92.18545, "loss": 0.24528, "time": 1.60813} +{"mode": "train", "epoch": 39, "iter": 49000, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.16941, "decode.acc_seg": 92.64503, "aux.loss_ce": 0.07158, "aux.acc_seg": 92.37096, "loss": 0.24099, "time": 1.6086} +{"mode": "val", "epoch": 39, "iter": 250, "lr": 0.0, "aAcc": 0.8575, "mIoU": 0.5745, "mAcc": 0.7025, "IoU.wall": 0.8182, "IoU.building": 0.8419, "IoU.sky": 0.9445, "IoU.floor": 0.8359, "IoU.tree": 0.7731, "IoU.ceiling": 0.8672, "IoU.road": 0.8436, "IoU.bed ": 0.922, "IoU.windowpane": 0.6684, "IoU.grass": 0.6716, "IoU.cabinet": 0.6575, "IoU.sidewalk": 0.6743, "IoU.person": 0.841, "IoU.earth": 0.4001, "IoU.door": 0.6078, "IoU.table": 0.6952, "IoU.mountain": 0.6284, "IoU.plant": 0.5483, "IoU.curtain": 0.7723, "IoU.chair": 0.6544, "IoU.car": 0.8644, "IoU.water": 0.6098, "IoU.painting": 0.7948, "IoU.sofa": 0.8089, "IoU.shelf": 0.4619, "IoU.house": 0.4998, "IoU.sea": 0.77, "IoU.mirror": 0.7465, "IoU.rug": 0.5832, "IoU.field": 0.3526, "IoU.armchair": 0.6218, "IoU.seat": 0.6802, "IoU.fence": 0.5038, "IoU.desk": 0.6012, "IoU.rock": 0.564, "IoU.wardrobe": 0.517, "IoU.lamp": 0.7227, "IoU.bathtub": 0.8529, "IoU.railing": 0.4248, "IoU.cushion": 0.6679, "IoU.base": 0.4372, "IoU.box": 0.3619, "IoU.column": 0.5845, "IoU.signboard": 0.3928, "IoU.chest of drawers": 0.4983, "IoU.counter": 0.4608, "IoU.sand": 0.5038, "IoU.sink": 0.7714, "IoU.skyscraper": 0.4698, "IoU.fireplace": 0.7329, "IoU.refrigerator": 0.8526, "IoU.grandstand": 0.6152, "IoU.path": 0.2096, "IoU.stairs": 0.3131, "IoU.runway": 0.6796, "IoU.case": 0.6005, "IoU.pool table": 0.9414, "IoU.pillow": 0.6457, "IoU.screen door": 0.7895, "IoU.stairway": 0.4074, "IoU.river": 0.1387, "IoU.bridge": 0.726, "IoU.bookcase": 0.4019, "IoU.blind": 0.4485, "IoU.coffee table": 0.6558, "IoU.toilet": 0.9018, "IoU.flower": 0.3987, "IoU.book": 0.5176, "IoU.hill": 0.0756, "IoU.bench": 0.6744, "IoU.countertop": 0.6421, "IoU.stove": 0.8609, "IoU.palm": 0.5278, "IoU.kitchen island": 0.5798, "IoU.computer": 0.7841, "IoU.swivel chair": 0.4528, "IoU.boat": 0.7739, "IoU.bar": 0.6024, "IoU.arcade machine": 0.8154, "IoU.hovel": 0.4936, "IoU.bus": 0.9144, "IoU.towel": 0.7508, "IoU.light": 0.5027, "IoU.truck": 0.4633, "IoU.tower": 0.2059, "IoU.chandelier": 0.7174, "IoU.awning": 0.3573, "IoU.streetlight": 0.2957, "IoU.booth": 0.6544, "IoU.television receiver": 0.8016, "IoU.airplane": 0.8657, "IoU.dirt track": 0.1874, "IoU.apparel": 0.5591, "IoU.pole": 0.2356, "IoU.land": 0.05, "IoU.bannister": 0.1301, "IoU.escalator": 0.67, "IoU.ottoman": 0.5613, "IoU.bottle": 0.4391, "IoU.buffet": 0.5743, "IoU.poster": 0.3316, "IoU.stage": 0.246, "IoU.van": 0.4822, "IoU.ship": 0.914, "IoU.fountain": 0.3962, "IoU.conveyer belt": 0.7921, "IoU.canopy": 0.5477, "IoU.washer": 0.8579, "IoU.plaything": 0.3106, "IoU.swimming pool": 0.5239, "IoU.stool": 0.4588, "IoU.barrel": 0.5619, "IoU.basket": 0.4517, "IoU.waterfall": 0.5035, "IoU.tent": 0.9303, "IoU.bag": 0.264, "IoU.minibike": 0.749, "IoU.cradle": 0.869, "IoU.oven": 0.5983, "IoU.ball": 0.6232, "IoU.food": 0.5648, "IoU.step": 0.1098, "IoU.tank": 0.6137, "IoU.trade name": 0.2472, "IoU.microwave": 0.9019, "IoU.pot": 0.5876, "IoU.animal": 0.592, "IoU.bicycle": 0.588, "IoU.lake": 0.517, "IoU.dishwasher": 0.7068, "IoU.screen": 0.5388, "IoU.blanket": 0.3834, "IoU.sculpture": 0.7025, "IoU.hood": 0.6239, "IoU.sconce": 0.5778, "IoU.vase": 0.4754, "IoU.traffic light": 0.3788, "IoU.tray": 0.2418, "IoU.ashcan": 0.5085, "IoU.fan": 0.6457, "IoU.pier": 0.3941, "IoU.crt screen": 0.0906, "IoU.plate": 0.6227, "IoU.monitor": 0.35, "IoU.bulletin board": 0.5933, "IoU.shower": 0.2374, "IoU.radiator": 0.6536, "IoU.glass": 0.2032, "IoU.clock": 0.4701, "IoU.flag": 0.6536, "Acc.wall": 0.8951, "Acc.building": 0.9232, "Acc.sky": 0.9729, "Acc.floor": 0.9183, "Acc.tree": 0.8913, "Acc.ceiling": 0.9428, "Acc.road": 0.9039, "Acc.bed ": 0.967, "Acc.windowpane": 0.8167, "Acc.grass": 0.8257, "Acc.cabinet": 0.7389, "Acc.sidewalk": 0.8534, "Acc.person": 0.9354, "Acc.earth": 0.5047, "Acc.door": 0.7586, "Acc.table": 0.8248, "Acc.mountain": 0.7341, "Acc.plant": 0.6688, "Acc.curtain": 0.8989, "Acc.chair": 0.788, "Acc.car": 0.943, "Acc.water": 0.7565, "Acc.painting": 0.8944, "Acc.sofa": 0.8796, "Acc.shelf": 0.597, "Acc.house": 0.6724, "Acc.sea": 0.9114, "Acc.mirror": 0.8141, "Acc.rug": 0.6537, "Acc.field": 0.6367, "Acc.armchair": 0.8143, "Acc.seat": 0.8842, "Acc.fence": 0.6849, "Acc.desk": 0.7867, "Acc.rock": 0.8444, "Acc.wardrobe": 0.7755, "Acc.lamp": 0.8303, "Acc.bathtub": 0.8859, "Acc.railing": 0.5927, "Acc.cushion": 0.8393, "Acc.base": 0.581, "Acc.box": 0.4161, "Acc.column": 0.7386, "Acc.signboard": 0.5544, "Acc.chest of drawers": 0.8259, "Acc.counter": 0.574, "Acc.sand": 0.7705, "Acc.sink": 0.8384, "Acc.skyscraper": 0.5872, "Acc.fireplace": 0.9422, "Acc.refrigerator": 0.974, "Acc.grandstand": 0.8534, "Acc.path": 0.2537, "Acc.stairs": 0.3855, "Acc.runway": 0.8692, "Acc.case": 0.8164, "Acc.pool table": 0.9792, "Acc.pillow": 0.7453, "Acc.screen door": 0.848, "Acc.stairway": 0.6587, "Acc.river": 0.2615, "Acc.bridge": 0.826, "Acc.bookcase": 0.5796, "Acc.blind": 0.5196, "Acc.coffee table": 0.8539, "Acc.toilet": 0.944, "Acc.flower": 0.5531, "Acc.book": 0.7913, "Acc.hill": 0.1307, "Acc.bench": 0.7777, "Acc.countertop": 0.8369, "Acc.stove": 0.9162, "Acc.palm": 0.7841, "Acc.kitchen island": 0.8896, "Acc.computer": 0.9069, "Acc.swivel chair": 0.6681, "Acc.boat": 0.9123, "Acc.bar": 0.8589, "Acc.arcade machine": 0.8642, "Acc.hovel": 0.5732, "Acc.bus": 0.9699, "Acc.towel": 0.847, "Acc.light": 0.5618, "Acc.truck": 0.6191, "Acc.tower": 0.3359, "Acc.chandelier": 0.8451, "Acc.awning": 0.4569, "Acc.streetlight": 0.3776, "Acc.booth": 0.6788, "Acc.television receiver": 0.8771, "Acc.airplane": 0.9499, "Acc.dirt track": 0.3527, "Acc.apparel": 0.733, "Acc.pole": 0.3548, "Acc.land": 0.0728, "Acc.bannister": 0.1509, "Acc.escalator": 0.841, "Acc.ottoman": 0.7379, "Acc.bottle": 0.7392, "Acc.buffet": 0.6374, "Acc.poster": 0.4026, "Acc.stage": 0.4639, "Acc.van": 0.6774, "Acc.ship": 0.9799, "Acc.fountain": 0.405, "Acc.conveyer belt": 0.9656, "Acc.canopy": 0.7704, "Acc.washer": 0.9222, "Acc.plaything": 0.4827, "Acc.swimming pool": 0.7565, "Acc.stool": 0.6556, "Acc.barrel": 0.8128, "Acc.basket": 0.6055, "Acc.waterfall": 0.6209, "Acc.tent": 0.9859, "Acc.bag": 0.2997, "Acc.minibike": 0.8609, "Acc.cradle": 0.9663, "Acc.oven": 0.755, "Acc.ball": 0.7647, "Acc.food": 0.637, "Acc.step": 0.1731, "Acc.tank": 0.6609, "Acc.trade name": 0.3037, "Acc.microwave": 0.9629, "Acc.pot": 0.6797, "Acc.animal": 0.606, "Acc.bicycle": 0.8184, "Acc.lake": 0.6358, "Acc.dishwasher": 0.8277, "Acc.screen": 0.7925, "Acc.blanket": 0.4589, "Acc.sculpture": 0.8567, "Acc.hood": 0.7068, "Acc.sconce": 0.6717, "Acc.vase": 0.6488, "Acc.traffic light": 0.5914, "Acc.tray": 0.2845, "Acc.ashcan": 0.69, "Acc.fan": 0.761, "Acc.pier": 0.4542, "Acc.crt screen": 0.2132, "Acc.plate": 0.784, "Acc.monitor": 0.3946, "Acc.bulletin board": 0.7425, "Acc.shower": 0.2657, "Acc.radiator": 0.7882, "Acc.glass": 0.2166, "Acc.clock": 0.5767, "Acc.flag": 0.7555} +{"mode": "train", "epoch": 39, "iter": 49050, "lr": 0.0, "memory": 65790, "data_time": 1.67938, "decode.loss_ce": 0.16631, "decode.acc_seg": 92.80295, "aux.loss_ce": 0.0697, "aux.acc_seg": 92.55462, "loss": 0.23601, "time": 3.27981} +{"mode": "train", "epoch": 39, "iter": 49100, "lr": 0.0, "memory": 65790, "data_time": 0.00712, "decode.loss_ce": 0.15888, "decode.acc_seg": 92.97923, "aux.loss_ce": 0.06671, "aux.acc_seg": 92.79844, "loss": 0.2256, "time": 1.60854} +{"mode": "train", "epoch": 39, "iter": 49150, "lr": 0.0, "memory": 65790, "data_time": 0.00736, "decode.loss_ce": 0.17144, "decode.acc_seg": 92.57379, "aux.loss_ce": 0.07159, "aux.acc_seg": 92.33763, "loss": 0.24303, "time": 1.61142} +{"mode": "train", "epoch": 39, "iter": 49200, "lr": 0.0, "memory": 65790, "data_time": 0.0073, "decode.loss_ce": 0.1628, "decode.acc_seg": 92.72677, "aux.loss_ce": 0.06833, "aux.acc_seg": 92.45498, "loss": 0.23112, "time": 1.60839} +{"mode": "train", "epoch": 39, "iter": 49250, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.17547, "decode.acc_seg": 92.3808, "aux.loss_ce": 0.07377, "aux.acc_seg": 92.06855, "loss": 0.24924, "time": 1.60772} +{"mode": "train", "epoch": 40, "iter": 49300, "lr": 0.0, "memory": 65790, "data_time": 0.06559, "decode.loss_ce": 0.15324, "decode.acc_seg": 93.10529, "aux.loss_ce": 0.06422, "aux.acc_seg": 92.87509, "loss": 0.21746, "time": 1.67159} +{"mode": "train", "epoch": 40, "iter": 49350, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.15436, "decode.acc_seg": 93.11866, "aux.loss_ce": 0.06469, "aux.acc_seg": 92.93333, "loss": 0.21904, "time": 1.60712} +{"mode": "train", "epoch": 40, "iter": 49400, "lr": 0.0, "memory": 65790, "data_time": 0.00732, "decode.loss_ce": 0.15116, "decode.acc_seg": 93.32111, "aux.loss_ce": 0.06418, "aux.acc_seg": 92.95688, "loss": 0.21535, "time": 1.6094} +{"mode": "train", "epoch": 40, "iter": 49450, "lr": 0.0, "memory": 65790, "data_time": 0.00729, "decode.loss_ce": 0.16094, "decode.acc_seg": 92.9034, "aux.loss_ce": 0.06765, "aux.acc_seg": 92.70887, "loss": 0.22859, "time": 1.6094} +{"mode": "train", "epoch": 40, "iter": 49500, "lr": 0.0, "memory": 65790, "data_time": 0.00724, "decode.loss_ce": 0.15913, "decode.acc_seg": 92.90882, "aux.loss_ce": 0.06754, "aux.acc_seg": 92.63686, "loss": 0.22667, "time": 1.60821} +{"mode": "train", "epoch": 40, "iter": 49550, "lr": 0.0, "memory": 65790, "data_time": 0.00713, "decode.loss_ce": 0.16049, "decode.acc_seg": 92.88591, "aux.loss_ce": 0.06749, "aux.acc_seg": 92.61594, "loss": 0.22798, "time": 1.60865} +{"mode": "train", "epoch": 40, "iter": 49600, "lr": 0.0, "memory": 65790, "data_time": 0.00712, "decode.loss_ce": 0.16741, "decode.acc_seg": 92.71536, "aux.loss_ce": 0.07046, "aux.acc_seg": 92.3655, "loss": 0.23787, "time": 1.60859} +{"mode": "train", "epoch": 40, "iter": 49650, "lr": 0.0, "memory": 65790, "data_time": 0.00705, "decode.loss_ce": 0.15646, "decode.acc_seg": 93.09742, "aux.loss_ce": 0.06643, "aux.acc_seg": 92.82425, "loss": 0.22289, "time": 1.60771} +{"mode": "train", "epoch": 40, "iter": 49700, "lr": 0.0, "memory": 65790, "data_time": 0.00724, "decode.loss_ce": 0.18794, "decode.acc_seg": 92.31574, "aux.loss_ce": 0.07945, "aux.acc_seg": 91.94624, "loss": 0.26739, "time": 1.60878} +{"mode": "train", "epoch": 40, "iter": 49750, "lr": 0.0, "memory": 65790, "data_time": 0.00709, "decode.loss_ce": 0.16378, "decode.acc_seg": 92.83401, "aux.loss_ce": 0.06895, "aux.acc_seg": 92.52882, "loss": 0.23273, "time": 1.61036} +{"mode": "train", "epoch": 40, "iter": 49800, "lr": 0.0, "memory": 65790, "data_time": 0.00712, "decode.loss_ce": 0.17209, "decode.acc_seg": 92.46132, "aux.loss_ce": 0.07191, "aux.acc_seg": 92.19639, "loss": 0.244, "time": 1.61173} +{"mode": "train", "epoch": 40, "iter": 49850, "lr": 0.0, "memory": 65790, "data_time": 0.00709, "decode.loss_ce": 0.16317, "decode.acc_seg": 92.90429, "aux.loss_ce": 0.06792, "aux.acc_seg": 92.68266, "loss": 0.23109, "time": 1.61111} +{"mode": "train", "epoch": 40, "iter": 49900, "lr": 0.0, "memory": 65790, "data_time": 0.007, "decode.loss_ce": 0.17477, "decode.acc_seg": 92.23961, "aux.loss_ce": 0.07431, "aux.acc_seg": 91.91065, "loss": 0.24908, "time": 1.60991} +{"mode": "train", "epoch": 40, "iter": 49950, "lr": 0.0, "memory": 65790, "data_time": 0.00713, "decode.loss_ce": 0.16383, "decode.acc_seg": 92.67471, "aux.loss_ce": 0.0688, "aux.acc_seg": 92.49893, "loss": 0.23263, "time": 1.60817} +{"mode": "train", "epoch": 40, "iter": 50000, "lr": 0.0, "memory": 65790, "data_time": 0.00721, "decode.loss_ce": 0.16505, "decode.acc_seg": 92.61902, "aux.loss_ce": 0.07004, "aux.acc_seg": 92.30681, "loss": 0.23509, "time": 3.05832} +{"mode": "val", "epoch": 40, "iter": 250, "lr": 0.0, "aAcc": 0.8583, "mIoU": 0.5707, "mAcc": 0.7025, "IoU.wall": 0.8172, "IoU.building": 0.8492, "IoU.sky": 0.9448, "IoU.floor": 0.842, "IoU.tree": 0.769, "IoU.ceiling": 0.8752, "IoU.road": 0.8525, "IoU.bed ": 0.9212, "IoU.windowpane": 0.6672, "IoU.grass": 0.6821, "IoU.cabinet": 0.6509, "IoU.sidewalk": 0.695, "IoU.person": 0.8451, "IoU.earth": 0.3913, "IoU.door": 0.5942, "IoU.table": 0.6893, "IoU.mountain": 0.6277, "IoU.plant": 0.5495, "IoU.curtain": 0.7884, "IoU.chair": 0.6452, "IoU.car": 0.8667, "IoU.water": 0.6415, "IoU.painting": 0.777, "IoU.sofa": 0.8263, "IoU.shelf": 0.4443, "IoU.house": 0.5095, "IoU.sea": 0.7683, "IoU.mirror": 0.7882, "IoU.rug": 0.6751, "IoU.field": 0.3006, "IoU.armchair": 0.6178, "IoU.seat": 0.6483, "IoU.fence": 0.5292, "IoU.desk": 0.5646, "IoU.rock": 0.5849, "IoU.wardrobe": 0.5204, "IoU.lamp": 0.7227, "IoU.bathtub": 0.8575, "IoU.railing": 0.4327, "IoU.cushion": 0.6781, "IoU.base": 0.4337, "IoU.box": 0.3973, "IoU.column": 0.5704, "IoU.signboard": 0.3973, "IoU.chest of drawers": 0.5083, "IoU.counter": 0.4607, "IoU.sand": 0.5215, "IoU.sink": 0.7833, "IoU.skyscraper": 0.4751, "IoU.fireplace": 0.7462, "IoU.refrigerator": 0.8473, "IoU.grandstand": 0.5687, "IoU.path": 0.258, "IoU.stairs": 0.2696, "IoU.runway": 0.6933, "IoU.case": 0.5921, "IoU.pool table": 0.932, "IoU.pillow": 0.6524, "IoU.screen door": 0.7331, "IoU.stairway": 0.4006, "IoU.river": 0.1387, "IoU.bridge": 0.7252, "IoU.bookcase": 0.3985, "IoU.blind": 0.4079, "IoU.coffee table": 0.6161, "IoU.toilet": 0.9073, "IoU.flower": 0.421, "IoU.book": 0.5303, "IoU.hill": 0.1016, "IoU.bench": 0.5658, "IoU.countertop": 0.6111, "IoU.stove": 0.8604, "IoU.palm": 0.5303, "IoU.kitchen island": 0.5529, "IoU.computer": 0.7764, "IoU.swivel chair": 0.4774, "IoU.boat": 0.7822, "IoU.bar": 0.6103, "IoU.arcade machine": 0.8034, "IoU.hovel": 0.2475, "IoU.bus": 0.9143, "IoU.towel": 0.7667, "IoU.light": 0.5492, "IoU.truck": 0.4655, "IoU.tower": 0.2947, "IoU.chandelier": 0.7223, "IoU.awning": 0.3525, "IoU.streetlight": 0.3058, "IoU.booth": 0.4953, "IoU.television receiver": 0.81, "IoU.airplane": 0.8557, "IoU.dirt track": 0.175, "IoU.apparel": 0.5328, "IoU.pole": 0.2469, "IoU.land": 0.0462, "IoU.bannister": 0.1784, "IoU.escalator": 0.665, "IoU.ottoman": 0.5336, "IoU.bottle": 0.4125, "IoU.buffet": 0.6069, "IoU.poster": 0.2997, "IoU.stage": 0.2003, "IoU.van": 0.4886, "IoU.ship": 0.9097, "IoU.fountain": 0.3685, "IoU.conveyer belt": 0.786, "IoU.canopy": 0.5122, "IoU.washer": 0.8272, "IoU.plaything": 0.3179, "IoU.swimming pool": 0.541, "IoU.stool": 0.4592, "IoU.barrel": 0.5034, "IoU.basket": 0.4557, "IoU.waterfall": 0.5228, "IoU.tent": 0.9525, "IoU.bag": 0.2545, "IoU.minibike": 0.7398, "IoU.cradle": 0.8866, "IoU.oven": 0.5863, "IoU.ball": 0.6382, "IoU.food": 0.5863, "IoU.step": 0.1091, "IoU.tank": 0.6134, "IoU.trade name": 0.2367, "IoU.microwave": 0.8989, "IoU.pot": 0.6062, "IoU.animal": 0.6458, "IoU.bicycle": 0.6029, "IoU.lake": 0.4663, "IoU.dishwasher": 0.7078, "IoU.screen": 0.6091, "IoU.blanket": 0.3486, "IoU.sculpture": 0.709, "IoU.hood": 0.6257, "IoU.sconce": 0.5903, "IoU.vase": 0.4868, "IoU.traffic light": 0.3837, "IoU.tray": 0.2367, "IoU.ashcan": 0.5272, "IoU.fan": 0.6628, "IoU.pier": 0.3788, "IoU.crt screen": 0.0501, "IoU.plate": 0.6081, "IoU.monitor": 0.1735, "IoU.bulletin board": 0.6021, "IoU.shower": 0.1679, "IoU.radiator": 0.646, "IoU.glass": 0.2108, "IoU.clock": 0.4972, "IoU.flag": 0.6859, "Acc.wall": 0.8947, "Acc.building": 0.9289, "Acc.sky": 0.979, "Acc.floor": 0.9083, "Acc.tree": 0.8873, "Acc.ceiling": 0.9414, "Acc.road": 0.9127, "Acc.bed ": 0.9673, "Acc.windowpane": 0.8297, "Acc.grass": 0.7933, "Acc.cabinet": 0.737, "Acc.sidewalk": 0.8458, "Acc.person": 0.9421, "Acc.earth": 0.523, "Acc.door": 0.7392, "Acc.table": 0.7988, "Acc.mountain": 0.7163, "Acc.plant": 0.688, "Acc.curtain": 0.8886, "Acc.chair": 0.7841, "Acc.car": 0.9363, "Acc.water": 0.7867, "Acc.painting": 0.9252, "Acc.sofa": 0.916, "Acc.shelf": 0.6004, "Acc.house": 0.6294, "Acc.sea": 0.8554, "Acc.mirror": 0.8846, "Acc.rug": 0.825, "Acc.field": 0.5705, "Acc.armchair": 0.7818, "Acc.seat": 0.8981, "Acc.fence": 0.6637, "Acc.desk": 0.7573, "Acc.rock": 0.8662, "Acc.wardrobe": 0.7508, "Acc.lamp": 0.8434, "Acc.bathtub": 0.8867, "Acc.railing": 0.5969, "Acc.cushion": 0.8489, "Acc.base": 0.5793, "Acc.box": 0.5221, "Acc.column": 0.7063, "Acc.signboard": 0.5599, "Acc.chest of drawers": 0.7529, "Acc.counter": 0.5207, "Acc.sand": 0.7801, "Acc.sink": 0.8585, "Acc.skyscraper": 0.5959, "Acc.fireplace": 0.9392, "Acc.refrigerator": 0.9356, "Acc.grandstand": 0.8391, "Acc.path": 0.3148, "Acc.stairs": 0.3118, "Acc.runway": 0.9109, "Acc.case": 0.7419, "Acc.pool table": 0.9843, "Acc.pillow": 0.7626, "Acc.screen door": 0.8094, "Acc.stairway": 0.6587, "Acc.river": 0.2847, "Acc.bridge": 0.8854, "Acc.bookcase": 0.5996, "Acc.blind": 0.4503, "Acc.coffee table": 0.8736, "Acc.toilet": 0.9473, "Acc.flower": 0.603, "Acc.book": 0.7769, "Acc.hill": 0.1715, "Acc.bench": 0.6255, "Acc.countertop": 0.8701, "Acc.stove": 0.9193, "Acc.palm": 0.7496, "Acc.kitchen island": 0.9002, "Acc.computer": 0.9186, "Acc.swivel chair": 0.7022, "Acc.boat": 0.8943, "Acc.bar": 0.8934, "Acc.arcade machine": 0.8557, "Acc.hovel": 0.2647, "Acc.bus": 0.9693, "Acc.towel": 0.8472, "Acc.light": 0.6817, "Acc.truck": 0.6431, "Acc.tower": 0.4777, "Acc.chandelier": 0.8754, "Acc.awning": 0.4216, "Acc.streetlight": 0.4202, "Acc.booth": 0.6794, "Acc.television receiver": 0.9011, "Acc.airplane": 0.9179, "Acc.dirt track": 0.2792, "Acc.apparel": 0.7155, "Acc.pole": 0.3861, "Acc.land": 0.0641, "Acc.bannister": 0.221, "Acc.escalator": 0.8723, "Acc.ottoman": 0.7444, "Acc.bottle": 0.6507, "Acc.buffet": 0.6927, "Acc.poster": 0.3846, "Acc.stage": 0.5112, "Acc.van": 0.6968, "Acc.ship": 0.9804, "Acc.fountain": 0.3767, "Acc.conveyer belt": 0.9486, "Acc.canopy": 0.6383, "Acc.washer": 0.882, "Acc.plaything": 0.4807, "Acc.swimming pool": 0.7868, "Acc.stool": 0.6942, "Acc.barrel": 0.707, "Acc.basket": 0.6205, "Acc.waterfall": 0.6661, "Acc.tent": 0.9875, "Acc.bag": 0.2918, "Acc.minibike": 0.899, "Acc.cradle": 0.9762, "Acc.oven": 0.7244, "Acc.ball": 0.7689, "Acc.food": 0.7286, "Acc.step": 0.1619, "Acc.tank": 0.6676, "Acc.trade name": 0.2762, "Acc.microwave": 0.9618, "Acc.pot": 0.7208, "Acc.animal": 0.667, "Acc.bicycle": 0.8031, "Acc.lake": 0.6364, "Acc.dishwasher": 0.8061, "Acc.screen": 0.8955, "Acc.blanket": 0.3944, "Acc.sculpture": 0.8691, "Acc.hood": 0.7411, "Acc.sconce": 0.7157, "Acc.vase": 0.6386, "Acc.traffic light": 0.5361, "Acc.tray": 0.4209, "Acc.ashcan": 0.7148, "Acc.fan": 0.8169, "Acc.pier": 0.4563, "Acc.crt screen": 0.1326, "Acc.plate": 0.8125, "Acc.monitor": 0.1905, "Acc.bulletin board": 0.7846, "Acc.shower": 0.1751, "Acc.radiator": 0.7833, "Acc.glass": 0.2291, "Acc.clock": 0.6176, "Acc.flag": 0.7411} +{"mode": "train", "epoch": 40, "iter": 50050, "lr": 0.0, "memory": 65790, "data_time": 1.71618, "decode.loss_ce": 0.1693, "decode.acc_seg": 92.6708, "aux.loss_ce": 0.07119, "aux.acc_seg": 92.39111, "loss": 0.24049, "time": 3.31698} +{"mode": "train", "epoch": 40, "iter": 50100, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.15567, "decode.acc_seg": 93.07178, "aux.loss_ce": 0.06598, "aux.acc_seg": 92.75915, "loss": 0.22166, "time": 1.60722} +{"mode": "train", "epoch": 40, "iter": 50150, "lr": 0.0, "memory": 65790, "data_time": 0.00719, "decode.loss_ce": 0.16059, "decode.acc_seg": 92.91118, "aux.loss_ce": 0.06782, "aux.acc_seg": 92.64782, "loss": 0.22841, "time": 1.60973} +{"mode": "train", "epoch": 40, "iter": 50200, "lr": 0.0, "memory": 65790, "data_time": 0.00719, "decode.loss_ce": 0.16654, "decode.acc_seg": 92.7201, "aux.loss_ce": 0.07061, "aux.acc_seg": 92.40686, "loss": 0.23715, "time": 1.60818} +{"mode": "train", "epoch": 40, "iter": 50250, "lr": 0.0, "memory": 65790, "data_time": 0.00721, "decode.loss_ce": 0.16835, "decode.acc_seg": 92.59146, "aux.loss_ce": 0.07102, "aux.acc_seg": 92.26031, "loss": 0.23937, "time": 1.60767} +{"mode": "train", "epoch": 40, "iter": 50300, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.1661, "decode.acc_seg": 92.63546, "aux.loss_ce": 0.0702, "aux.acc_seg": 92.26321, "loss": 0.2363, "time": 1.60801} +{"mode": "train", "epoch": 40, "iter": 50350, "lr": 0.0, "memory": 65790, "data_time": 0.00712, "decode.loss_ce": 0.15978, "decode.acc_seg": 92.93396, "aux.loss_ce": 0.0677, "aux.acc_seg": 92.6614, "loss": 0.22748, "time": 1.61294} +{"mode": "train", "epoch": 40, "iter": 50400, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.1719, "decode.acc_seg": 92.3454, "aux.loss_ce": 0.0726, "aux.acc_seg": 92.10648, "loss": 0.24449, "time": 1.6087} +{"mode": "train", "epoch": 40, "iter": 50450, "lr": 0.0, "memory": 65790, "data_time": 0.00715, "decode.loss_ce": 0.17145, "decode.acc_seg": 92.54042, "aux.loss_ce": 0.07191, "aux.acc_seg": 92.32639, "loss": 0.24336, "time": 1.61064} +{"mode": "train", "epoch": 40, "iter": 50500, "lr": 0.0, "memory": 65790, "data_time": 0.00705, "decode.loss_ce": 0.1546, "decode.acc_seg": 93.24533, "aux.loss_ce": 0.06545, "aux.acc_seg": 92.95234, "loss": 0.22005, "time": 1.60974} +{"mode": "train", "epoch": 41, "iter": 50550, "lr": 0.0, "memory": 65790, "data_time": 0.06488, "decode.loss_ce": 0.16222, "decode.acc_seg": 92.6909, "aux.loss_ce": 0.06896, "aux.acc_seg": 92.44069, "loss": 0.23119, "time": 1.6677} +{"mode": "train", "epoch": 41, "iter": 50600, "lr": 0.0, "memory": 65790, "data_time": 0.00719, "decode.loss_ce": 0.15626, "decode.acc_seg": 93.19026, "aux.loss_ce": 0.06672, "aux.acc_seg": 92.96134, "loss": 0.22297, "time": 1.60731} +{"mode": "train", "epoch": 41, "iter": 50650, "lr": 0.0, "memory": 65790, "data_time": 0.00727, "decode.loss_ce": 0.15579, "decode.acc_seg": 92.99595, "aux.loss_ce": 0.06618, "aux.acc_seg": 92.67896, "loss": 0.22198, "time": 1.60955} +{"mode": "train", "epoch": 41, "iter": 50700, "lr": 0.0, "memory": 65790, "data_time": 0.00713, "decode.loss_ce": 0.15988, "decode.acc_seg": 92.6918, "aux.loss_ce": 0.06812, "aux.acc_seg": 92.36724, "loss": 0.228, "time": 1.61445} +{"mode": "train", "epoch": 41, "iter": 50750, "lr": 0.0, "memory": 65790, "data_time": 0.0073, "decode.loss_ce": 0.17236, "decode.acc_seg": 92.40029, "aux.loss_ce": 0.07232, "aux.acc_seg": 92.11948, "loss": 0.24468, "time": 1.60809} +{"mode": "train", "epoch": 41, "iter": 50800, "lr": 0.0, "memory": 65790, "data_time": 0.0073, "decode.loss_ce": 0.15803, "decode.acc_seg": 92.99558, "aux.loss_ce": 0.06693, "aux.acc_seg": 92.73707, "loss": 0.22496, "time": 1.60744} +{"mode": "train", "epoch": 41, "iter": 50850, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.16167, "decode.acc_seg": 92.57284, "aux.loss_ce": 0.06808, "aux.acc_seg": 92.25734, "loss": 0.22975, "time": 1.60856} +{"mode": "train", "epoch": 41, "iter": 50900, "lr": 0.0, "memory": 65790, "data_time": 0.00713, "decode.loss_ce": 0.1576, "decode.acc_seg": 92.86721, "aux.loss_ce": 0.06647, "aux.acc_seg": 92.60941, "loss": 0.22407, "time": 1.6072} +{"mode": "train", "epoch": 41, "iter": 50950, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.17261, "decode.acc_seg": 92.3137, "aux.loss_ce": 0.07363, "aux.acc_seg": 91.93472, "loss": 0.24624, "time": 1.60664} +{"mode": "train", "epoch": 41, "iter": 51000, "lr": 0.0, "memory": 65790, "data_time": 0.00713, "decode.loss_ce": 0.16321, "decode.acc_seg": 92.64018, "aux.loss_ce": 0.06855, "aux.acc_seg": 92.39624, "loss": 0.23175, "time": 1.61073} +{"mode": "val", "epoch": 41, "iter": 250, "lr": 0.0, "aAcc": 0.8595, "mIoU": 0.5737, "mAcc": 0.7056, "IoU.wall": 0.8211, "IoU.building": 0.8417, "IoU.sky": 0.947, "IoU.floor": 0.8446, "IoU.tree": 0.7757, "IoU.ceiling": 0.8739, "IoU.road": 0.8636, "IoU.bed ": 0.9185, "IoU.windowpane": 0.6699, "IoU.grass": 0.7019, "IoU.cabinet": 0.6546, "IoU.sidewalk": 0.7, "IoU.person": 0.8458, "IoU.earth": 0.4172, "IoU.door": 0.5916, "IoU.table": 0.7006, "IoU.mountain": 0.6433, "IoU.plant": 0.5583, "IoU.curtain": 0.7818, "IoU.chair": 0.6528, "IoU.car": 0.8693, "IoU.water": 0.6019, "IoU.painting": 0.8072, "IoU.sofa": 0.8191, "IoU.shelf": 0.4889, "IoU.house": 0.4938, "IoU.sea": 0.7597, "IoU.mirror": 0.778, "IoU.rug": 0.6148, "IoU.field": 0.3466, "IoU.armchair": 0.6269, "IoU.seat": 0.6784, "IoU.fence": 0.5127, "IoU.desk": 0.5846, "IoU.rock": 0.5614, "IoU.wardrobe": 0.5165, "IoU.lamp": 0.7266, "IoU.bathtub": 0.855, "IoU.railing": 0.4273, "IoU.cushion": 0.6739, "IoU.base": 0.453, "IoU.box": 0.4039, "IoU.column": 0.5606, "IoU.signboard": 0.3969, "IoU.chest of drawers": 0.5056, "IoU.counter": 0.4592, "IoU.sand": 0.4922, "IoU.sink": 0.7823, "IoU.skyscraper": 0.4606, "IoU.fireplace": 0.7347, "IoU.refrigerator": 0.858, "IoU.grandstand": 0.5764, "IoU.path": 0.2663, "IoU.stairs": 0.342, "IoU.runway": 0.6794, "IoU.case": 0.6027, "IoU.pool table": 0.9314, "IoU.pillow": 0.654, "IoU.screen door": 0.8515, "IoU.stairway": 0.4353, "IoU.river": 0.1024, "IoU.bridge": 0.7404, "IoU.bookcase": 0.4097, "IoU.blind": 0.4149, "IoU.coffee table": 0.6748, "IoU.toilet": 0.8975, "IoU.flower": 0.4224, "IoU.book": 0.5246, "IoU.hill": 0.0657, "IoU.bench": 0.5753, "IoU.countertop": 0.6267, "IoU.stove": 0.8608, "IoU.palm": 0.5335, "IoU.kitchen island": 0.5449, "IoU.computer": 0.7832, "IoU.swivel chair": 0.4945, "IoU.boat": 0.8419, "IoU.bar": 0.5758, "IoU.arcade machine": 0.7942, "IoU.hovel": 0.2824, "IoU.bus": 0.9206, "IoU.towel": 0.7511, "IoU.light": 0.555, "IoU.truck": 0.5038, "IoU.tower": 0.2716, "IoU.chandelier": 0.7173, "IoU.awning": 0.3805, "IoU.streetlight": 0.3117, "IoU.booth": 0.5119, "IoU.television receiver": 0.815, "IoU.airplane": 0.8593, "IoU.dirt track": 0.0626, "IoU.apparel": 0.5502, "IoU.pole": 0.2164, "IoU.land": 0.0432, "IoU.bannister": 0.199, "IoU.escalator": 0.6627, "IoU.ottoman": 0.5304, "IoU.bottle": 0.4388, "IoU.buffet": 0.5213, "IoU.poster": 0.3147, "IoU.stage": 0.2161, "IoU.van": 0.5011, "IoU.ship": 0.8647, "IoU.fountain": 0.3958, "IoU.conveyer belt": 0.8083, "IoU.canopy": 0.545, "IoU.washer": 0.8459, "IoU.plaything": 0.3325, "IoU.swimming pool": 0.5323, "IoU.stool": 0.4443, "IoU.barrel": 0.5213, "IoU.basket": 0.4513, "IoU.waterfall": 0.4802, "IoU.tent": 0.9139, "IoU.bag": 0.2655, "IoU.minibike": 0.735, "IoU.cradle": 0.8793, "IoU.oven": 0.5989, "IoU.ball": 0.6335, "IoU.food": 0.5781, "IoU.step": 0.1166, "IoU.tank": 0.6267, "IoU.trade name": 0.2611, "IoU.microwave": 0.9005, "IoU.pot": 0.6006, "IoU.animal": 0.6056, "IoU.bicycle": 0.6095, "IoU.lake": 0.4538, "IoU.dishwasher": 0.7305, "IoU.screen": 0.5991, "IoU.blanket": 0.3185, "IoU.sculpture": 0.6835, "IoU.hood": 0.6261, "IoU.sconce": 0.5874, "IoU.vase": 0.4608, "IoU.traffic light": 0.3814, "IoU.tray": 0.1922, "IoU.ashcan": 0.5121, "IoU.fan": 0.6644, "IoU.pier": 0.3898, "IoU.crt screen": 0.0224, "IoU.plate": 0.6089, "IoU.monitor": 0.4949, "IoU.bulletin board": 0.6165, "IoU.shower": 0.1546, "IoU.radiator": 0.622, "IoU.glass": 0.2123, "IoU.clock": 0.4968, "IoU.flag": 0.6653, "Acc.wall": 0.8939, "Acc.building": 0.9131, "Acc.sky": 0.9715, "Acc.floor": 0.9218, "Acc.tree": 0.8934, "Acc.ceiling": 0.941, "Acc.road": 0.9117, "Acc.bed ": 0.9662, "Acc.windowpane": 0.8405, "Acc.grass": 0.8788, "Acc.cabinet": 0.748, "Acc.sidewalk": 0.841, "Acc.person": 0.9345, "Acc.earth": 0.5492, "Acc.door": 0.7187, "Acc.table": 0.832, "Acc.mountain": 0.7434, "Acc.plant": 0.6808, "Acc.curtain": 0.9006, "Acc.chair": 0.7584, "Acc.car": 0.9328, "Acc.water": 0.7243, "Acc.painting": 0.9042, "Acc.sofa": 0.9038, "Acc.shelf": 0.6635, "Acc.house": 0.7944, "Acc.sea": 0.8394, "Acc.mirror": 0.8665, "Acc.rug": 0.6571, "Acc.field": 0.4974, "Acc.armchair": 0.7976, "Acc.seat": 0.8955, "Acc.fence": 0.6496, "Acc.desk": 0.8017, "Acc.rock": 0.8223, "Acc.wardrobe": 0.7406, "Acc.lamp": 0.8472, "Acc.bathtub": 0.8924, "Acc.railing": 0.5796, "Acc.cushion": 0.8302, "Acc.base": 0.6357, "Acc.box": 0.5204, "Acc.column": 0.7609, "Acc.signboard": 0.534, "Acc.chest of drawers": 0.7629, "Acc.counter": 0.5696, "Acc.sand": 0.8098, "Acc.sink": 0.832, "Acc.skyscraper": 0.6013, "Acc.fireplace": 0.9393, "Acc.refrigerator": 0.9726, "Acc.grandstand": 0.866, "Acc.path": 0.396, "Acc.stairs": 0.4444, "Acc.runway": 0.8741, "Acc.case": 0.8138, "Acc.pool table": 0.9834, "Acc.pillow": 0.7581, "Acc.screen door": 0.9225, "Acc.stairway": 0.641, "Acc.river": 0.284, "Acc.bridge": 0.8901, "Acc.bookcase": 0.5605, "Acc.blind": 0.4709, "Acc.coffee table": 0.8642, "Acc.toilet": 0.9441, "Acc.flower": 0.6027, "Acc.book": 0.7547, "Acc.hill": 0.1391, "Acc.bench": 0.6767, "Acc.countertop": 0.8708, "Acc.stove": 0.915, "Acc.palm": 0.8119, "Acc.kitchen island": 0.8718, "Acc.computer": 0.9165, "Acc.swivel chair": 0.8205, "Acc.boat": 0.8972, "Acc.bar": 0.8379, "Acc.arcade machine": 0.8376, "Acc.hovel": 0.3278, "Acc.bus": 0.9727, "Acc.towel": 0.8588, "Acc.light": 0.6462, "Acc.truck": 0.6431, "Acc.tower": 0.4977, "Acc.chandelier": 0.8773, "Acc.awning": 0.4948, "Acc.streetlight": 0.4245, "Acc.booth": 0.654, "Acc.television receiver": 0.9029, "Acc.airplane": 0.9248, "Acc.dirt track": 0.1944, "Acc.apparel": 0.7554, "Acc.pole": 0.3446, "Acc.land": 0.0588, "Acc.bannister": 0.275, "Acc.escalator": 0.8645, "Acc.ottoman": 0.673, "Acc.bottle": 0.7119, "Acc.buffet": 0.6237, "Acc.poster": 0.3949, "Acc.stage": 0.4577, "Acc.van": 0.6898, "Acc.ship": 0.8904, "Acc.fountain": 0.4061, "Acc.conveyer belt": 0.9504, "Acc.canopy": 0.6976, "Acc.washer": 0.9134, "Acc.plaything": 0.4704, "Acc.swimming pool": 0.7717, "Acc.stool": 0.7029, "Acc.barrel": 0.724, "Acc.basket": 0.5856, "Acc.waterfall": 0.6929, "Acc.tent": 0.9829, "Acc.bag": 0.3071, "Acc.minibike": 0.8946, "Acc.cradle": 0.9769, "Acc.oven": 0.7199, "Acc.ball": 0.7313, "Acc.food": 0.6979, "Acc.step": 0.1633, "Acc.tank": 0.6589, "Acc.trade name": 0.3114, "Acc.microwave": 0.9596, "Acc.pot": 0.6799, "Acc.animal": 0.6257, "Acc.bicycle": 0.7461, "Acc.lake": 0.6362, "Acc.dishwasher": 0.8005, "Acc.screen": 0.9639, "Acc.blanket": 0.3593, "Acc.sculpture": 0.8728, "Acc.hood": 0.7369, "Acc.sconce": 0.6999, "Acc.vase": 0.6523, "Acc.traffic light": 0.631, "Acc.tray": 0.2278, "Acc.ashcan": 0.6345, "Acc.fan": 0.8004, "Acc.pier": 0.4501, "Acc.crt screen": 0.0365, "Acc.plate": 0.7855, "Acc.monitor": 0.5826, "Acc.bulletin board": 0.8302, "Acc.shower": 0.1589, "Acc.radiator": 0.7657, "Acc.glass": 0.2297, "Acc.clock": 0.6122, "Acc.flag": 0.7638} +{"mode": "train", "epoch": 41, "iter": 51050, "lr": 0.0, "memory": 65790, "data_time": 1.66816, "decode.loss_ce": 0.16454, "decode.acc_seg": 92.94833, "aux.loss_ce": 0.06989, "aux.acc_seg": 92.63584, "loss": 0.23442, "time": 3.27259} +{"mode": "train", "epoch": 41, "iter": 51100, "lr": 0.0, "memory": 65790, "data_time": 0.00734, "decode.loss_ce": 0.16048, "decode.acc_seg": 92.65272, "aux.loss_ce": 0.06767, "aux.acc_seg": 92.48305, "loss": 0.22815, "time": 1.60828} +{"mode": "train", "epoch": 41, "iter": 51150, "lr": 0.0, "memory": 65790, "data_time": 0.00708, "decode.loss_ce": 0.16775, "decode.acc_seg": 92.74447, "aux.loss_ce": 0.07122, "aux.acc_seg": 92.42972, "loss": 0.23897, "time": 1.60792} +{"mode": "train", "epoch": 41, "iter": 51200, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.149, "decode.acc_seg": 93.45319, "aux.loss_ce": 0.06263, "aux.acc_seg": 93.22454, "loss": 0.21163, "time": 1.60866} +{"mode": "train", "epoch": 41, "iter": 51250, "lr": 0.0, "memory": 65790, "data_time": 0.00704, "decode.loss_ce": 0.15292, "decode.acc_seg": 93.22577, "aux.loss_ce": 0.06514, "aux.acc_seg": 92.94365, "loss": 0.21806, "time": 1.61079} +{"mode": "train", "epoch": 41, "iter": 51300, "lr": 0.0, "memory": 65790, "data_time": 0.00704, "decode.loss_ce": 0.15906, "decode.acc_seg": 92.91669, "aux.loss_ce": 0.06741, "aux.acc_seg": 92.61943, "loss": 0.22646, "time": 1.60837} +{"mode": "train", "epoch": 41, "iter": 51350, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.15926, "decode.acc_seg": 93.00999, "aux.loss_ce": 0.06713, "aux.acc_seg": 92.7502, "loss": 0.22639, "time": 1.60856} +{"mode": "train", "epoch": 41, "iter": 51400, "lr": 0.0, "memory": 65790, "data_time": 0.00703, "decode.loss_ce": 0.16466, "decode.acc_seg": 92.85699, "aux.loss_ce": 0.06917, "aux.acc_seg": 92.54936, "loss": 0.23383, "time": 1.61061} +{"mode": "train", "epoch": 41, "iter": 51450, "lr": 0.0, "memory": 65790, "data_time": 0.00707, "decode.loss_ce": 0.15982, "decode.acc_seg": 92.97493, "aux.loss_ce": 0.06733, "aux.acc_seg": 92.72245, "loss": 0.22715, "time": 1.60801} +{"mode": "train", "epoch": 41, "iter": 51500, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.15361, "decode.acc_seg": 93.36402, "aux.loss_ce": 0.06483, "aux.acc_seg": 93.13217, "loss": 0.21844, "time": 1.60801} +{"mode": "train", "epoch": 41, "iter": 51550, "lr": 0.0, "memory": 65790, "data_time": 0.00721, "decode.loss_ce": 0.15563, "decode.acc_seg": 93.05135, "aux.loss_ce": 0.06545, "aux.acc_seg": 92.84503, "loss": 0.22108, "time": 1.60798} +{"mode": "train", "epoch": 41, "iter": 51600, "lr": 0.0, "memory": 65790, "data_time": 0.00708, "decode.loss_ce": 0.15693, "decode.acc_seg": 93.04214, "aux.loss_ce": 0.06675, "aux.acc_seg": 92.71747, "loss": 0.22368, "time": 1.60999} +{"mode": "train", "epoch": 41, "iter": 51650, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.15099, "decode.acc_seg": 93.16723, "aux.loss_ce": 0.06409, "aux.acc_seg": 92.8376, "loss": 0.21508, "time": 1.6079} +{"mode": "train", "epoch": 41, "iter": 51700, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.16045, "decode.acc_seg": 92.81719, "aux.loss_ce": 0.06734, "aux.acc_seg": 92.61798, "loss": 0.22779, "time": 1.60989} +{"mode": "train", "epoch": 41, "iter": 51750, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.16353, "decode.acc_seg": 92.81808, "aux.loss_ce": 0.06941, "aux.acc_seg": 92.51361, "loss": 0.23294, "time": 1.60792} +{"mode": "train", "epoch": 42, "iter": 51800, "lr": 0.0, "memory": 65790, "data_time": 0.06144, "decode.loss_ce": 0.17685, "decode.acc_seg": 92.42937, "aux.loss_ce": 0.07413, "aux.acc_seg": 92.12069, "loss": 0.25098, "time": 1.66392} +{"mode": "train", "epoch": 42, "iter": 51850, "lr": 0.0, "memory": 65790, "data_time": 0.00728, "decode.loss_ce": 0.15801, "decode.acc_seg": 93.06046, "aux.loss_ce": 0.06644, "aux.acc_seg": 92.85221, "loss": 0.22445, "time": 1.60849} +{"mode": "train", "epoch": 42, "iter": 51900, "lr": 0.0, "memory": 65790, "data_time": 0.00705, "decode.loss_ce": 0.15455, "decode.acc_seg": 93.27032, "aux.loss_ce": 0.06519, "aux.acc_seg": 92.96145, "loss": 0.21974, "time": 1.6114} +{"mode": "train", "epoch": 42, "iter": 51950, "lr": 0.0, "memory": 65790, "data_time": 0.00713, "decode.loss_ce": 0.15839, "decode.acc_seg": 92.67052, "aux.loss_ce": 0.06707, "aux.acc_seg": 92.3428, "loss": 0.22546, "time": 1.60854} +{"mode": "train", "epoch": 42, "iter": 52000, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.14974, "decode.acc_seg": 93.12432, "aux.loss_ce": 0.06413, "aux.acc_seg": 92.82242, "loss": 0.21386, "time": 3.05222} +{"mode": "val", "epoch": 42, "iter": 250, "lr": 0.0, "aAcc": 0.8603, "mIoU": 0.5761, "mAcc": 0.702, "IoU.wall": 0.8211, "IoU.building": 0.8456, "IoU.sky": 0.9486, "IoU.floor": 0.8427, "IoU.tree": 0.7662, "IoU.ceiling": 0.8755, "IoU.road": 0.8579, "IoU.bed ": 0.9174, "IoU.windowpane": 0.6744, "IoU.grass": 0.6827, "IoU.cabinet": 0.6583, "IoU.sidewalk": 0.7082, "IoU.person": 0.8451, "IoU.earth": 0.4177, "IoU.door": 0.6051, "IoU.table": 0.7019, "IoU.mountain": 0.6285, "IoU.plant": 0.5237, "IoU.curtain": 0.7715, "IoU.chair": 0.6539, "IoU.car": 0.8714, "IoU.water": 0.6558, "IoU.painting": 0.7868, "IoU.sofa": 0.8052, "IoU.shelf": 0.461, "IoU.house": 0.4776, "IoU.sea": 0.8063, "IoU.mirror": 0.7718, "IoU.rug": 0.66, "IoU.field": 0.3332, "IoU.armchair": 0.6348, "IoU.seat": 0.6515, "IoU.fence": 0.5249, "IoU.desk": 0.6067, "IoU.rock": 0.5361, "IoU.wardrobe": 0.5211, "IoU.lamp": 0.7241, "IoU.bathtub": 0.8366, "IoU.railing": 0.44, "IoU.cushion": 0.6758, "IoU.base": 0.4311, "IoU.box": 0.4007, "IoU.column": 0.572, "IoU.signboard": 0.3992, "IoU.chest of drawers": 0.4279, "IoU.counter": 0.469, "IoU.sand": 0.5396, "IoU.sink": 0.7745, "IoU.skyscraper": 0.4495, "IoU.fireplace": 0.7425, "IoU.refrigerator": 0.8695, "IoU.grandstand": 0.5155, "IoU.path": 0.2718, "IoU.stairs": 0.351, "IoU.runway": 0.6773, "IoU.case": 0.6075, "IoU.pool table": 0.9433, "IoU.pillow": 0.6187, "IoU.screen door": 0.8266, "IoU.stairway": 0.5421, "IoU.river": 0.1582, "IoU.bridge": 0.7353, "IoU.bookcase": 0.3739, "IoU.blind": 0.4212, "IoU.coffee table": 0.6627, "IoU.toilet": 0.9002, "IoU.flower": 0.415, "IoU.book": 0.5115, "IoU.hill": 0.0836, "IoU.bench": 0.5826, "IoU.countertop": 0.6611, "IoU.stove": 0.8477, "IoU.palm": 0.5411, "IoU.kitchen island": 0.5717, "IoU.computer": 0.7904, "IoU.swivel chair": 0.4918, "IoU.boat": 0.7975, "IoU.bar": 0.6168, "IoU.arcade machine": 0.8271, "IoU.hovel": 0.288, "IoU.bus": 0.9231, "IoU.towel": 0.7206, "IoU.light": 0.5273, "IoU.truck": 0.502, "IoU.tower": 0.2936, "IoU.chandelier": 0.7189, "IoU.awning": 0.3781, "IoU.streetlight": 0.3106, "IoU.booth": 0.4843, "IoU.television receiver": 0.7997, "IoU.airplane": 0.864, "IoU.dirt track": 0.0474, "IoU.apparel": 0.5642, "IoU.pole": 0.2405, "IoU.land": 0.0282, "IoU.bannister": 0.1974, "IoU.escalator": 0.658, "IoU.ottoman": 0.5452, "IoU.bottle": 0.4295, "IoU.buffet": 0.3357, "IoU.poster": 0.3223, "IoU.stage": 0.2758, "IoU.van": 0.5349, "IoU.ship": 0.8937, "IoU.fountain": 0.3696, "IoU.conveyer belt": 0.8154, "IoU.canopy": 0.5464, "IoU.washer": 0.8536, "IoU.plaything": 0.3394, "IoU.swimming pool": 0.5354, "IoU.stool": 0.4409, "IoU.barrel": 0.6136, "IoU.basket": 0.4556, "IoU.waterfall": 0.5505, "IoU.tent": 0.9225, "IoU.bag": 0.259, "IoU.minibike": 0.7355, "IoU.cradle": 0.854, "IoU.oven": 0.6052, "IoU.ball": 0.6075, "IoU.food": 0.5943, "IoU.step": 0.1313, "IoU.tank": 0.588, "IoU.trade name": 0.2661, "IoU.microwave": 0.8925, "IoU.pot": 0.5994, "IoU.animal": 0.5888, "IoU.bicycle": 0.6054, "IoU.lake": 0.5339, "IoU.dishwasher": 0.7077, "IoU.screen": 0.5526, "IoU.blanket": 0.3519, "IoU.sculpture": 0.7383, "IoU.hood": 0.6328, "IoU.sconce": 0.5655, "IoU.vase": 0.4901, "IoU.traffic light": 0.378, "IoU.tray": 0.2214, "IoU.ashcan": 0.5188, "IoU.fan": 0.6625, "IoU.pier": 0.4128, "IoU.crt screen": 0.0266, "IoU.plate": 0.617, "IoU.monitor": 0.6301, "IoU.bulletin board": 0.5916, "IoU.shower": 0.1562, "IoU.radiator": 0.6531, "IoU.glass": 0.1872, "IoU.clock": 0.4931, "IoU.flag": 0.6921, "Acc.wall": 0.8975, "Acc.building": 0.9269, "Acc.sky": 0.9732, "Acc.floor": 0.9136, "Acc.tree": 0.8966, "Acc.ceiling": 0.9424, "Acc.road": 0.9104, "Acc.bed ": 0.9678, "Acc.windowpane": 0.8216, "Acc.grass": 0.8645, "Acc.cabinet": 0.7694, "Acc.sidewalk": 0.8357, "Acc.person": 0.9362, "Acc.earth": 0.5587, "Acc.door": 0.7625, "Acc.table": 0.8274, "Acc.mountain": 0.7221, "Acc.plant": 0.6267, "Acc.curtain": 0.8948, "Acc.chair": 0.7586, "Acc.car": 0.9321, "Acc.water": 0.813, "Acc.painting": 0.9047, "Acc.sofa": 0.8839, "Acc.shelf": 0.6158, "Acc.house": 0.6324, "Acc.sea": 0.8836, "Acc.mirror": 0.858, "Acc.rug": 0.7961, "Acc.field": 0.5065, "Acc.armchair": 0.8128, "Acc.seat": 0.8928, "Acc.fence": 0.6689, "Acc.desk": 0.7905, "Acc.rock": 0.8173, "Acc.wardrobe": 0.7231, "Acc.lamp": 0.8308, "Acc.bathtub": 0.879, "Acc.railing": 0.6182, "Acc.cushion": 0.8382, "Acc.base": 0.6214, "Acc.box": 0.5286, "Acc.column": 0.703, "Acc.signboard": 0.5519, "Acc.chest of drawers": 0.592, "Acc.counter": 0.5379, "Acc.sand": 0.8841, "Acc.sink": 0.824, "Acc.skyscraper": 0.5964, "Acc.fireplace": 0.9152, "Acc.refrigerator": 0.9674, "Acc.grandstand": 0.8552, "Acc.path": 0.3417, "Acc.stairs": 0.4199, "Acc.runway": 0.8714, "Acc.case": 0.8237, "Acc.pool table": 0.9784, "Acc.pillow": 0.7054, "Acc.screen door": 0.8524, "Acc.stairway": 0.7106, "Acc.river": 0.2705, "Acc.bridge": 0.8854, "Acc.bookcase": 0.5325, "Acc.blind": 0.5141, "Acc.coffee table": 0.8538, "Acc.toilet": 0.9452, "Acc.flower": 0.5698, "Acc.book": 0.8106, "Acc.hill": 0.1397, "Acc.bench": 0.665, "Acc.countertop": 0.8405, "Acc.stove": 0.911, "Acc.palm": 0.8156, "Acc.kitchen island": 0.9015, "Acc.computer": 0.908, "Acc.swivel chair": 0.7555, "Acc.boat": 0.9121, "Acc.bar": 0.898, "Acc.arcade machine": 0.8811, "Acc.hovel": 0.3276, "Acc.bus": 0.9705, "Acc.towel": 0.794, "Acc.light": 0.594, "Acc.truck": 0.6407, "Acc.tower": 0.5373, "Acc.chandelier": 0.822, "Acc.awning": 0.4898, "Acc.streetlight": 0.4112, "Acc.booth": 0.5701, "Acc.television receiver": 0.8851, "Acc.airplane": 0.9351, "Acc.dirt track": 0.1946, "Acc.apparel": 0.8014, "Acc.pole": 0.3755, "Acc.land": 0.0391, "Acc.bannister": 0.2405, "Acc.escalator": 0.8649, "Acc.ottoman": 0.6832, "Acc.bottle": 0.7063, "Acc.buffet": 0.3691, "Acc.poster": 0.3931, "Acc.stage": 0.4596, "Acc.van": 0.7538, "Acc.ship": 0.9626, "Acc.fountain": 0.3766, "Acc.conveyer belt": 0.9614, "Acc.canopy": 0.6795, "Acc.washer": 0.912, "Acc.plaything": 0.4552, "Acc.swimming pool": 0.7773, "Acc.stool": 0.6839, "Acc.barrel": 0.8717, "Acc.basket": 0.5901, "Acc.waterfall": 0.7013, "Acc.tent": 0.9816, "Acc.bag": 0.2893, "Acc.minibike": 0.8989, "Acc.cradle": 0.9813, "Acc.oven": 0.7006, "Acc.ball": 0.6594, "Acc.food": 0.6678, "Acc.step": 0.1583, "Acc.tank": 0.6794, "Acc.trade name": 0.3221, "Acc.microwave": 0.9595, "Acc.pot": 0.681, "Acc.animal": 0.602, "Acc.bicycle": 0.76, "Acc.lake": 0.6368, "Acc.dishwasher": 0.8179, "Acc.screen": 0.8774, "Acc.blanket": 0.4123, "Acc.sculpture": 0.8661, "Acc.hood": 0.7181, "Acc.sconce": 0.6464, "Acc.vase": 0.6064, "Acc.traffic light": 0.6235, "Acc.tray": 0.2851, "Acc.ashcan": 0.6907, "Acc.fan": 0.8164, "Acc.pier": 0.467, "Acc.crt screen": 0.0381, "Acc.plate": 0.7732, "Acc.monitor": 0.7656, "Acc.bulletin board": 0.766, "Acc.shower": 0.1607, "Acc.radiator": 0.8168, "Acc.glass": 0.1967, "Acc.clock": 0.6013, "Acc.flag": 0.7502} +{"mode": "train", "epoch": 42, "iter": 52050, "lr": 0.0, "memory": 65790, "data_time": 1.66672, "decode.loss_ce": 0.16361, "decode.acc_seg": 92.78052, "aux.loss_ce": 0.06942, "aux.acc_seg": 92.43611, "loss": 0.23303, "time": 3.26699} +{"mode": "train", "epoch": 42, "iter": 52100, "lr": 0.0, "memory": 65790, "data_time": 0.00727, "decode.loss_ce": 0.15856, "decode.acc_seg": 92.99113, "aux.loss_ce": 0.06694, "aux.acc_seg": 92.74029, "loss": 0.2255, "time": 1.60734} +{"mode": "train", "epoch": 42, "iter": 52150, "lr": 0.0, "memory": 65790, "data_time": 0.00728, "decode.loss_ce": 0.15622, "decode.acc_seg": 93.006, "aux.loss_ce": 0.06672, "aux.acc_seg": 92.65228, "loss": 0.22294, "time": 1.60691} +{"mode": "train", "epoch": 42, "iter": 52200, "lr": 0.0, "memory": 65790, "data_time": 0.00729, "decode.loss_ce": 0.15863, "decode.acc_seg": 92.90793, "aux.loss_ce": 0.06743, "aux.acc_seg": 92.55543, "loss": 0.22606, "time": 1.61057} +{"mode": "train", "epoch": 42, "iter": 52250, "lr": 0.0, "memory": 65790, "data_time": 0.00709, "decode.loss_ce": 0.16169, "decode.acc_seg": 92.8549, "aux.loss_ce": 0.0685, "aux.acc_seg": 92.45313, "loss": 0.23019, "time": 1.60912} +{"mode": "train", "epoch": 42, "iter": 52300, "lr": 0.0, "memory": 65790, "data_time": 0.00744, "decode.loss_ce": 0.15045, "decode.acc_seg": 93.36501, "aux.loss_ce": 0.06377, "aux.acc_seg": 93.03164, "loss": 0.21422, "time": 1.60803} +{"mode": "train", "epoch": 42, "iter": 52350, "lr": 0.0, "memory": 65790, "data_time": 0.00697, "decode.loss_ce": 0.16163, "decode.acc_seg": 92.89738, "aux.loss_ce": 0.06904, "aux.acc_seg": 92.55922, "loss": 0.23068, "time": 1.60856} +{"mode": "train", "epoch": 42, "iter": 52400, "lr": 0.0, "memory": 65790, "data_time": 0.0075, "decode.loss_ce": 0.15537, "decode.acc_seg": 93.08582, "aux.loss_ce": 0.06538, "aux.acc_seg": 92.8386, "loss": 0.22075, "time": 1.60779} +{"mode": "train", "epoch": 42, "iter": 52450, "lr": 0.0, "memory": 65790, "data_time": 0.00733, "decode.loss_ce": 0.15188, "decode.acc_seg": 93.17059, "aux.loss_ce": 0.06457, "aux.acc_seg": 92.87332, "loss": 0.21646, "time": 1.60803} +{"mode": "train", "epoch": 42, "iter": 52500, "lr": 0.0, "memory": 65790, "data_time": 0.00751, "decode.loss_ce": 0.15791, "decode.acc_seg": 93.0255, "aux.loss_ce": 0.06699, "aux.acc_seg": 92.74174, "loss": 0.22491, "time": 1.61112} +{"mode": "train", "epoch": 42, "iter": 52550, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.16186, "decode.acc_seg": 92.93217, "aux.loss_ce": 0.06832, "aux.acc_seg": 92.61143, "loss": 0.23018, "time": 1.6108} +{"mode": "train", "epoch": 42, "iter": 52600, "lr": 0.0, "memory": 65790, "data_time": 0.20141, "decode.loss_ce": 0.15671, "decode.acc_seg": 92.99517, "aux.loss_ce": 0.066, "aux.acc_seg": 92.70768, "loss": 0.22271, "time": 1.80925} +{"mode": "train", "epoch": 42, "iter": 52650, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.16086, "decode.acc_seg": 92.81077, "aux.loss_ce": 0.06829, "aux.acc_seg": 92.47205, "loss": 0.22915, "time": 1.60875} +{"mode": "train", "epoch": 42, "iter": 52700, "lr": 0.0, "memory": 65790, "data_time": 0.00721, "decode.loss_ce": 0.16526, "decode.acc_seg": 92.77381, "aux.loss_ce": 0.07017, "aux.acc_seg": 92.45713, "loss": 0.23542, "time": 1.61013} +{"mode": "train", "epoch": 42, "iter": 52750, "lr": 0.0, "memory": 65790, "data_time": 0.00708, "decode.loss_ce": 0.15374, "decode.acc_seg": 93.07, "aux.loss_ce": 0.06472, "aux.acc_seg": 92.83319, "loss": 0.21846, "time": 1.60657} +{"mode": "train", "epoch": 42, "iter": 52800, "lr": 0.0, "memory": 65790, "data_time": 0.00705, "decode.loss_ce": 0.15504, "decode.acc_seg": 93.15902, "aux.loss_ce": 0.06564, "aux.acc_seg": 92.86795, "loss": 0.22068, "time": 1.60759} +{"mode": "train", "epoch": 42, "iter": 52850, "lr": 0.0, "memory": 65790, "data_time": 0.00702, "decode.loss_ce": 0.15587, "decode.acc_seg": 92.83145, "aux.loss_ce": 0.06631, "aux.acc_seg": 92.45721, "loss": 0.22217, "time": 1.6093} +{"mode": "train", "epoch": 42, "iter": 52900, "lr": 0.0, "memory": 65790, "data_time": 0.00706, "decode.loss_ce": 0.16098, "decode.acc_seg": 92.82261, "aux.loss_ce": 0.06766, "aux.acc_seg": 92.53229, "loss": 0.22864, "time": 1.6163} +{"mode": "train", "epoch": 42, "iter": 52950, "lr": 0.0, "memory": 65790, "data_time": 0.00712, "decode.loss_ce": 0.14731, "decode.acc_seg": 93.27531, "aux.loss_ce": 0.06269, "aux.acc_seg": 92.99113, "loss": 0.21, "time": 1.60961} +{"mode": "train", "epoch": 42, "iter": 53000, "lr": 0.0, "memory": 65790, "data_time": 0.00732, "decode.loss_ce": 0.15234, "decode.acc_seg": 93.2155, "aux.loss_ce": 0.06515, "aux.acc_seg": 92.90959, "loss": 0.21749, "time": 1.61} +{"mode": "val", "epoch": 42, "iter": 250, "lr": 0.0, "aAcc": 0.8613, "mIoU": 0.5767, "mAcc": 0.7041, "IoU.wall": 0.8207, "IoU.building": 0.8416, "IoU.sky": 0.9468, "IoU.floor": 0.8431, "IoU.tree": 0.7692, "IoU.ceiling": 0.8773, "IoU.road": 0.862, "IoU.bed ": 0.9206, "IoU.windowpane": 0.6695, "IoU.grass": 0.6875, "IoU.cabinet": 0.6628, "IoU.sidewalk": 0.713, "IoU.person": 0.8478, "IoU.earth": 0.43, "IoU.door": 0.6085, "IoU.table": 0.6887, "IoU.mountain": 0.6246, "IoU.plant": 0.5389, "IoU.curtain": 0.7823, "IoU.chair": 0.6604, "IoU.car": 0.8697, "IoU.water": 0.6535, "IoU.painting": 0.7778, "IoU.sofa": 0.8213, "IoU.shelf": 0.4793, "IoU.house": 0.3787, "IoU.sea": 0.7505, "IoU.mirror": 0.7762, "IoU.rug": 0.6821, "IoU.field": 0.3183, "IoU.armchair": 0.6449, "IoU.seat": 0.7021, "IoU.fence": 0.5075, "IoU.desk": 0.6086, "IoU.rock": 0.5925, "IoU.wardrobe": 0.514, "IoU.lamp": 0.7308, "IoU.bathtub": 0.8397, "IoU.railing": 0.4445, "IoU.cushion": 0.6764, "IoU.base": 0.4269, "IoU.box": 0.3827, "IoU.column": 0.5653, "IoU.signboard": 0.3931, "IoU.chest of drawers": 0.4644, "IoU.counter": 0.5016, "IoU.sand": 0.566, "IoU.sink": 0.7919, "IoU.skyscraper": 0.473, "IoU.fireplace": 0.7461, "IoU.refrigerator": 0.8712, "IoU.grandstand": 0.5589, "IoU.path": 0.2465, "IoU.stairs": 0.3209, "IoU.runway": 0.7353, "IoU.case": 0.6368, "IoU.pool table": 0.9414, "IoU.pillow": 0.6682, "IoU.screen door": 0.8389, "IoU.stairway": 0.468, "IoU.river": 0.1446, "IoU.bridge": 0.7458, "IoU.bookcase": 0.446, "IoU.blind": 0.4453, "IoU.coffee table": 0.587, "IoU.toilet": 0.8993, "IoU.flower": 0.4465, "IoU.book": 0.5166, "IoU.hill": 0.1349, "IoU.bench": 0.645, "IoU.countertop": 0.6536, "IoU.stove": 0.8561, "IoU.palm": 0.5401, "IoU.kitchen island": 0.554, "IoU.computer": 0.7904, "IoU.swivel chair": 0.4736, "IoU.boat": 0.8077, "IoU.bar": 0.6158, "IoU.arcade machine": 0.897, "IoU.hovel": 0.3243, "IoU.bus": 0.9148, "IoU.towel": 0.7383, "IoU.light": 0.5397, "IoU.truck": 0.4882, "IoU.tower": 0.0896, "IoU.chandelier": 0.725, "IoU.awning": 0.3453, "IoU.streetlight": 0.3012, "IoU.booth": 0.5509, "IoU.television receiver": 0.8178, "IoU.airplane": 0.8397, "IoU.dirt track": 0.0856, "IoU.apparel": 0.5926, "IoU.pole": 0.2399, "IoU.land": 0.0335, "IoU.bannister": 0.1903, "IoU.escalator": 0.6651, "IoU.ottoman": 0.5124, "IoU.bottle": 0.4515, "IoU.buffet": 0.6214, "IoU.poster": 0.313, "IoU.stage": 0.226, "IoU.van": 0.5137, "IoU.ship": 0.9117, "IoU.fountain": 0.394, "IoU.conveyer belt": 0.8029, "IoU.canopy": 0.5383, "IoU.washer": 0.853, "IoU.plaything": 0.3437, "IoU.swimming pool": 0.5302, "IoU.stool": 0.4567, "IoU.barrel": 0.3315, "IoU.basket": 0.4428, "IoU.waterfall": 0.566, "IoU.tent": 0.9159, "IoU.bag": 0.2698, "IoU.minibike": 0.741, "IoU.cradle": 0.8617, "IoU.oven": 0.5374, "IoU.ball": 0.3287, "IoU.food": 0.648, "IoU.step": 0.1268, "IoU.tank": 0.596, "IoU.trade name": 0.232, "IoU.microwave": 0.8814, "IoU.pot": 0.6067, "IoU.animal": 0.6374, "IoU.bicycle": 0.628, "IoU.lake": 0.5338, "IoU.dishwasher": 0.7001, "IoU.screen": 0.5796, "IoU.blanket": 0.2664, "IoU.sculpture": 0.7032, "IoU.hood": 0.6171, "IoU.sconce": 0.5743, "IoU.vase": 0.4785, "IoU.traffic light": 0.3871, "IoU.tray": 0.2572, "IoU.ashcan": 0.5381, "IoU.fan": 0.6731, "IoU.pier": 0.385, "IoU.crt screen": 0.0249, "IoU.plate": 0.611, "IoU.monitor": 0.6215, "IoU.bulletin board": 0.6037, "IoU.shower": 0.2125, "IoU.radiator": 0.6476, "IoU.glass": 0.2175, "IoU.clock": 0.5265, "IoU.flag": 0.688, "Acc.wall": 0.8968, "Acc.building": 0.9351, "Acc.sky": 0.9778, "Acc.floor": 0.9133, "Acc.tree": 0.8938, "Acc.ceiling": 0.9487, "Acc.road": 0.9016, "Acc.bed ": 0.9614, "Acc.windowpane": 0.8165, "Acc.grass": 0.8395, "Acc.cabinet": 0.7521, "Acc.sidewalk": 0.8651, "Acc.person": 0.9311, "Acc.earth": 0.5929, "Acc.door": 0.7462, "Acc.table": 0.789, "Acc.mountain": 0.7315, "Acc.plant": 0.6499, "Acc.curtain": 0.8902, "Acc.chair": 0.7728, "Acc.car": 0.9419, "Acc.water": 0.803, "Acc.painting": 0.9022, "Acc.sofa": 0.9055, "Acc.shelf": 0.6579, "Acc.house": 0.4469, "Acc.sea": 0.8419, "Acc.mirror": 0.8611, "Acc.rug": 0.8484, "Acc.field": 0.4186, "Acc.armchair": 0.8272, "Acc.seat": 0.883, "Acc.fence": 0.6359, "Acc.desk": 0.7722, "Acc.rock": 0.7992, "Acc.wardrobe": 0.7463, "Acc.lamp": 0.8409, "Acc.bathtub": 0.8802, "Acc.railing": 0.6091, "Acc.cushion": 0.8443, "Acc.base": 0.5897, "Acc.box": 0.4936, "Acc.column": 0.7269, "Acc.signboard": 0.5427, "Acc.chest of drawers": 0.748, "Acc.counter": 0.5871, "Acc.sand": 0.7835, "Acc.sink": 0.8481, "Acc.skyscraper": 0.6326, "Acc.fireplace": 0.9337, "Acc.refrigerator": 0.961, "Acc.grandstand": 0.8581, "Acc.path": 0.3793, "Acc.stairs": 0.3826, "Acc.runway": 0.9673, "Acc.case": 0.8022, "Acc.pool table": 0.9787, "Acc.pillow": 0.7765, "Acc.screen door": 0.9337, "Acc.stairway": 0.6562, "Acc.river": 0.2828, "Acc.bridge": 0.892, "Acc.bookcase": 0.6758, "Acc.blind": 0.5321, "Acc.coffee table": 0.8839, "Acc.toilet": 0.9341, "Acc.flower": 0.6485, "Acc.book": 0.7225, "Acc.hill": 0.2766, "Acc.bench": 0.7476, "Acc.countertop": 0.8423, "Acc.stove": 0.9164, "Acc.palm": 0.7702, "Acc.kitchen island": 0.7811, "Acc.computer": 0.9009, "Acc.swivel chair": 0.7035, "Acc.boat": 0.9082, "Acc.bar": 0.8826, "Acc.arcade machine": 0.9475, "Acc.hovel": 0.3576, "Acc.bus": 0.975, "Acc.towel": 0.8399, "Acc.light": 0.6169, "Acc.truck": 0.6634, "Acc.tower": 0.1467, "Acc.chandelier": 0.8556, "Acc.awning": 0.4515, "Acc.streetlight": 0.403, "Acc.booth": 0.6684, "Acc.television receiver": 0.8819, "Acc.airplane": 0.917, "Acc.dirt track": 0.1334, "Acc.apparel": 0.8166, "Acc.pole": 0.3468, "Acc.land": 0.0452, "Acc.bannister": 0.2277, "Acc.escalator": 0.8475, "Acc.ottoman": 0.7303, "Acc.bottle": 0.7151, "Acc.buffet": 0.7187, "Acc.poster": 0.3944, "Acc.stage": 0.4719, "Acc.van": 0.6822, "Acc.ship": 0.9612, "Acc.fountain": 0.4038, "Acc.conveyer belt": 0.9594, "Acc.canopy": 0.6985, "Acc.washer": 0.9097, "Acc.plaything": 0.4597, "Acc.swimming pool": 0.775, "Acc.stool": 0.678, "Acc.barrel": 0.7029, "Acc.basket": 0.5986, "Acc.waterfall": 0.702, "Acc.tent": 0.9855, "Acc.bag": 0.3165, "Acc.minibike": 0.8854, "Acc.cradle": 0.9752, "Acc.oven": 0.6827, "Acc.ball": 0.3364, "Acc.food": 0.8002, "Acc.step": 0.1519, "Acc.tank": 0.6956, "Acc.trade name": 0.2694, "Acc.microwave": 0.9664, "Acc.pot": 0.7011, "Acc.animal": 0.6544, "Acc.bicycle": 0.8421, "Acc.lake": 0.636, "Acc.dishwasher": 0.83, "Acc.screen": 0.8966, "Acc.blanket": 0.2959, "Acc.sculpture": 0.8353, "Acc.hood": 0.7423, "Acc.sconce": 0.6756, "Acc.vase": 0.6439, "Acc.traffic light": 0.5984, "Acc.tray": 0.3343, "Acc.ashcan": 0.6595, "Acc.fan": 0.8247, "Acc.pier": 0.4728, "Acc.crt screen": 0.0371, "Acc.plate": 0.8319, "Acc.monitor": 0.717, "Acc.bulletin board": 0.7743, "Acc.shower": 0.2277, "Acc.radiator": 0.7914, "Acc.glass": 0.2366, "Acc.clock": 0.6287, "Acc.flag": 0.8011} +{"mode": "train", "epoch": 43, "iter": 53050, "lr": 0.0, "memory": 65790, "data_time": 1.75194, "decode.loss_ce": 0.15359, "decode.acc_seg": 93.20197, "aux.loss_ce": 0.06556, "aux.acc_seg": 92.8571, "loss": 0.21915, "time": 3.3572} +{"mode": "train", "epoch": 43, "iter": 53100, "lr": 0.0, "memory": 65790, "data_time": 0.00732, "decode.loss_ce": 0.15127, "decode.acc_seg": 93.29199, "aux.loss_ce": 0.06409, "aux.acc_seg": 92.99251, "loss": 0.21535, "time": 1.60954} +{"mode": "train", "epoch": 43, "iter": 53150, "lr": 0.0, "memory": 65790, "data_time": 0.00737, "decode.loss_ce": 0.15219, "decode.acc_seg": 93.33007, "aux.loss_ce": 0.06495, "aux.acc_seg": 93.02449, "loss": 0.21714, "time": 1.60824} +{"mode": "train", "epoch": 43, "iter": 53200, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.15167, "decode.acc_seg": 93.22078, "aux.loss_ce": 0.06475, "aux.acc_seg": 92.89777, "loss": 0.21642, "time": 1.6137} +{"mode": "train", "epoch": 43, "iter": 53250, "lr": 0.0, "memory": 65790, "data_time": 0.00706, "decode.loss_ce": 0.16035, "decode.acc_seg": 92.76028, "aux.loss_ce": 0.06751, "aux.acc_seg": 92.49855, "loss": 0.22787, "time": 1.6078} +{"mode": "train", "epoch": 43, "iter": 53300, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.1611, "decode.acc_seg": 92.67028, "aux.loss_ce": 0.06834, "aux.acc_seg": 92.31645, "loss": 0.22943, "time": 1.60764} +{"mode": "train", "epoch": 43, "iter": 53350, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.1543, "decode.acc_seg": 93.17658, "aux.loss_ce": 0.06561, "aux.acc_seg": 92.86195, "loss": 0.21991, "time": 1.60753} +{"mode": "train", "epoch": 43, "iter": 53400, "lr": 0.0, "memory": 65790, "data_time": 0.00719, "decode.loss_ce": 0.15805, "decode.acc_seg": 93.10177, "aux.loss_ce": 0.06784, "aux.acc_seg": 92.68949, "loss": 0.22589, "time": 1.60796} +{"mode": "train", "epoch": 43, "iter": 53450, "lr": 0.0, "memory": 65790, "data_time": 0.00705, "decode.loss_ce": 0.15519, "decode.acc_seg": 92.92617, "aux.loss_ce": 0.06553, "aux.acc_seg": 92.69659, "loss": 0.22071, "time": 1.60946} +{"mode": "train", "epoch": 43, "iter": 53500, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.15312, "decode.acc_seg": 93.24912, "aux.loss_ce": 0.06466, "aux.acc_seg": 92.90315, "loss": 0.21778, "time": 1.60918} +{"mode": "train", "epoch": 43, "iter": 53550, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.15266, "decode.acc_seg": 93.08413, "aux.loss_ce": 0.06449, "aux.acc_seg": 92.81388, "loss": 0.21715, "time": 1.60857} +{"mode": "train", "epoch": 43, "iter": 53600, "lr": 0.0, "memory": 65790, "data_time": 0.00704, "decode.loss_ce": 0.15377, "decode.acc_seg": 93.22612, "aux.loss_ce": 0.06552, "aux.acc_seg": 92.95663, "loss": 0.2193, "time": 1.60826} +{"mode": "train", "epoch": 43, "iter": 53650, "lr": 0.0, "memory": 65790, "data_time": 0.00713, "decode.loss_ce": 0.16521, "decode.acc_seg": 92.88998, "aux.loss_ce": 0.06993, "aux.acc_seg": 92.56278, "loss": 0.23514, "time": 1.61035} +{"mode": "train", "epoch": 43, "iter": 53700, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.15276, "decode.acc_seg": 93.20494, "aux.loss_ce": 0.06484, "aux.acc_seg": 92.98075, "loss": 0.21759, "time": 1.60898} +{"mode": "train", "epoch": 43, "iter": 53750, "lr": 0.0, "memory": 65790, "data_time": 0.00738, "decode.loss_ce": 0.16033, "decode.acc_seg": 92.98109, "aux.loss_ce": 0.06865, "aux.acc_seg": 92.57292, "loss": 0.22898, "time": 1.61092} +{"mode": "train", "epoch": 43, "iter": 53800, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.1576, "decode.acc_seg": 92.85377, "aux.loss_ce": 0.06764, "aux.acc_seg": 92.5641, "loss": 0.22524, "time": 1.61297} +{"mode": "train", "epoch": 43, "iter": 53850, "lr": 0.0, "memory": 65790, "data_time": 0.00719, "decode.loss_ce": 0.15671, "decode.acc_seg": 92.91801, "aux.loss_ce": 0.06629, "aux.acc_seg": 92.65674, "loss": 0.223, "time": 1.60955} +{"mode": "train", "epoch": 43, "iter": 53900, "lr": 0.0, "memory": 65790, "data_time": 0.00722, "decode.loss_ce": 0.14707, "decode.acc_seg": 93.26618, "aux.loss_ce": 0.06248, "aux.acc_seg": 92.98416, "loss": 0.20955, "time": 1.60933} +{"mode": "train", "epoch": 43, "iter": 53950, "lr": 0.0, "memory": 65790, "data_time": 0.00726, "decode.loss_ce": 0.14923, "decode.acc_seg": 93.29411, "aux.loss_ce": 0.06371, "aux.acc_seg": 92.95724, "loss": 0.21294, "time": 1.60869} +{"mode": "train", "epoch": 43, "iter": 54000, "lr": 0.0, "memory": 65790, "data_time": 0.00728, "decode.loss_ce": 0.15549, "decode.acc_seg": 93.14499, "aux.loss_ce": 0.0662, "aux.acc_seg": 92.78693, "loss": 0.22169, "time": 3.02462} +{"mode": "val", "epoch": 43, "iter": 250, "lr": 0.0, "aAcc": 0.8599, "mIoU": 0.5786, "mAcc": 0.7078, "IoU.wall": 0.8208, "IoU.building": 0.8427, "IoU.sky": 0.9477, "IoU.floor": 0.8425, "IoU.tree": 0.7686, "IoU.ceiling": 0.8713, "IoU.road": 0.8497, "IoU.bed ": 0.9164, "IoU.windowpane": 0.6719, "IoU.grass": 0.6893, "IoU.cabinet": 0.6757, "IoU.sidewalk": 0.7109, "IoU.person": 0.8472, "IoU.earth": 0.4146, "IoU.door": 0.5956, "IoU.table": 0.7017, "IoU.mountain": 0.6143, "IoU.plant": 0.5751, "IoU.curtain": 0.7709, "IoU.chair": 0.6558, "IoU.car": 0.8676, "IoU.water": 0.6045, "IoU.painting": 0.772, "IoU.sofa": 0.8303, "IoU.shelf": 0.4569, "IoU.house": 0.5353, "IoU.sea": 0.7584, "IoU.mirror": 0.7695, "IoU.rug": 0.6911, "IoU.field": 0.3174, "IoU.armchair": 0.6606, "IoU.seat": 0.688, "IoU.fence": 0.5042, "IoU.desk": 0.5996, "IoU.rock": 0.5195, "IoU.wardrobe": 0.5283, "IoU.lamp": 0.7301, "IoU.bathtub": 0.8545, "IoU.railing": 0.4345, "IoU.cushion": 0.6859, "IoU.base": 0.4085, "IoU.box": 0.425, "IoU.column": 0.5711, "IoU.signboard": 0.3889, "IoU.chest of drawers": 0.4677, "IoU.counter": 0.5273, "IoU.sand": 0.5009, "IoU.sink": 0.7882, "IoU.skyscraper": 0.4626, "IoU.fireplace": 0.7683, "IoU.refrigerator": 0.8714, "IoU.grandstand": 0.5397, "IoU.path": 0.2827, "IoU.stairs": 0.2704, "IoU.runway": 0.661, "IoU.case": 0.626, "IoU.pool table": 0.9396, "IoU.pillow": 0.6615, "IoU.screen door": 0.7384, "IoU.stairway": 0.4451, "IoU.river": 0.1158, "IoU.bridge": 0.7355, "IoU.bookcase": 0.4012, "IoU.blind": 0.4748, "IoU.coffee table": 0.6535, "IoU.toilet": 0.9007, "IoU.flower": 0.4384, "IoU.book": 0.5109, "IoU.hill": 0.0955, "IoU.bench": 0.6289, "IoU.countertop": 0.6478, "IoU.stove": 0.8549, "IoU.palm": 0.5233, "IoU.kitchen island": 0.511, "IoU.computer": 0.7907, "IoU.swivel chair": 0.4615, "IoU.boat": 0.7081, "IoU.bar": 0.6157, "IoU.arcade machine": 0.8972, "IoU.hovel": 0.263, "IoU.bus": 0.9211, "IoU.towel": 0.751, "IoU.light": 0.5404, "IoU.truck": 0.5071, "IoU.tower": 0.0706, "IoU.chandelier": 0.7226, "IoU.awning": 0.4627, "IoU.streetlight": 0.2848, "IoU.booth": 0.568, "IoU.television receiver": 0.8154, "IoU.airplane": 0.8721, "IoU.dirt track": 0.0484, "IoU.apparel": 0.5967, "IoU.pole": 0.2136, "IoU.land": 0.0485, "IoU.bannister": 0.183, "IoU.escalator": 0.659, "IoU.ottoman": 0.5656, "IoU.bottle": 0.4347, "IoU.buffet": 0.6372, "IoU.poster": 0.2791, "IoU.stage": 0.2509, "IoU.van": 0.4835, "IoU.ship": 0.9095, "IoU.fountain": 0.3931, "IoU.conveyer belt": 0.8301, "IoU.canopy": 0.4967, "IoU.washer": 0.8436, "IoU.plaything": 0.3308, "IoU.swimming pool": 0.5655, "IoU.stool": 0.4705, "IoU.barrel": 0.5146, "IoU.basket": 0.3768, "IoU.waterfall": 0.5383, "IoU.tent": 0.9531, "IoU.bag": 0.221, "IoU.minibike": 0.7451, "IoU.cradle": 0.8395, "IoU.oven": 0.558, "IoU.ball": 0.5931, "IoU.food": 0.639, "IoU.step": 0.1249, "IoU.tank": 0.6413, "IoU.trade name": 0.3094, "IoU.microwave": 0.887, "IoU.pot": 0.5944, "IoU.animal": 0.6636, "IoU.bicycle": 0.6051, "IoU.lake": 0.5349, "IoU.dishwasher": 0.7361, "IoU.screen": 0.5585, "IoU.blanket": 0.3644, "IoU.sculpture": 0.6964, "IoU.hood": 0.617, "IoU.sconce": 0.5817, "IoU.vase": 0.4799, "IoU.traffic light": 0.3848, "IoU.tray": 0.2741, "IoU.ashcan": 0.5345, "IoU.fan": 0.6594, "IoU.pier": 0.3914, "IoU.crt screen": 0.1535, "IoU.plate": 0.6116, "IoU.monitor": 0.646, "IoU.bulletin board": 0.6039, "IoU.shower": 0.1882, "IoU.radiator": 0.647, "IoU.glass": 0.2077, "IoU.clock": 0.4874, "IoU.flag": 0.7018, "Acc.wall": 0.8965, "Acc.building": 0.9338, "Acc.sky": 0.9748, "Acc.floor": 0.9055, "Acc.tree": 0.8709, "Acc.ceiling": 0.9301, "Acc.road": 0.9076, "Acc.bed ": 0.9628, "Acc.windowpane": 0.8279, "Acc.grass": 0.8156, "Acc.cabinet": 0.7754, "Acc.sidewalk": 0.8681, "Acc.person": 0.9306, "Acc.earth": 0.556, "Acc.door": 0.7431, "Acc.table": 0.8339, "Acc.mountain": 0.7711, "Acc.plant": 0.6949, "Acc.curtain": 0.8725, "Acc.chair": 0.7759, "Acc.car": 0.936, "Acc.water": 0.7278, "Acc.painting": 0.932, "Acc.sofa": 0.9203, "Acc.shelf": 0.6065, "Acc.house": 0.7134, "Acc.sea": 0.8434, "Acc.mirror": 0.8309, "Acc.rug": 0.8392, "Acc.field": 0.5496, "Acc.armchair": 0.824, "Acc.seat": 0.8883, "Acc.fence": 0.6853, "Acc.desk": 0.7465, "Acc.rock": 0.6806, "Acc.wardrobe": 0.7474, "Acc.lamp": 0.8273, "Acc.bathtub": 0.8863, "Acc.railing": 0.6343, "Acc.cushion": 0.8107, "Acc.base": 0.5095, "Acc.box": 0.5612, "Acc.column": 0.7071, "Acc.signboard": 0.5272, "Acc.chest of drawers": 0.6898, "Acc.counter": 0.6157, "Acc.sand": 0.7862, "Acc.sink": 0.8496, "Acc.skyscraper": 0.5938, "Acc.fireplace": 0.9361, "Acc.refrigerator": 0.9537, "Acc.grandstand": 0.8716, "Acc.path": 0.3697, "Acc.stairs": 0.3185, "Acc.runway": 0.8658, "Acc.case": 0.7996, "Acc.pool table": 0.983, "Acc.pillow": 0.7646, "Acc.screen door": 0.7582, "Acc.stairway": 0.6538, "Acc.river": 0.306, "Acc.bridge": 0.915, "Acc.bookcase": 0.583, "Acc.blind": 0.5826, "Acc.coffee table": 0.8357, "Acc.toilet": 0.9353, "Acc.flower": 0.5904, "Acc.book": 0.7945, "Acc.hill": 0.166, "Acc.bench": 0.7739, "Acc.countertop": 0.844, "Acc.stove": 0.9061, "Acc.palm": 0.8204, "Acc.kitchen island": 0.7872, "Acc.computer": 0.9071, "Acc.swivel chair": 0.6956, "Acc.boat": 0.9239, "Acc.bar": 0.8935, "Acc.arcade machine": 0.9522, "Acc.hovel": 0.2816, "Acc.bus": 0.9671, "Acc.towel": 0.852, "Acc.light": 0.6539, "Acc.truck": 0.6344, "Acc.tower": 0.1125, "Acc.chandelier": 0.8562, "Acc.awning": 0.629, "Acc.streetlight": 0.3589, "Acc.booth": 0.6999, "Acc.television receiver": 0.9078, "Acc.airplane": 0.9446, "Acc.dirt track": 0.2022, "Acc.apparel": 0.7602, "Acc.pole": 0.3541, "Acc.land": 0.0706, "Acc.bannister": 0.2368, "Acc.escalator": 0.867, "Acc.ottoman": 0.7186, "Acc.bottle": 0.7512, "Acc.buffet": 0.7529, "Acc.poster": 0.3457, "Acc.stage": 0.4646, "Acc.van": 0.6616, "Acc.ship": 0.9907, "Acc.fountain": 0.4041, "Acc.conveyer belt": 0.9584, "Acc.canopy": 0.7533, "Acc.washer": 0.8967, "Acc.plaything": 0.5245, "Acc.swimming pool": 0.8336, "Acc.stool": 0.6139, "Acc.barrel": 0.8525, "Acc.basket": 0.5216, "Acc.waterfall": 0.6432, "Acc.tent": 0.9879, "Acc.bag": 0.2573, "Acc.minibike": 0.8883, "Acc.cradle": 0.9763, "Acc.oven": 0.664, "Acc.ball": 0.6392, "Acc.food": 0.7416, "Acc.step": 0.1536, "Acc.tank": 0.6922, "Acc.trade name": 0.4008, "Acc.microwave": 0.9542, "Acc.pot": 0.6681, "Acc.animal": 0.6877, "Acc.bicycle": 0.8312, "Acc.lake": 0.6361, "Acc.dishwasher": 0.8298, "Acc.screen": 0.7879, "Acc.blanket": 0.4297, "Acc.sculpture": 0.8584, "Acc.hood": 0.7423, "Acc.sconce": 0.6985, "Acc.vase": 0.6513, "Acc.traffic light": 0.5868, "Acc.tray": 0.3673, "Acc.ashcan": 0.6756, "Acc.fan": 0.7987, "Acc.pier": 0.452, "Acc.crt screen": 0.2311, "Acc.plate": 0.7646, "Acc.monitor": 0.813, "Acc.bulletin board": 0.7743, "Acc.shower": 0.2168, "Acc.radiator": 0.8185, "Acc.glass": 0.2221, "Acc.clock": 0.62, "Acc.flag": 0.7735} +{"mode": "train", "epoch": 43, "iter": 54050, "lr": 0.0, "memory": 65790, "data_time": 1.65857, "decode.loss_ce": 0.15769, "decode.acc_seg": 92.87239, "aux.loss_ce": 0.06755, "aux.acc_seg": 92.5403, "loss": 0.22525, "time": 3.25893} +{"mode": "train", "epoch": 43, "iter": 54100, "lr": 0.0, "memory": 65790, "data_time": 0.00721, "decode.loss_ce": 0.14726, "decode.acc_seg": 93.47322, "aux.loss_ce": 0.06319, "aux.acc_seg": 93.10759, "loss": 0.21046, "time": 1.61244} +{"mode": "train", "epoch": 43, "iter": 54150, "lr": 0.0, "memory": 65790, "data_time": 0.0071, "decode.loss_ce": 0.15885, "decode.acc_seg": 92.79853, "aux.loss_ce": 0.06749, "aux.acc_seg": 92.50712, "loss": 0.22635, "time": 1.61084} +{"mode": "train", "epoch": 43, "iter": 54200, "lr": 0.0, "memory": 65790, "data_time": 0.00719, "decode.loss_ce": 0.15233, "decode.acc_seg": 93.08689, "aux.loss_ce": 0.06469, "aux.acc_seg": 92.92972, "loss": 0.21702, "time": 1.60726} +{"mode": "train", "epoch": 43, "iter": 54250, "lr": 0.0, "memory": 65790, "data_time": 0.00708, "decode.loss_ce": 0.15075, "decode.acc_seg": 93.11989, "aux.loss_ce": 0.06384, "aux.acc_seg": 92.78685, "loss": 0.2146, "time": 1.6101} +{"mode": "train", "epoch": 43, "iter": 54300, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.15419, "decode.acc_seg": 93.14989, "aux.loss_ce": 0.06574, "aux.acc_seg": 92.76717, "loss": 0.21993, "time": 1.6072} +{"mode": "train", "epoch": 44, "iter": 54350, "lr": 0.0, "memory": 65790, "data_time": 0.04921, "decode.loss_ce": 0.14406, "decode.acc_seg": 93.46934, "aux.loss_ce": 0.06156, "aux.acc_seg": 93.19142, "loss": 0.20562, "time": 1.65269} +{"mode": "train", "epoch": 44, "iter": 54400, "lr": 0.0, "memory": 65790, "data_time": 0.00719, "decode.loss_ce": 0.15172, "decode.acc_seg": 93.1402, "aux.loss_ce": 0.06502, "aux.acc_seg": 92.80795, "loss": 0.21674, "time": 1.61035} +{"mode": "train", "epoch": 44, "iter": 54450, "lr": 0.0, "memory": 65790, "data_time": 0.00713, "decode.loss_ce": 0.15193, "decode.acc_seg": 93.25508, "aux.loss_ce": 0.06458, "aux.acc_seg": 92.89281, "loss": 0.21651, "time": 1.61079} +{"mode": "train", "epoch": 44, "iter": 54500, "lr": 0.0, "memory": 65790, "data_time": 0.0073, "decode.loss_ce": 0.15642, "decode.acc_seg": 92.97594, "aux.loss_ce": 0.0669, "aux.acc_seg": 92.64728, "loss": 0.22331, "time": 1.6106} +{"mode": "train", "epoch": 44, "iter": 54550, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.14505, "decode.acc_seg": 93.51691, "aux.loss_ce": 0.06144, "aux.acc_seg": 93.26004, "loss": 0.20649, "time": 1.61088} +{"mode": "train", "epoch": 44, "iter": 54600, "lr": 0.0, "memory": 65790, "data_time": 0.00724, "decode.loss_ce": 0.1496, "decode.acc_seg": 93.34016, "aux.loss_ce": 0.0639, "aux.acc_seg": 93.01407, "loss": 0.2135, "time": 1.60865} +{"mode": "train", "epoch": 44, "iter": 54650, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.155, "decode.acc_seg": 93.03386, "aux.loss_ce": 0.06612, "aux.acc_seg": 92.7397, "loss": 0.22112, "time": 1.60857} +{"mode": "train", "epoch": 44, "iter": 54700, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.1512, "decode.acc_seg": 93.17239, "aux.loss_ce": 0.06501, "aux.acc_seg": 92.78058, "loss": 0.21621, "time": 1.6119} +{"mode": "train", "epoch": 44, "iter": 54750, "lr": 0.0, "memory": 65790, "data_time": 0.00709, "decode.loss_ce": 0.1555, "decode.acc_seg": 93.12939, "aux.loss_ce": 0.06602, "aux.acc_seg": 92.79546, "loss": 0.22152, "time": 1.6098} +{"mode": "train", "epoch": 44, "iter": 54800, "lr": 0.0, "memory": 65790, "data_time": 0.00722, "decode.loss_ce": 0.15044, "decode.acc_seg": 93.35589, "aux.loss_ce": 0.06403, "aux.acc_seg": 93.01621, "loss": 0.21447, "time": 1.61182} +{"mode": "train", "epoch": 44, "iter": 54850, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.14399, "decode.acc_seg": 93.52685, "aux.loss_ce": 0.06124, "aux.acc_seg": 93.18883, "loss": 0.20523, "time": 1.60902} +{"mode": "train", "epoch": 44, "iter": 54900, "lr": 0.0, "memory": 65790, "data_time": 0.00721, "decode.loss_ce": 0.14623, "decode.acc_seg": 93.45365, "aux.loss_ce": 0.06289, "aux.acc_seg": 93.14379, "loss": 0.20912, "time": 1.61061} +{"mode": "train", "epoch": 44, "iter": 54950, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.14563, "decode.acc_seg": 93.39414, "aux.loss_ce": 0.0627, "aux.acc_seg": 93.0617, "loss": 0.20833, "time": 1.60899} +{"mode": "train", "epoch": 44, "iter": 55000, "lr": 0.0, "memory": 65790, "data_time": 0.00721, "decode.loss_ce": 0.15315, "decode.acc_seg": 92.8823, "aux.loss_ce": 0.06503, "aux.acc_seg": 92.61917, "loss": 0.21818, "time": 1.61167} +{"mode": "val", "epoch": 44, "iter": 250, "lr": 0.0, "aAcc": 0.8603, "mIoU": 0.5798, "mAcc": 0.706, "IoU.wall": 0.8224, "IoU.building": 0.846, "IoU.sky": 0.9466, "IoU.floor": 0.8405, "IoU.tree": 0.7698, "IoU.ceiling": 0.8695, "IoU.road": 0.8514, "IoU.bed ": 0.9164, "IoU.windowpane": 0.672, "IoU.grass": 0.6814, "IoU.cabinet": 0.6704, "IoU.sidewalk": 0.6999, "IoU.person": 0.8452, "IoU.earth": 0.4087, "IoU.door": 0.6055, "IoU.table": 0.707, "IoU.mountain": 0.6261, "IoU.plant": 0.54, "IoU.curtain": 0.7901, "IoU.chair": 0.6664, "IoU.car": 0.8676, "IoU.water": 0.6476, "IoU.painting": 0.7973, "IoU.sofa": 0.8252, "IoU.shelf": 0.4574, "IoU.house": 0.4974, "IoU.sea": 0.7527, "IoU.mirror": 0.7789, "IoU.rug": 0.6247, "IoU.field": 0.2754, "IoU.armchair": 0.6551, "IoU.seat": 0.6829, "IoU.fence": 0.5167, "IoU.desk": 0.6079, "IoU.rock": 0.5561, "IoU.wardrobe": 0.5191, "IoU.lamp": 0.7253, "IoU.bathtub": 0.848, "IoU.railing": 0.4345, "IoU.cushion": 0.7058, "IoU.base": 0.4261, "IoU.box": 0.4249, "IoU.column": 0.5728, "IoU.signboard": 0.3838, "IoU.chest of drawers": 0.4373, "IoU.counter": 0.486, "IoU.sand": 0.5568, "IoU.sink": 0.7852, "IoU.skyscraper": 0.4607, "IoU.fireplace": 0.7457, "IoU.refrigerator": 0.8617, "IoU.grandstand": 0.55, "IoU.path": 0.2987, "IoU.stairs": 0.3663, "IoU.runway": 0.69, "IoU.case": 0.6246, "IoU.pool table": 0.9385, "IoU.pillow": 0.6768, "IoU.screen door": 0.8597, "IoU.stairway": 0.5262, "IoU.river": 0.1274, "IoU.bridge": 0.6618, "IoU.bookcase": 0.4063, "IoU.blind": 0.4904, "IoU.coffee table": 0.6649, "IoU.toilet": 0.9022, "IoU.flower": 0.4188, "IoU.book": 0.5166, "IoU.hill": 0.0909, "IoU.bench": 0.5769, "IoU.countertop": 0.6456, "IoU.stove": 0.8603, "IoU.palm": 0.5381, "IoU.kitchen island": 0.5305, "IoU.computer": 0.7895, "IoU.swivel chair": 0.4633, "IoU.boat": 0.7856, "IoU.bar": 0.5967, "IoU.arcade machine": 0.7365, "IoU.hovel": 0.2717, "IoU.bus": 0.9248, "IoU.towel": 0.7485, "IoU.light": 0.5402, "IoU.truck": 0.4979, "IoU.tower": 0.1062, "IoU.chandelier": 0.7124, "IoU.awning": 0.3622, "IoU.streetlight": 0.3042, "IoU.booth": 0.4895, "IoU.television receiver": 0.7824, "IoU.airplane": 0.8691, "IoU.dirt track": 0.0406, "IoU.apparel": 0.5984, "IoU.pole": 0.2088, "IoU.land": 0.0641, "IoU.bannister": 0.182, "IoU.escalator": 0.6658, "IoU.ottoman": 0.5574, "IoU.bottle": 0.4422, "IoU.buffet": 0.6385, "IoU.poster": 0.3383, "IoU.stage": 0.2136, "IoU.van": 0.5196, "IoU.ship": 0.9235, "IoU.fountain": 0.4034, "IoU.conveyer belt": 0.8065, "IoU.canopy": 0.5667, "IoU.washer": 0.8371, "IoU.plaything": 0.3371, "IoU.swimming pool": 0.5149, "IoU.stool": 0.5085, "IoU.barrel": 0.6672, "IoU.basket": 0.4317, "IoU.waterfall": 0.5987, "IoU.tent": 0.9394, "IoU.bag": 0.232, "IoU.minibike": 0.7419, "IoU.cradle": 0.8423, "IoU.oven": 0.6039, "IoU.ball": 0.5166, "IoU.food": 0.6446, "IoU.step": 0.1277, "IoU.tank": 0.6372, "IoU.trade name": 0.2433, "IoU.microwave": 0.9033, "IoU.pot": 0.5978, "IoU.animal": 0.6455, "IoU.bicycle": 0.611, "IoU.lake": 0.5268, "IoU.dishwasher": 0.7405, "IoU.screen": 0.6014, "IoU.blanket": 0.3119, "IoU.sculpture": 0.7313, "IoU.hood": 0.6511, "IoU.sconce": 0.5818, "IoU.vase": 0.4885, "IoU.traffic light": 0.35, "IoU.tray": 0.2746, "IoU.ashcan": 0.5368, "IoU.fan": 0.6591, "IoU.pier": 0.3967, "IoU.crt screen": 0.0752, "IoU.plate": 0.6211, "IoU.monitor": 0.6418, "IoU.bulletin board": 0.5714, "IoU.shower": 0.1781, "IoU.radiator": 0.6473, "IoU.glass": 0.2202, "IoU.clock": 0.4873, "IoU.flag": 0.6938, "Acc.wall": 0.8985, "Acc.building": 0.9283, "Acc.sky": 0.974, "Acc.floor": 0.9135, "Acc.tree": 0.8965, "Acc.ceiling": 0.9455, "Acc.road": 0.9139, "Acc.bed ": 0.9671, "Acc.windowpane": 0.8224, "Acc.grass": 0.8063, "Acc.cabinet": 0.7696, "Acc.sidewalk": 0.8198, "Acc.person": 0.9463, "Acc.earth": 0.5436, "Acc.door": 0.7326, "Acc.table": 0.8253, "Acc.mountain": 0.7292, "Acc.plant": 0.6633, "Acc.curtain": 0.8683, "Acc.chair": 0.8114, "Acc.car": 0.9441, "Acc.water": 0.791, "Acc.painting": 0.898, "Acc.sofa": 0.9167, "Acc.shelf": 0.5988, "Acc.house": 0.666, "Acc.sea": 0.8343, "Acc.mirror": 0.873, "Acc.rug": 0.702, "Acc.field": 0.4843, "Acc.armchair": 0.8221, "Acc.seat": 0.8929, "Acc.fence": 0.6686, "Acc.desk": 0.772, "Acc.rock": 0.8187, "Acc.wardrobe": 0.755, "Acc.lamp": 0.8332, "Acc.bathtub": 0.8804, "Acc.railing": 0.6162, "Acc.cushion": 0.7885, "Acc.base": 0.5401, "Acc.box": 0.5903, "Acc.column": 0.7333, "Acc.signboard": 0.5337, "Acc.chest of drawers": 0.6502, "Acc.counter": 0.606, "Acc.sand": 0.8558, "Acc.sink": 0.8359, "Acc.skyscraper": 0.5886, "Acc.fireplace": 0.9388, "Acc.refrigerator": 0.9665, "Acc.grandstand": 0.8467, "Acc.path": 0.3799, "Acc.stairs": 0.4394, "Acc.runway": 0.9013, "Acc.case": 0.7861, "Acc.pool table": 0.9838, "Acc.pillow": 0.7896, "Acc.screen door": 0.916, "Acc.stairway": 0.6931, "Acc.river": 0.2642, "Acc.bridge": 0.825, "Acc.bookcase": 0.5867, "Acc.blind": 0.5911, "Acc.coffee table": 0.8475, "Acc.toilet": 0.9398, "Acc.flower": 0.5412, "Acc.book": 0.7918, "Acc.hill": 0.1607, "Acc.bench": 0.6614, "Acc.countertop": 0.8456, "Acc.stove": 0.9228, "Acc.palm": 0.7964, "Acc.kitchen island": 0.8996, "Acc.computer": 0.896, "Acc.swivel chair": 0.6992, "Acc.boat": 0.9126, "Acc.bar": 0.8351, "Acc.arcade machine": 0.7684, "Acc.hovel": 0.2964, "Acc.bus": 0.9734, "Acc.towel": 0.8558, "Acc.light": 0.6062, "Acc.truck": 0.6225, "Acc.tower": 0.1792, "Acc.chandelier": 0.8719, "Acc.awning": 0.4641, "Acc.streetlight": 0.4021, "Acc.booth": 0.6634, "Acc.television receiver": 0.8912, "Acc.airplane": 0.9513, "Acc.dirt track": 0.2604, "Acc.apparel": 0.7325, "Acc.pole": 0.3266, "Acc.land": 0.0983, "Acc.bannister": 0.2218, "Acc.escalator": 0.8566, "Acc.ottoman": 0.7003, "Acc.bottle": 0.6896, "Acc.buffet": 0.7315, "Acc.poster": 0.442, "Acc.stage": 0.4847, "Acc.van": 0.7256, "Acc.ship": 0.9905, "Acc.fountain": 0.4203, "Acc.conveyer belt": 0.9651, "Acc.canopy": 0.7565, "Acc.washer": 0.8906, "Acc.plaything": 0.4756, "Acc.swimming pool": 0.7482, "Acc.stool": 0.7025, "Acc.barrel": 0.9102, "Acc.basket": 0.5984, "Acc.waterfall": 0.7137, "Acc.tent": 0.9882, "Acc.bag": 0.2639, "Acc.minibike": 0.8763, "Acc.cradle": 0.9815, "Acc.oven": 0.724, "Acc.ball": 0.5335, "Acc.food": 0.7426, "Acc.step": 0.16, "Acc.tank": 0.682, "Acc.trade name": 0.2834, "Acc.microwave": 0.9592, "Acc.pot": 0.7022, "Acc.animal": 0.6683, "Acc.bicycle": 0.8248, "Acc.lake": 0.6353, "Acc.dishwasher": 0.8108, "Acc.screen": 0.9046, "Acc.blanket": 0.3574, "Acc.sculpture": 0.8608, "Acc.hood": 0.7819, "Acc.sconce": 0.6887, "Acc.vase": 0.6532, "Acc.traffic light": 0.6573, "Acc.tray": 0.3679, "Acc.ashcan": 0.6758, "Acc.fan": 0.7551, "Acc.pier": 0.4533, "Acc.crt screen": 0.1053, "Acc.plate": 0.8019, "Acc.monitor": 0.7554, "Acc.bulletin board": 0.7575, "Acc.shower": 0.19, "Acc.radiator": 0.8195, "Acc.glass": 0.2388, "Acc.clock": 0.5654, "Acc.flag": 0.7566} +{"mode": "train", "epoch": 44, "iter": 55050, "lr": 0.0, "memory": 65790, "data_time": 1.63678, "decode.loss_ce": 0.15264, "decode.acc_seg": 93.24814, "aux.loss_ce": 0.06537, "aux.acc_seg": 92.90185, "loss": 0.21801, "time": 3.23866} +{"mode": "train", "epoch": 44, "iter": 55100, "lr": 0.0, "memory": 65790, "data_time": 0.00713, "decode.loss_ce": 0.14764, "decode.acc_seg": 93.34785, "aux.loss_ce": 0.06221, "aux.acc_seg": 93.08736, "loss": 0.20985, "time": 1.60867} +{"mode": "train", "epoch": 44, "iter": 55150, "lr": 0.0, "memory": 65790, "data_time": 0.00735, "decode.loss_ce": 0.1572, "decode.acc_seg": 92.89367, "aux.loss_ce": 0.06716, "aux.acc_seg": 92.56346, "loss": 0.22436, "time": 1.61002} +{"mode": "train", "epoch": 44, "iter": 55200, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.14935, "decode.acc_seg": 93.29166, "aux.loss_ce": 0.06324, "aux.acc_seg": 92.99078, "loss": 0.21258, "time": 1.60822} +{"mode": "train", "epoch": 44, "iter": 55250, "lr": 0.0, "memory": 65790, "data_time": 0.00746, "decode.loss_ce": 0.15075, "decode.acc_seg": 93.03861, "aux.loss_ce": 0.06396, "aux.acc_seg": 92.71648, "loss": 0.2147, "time": 1.61084} +{"mode": "train", "epoch": 44, "iter": 55300, "lr": 0.0, "memory": 65790, "data_time": 0.00726, "decode.loss_ce": 0.15798, "decode.acc_seg": 93.06889, "aux.loss_ce": 0.06666, "aux.acc_seg": 92.75716, "loss": 0.22464, "time": 1.60981} +{"mode": "train", "epoch": 44, "iter": 55350, "lr": 0.0, "memory": 65790, "data_time": 0.00729, "decode.loss_ce": 0.15061, "decode.acc_seg": 93.32804, "aux.loss_ce": 0.06427, "aux.acc_seg": 92.98528, "loss": 0.21487, "time": 1.611} +{"mode": "train", "epoch": 44, "iter": 55400, "lr": 0.0, "memory": 65790, "data_time": 0.00726, "decode.loss_ce": 0.14134, "decode.acc_seg": 93.73374, "aux.loss_ce": 0.06023, "aux.acc_seg": 93.44063, "loss": 0.20157, "time": 1.61145} +{"mode": "train", "epoch": 44, "iter": 55450, "lr": 0.0, "memory": 65790, "data_time": 0.00722, "decode.loss_ce": 0.14986, "decode.acc_seg": 93.19036, "aux.loss_ce": 0.06347, "aux.acc_seg": 92.91326, "loss": 0.21333, "time": 1.60902} +{"mode": "train", "epoch": 44, "iter": 55500, "lr": 0.0, "memory": 65790, "data_time": 0.00721, "decode.loss_ce": 0.1625, "decode.acc_seg": 93.04945, "aux.loss_ce": 0.0692, "aux.acc_seg": 92.69015, "loss": 0.2317, "time": 1.60857} +{"mode": "train", "epoch": 44, "iter": 55550, "lr": 0.0, "memory": 65790, "data_time": 0.0073, "decode.loss_ce": 0.14977, "decode.acc_seg": 93.3618, "aux.loss_ce": 0.06411, "aux.acc_seg": 93.0109, "loss": 0.21387, "time": 1.6085} +{"mode": "train", "epoch": 45, "iter": 55600, "lr": 0.0, "memory": 65790, "data_time": 0.0487, "decode.loss_ce": 0.15049, "decode.acc_seg": 93.32572, "aux.loss_ce": 0.06461, "aux.acc_seg": 92.98606, "loss": 0.2151, "time": 1.65366} +{"mode": "train", "epoch": 45, "iter": 55650, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.14986, "decode.acc_seg": 93.1979, "aux.loss_ce": 0.06398, "aux.acc_seg": 92.85207, "loss": 0.21384, "time": 1.61099} +{"mode": "train", "epoch": 45, "iter": 55700, "lr": 0.0, "memory": 65790, "data_time": 0.0071, "decode.loss_ce": 0.15594, "decode.acc_seg": 93.18121, "aux.loss_ce": 0.06648, "aux.acc_seg": 92.82835, "loss": 0.22242, "time": 1.61198} +{"mode": "train", "epoch": 45, "iter": 55750, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.15412, "decode.acc_seg": 93.19673, "aux.loss_ce": 0.06574, "aux.acc_seg": 92.77742, "loss": 0.21986, "time": 1.60744} +{"mode": "train", "epoch": 45, "iter": 55800, "lr": 0.0, "memory": 65790, "data_time": 0.00715, "decode.loss_ce": 0.14863, "decode.acc_seg": 93.20057, "aux.loss_ce": 0.06349, "aux.acc_seg": 92.92106, "loss": 0.21213, "time": 1.60786} +{"mode": "train", "epoch": 45, "iter": 55850, "lr": 0.0, "memory": 65790, "data_time": 0.00715, "decode.loss_ce": 0.14668, "decode.acc_seg": 93.49639, "aux.loss_ce": 0.06172, "aux.acc_seg": 93.3951, "loss": 0.2084, "time": 1.60656} +{"mode": "train", "epoch": 45, "iter": 55900, "lr": 0.0, "memory": 65790, "data_time": 0.00719, "decode.loss_ce": 0.14143, "decode.acc_seg": 93.58091, "aux.loss_ce": 0.05992, "aux.acc_seg": 93.28211, "loss": 0.20136, "time": 1.60896} +{"mode": "train", "epoch": 45, "iter": 55950, "lr": 0.0, "memory": 65790, "data_time": 0.00713, "decode.loss_ce": 0.15314, "decode.acc_seg": 93.4192, "aux.loss_ce": 0.06534, "aux.acc_seg": 93.0632, "loss": 0.21848, "time": 1.60982} +{"mode": "train", "epoch": 45, "iter": 56000, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.15244, "decode.acc_seg": 93.19581, "aux.loss_ce": 0.06413, "aux.acc_seg": 92.96055, "loss": 0.21656, "time": 3.06776} +{"mode": "val", "epoch": 45, "iter": 250, "lr": 0.0, "aAcc": 0.8605, "mIoU": 0.5794, "mAcc": 0.7068, "IoU.wall": 0.8248, "IoU.building": 0.8493, "IoU.sky": 0.9474, "IoU.floor": 0.8417, "IoU.tree": 0.7705, "IoU.ceiling": 0.8753, "IoU.road": 0.8565, "IoU.bed ": 0.9162, "IoU.windowpane": 0.674, "IoU.grass": 0.6683, "IoU.cabinet": 0.658, "IoU.sidewalk": 0.7124, "IoU.person": 0.8478, "IoU.earth": 0.3812, "IoU.door": 0.6092, "IoU.table": 0.686, "IoU.mountain": 0.6223, "IoU.plant": 0.5389, "IoU.curtain": 0.7779, "IoU.chair": 0.6586, "IoU.car": 0.8691, "IoU.water": 0.6525, "IoU.painting": 0.7971, "IoU.sofa": 0.8035, "IoU.shelf": 0.4724, "IoU.house": 0.5213, "IoU.sea": 0.77, "IoU.mirror": 0.7642, "IoU.rug": 0.6256, "IoU.field": 0.3015, "IoU.armchair": 0.6196, "IoU.seat": 0.6844, "IoU.fence": 0.5237, "IoU.desk": 0.5975, "IoU.rock": 0.5385, "IoU.wardrobe": 0.5125, "IoU.lamp": 0.727, "IoU.bathtub": 0.8573, "IoU.railing": 0.448, "IoU.cushion": 0.6974, "IoU.base": 0.4068, "IoU.box": 0.4124, "IoU.column": 0.5593, "IoU.signboard": 0.3904, "IoU.chest of drawers": 0.4229, "IoU.counter": 0.46, "IoU.sand": 0.5376, "IoU.sink": 0.7997, "IoU.skyscraper": 0.4565, "IoU.fireplace": 0.7445, "IoU.refrigerator": 0.8517, "IoU.grandstand": 0.5253, "IoU.path": 0.2978, "IoU.stairs": 0.3574, "IoU.runway": 0.7278, "IoU.case": 0.6378, "IoU.pool table": 0.9436, "IoU.pillow": 0.6558, "IoU.screen door": 0.8268, "IoU.stairway": 0.4832, "IoU.river": 0.141, "IoU.bridge": 0.723, "IoU.bookcase": 0.4478, "IoU.blind": 0.5022, "IoU.coffee table": 0.6177, "IoU.toilet": 0.8975, "IoU.flower": 0.4378, "IoU.book": 0.5254, "IoU.hill": 0.0713, "IoU.bench": 0.5889, "IoU.countertop": 0.6435, "IoU.stove": 0.8589, "IoU.palm": 0.5369, "IoU.kitchen island": 0.5417, "IoU.computer": 0.791, "IoU.swivel chair": 0.4742, "IoU.boat": 0.8239, "IoU.bar": 0.5845, "IoU.arcade machine": 0.8188, "IoU.hovel": 0.2744, "IoU.bus": 0.9236, "IoU.towel": 0.7533, "IoU.light": 0.5467, "IoU.truck": 0.4966, "IoU.tower": 0.2464, "IoU.chandelier": 0.7133, "IoU.awning": 0.3375, "IoU.streetlight": 0.3006, "IoU.booth": 0.5361, "IoU.television receiver": 0.7942, "IoU.airplane": 0.8633, "IoU.dirt track": 0.0516, "IoU.apparel": 0.5681, "IoU.pole": 0.2243, "IoU.land": 0.0434, "IoU.bannister": 0.2111, "IoU.escalator": 0.6443, "IoU.ottoman": 0.5656, "IoU.bottle": 0.4375, "IoU.buffet": 0.6465, "IoU.poster": 0.3266, "IoU.stage": 0.2082, "IoU.van": 0.4635, "IoU.ship": 0.9241, "IoU.fountain": 0.4169, "IoU.conveyer belt": 0.8184, "IoU.canopy": 0.5243, "IoU.washer": 0.8198, "IoU.plaything": 0.3364, "IoU.swimming pool": 0.519, "IoU.stool": 0.4628, "IoU.barrel": 0.6295, "IoU.basket": 0.4212, "IoU.waterfall": 0.6795, "IoU.tent": 0.9408, "IoU.bag": 0.2619, "IoU.minibike": 0.7439, "IoU.cradle": 0.857, "IoU.oven": 0.5909, "IoU.ball": 0.5889, "IoU.food": 0.6218, "IoU.step": 0.1366, "IoU.tank": 0.63, "IoU.trade name": 0.2856, "IoU.microwave": 0.9031, "IoU.pot": 0.6005, "IoU.animal": 0.6386, "IoU.bicycle": 0.6106, "IoU.lake": 0.4489, "IoU.dishwasher": 0.7287, "IoU.screen": 0.5648, "IoU.blanket": 0.3352, "IoU.sculpture": 0.7391, "IoU.hood": 0.6036, "IoU.sconce": 0.5745, "IoU.vase": 0.4825, "IoU.traffic light": 0.3773, "IoU.tray": 0.2773, "IoU.ashcan": 0.5397, "IoU.fan": 0.6574, "IoU.pier": 0.3874, "IoU.crt screen": 0.0238, "IoU.plate": 0.6169, "IoU.monitor": 0.587, "IoU.bulletin board": 0.5744, "IoU.shower": 0.1793, "IoU.radiator": 0.6676, "IoU.glass": 0.2121, "IoU.clock": 0.4906, "IoU.flag": 0.6757, "Acc.wall": 0.9103, "Acc.building": 0.9277, "Acc.sky": 0.9748, "Acc.floor": 0.9185, "Acc.tree": 0.8983, "Acc.ceiling": 0.9341, "Acc.road": 0.91, "Acc.bed ": 0.9639, "Acc.windowpane": 0.7871, "Acc.grass": 0.821, "Acc.cabinet": 0.7506, "Acc.sidewalk": 0.8584, "Acc.person": 0.9298, "Acc.earth": 0.4814, "Acc.door": 0.7458, "Acc.table": 0.8162, "Acc.mountain": 0.7354, "Acc.plant": 0.6742, "Acc.curtain": 0.8925, "Acc.chair": 0.7836, "Acc.car": 0.9376, "Acc.water": 0.7765, "Acc.painting": 0.8886, "Acc.sofa": 0.8781, "Acc.shelf": 0.6286, "Acc.house": 0.692, "Acc.sea": 0.8527, "Acc.mirror": 0.8387, "Acc.rug": 0.6795, "Acc.field": 0.5175, "Acc.armchair": 0.8261, "Acc.seat": 0.8869, "Acc.fence": 0.6666, "Acc.desk": 0.7744, "Acc.rock": 0.7868, "Acc.wardrobe": 0.7356, "Acc.lamp": 0.8336, "Acc.bathtub": 0.8942, "Acc.railing": 0.6121, "Acc.cushion": 0.8328, "Acc.base": 0.564, "Acc.box": 0.5585, "Acc.column": 0.6666, "Acc.signboard": 0.5285, "Acc.chest of drawers": 0.6725, "Acc.counter": 0.5546, "Acc.sand": 0.8708, "Acc.sink": 0.854, "Acc.skyscraper": 0.6001, "Acc.fireplace": 0.9257, "Acc.refrigerator": 0.9665, "Acc.grandstand": 0.86, "Acc.path": 0.3754, "Acc.stairs": 0.4443, "Acc.runway": 0.9514, "Acc.case": 0.7982, "Acc.pool table": 0.9795, "Acc.pillow": 0.7475, "Acc.screen door": 0.864, "Acc.stairway": 0.578, "Acc.river": 0.3012, "Acc.bridge": 0.8845, "Acc.bookcase": 0.6225, "Acc.blind": 0.606, "Acc.coffee table": 0.8588, "Acc.toilet": 0.9391, "Acc.flower": 0.5806, "Acc.book": 0.7567, "Acc.hill": 0.148, "Acc.bench": 0.6683, "Acc.countertop": 0.841, "Acc.stove": 0.9153, "Acc.palm": 0.8203, "Acc.kitchen island": 0.9226, "Acc.computer": 0.9005, "Acc.swivel chair": 0.7369, "Acc.boat": 0.9146, "Acc.bar": 0.8049, "Acc.arcade machine": 0.8575, "Acc.hovel": 0.2935, "Acc.bus": 0.9729, "Acc.towel": 0.8436, "Acc.light": 0.6509, "Acc.truck": 0.6311, "Acc.tower": 0.452, "Acc.chandelier": 0.8568, "Acc.awning": 0.432, "Acc.streetlight": 0.3943, "Acc.booth": 0.6042, "Acc.television receiver": 0.8905, "Acc.airplane": 0.9444, "Acc.dirt track": 0.2217, "Acc.apparel": 0.794, "Acc.pole": 0.3673, "Acc.land": 0.0647, "Acc.bannister": 0.258, "Acc.escalator": 0.8716, "Acc.ottoman": 0.7122, "Acc.bottle": 0.6966, "Acc.buffet": 0.7477, "Acc.poster": 0.4334, "Acc.stage": 0.4914, "Acc.van": 0.6337, "Acc.ship": 0.9875, "Acc.fountain": 0.4286, "Acc.conveyer belt": 0.9684, "Acc.canopy": 0.6814, "Acc.washer": 0.8708, "Acc.plaything": 0.4763, "Acc.swimming pool": 0.751, "Acc.stool": 0.7058, "Acc.barrel": 0.9307, "Acc.basket": 0.5694, "Acc.waterfall": 0.8671, "Acc.tent": 0.9836, "Acc.bag": 0.3026, "Acc.minibike": 0.8765, "Acc.cradle": 0.9653, "Acc.oven": 0.7447, "Acc.ball": 0.6365, "Acc.food": 0.7158, "Acc.step": 0.1606, "Acc.tank": 0.6948, "Acc.trade name": 0.3648, "Acc.microwave": 0.9614, "Acc.pot": 0.6996, "Acc.animal": 0.6618, "Acc.bicycle": 0.7957, "Acc.lake": 0.6364, "Acc.dishwasher": 0.7981, "Acc.screen": 0.8246, "Acc.blanket": 0.3954, "Acc.sculpture": 0.8699, "Acc.hood": 0.7067, "Acc.sconce": 0.7111, "Acc.vase": 0.6428, "Acc.traffic light": 0.5477, "Acc.tray": 0.3631, "Acc.ashcan": 0.6836, "Acc.fan": 0.7775, "Acc.pier": 0.4514, "Acc.crt screen": 0.0367, "Acc.plate": 0.7747, "Acc.monitor": 0.7046, "Acc.bulletin board": 0.7662, "Acc.shower": 0.1857, "Acc.radiator": 0.7998, "Acc.glass": 0.2269, "Acc.clock": 0.6229, "Acc.flag": 0.7464} +{"mode": "train", "epoch": 45, "iter": 56050, "lr": 0.0, "memory": 65790, "data_time": 1.69964, "decode.loss_ce": 0.14782, "decode.acc_seg": 93.24409, "aux.loss_ce": 0.06334, "aux.acc_seg": 92.89506, "loss": 0.21116, "time": 3.29994} +{"mode": "train", "epoch": 45, "iter": 56100, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.14868, "decode.acc_seg": 93.27331, "aux.loss_ce": 0.06321, "aux.acc_seg": 92.98762, "loss": 0.2119, "time": 1.60859} +{"mode": "train", "epoch": 45, "iter": 56150, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.14459, "decode.acc_seg": 93.6037, "aux.loss_ce": 0.06178, "aux.acc_seg": 93.25771, "loss": 0.20637, "time": 1.60833} +{"mode": "train", "epoch": 45, "iter": 56200, "lr": 0.0, "memory": 65790, "data_time": 0.00705, "decode.loss_ce": 0.14969, "decode.acc_seg": 93.37732, "aux.loss_ce": 0.06307, "aux.acc_seg": 93.11875, "loss": 0.21276, "time": 1.60644} +{"mode": "train", "epoch": 45, "iter": 56250, "lr": 0.0, "memory": 65790, "data_time": 0.00712, "decode.loss_ce": 0.15385, "decode.acc_seg": 93.15913, "aux.loss_ce": 0.066, "aux.acc_seg": 92.76481, "loss": 0.21986, "time": 1.60889} +{"mode": "train", "epoch": 45, "iter": 56300, "lr": 0.0, "memory": 65790, "data_time": 0.00705, "decode.loss_ce": 0.14838, "decode.acc_seg": 93.42048, "aux.loss_ce": 0.06279, "aux.acc_seg": 93.18252, "loss": 0.21117, "time": 1.60738} +{"mode": "train", "epoch": 45, "iter": 56350, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.14688, "decode.acc_seg": 93.40491, "aux.loss_ce": 0.06306, "aux.acc_seg": 93.04787, "loss": 0.20993, "time": 1.60759} +{"mode": "train", "epoch": 45, "iter": 56400, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.14712, "decode.acc_seg": 93.4633, "aux.loss_ce": 0.06222, "aux.acc_seg": 93.15302, "loss": 0.20933, "time": 1.60882} +{"mode": "train", "epoch": 45, "iter": 56450, "lr": 0.0, "memory": 65790, "data_time": 0.00713, "decode.loss_ce": 0.14676, "decode.acc_seg": 93.42101, "aux.loss_ce": 0.0628, "aux.acc_seg": 93.10712, "loss": 0.20956, "time": 1.60759} +{"mode": "train", "epoch": 45, "iter": 56500, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.1409, "decode.acc_seg": 93.58086, "aux.loss_ce": 0.06016, "aux.acc_seg": 93.27827, "loss": 0.20106, "time": 1.60963} +{"mode": "train", "epoch": 45, "iter": 56550, "lr": 0.0, "memory": 65790, "data_time": 0.00715, "decode.loss_ce": 0.14538, "decode.acc_seg": 93.49516, "aux.loss_ce": 0.06191, "aux.acc_seg": 93.20918, "loss": 0.20729, "time": 1.61187} +{"mode": "train", "epoch": 45, "iter": 56600, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.15017, "decode.acc_seg": 93.21229, "aux.loss_ce": 0.06415, "aux.acc_seg": 92.91893, "loss": 0.21431, "time": 1.60707} +{"mode": "train", "epoch": 45, "iter": 56650, "lr": 0.0, "memory": 65790, "data_time": 0.00709, "decode.loss_ce": 0.15209, "decode.acc_seg": 93.14399, "aux.loss_ce": 0.06502, "aux.acc_seg": 92.76142, "loss": 0.21711, "time": 1.61026} +{"mode": "train", "epoch": 45, "iter": 56700, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.15034, "decode.acc_seg": 93.14703, "aux.loss_ce": 0.064, "aux.acc_seg": 92.83653, "loss": 0.21434, "time": 1.60823} +{"mode": "train", "epoch": 45, "iter": 56750, "lr": 0.0, "memory": 65790, "data_time": 0.00712, "decode.loss_ce": 0.15078, "decode.acc_seg": 93.29713, "aux.loss_ce": 0.06372, "aux.acc_seg": 93.0358, "loss": 0.2145, "time": 1.60768} +{"mode": "train", "epoch": 45, "iter": 56800, "lr": 0.0, "memory": 65790, "data_time": 0.00704, "decode.loss_ce": 0.14454, "decode.acc_seg": 93.45417, "aux.loss_ce": 0.06185, "aux.acc_seg": 93.16694, "loss": 0.20639, "time": 1.60798} +{"mode": "train", "epoch": 46, "iter": 56850, "lr": 0.0, "memory": 65790, "data_time": 0.04878, "decode.loss_ce": 0.15193, "decode.acc_seg": 93.23104, "aux.loss_ce": 0.06522, "aux.acc_seg": 92.83508, "loss": 0.21715, "time": 1.6569} +{"mode": "train", "epoch": 46, "iter": 56900, "lr": 0.0, "memory": 65790, "data_time": 0.00719, "decode.loss_ce": 0.15941, "decode.acc_seg": 92.98948, "aux.loss_ce": 0.0672, "aux.acc_seg": 92.65093, "loss": 0.22662, "time": 1.61079} +{"mode": "train", "epoch": 46, "iter": 56950, "lr": 0.0, "memory": 65790, "data_time": 0.00735, "decode.loss_ce": 0.14757, "decode.acc_seg": 93.5831, "aux.loss_ce": 0.06301, "aux.acc_seg": 93.22759, "loss": 0.21058, "time": 1.60856} +{"mode": "train", "epoch": 46, "iter": 57000, "lr": 0.0, "memory": 65790, "data_time": 0.00704, "decode.loss_ce": 0.15241, "decode.acc_seg": 93.15347, "aux.loss_ce": 0.06484, "aux.acc_seg": 92.83632, "loss": 0.21724, "time": 1.60696} +{"mode": "val", "epoch": 46, "iter": 250, "lr": 0.0, "aAcc": 0.8592, "mIoU": 0.5754, "mAcc": 0.7063, "IoU.wall": 0.8233, "IoU.building": 0.8414, "IoU.sky": 0.9474, "IoU.floor": 0.8418, "IoU.tree": 0.7725, "IoU.ceiling": 0.8746, "IoU.road": 0.8609, "IoU.bed ": 0.9171, "IoU.windowpane": 0.678, "IoU.grass": 0.6612, "IoU.cabinet": 0.6512, "IoU.sidewalk": 0.6918, "IoU.person": 0.8481, "IoU.earth": 0.3868, "IoU.door": 0.6032, "IoU.table": 0.6999, "IoU.mountain": 0.6225, "IoU.plant": 0.5547, "IoU.curtain": 0.7899, "IoU.chair": 0.6543, "IoU.car": 0.8721, "IoU.water": 0.6088, "IoU.painting": 0.8063, "IoU.sofa": 0.8276, "IoU.shelf": 0.4479, "IoU.house": 0.4544, "IoU.sea": 0.7322, "IoU.mirror": 0.7745, "IoU.rug": 0.6814, "IoU.field": 0.3315, "IoU.armchair": 0.648, "IoU.seat": 0.6537, "IoU.fence": 0.5154, "IoU.desk": 0.5985, "IoU.rock": 0.5654, "IoU.wardrobe": 0.5287, "IoU.lamp": 0.7257, "IoU.bathtub": 0.8559, "IoU.railing": 0.4416, "IoU.cushion": 0.7045, "IoU.base": 0.4387, "IoU.box": 0.3916, "IoU.column": 0.5513, "IoU.signboard": 0.3949, "IoU.chest of drawers": 0.4941, "IoU.counter": 0.4206, "IoU.sand": 0.5105, "IoU.sink": 0.7932, "IoU.skyscraper": 0.4661, "IoU.fireplace": 0.7313, "IoU.refrigerator": 0.8529, "IoU.grandstand": 0.5355, "IoU.path": 0.2917, "IoU.stairs": 0.2766, "IoU.runway": 0.7404, "IoU.case": 0.6249, "IoU.pool table": 0.9405, "IoU.pillow": 0.6706, "IoU.screen door": 0.8249, "IoU.stairway": 0.4228, "IoU.river": 0.1291, "IoU.bridge": 0.6737, "IoU.bookcase": 0.4026, "IoU.blind": 0.5487, "IoU.coffee table": 0.6485, "IoU.toilet": 0.8955, "IoU.flower": 0.4126, "IoU.book": 0.5264, "IoU.hill": 0.0724, "IoU.bench": 0.5707, "IoU.countertop": 0.6251, "IoU.stove": 0.859, "IoU.palm": 0.5406, "IoU.kitchen island": 0.534, "IoU.computer": 0.7736, "IoU.swivel chair": 0.4765, "IoU.boat": 0.7424, "IoU.bar": 0.5921, "IoU.arcade machine": 0.8872, "IoU.hovel": 0.2785, "IoU.bus": 0.9243, "IoU.towel": 0.7296, "IoU.light": 0.5563, "IoU.truck": 0.4984, "IoU.tower": 0.1024, "IoU.chandelier": 0.7033, "IoU.awning": 0.3437, "IoU.streetlight": 0.286, "IoU.booth": 0.5636, "IoU.television receiver": 0.8181, "IoU.airplane": 0.8632, "IoU.dirt track": 0.0535, "IoU.apparel": 0.5879, "IoU.pole": 0.2813, "IoU.land": 0.0384, "IoU.bannister": 0.1567, "IoU.escalator": 0.659, "IoU.ottoman": 0.5438, "IoU.bottle": 0.4364, "IoU.buffet": 0.5811, "IoU.poster": 0.2965, "IoU.stage": 0.2089, "IoU.van": 0.4757, "IoU.ship": 0.9412, "IoU.fountain": 0.4228, "IoU.conveyer belt": 0.8047, "IoU.canopy": 0.4862, "IoU.washer": 0.8597, "IoU.plaything": 0.3179, "IoU.swimming pool": 0.5234, "IoU.stool": 0.4897, "IoU.barrel": 0.5193, "IoU.basket": 0.4491, "IoU.waterfall": 0.6117, "IoU.tent": 0.9318, "IoU.bag": 0.2488, "IoU.minibike": 0.7434, "IoU.cradle": 0.8672, "IoU.oven": 0.5414, "IoU.ball": 0.6107, "IoU.food": 0.587, "IoU.step": 0.1017, "IoU.tank": 0.6771, "IoU.trade name": 0.2614, "IoU.microwave": 0.8816, "IoU.pot": 0.6001, "IoU.animal": 0.6782, "IoU.bicycle": 0.606, "IoU.lake": 0.3764, "IoU.dishwasher": 0.7187, "IoU.screen": 0.5777, "IoU.blanket": 0.3163, "IoU.sculpture": 0.7049, "IoU.hood": 0.6058, "IoU.sconce": 0.591, "IoU.vase": 0.492, "IoU.traffic light": 0.3962, "IoU.tray": 0.2584, "IoU.ashcan": 0.5306, "IoU.fan": 0.6656, "IoU.pier": 0.3994, "IoU.crt screen": 0.0251, "IoU.plate": 0.6109, "IoU.monitor": 0.6247, "IoU.bulletin board": 0.6268, "IoU.shower": 0.2161, "IoU.radiator": 0.6551, "IoU.glass": 0.2017, "IoU.clock": 0.4945, "IoU.flag": 0.6949, "Acc.wall": 0.9003, "Acc.building": 0.9305, "Acc.sky": 0.9761, "Acc.floor": 0.91, "Acc.tree": 0.894, "Acc.ceiling": 0.9414, "Acc.road": 0.9129, "Acc.bed ": 0.9744, "Acc.windowpane": 0.8106, "Acc.grass": 0.7894, "Acc.cabinet": 0.7329, "Acc.sidewalk": 0.8238, "Acc.person": 0.9307, "Acc.earth": 0.5141, "Acc.door": 0.7331, "Acc.table": 0.8214, "Acc.mountain": 0.7411, "Acc.plant": 0.6757, "Acc.curtain": 0.8924, "Acc.chair": 0.7621, "Acc.car": 0.9339, "Acc.water": 0.7187, "Acc.painting": 0.9212, "Acc.sofa": 0.9212, "Acc.shelf": 0.5917, "Acc.house": 0.5669, "Acc.sea": 0.8834, "Acc.mirror": 0.8424, "Acc.rug": 0.8482, "Acc.field": 0.6143, "Acc.armchair": 0.8359, "Acc.seat": 0.8925, "Acc.fence": 0.6705, "Acc.desk": 0.7592, "Acc.rock": 0.8516, "Acc.wardrobe": 0.7678, "Acc.lamp": 0.8255, "Acc.bathtub": 0.8945, "Acc.railing": 0.6314, "Acc.cushion": 0.8037, "Acc.base": 0.6546, "Acc.box": 0.486, "Acc.column": 0.6254, "Acc.signboard": 0.5205, "Acc.chest of drawers": 0.8357, "Acc.counter": 0.5104, "Acc.sand": 0.8877, "Acc.sink": 0.851, "Acc.skyscraper": 0.5988, "Acc.fireplace": 0.9534, "Acc.refrigerator": 0.9526, "Acc.grandstand": 0.8766, "Acc.path": 0.4181, "Acc.stairs": 0.3254, "Acc.runway": 0.9786, "Acc.case": 0.8125, "Acc.pool table": 0.9817, "Acc.pillow": 0.774, "Acc.screen door": 0.8672, "Acc.stairway": 0.5941, "Acc.river": 0.243, "Acc.bridge": 0.8618, "Acc.bookcase": 0.6983, "Acc.blind": 0.6989, "Acc.coffee table": 0.7904, "Acc.toilet": 0.9437, "Acc.flower": 0.5486, "Acc.book": 0.7376, "Acc.hill": 0.1265, "Acc.bench": 0.6668, "Acc.countertop": 0.8454, "Acc.stove": 0.9289, "Acc.palm": 0.7721, "Acc.kitchen island": 0.8994, "Acc.computer": 0.9178, "Acc.swivel chair": 0.7108, "Acc.boat": 0.9045, "Acc.bar": 0.8293, "Acc.arcade machine": 0.9518, "Acc.hovel": 0.2993, "Acc.bus": 0.9727, "Acc.towel": 0.805, "Acc.light": 0.6395, "Acc.truck": 0.6419, "Acc.tower": 0.1677, "Acc.chandelier": 0.8327, "Acc.awning": 0.4608, "Acc.streetlight": 0.3641, "Acc.booth": 0.6939, "Acc.television receiver": 0.8615, "Acc.airplane": 0.929, "Acc.dirt track": 0.2529, "Acc.apparel": 0.7639, "Acc.pole": 0.3856, "Acc.land": 0.0501, "Acc.bannister": 0.1872, "Acc.escalator": 0.8596, "Acc.ottoman": 0.7016, "Acc.bottle": 0.6812, "Acc.buffet": 0.6519, "Acc.poster": 0.3747, "Acc.stage": 0.4811, "Acc.van": 0.6548, "Acc.ship": 0.9787, "Acc.fountain": 0.4378, "Acc.conveyer belt": 0.9532, "Acc.canopy": 0.6557, "Acc.washer": 0.9185, "Acc.plaything": 0.4769, "Acc.swimming pool": 0.7553, "Acc.stool": 0.7125, "Acc.barrel": 0.8669, "Acc.basket": 0.6091, "Acc.waterfall": 0.7822, "Acc.tent": 0.9864, "Acc.bag": 0.2749, "Acc.minibike": 0.896, "Acc.cradle": 0.9781, "Acc.oven": 0.6502, "Acc.ball": 0.6591, "Acc.food": 0.6782, "Acc.step": 0.1532, "Acc.tank": 0.757, "Acc.trade name": 0.3153, "Acc.microwave": 0.971, "Acc.pot": 0.709, "Acc.animal": 0.7046, "Acc.bicycle": 0.8198, "Acc.lake": 0.7164, "Acc.dishwasher": 0.807, "Acc.screen": 0.8629, "Acc.blanket": 0.4104, "Acc.sculpture": 0.8739, "Acc.hood": 0.718, "Acc.sconce": 0.6967, "Acc.vase": 0.6384, "Acc.traffic light": 0.5833, "Acc.tray": 0.3333, "Acc.ashcan": 0.6772, "Acc.fan": 0.7921, "Acc.pier": 0.4436, "Acc.crt screen": 0.0375, "Acc.plate": 0.7911, "Acc.monitor": 0.7089, "Acc.bulletin board": 0.765, "Acc.shower": 0.2458, "Acc.radiator": 0.8466, "Acc.glass": 0.2133, "Acc.clock": 0.5866, "Acc.flag": 0.7652} +{"mode": "train", "epoch": 46, "iter": 57050, "lr": 0.0, "memory": 65790, "data_time": 1.68559, "decode.loss_ce": 0.161, "decode.acc_seg": 93.01492, "aux.loss_ce": 0.06892, "aux.acc_seg": 92.57897, "loss": 0.22992, "time": 3.28718} +{"mode": "train", "epoch": 46, "iter": 57100, "lr": 0.0, "memory": 65790, "data_time": 0.00709, "decode.loss_ce": 0.14628, "decode.acc_seg": 93.52258, "aux.loss_ce": 0.06261, "aux.acc_seg": 93.21655, "loss": 0.20889, "time": 1.60779} +{"mode": "train", "epoch": 46, "iter": 57150, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.14425, "decode.acc_seg": 93.43728, "aux.loss_ce": 0.06169, "aux.acc_seg": 93.08605, "loss": 0.20594, "time": 1.60999} +{"mode": "train", "epoch": 46, "iter": 57200, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.14075, "decode.acc_seg": 93.62085, "aux.loss_ce": 0.06036, "aux.acc_seg": 93.27518, "loss": 0.20111, "time": 1.60956} +{"mode": "train", "epoch": 46, "iter": 57250, "lr": 0.0, "memory": 65790, "data_time": 0.0073, "decode.loss_ce": 0.15268, "decode.acc_seg": 92.99223, "aux.loss_ce": 0.06525, "aux.acc_seg": 92.6735, "loss": 0.21793, "time": 1.60821} +{"mode": "train", "epoch": 46, "iter": 57300, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.14705, "decode.acc_seg": 93.3795, "aux.loss_ce": 0.06283, "aux.acc_seg": 93.04179, "loss": 0.20988, "time": 1.60817} +{"mode": "train", "epoch": 46, "iter": 57350, "lr": 0.0, "memory": 65790, "data_time": 0.00712, "decode.loss_ce": 0.15277, "decode.acc_seg": 93.29084, "aux.loss_ce": 0.06561, "aux.acc_seg": 92.91012, "loss": 0.21838, "time": 1.60836} +{"mode": "train", "epoch": 46, "iter": 57400, "lr": 0.0, "memory": 65790, "data_time": 0.00728, "decode.loss_ce": 0.14726, "decode.acc_seg": 93.52834, "aux.loss_ce": 0.06247, "aux.acc_seg": 93.19973, "loss": 0.20973, "time": 1.61011} +{"mode": "train", "epoch": 46, "iter": 57450, "lr": 0.0, "memory": 65790, "data_time": 0.00719, "decode.loss_ce": 0.14585, "decode.acc_seg": 93.46058, "aux.loss_ce": 0.06255, "aux.acc_seg": 93.06707, "loss": 0.20839, "time": 1.60997} +{"mode": "train", "epoch": 46, "iter": 57500, "lr": 0.0, "memory": 65790, "data_time": 0.00728, "decode.loss_ce": 0.14662, "decode.acc_seg": 93.44125, "aux.loss_ce": 0.06275, "aux.acc_seg": 93.12414, "loss": 0.20937, "time": 1.60838} +{"mode": "train", "epoch": 46, "iter": 57550, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.14897, "decode.acc_seg": 93.50698, "aux.loss_ce": 0.06375, "aux.acc_seg": 93.20909, "loss": 0.21272, "time": 1.61087} +{"mode": "train", "epoch": 46, "iter": 57600, "lr": 0.0, "memory": 65790, "data_time": 0.00705, "decode.loss_ce": 0.15201, "decode.acc_seg": 93.04382, "aux.loss_ce": 0.06565, "aux.acc_seg": 92.61098, "loss": 0.21766, "time": 1.60801} +{"mode": "train", "epoch": 46, "iter": 57650, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.15347, "decode.acc_seg": 93.22664, "aux.loss_ce": 0.066, "aux.acc_seg": 92.76785, "loss": 0.21947, "time": 1.60768} +{"mode": "train", "epoch": 46, "iter": 57700, "lr": 0.0, "memory": 65790, "data_time": 0.00707, "decode.loss_ce": 0.14668, "decode.acc_seg": 93.4078, "aux.loss_ce": 0.06266, "aux.acc_seg": 93.07126, "loss": 0.20934, "time": 1.60719} +{"mode": "train", "epoch": 46, "iter": 57750, "lr": 0.0, "memory": 65790, "data_time": 0.00731, "decode.loss_ce": 0.14054, "decode.acc_seg": 93.57728, "aux.loss_ce": 0.05998, "aux.acc_seg": 93.27114, "loss": 0.20052, "time": 1.61193} +{"mode": "train", "epoch": 46, "iter": 57800, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.14138, "decode.acc_seg": 93.45884, "aux.loss_ce": 0.05996, "aux.acc_seg": 93.20581, "loss": 0.20134, "time": 1.60806} +{"mode": "train", "epoch": 46, "iter": 57850, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.1505, "decode.acc_seg": 93.27157, "aux.loss_ce": 0.06373, "aux.acc_seg": 92.97953, "loss": 0.21422, "time": 1.60885} +{"mode": "train", "epoch": 46, "iter": 57900, "lr": 0.0, "memory": 65790, "data_time": 0.0074, "decode.loss_ce": 0.14615, "decode.acc_seg": 93.48993, "aux.loss_ce": 0.06254, "aux.acc_seg": 93.14181, "loss": 0.20869, "time": 1.61012} +{"mode": "train", "epoch": 46, "iter": 57950, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.16011, "decode.acc_seg": 92.92786, "aux.loss_ce": 0.06808, "aux.acc_seg": 92.60644, "loss": 0.22819, "time": 1.60926} +{"mode": "train", "epoch": 46, "iter": 58000, "lr": 0.0, "memory": 65790, "data_time": 0.00703, "decode.loss_ce": 0.15096, "decode.acc_seg": 93.3468, "aux.loss_ce": 0.06362, "aux.acc_seg": 93.04225, "loss": 0.21458, "time": 3.07272} +{"mode": "val", "epoch": 46, "iter": 250, "lr": 0.0, "aAcc": 0.8586, "mIoU": 0.5743, "mAcc": 0.6975, "IoU.wall": 0.8216, "IoU.building": 0.8432, "IoU.sky": 0.9476, "IoU.floor": 0.8309, "IoU.tree": 0.7715, "IoU.ceiling": 0.8758, "IoU.road": 0.8458, "IoU.bed ": 0.9205, "IoU.windowpane": 0.6706, "IoU.grass": 0.6592, "IoU.cabinet": 0.6437, "IoU.sidewalk": 0.6741, "IoU.person": 0.8449, "IoU.earth": 0.3908, "IoU.door": 0.604, "IoU.table": 0.7064, "IoU.mountain": 0.6322, "IoU.plant": 0.5542, "IoU.curtain": 0.7619, "IoU.chair": 0.6626, "IoU.car": 0.8746, "IoU.water": 0.633, "IoU.painting": 0.7915, "IoU.sofa": 0.8351, "IoU.shelf": 0.4893, "IoU.house": 0.4397, "IoU.sea": 0.7421, "IoU.mirror": 0.7605, "IoU.rug": 0.5405, "IoU.field": 0.3338, "IoU.armchair": 0.6607, "IoU.seat": 0.6458, "IoU.fence": 0.5147, "IoU.desk": 0.5929, "IoU.rock": 0.5597, "IoU.wardrobe": 0.5202, "IoU.lamp": 0.7292, "IoU.bathtub": 0.8462, "IoU.railing": 0.4321, "IoU.cushion": 0.68, "IoU.base": 0.416, "IoU.box": 0.4078, "IoU.column": 0.5556, "IoU.signboard": 0.4, "IoU.chest of drawers": 0.4559, "IoU.counter": 0.4144, "IoU.sand": 0.5629, "IoU.sink": 0.8087, "IoU.skyscraper": 0.4625, "IoU.fireplace": 0.7582, "IoU.refrigerator": 0.857, "IoU.grandstand": 0.5303, "IoU.path": 0.2809, "IoU.stairs": 0.3534, "IoU.runway": 0.7453, "IoU.case": 0.6013, "IoU.pool table": 0.9437, "IoU.pillow": 0.6546, "IoU.screen door": 0.8308, "IoU.stairway": 0.4728, "IoU.river": 0.1433, "IoU.bridge": 0.7036, "IoU.bookcase": 0.4667, "IoU.blind": 0.4619, "IoU.coffee table": 0.6705, "IoU.toilet": 0.899, "IoU.flower": 0.4262, "IoU.book": 0.5122, "IoU.hill": 0.0854, "IoU.bench": 0.5658, "IoU.countertop": 0.642, "IoU.stove": 0.8586, "IoU.palm": 0.5237, "IoU.kitchen island": 0.5382, "IoU.computer": 0.7779, "IoU.swivel chair": 0.4707, "IoU.boat": 0.7669, "IoU.bar": 0.5799, "IoU.arcade machine": 0.768, "IoU.hovel": 0.2789, "IoU.bus": 0.925, "IoU.towel": 0.7338, "IoU.light": 0.5488, "IoU.truck": 0.4942, "IoU.tower": 0.1396, "IoU.chandelier": 0.7205, "IoU.awning": 0.3518, "IoU.streetlight": 0.2997, "IoU.booth": 0.4567, "IoU.television receiver": 0.7741, "IoU.airplane": 0.8692, "IoU.dirt track": 0.0449, "IoU.apparel": 0.5758, "IoU.pole": 0.2041, "IoU.land": 0.0409, "IoU.bannister": 0.1872, "IoU.escalator": 0.6646, "IoU.ottoman": 0.5469, "IoU.bottle": 0.4283, "IoU.buffet": 0.4868, "IoU.poster": 0.32, "IoU.stage": 0.2758, "IoU.van": 0.5446, "IoU.ship": 0.9241, "IoU.fountain": 0.3545, "IoU.conveyer belt": 0.8201, "IoU.canopy": 0.5152, "IoU.washer": 0.8294, "IoU.plaything": 0.3153, "IoU.swimming pool": 0.5301, "IoU.stool": 0.4941, "IoU.barrel": 0.4981, "IoU.basket": 0.453, "IoU.waterfall": 0.631, "IoU.tent": 0.9555, "IoU.bag": 0.2888, "IoU.minibike": 0.7516, "IoU.cradle": 0.8439, "IoU.oven": 0.6345, "IoU.ball": 0.6191, "IoU.food": 0.5885, "IoU.step": 0.0967, "IoU.tank": 0.63, "IoU.trade name": 0.2656, "IoU.microwave": 0.9114, "IoU.pot": 0.5962, "IoU.animal": 0.6262, "IoU.bicycle": 0.6089, "IoU.lake": 0.4165, "IoU.dishwasher": 0.716, "IoU.screen": 0.5673, "IoU.blanket": 0.3374, "IoU.sculpture": 0.7208, "IoU.hood": 0.6137, "IoU.sconce": 0.5683, "IoU.vase": 0.4887, "IoU.traffic light": 0.3831, "IoU.tray": 0.259, "IoU.ashcan": 0.5423, "IoU.fan": 0.6637, "IoU.pier": 0.4031, "IoU.crt screen": 0.0491, "IoU.plate": 0.6044, "IoU.monitor": 0.6433, "IoU.bulletin board": 0.5741, "IoU.shower": 0.2155, "IoU.radiator": 0.6744, "IoU.glass": 0.2187, "IoU.clock": 0.4585, "IoU.flag": 0.6746, "Acc.wall": 0.9079, "Acc.building": 0.9366, "Acc.sky": 0.9777, "Acc.floor": 0.9228, "Acc.tree": 0.8855, "Acc.ceiling": 0.9425, "Acc.road": 0.9208, "Acc.bed ": 0.9664, "Acc.windowpane": 0.8088, "Acc.grass": 0.798, "Acc.cabinet": 0.7319, "Acc.sidewalk": 0.7822, "Acc.person": 0.9357, "Acc.earth": 0.5114, "Acc.door": 0.7235, "Acc.table": 0.8061, "Acc.mountain": 0.7272, "Acc.plant": 0.6631, "Acc.curtain": 0.8912, "Acc.chair": 0.7715, "Acc.car": 0.9323, "Acc.water": 0.7773, "Acc.painting": 0.9012, "Acc.sofa": 0.9162, "Acc.shelf": 0.6478, "Acc.house": 0.5222, "Acc.sea": 0.905, "Acc.mirror": 0.8349, "Acc.rug": 0.6243, "Acc.field": 0.6178, "Acc.armchair": 0.8138, "Acc.seat": 0.8823, "Acc.fence": 0.6346, "Acc.desk": 0.7905, "Acc.rock": 0.8442, "Acc.wardrobe": 0.7615, "Acc.lamp": 0.8298, "Acc.bathtub": 0.8824, "Acc.railing": 0.5799, "Acc.cushion": 0.8263, "Acc.base": 0.5399, "Acc.box": 0.5429, "Acc.column": 0.6441, "Acc.signboard": 0.5167, "Acc.chest of drawers": 0.7669, "Acc.counter": 0.4945, "Acc.sand": 0.8659, "Acc.sink": 0.8629, "Acc.skyscraper": 0.5999, "Acc.fireplace": 0.9314, "Acc.refrigerator": 0.9517, "Acc.grandstand": 0.891, "Acc.path": 0.3494, "Acc.stairs": 0.4225, "Acc.runway": 0.9686, "Acc.case": 0.7909, "Acc.pool table": 0.9764, "Acc.pillow": 0.7551, "Acc.screen door": 0.8895, "Acc.stairway": 0.6029, "Acc.river": 0.2141, "Acc.bridge": 0.878, "Acc.bookcase": 0.5985, "Acc.blind": 0.5544, "Acc.coffee table": 0.8483, "Acc.toilet": 0.9359, "Acc.flower": 0.6071, "Acc.book": 0.7351, "Acc.hill": 0.151, "Acc.bench": 0.6215, "Acc.countertop": 0.8463, "Acc.stove": 0.9318, "Acc.palm": 0.7995, "Acc.kitchen island": 0.8938, "Acc.computer": 0.8932, "Acc.swivel chair": 0.7079, "Acc.boat": 0.9134, "Acc.bar": 0.8566, "Acc.arcade machine": 0.7997, "Acc.hovel": 0.303, "Acc.bus": 0.9714, "Acc.towel": 0.8154, "Acc.light": 0.6193, "Acc.truck": 0.6418, "Acc.tower": 0.217, "Acc.chandelier": 0.8548, "Acc.awning": 0.4687, "Acc.streetlight": 0.3712, "Acc.booth": 0.6223, "Acc.television receiver": 0.8526, "Acc.airplane": 0.9192, "Acc.dirt track": 0.2586, "Acc.apparel": 0.7248, "Acc.pole": 0.2821, "Acc.land": 0.0542, "Acc.bannister": 0.2356, "Acc.escalator": 0.8594, "Acc.ottoman": 0.6785, "Acc.bottle": 0.6962, "Acc.buffet": 0.5364, "Acc.poster": 0.4498, "Acc.stage": 0.4729, "Acc.van": 0.7847, "Acc.ship": 0.9836, "Acc.fountain": 0.3615, "Acc.conveyer belt": 0.9639, "Acc.canopy": 0.7136, "Acc.washer": 0.8826, "Acc.plaything": 0.4404, "Acc.swimming pool": 0.7647, "Acc.stool": 0.5803, "Acc.barrel": 0.7327, "Acc.basket": 0.5786, "Acc.waterfall": 0.7556, "Acc.tent": 0.988, "Acc.bag": 0.3329, "Acc.minibike": 0.8723, "Acc.cradle": 0.9796, "Acc.oven": 0.724, "Acc.ball": 0.6739, "Acc.food": 0.6772, "Acc.step": 0.127, "Acc.tank": 0.68, "Acc.trade name": 0.3251, "Acc.microwave": 0.9594, "Acc.pot": 0.6928, "Acc.animal": 0.6437, "Acc.bicycle": 0.7877, "Acc.lake": 0.6363, "Acc.dishwasher": 0.8093, "Acc.screen": 0.8774, "Acc.blanket": 0.3945, "Acc.sculpture": 0.8263, "Acc.hood": 0.7188, "Acc.sconce": 0.6397, "Acc.vase": 0.6229, "Acc.traffic light": 0.613, "Acc.tray": 0.3631, "Acc.ashcan": 0.6744, "Acc.fan": 0.7991, "Acc.pier": 0.4533, "Acc.crt screen": 0.0708, "Acc.plate": 0.8038, "Acc.monitor": 0.7593, "Acc.bulletin board": 0.8318, "Acc.shower": 0.2345, "Acc.radiator": 0.7578, "Acc.glass": 0.2367, "Acc.clock": 0.5541, "Acc.flag": 0.7486} +{"mode": "train", "epoch": 46, "iter": 58050, "lr": 0.0, "memory": 65790, "data_time": 1.63966, "decode.loss_ce": 0.15611, "decode.acc_seg": 93.01367, "aux.loss_ce": 0.06609, "aux.acc_seg": 92.67517, "loss": 0.2222, "time": 3.24332} +{"mode": "train", "epoch": 47, "iter": 58100, "lr": 0.0, "memory": 65790, "data_time": 0.0863, "decode.loss_ce": 0.14855, "decode.acc_seg": 93.13867, "aux.loss_ce": 0.06374, "aux.acc_seg": 92.76677, "loss": 0.21229, "time": 1.69376} +{"mode": "train", "epoch": 47, "iter": 58150, "lr": 0.0, "memory": 65790, "data_time": 0.00942, "decode.loss_ce": 0.14575, "decode.acc_seg": 93.47235, "aux.loss_ce": 0.06277, "aux.acc_seg": 93.15177, "loss": 0.20852, "time": 1.60947} +{"mode": "train", "epoch": 47, "iter": 58200, "lr": 0.0, "memory": 65790, "data_time": 0.00721, "decode.loss_ce": 0.14493, "decode.acc_seg": 93.61098, "aux.loss_ce": 0.06168, "aux.acc_seg": 93.35796, "loss": 0.20661, "time": 1.61213} +{"mode": "train", "epoch": 47, "iter": 58250, "lr": 0.0, "memory": 65790, "data_time": 0.00706, "decode.loss_ce": 0.13462, "decode.acc_seg": 93.90963, "aux.loss_ce": 0.05766, "aux.acc_seg": 93.6229, "loss": 0.19228, "time": 1.60936} +{"mode": "train", "epoch": 47, "iter": 58300, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.14453, "decode.acc_seg": 93.48588, "aux.loss_ce": 0.06157, "aux.acc_seg": 93.17833, "loss": 0.2061, "time": 1.60882} +{"mode": "train", "epoch": 47, "iter": 58350, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.15334, "decode.acc_seg": 93.31597, "aux.loss_ce": 0.06496, "aux.acc_seg": 92.94122, "loss": 0.2183, "time": 1.61078} +{"mode": "train", "epoch": 47, "iter": 58400, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.13804, "decode.acc_seg": 93.93112, "aux.loss_ce": 0.05906, "aux.acc_seg": 93.5535, "loss": 0.1971, "time": 1.61029} +{"mode": "train", "epoch": 47, "iter": 58450, "lr": 0.0, "memory": 65790, "data_time": 0.00724, "decode.loss_ce": 0.1415, "decode.acc_seg": 93.63027, "aux.loss_ce": 0.06094, "aux.acc_seg": 93.2682, "loss": 0.20244, "time": 1.60895} +{"mode": "train", "epoch": 47, "iter": 58500, "lr": 0.0, "memory": 65790, "data_time": 0.00709, "decode.loss_ce": 0.15166, "decode.acc_seg": 93.54839, "aux.loss_ce": 0.06436, "aux.acc_seg": 93.16494, "loss": 0.21602, "time": 1.6085} +{"mode": "train", "epoch": 47, "iter": 58550, "lr": 0.0, "memory": 65790, "data_time": 0.00713, "decode.loss_ce": 0.1513, "decode.acc_seg": 93.16126, "aux.loss_ce": 0.06423, "aux.acc_seg": 92.8692, "loss": 0.21553, "time": 1.61054} +{"mode": "train", "epoch": 47, "iter": 58600, "lr": 0.0, "memory": 65790, "data_time": 0.00702, "decode.loss_ce": 0.14507, "decode.acc_seg": 93.36957, "aux.loss_ce": 0.06223, "aux.acc_seg": 93.09484, "loss": 0.2073, "time": 1.6086} +{"mode": "train", "epoch": 47, "iter": 58650, "lr": 0.0, "memory": 65790, "data_time": 0.00708, "decode.loss_ce": 0.14611, "decode.acc_seg": 93.38821, "aux.loss_ce": 0.06289, "aux.acc_seg": 92.99771, "loss": 0.209, "time": 1.60663} +{"mode": "train", "epoch": 47, "iter": 58700, "lr": 0.0, "memory": 65790, "data_time": 0.00722, "decode.loss_ce": 0.14727, "decode.acc_seg": 93.46056, "aux.loss_ce": 0.06268, "aux.acc_seg": 93.11099, "loss": 0.20995, "time": 1.60936} +{"mode": "train", "epoch": 47, "iter": 58750, "lr": 0.0, "memory": 65790, "data_time": 0.00727, "decode.loss_ce": 0.14857, "decode.acc_seg": 93.28519, "aux.loss_ce": 0.06368, "aux.acc_seg": 92.9225, "loss": 0.21225, "time": 1.60839} +{"mode": "train", "epoch": 47, "iter": 58800, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.1397, "decode.acc_seg": 93.68158, "aux.loss_ce": 0.06059, "aux.acc_seg": 93.24025, "loss": 0.20029, "time": 1.61056} +{"mode": "train", "epoch": 47, "iter": 58850, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.14897, "decode.acc_seg": 93.41477, "aux.loss_ce": 0.06349, "aux.acc_seg": 93.0919, "loss": 0.21247, "time": 1.60927} +{"mode": "train", "epoch": 47, "iter": 58900, "lr": 0.0, "memory": 65790, "data_time": 0.0071, "decode.loss_ce": 0.14062, "decode.acc_seg": 93.65228, "aux.loss_ce": 0.06053, "aux.acc_seg": 93.24589, "loss": 0.20115, "time": 1.61117} +{"mode": "train", "epoch": 47, "iter": 58950, "lr": 0.0, "memory": 65790, "data_time": 0.00704, "decode.loss_ce": 0.15253, "decode.acc_seg": 93.15555, "aux.loss_ce": 0.06447, "aux.acc_seg": 92.84624, "loss": 0.217, "time": 1.60766} +{"mode": "train", "epoch": 47, "iter": 59000, "lr": 0.0, "memory": 65790, "data_time": 0.00707, "decode.loss_ce": 0.15358, "decode.acc_seg": 93.16146, "aux.loss_ce": 0.06616, "aux.acc_seg": 92.77536, "loss": 0.21974, "time": 1.61339} +{"mode": "val", "epoch": 47, "iter": 250, "lr": 0.0, "aAcc": 0.8603, "mIoU": 0.5782, "mAcc": 0.7034, "IoU.wall": 0.8211, "IoU.building": 0.8394, "IoU.sky": 0.9467, "IoU.floor": 0.8504, "IoU.tree": 0.7742, "IoU.ceiling": 0.8727, "IoU.road": 0.8591, "IoU.bed ": 0.9189, "IoU.windowpane": 0.6679, "IoU.grass": 0.6671, "IoU.cabinet": 0.66, "IoU.sidewalk": 0.7137, "IoU.person": 0.8477, "IoU.earth": 0.4019, "IoU.door": 0.586, "IoU.table": 0.712, "IoU.mountain": 0.6294, "IoU.plant": 0.5477, "IoU.curtain": 0.782, "IoU.chair": 0.6627, "IoU.car": 0.8757, "IoU.water": 0.6453, "IoU.painting": 0.7947, "IoU.sofa": 0.8247, "IoU.shelf": 0.4682, "IoU.house": 0.3825, "IoU.sea": 0.7736, "IoU.mirror": 0.7818, "IoU.rug": 0.6784, "IoU.field": 0.2668, "IoU.armchair": 0.6591, "IoU.seat": 0.6666, "IoU.fence": 0.5291, "IoU.desk": 0.5994, "IoU.rock": 0.5774, "IoU.wardrobe": 0.5286, "IoU.lamp": 0.7285, "IoU.bathtub": 0.8502, "IoU.railing": 0.4371, "IoU.cushion": 0.6817, "IoU.base": 0.4447, "IoU.box": 0.4039, "IoU.column": 0.5665, "IoU.signboard": 0.4113, "IoU.chest of drawers": 0.4424, "IoU.counter": 0.4217, "IoU.sand": 0.5631, "IoU.sink": 0.7876, "IoU.skyscraper": 0.4691, "IoU.fireplace": 0.7201, "IoU.refrigerator": 0.8665, "IoU.grandstand": 0.5488, "IoU.path": 0.2982, "IoU.stairs": 0.3684, "IoU.runway": 0.747, "IoU.case": 0.6133, "IoU.pool table": 0.9417, "IoU.pillow": 0.6089, "IoU.screen door": 0.817, "IoU.stairway": 0.3822, "IoU.river": 0.1532, "IoU.bridge": 0.6993, "IoU.bookcase": 0.4252, "IoU.blind": 0.4416, "IoU.coffee table": 0.6514, "IoU.toilet": 0.8987, "IoU.flower": 0.4108, "IoU.book": 0.5236, "IoU.hill": 0.1366, "IoU.bench": 0.5645, "IoU.countertop": 0.6392, "IoU.stove": 0.8696, "IoU.palm": 0.5459, "IoU.kitchen island": 0.5482, "IoU.computer": 0.777, "IoU.swivel chair": 0.4735, "IoU.boat": 0.8304, "IoU.bar": 0.5757, "IoU.arcade machine": 0.8545, "IoU.hovel": 0.3232, "IoU.bus": 0.9303, "IoU.towel": 0.7551, "IoU.light": 0.5782, "IoU.truck": 0.4975, "IoU.tower": 0.074, "IoU.chandelier": 0.7103, "IoU.awning": 0.3507, "IoU.streetlight": 0.3083, "IoU.booth": 0.5261, "IoU.television receiver": 0.8026, "IoU.airplane": 0.8572, "IoU.dirt track": 0.0438, "IoU.apparel": 0.5966, "IoU.pole": 0.2444, "IoU.land": 0.0411, "IoU.bannister": 0.1889, "IoU.escalator": 0.6588, "IoU.ottoman": 0.5448, "IoU.bottle": 0.4409, "IoU.buffet": 0.6163, "IoU.poster": 0.3593, "IoU.stage": 0.243, "IoU.van": 0.5398, "IoU.ship": 0.8963, "IoU.fountain": 0.3737, "IoU.conveyer belt": 0.7974, "IoU.canopy": 0.5062, "IoU.washer": 0.8292, "IoU.plaything": 0.3407, "IoU.swimming pool": 0.5235, "IoU.stool": 0.4695, "IoU.barrel": 0.6368, "IoU.basket": 0.4305, "IoU.waterfall": 0.5741, "IoU.tent": 0.94, "IoU.bag": 0.2909, "IoU.minibike": 0.7343, "IoU.cradle": 0.8529, "IoU.oven": 0.5416, "IoU.ball": 0.585, "IoU.food": 0.6324, "IoU.step": 0.1146, "IoU.tank": 0.6097, "IoU.trade name": 0.2713, "IoU.microwave": 0.8835, "IoU.pot": 0.6001, "IoU.animal": 0.6356, "IoU.bicycle": 0.6114, "IoU.lake": 0.5314, "IoU.dishwasher": 0.6975, "IoU.screen": 0.516, "IoU.blanket": 0.3727, "IoU.sculpture": 0.7156, "IoU.hood": 0.6165, "IoU.sconce": 0.5739, "IoU.vase": 0.4931, "IoU.traffic light": 0.3951, "IoU.tray": 0.2471, "IoU.ashcan": 0.5231, "IoU.fan": 0.6789, "IoU.pier": 0.3881, "IoU.crt screen": 0.0838, "IoU.plate": 0.6003, "IoU.monitor": 0.5707, "IoU.bulletin board": 0.5778, "IoU.shower": 0.2112, "IoU.radiator": 0.6881, "IoU.glass": 0.2021, "IoU.clock": 0.4959, "IoU.flag": 0.6903, "Acc.wall": 0.899, "Acc.building": 0.938, "Acc.sky": 0.9728, "Acc.floor": 0.9193, "Acc.tree": 0.8925, "Acc.ceiling": 0.9396, "Acc.road": 0.9061, "Acc.bed ": 0.9686, "Acc.windowpane": 0.8414, "Acc.grass": 0.843, "Acc.cabinet": 0.7568, "Acc.sidewalk": 0.8732, "Acc.person": 0.9326, "Acc.earth": 0.5348, "Acc.door": 0.7131, "Acc.table": 0.8123, "Acc.mountain": 0.7219, "Acc.plant": 0.6617, "Acc.curtain": 0.8715, "Acc.chair": 0.7828, "Acc.car": 0.9325, "Acc.water": 0.8142, "Acc.painting": 0.8972, "Acc.sofa": 0.9019, "Acc.shelf": 0.6069, "Acc.house": 0.4496, "Acc.sea": 0.8465, "Acc.mirror": 0.8817, "Acc.rug": 0.7524, "Acc.field": 0.4423, "Acc.armchair": 0.8272, "Acc.seat": 0.8748, "Acc.fence": 0.6748, "Acc.desk": 0.7843, "Acc.rock": 0.8323, "Acc.wardrobe": 0.7634, "Acc.lamp": 0.822, "Acc.bathtub": 0.8824, "Acc.railing": 0.6415, "Acc.cushion": 0.8128, "Acc.base": 0.5999, "Acc.box": 0.5329, "Acc.column": 0.6765, "Acc.signboard": 0.5455, "Acc.chest of drawers": 0.6606, "Acc.counter": 0.5006, "Acc.sand": 0.7823, "Acc.sink": 0.845, "Acc.skyscraper": 0.6031, "Acc.fireplace": 0.9495, "Acc.refrigerator": 0.9617, "Acc.grandstand": 0.8591, "Acc.path": 0.3911, "Acc.stairs": 0.4533, "Acc.runway": 0.9663, "Acc.case": 0.8177, "Acc.pool table": 0.98, "Acc.pillow": 0.6884, "Acc.screen door": 0.8867, "Acc.stairway": 0.4773, "Acc.river": 0.2685, "Acc.bridge": 0.8427, "Acc.bookcase": 0.623, "Acc.blind": 0.5316, "Acc.coffee table": 0.8664, "Acc.toilet": 0.9413, "Acc.flower": 0.5326, "Acc.book": 0.776, "Acc.hill": 0.2713, "Acc.bench": 0.6425, "Acc.countertop": 0.8287, "Acc.stove": 0.9245, "Acc.palm": 0.7799, "Acc.kitchen island": 0.8928, "Acc.computer": 0.9093, "Acc.swivel chair": 0.7775, "Acc.boat": 0.9122, "Acc.bar": 0.8145, "Acc.arcade machine": 0.9025, "Acc.hovel": 0.3516, "Acc.bus": 0.9715, "Acc.towel": 0.8469, "Acc.light": 0.722, "Acc.truck": 0.7159, "Acc.tower": 0.1135, "Acc.chandelier": 0.8863, "Acc.awning": 0.4498, "Acc.streetlight": 0.3934, "Acc.booth": 0.6247, "Acc.television receiver": 0.8644, "Acc.airplane": 0.9468, "Acc.dirt track": 0.1925, "Acc.apparel": 0.7297, "Acc.pole": 0.3452, "Acc.land": 0.0525, "Acc.bannister": 0.2345, "Acc.escalator": 0.8779, "Acc.ottoman": 0.7685, "Acc.bottle": 0.7225, "Acc.buffet": 0.6889, "Acc.poster": 0.4761, "Acc.stage": 0.4951, "Acc.van": 0.7048, "Acc.ship": 0.9458, "Acc.fountain": 0.396, "Acc.conveyer belt": 0.963, "Acc.canopy": 0.7095, "Acc.washer": 0.885, "Acc.plaything": 0.4745, "Acc.swimming pool": 0.7556, "Acc.stool": 0.7019, "Acc.barrel": 0.8203, "Acc.basket": 0.6025, "Acc.waterfall": 0.677, "Acc.tent": 0.9859, "Acc.bag": 0.3375, "Acc.minibike": 0.8896, "Acc.cradle": 0.9727, "Acc.oven": 0.6318, "Acc.ball": 0.6229, "Acc.food": 0.7392, "Acc.step": 0.146, "Acc.tank": 0.6852, "Acc.trade name": 0.3309, "Acc.microwave": 0.9597, "Acc.pot": 0.7127, "Acc.animal": 0.663, "Acc.bicycle": 0.7904, "Acc.lake": 0.6366, "Acc.dishwasher": 0.8231, "Acc.screen": 0.8117, "Acc.blanket": 0.4285, "Acc.sculpture": 0.8606, "Acc.hood": 0.7386, "Acc.sconce": 0.6632, "Acc.vase": 0.6264, "Acc.traffic light": 0.5659, "Acc.tray": 0.3184, "Acc.ashcan": 0.7072, "Acc.fan": 0.8259, "Acc.pier": 0.4366, "Acc.crt screen": 0.1539, "Acc.plate": 0.8218, "Acc.monitor": 0.6702, "Acc.bulletin board": 0.785, "Acc.shower": 0.2301, "Acc.radiator": 0.7939, "Acc.glass": 0.2141, "Acc.clock": 0.6163, "Acc.flag": 0.7773} +{"mode": "train", "epoch": 47, "iter": 59050, "lr": 0.0, "memory": 65790, "data_time": 1.66292, "decode.loss_ce": 0.1535, "decode.acc_seg": 93.13751, "aux.loss_ce": 0.06519, "aux.acc_seg": 92.80037, "loss": 0.2187, "time": 3.26642} +{"mode": "train", "epoch": 47, "iter": 59100, "lr": 0.0, "memory": 65790, "data_time": 0.00708, "decode.loss_ce": 0.15212, "decode.acc_seg": 93.12362, "aux.loss_ce": 0.06536, "aux.acc_seg": 92.78556, "loss": 0.21747, "time": 1.61082} +{"mode": "train", "epoch": 47, "iter": 59150, "lr": 0.0, "memory": 65790, "data_time": 0.00735, "decode.loss_ce": 0.1475, "decode.acc_seg": 93.31046, "aux.loss_ce": 0.063, "aux.acc_seg": 92.95968, "loss": 0.2105, "time": 1.60807} +{"mode": "train", "epoch": 47, "iter": 59200, "lr": 0.0, "memory": 65790, "data_time": 0.00727, "decode.loss_ce": 0.15035, "decode.acc_seg": 93.31477, "aux.loss_ce": 0.0642, "aux.acc_seg": 93.04016, "loss": 0.21456, "time": 1.60896} +{"mode": "train", "epoch": 47, "iter": 59250, "lr": 0.0, "memory": 65790, "data_time": 0.00699, "decode.loss_ce": 0.15256, "decode.acc_seg": 93.2436, "aux.loss_ce": 0.065, "aux.acc_seg": 92.88006, "loss": 0.21757, "time": 1.609} +{"mode": "train", "epoch": 47, "iter": 59300, "lr": 0.0, "memory": 65790, "data_time": 0.00722, "decode.loss_ce": 0.13975, "decode.acc_seg": 93.51275, "aux.loss_ce": 0.05968, "aux.acc_seg": 93.19196, "loss": 0.19944, "time": 1.61017} +{"mode": "train", "epoch": 47, "iter": 59350, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.1474, "decode.acc_seg": 93.42693, "aux.loss_ce": 0.06232, "aux.acc_seg": 93.08248, "loss": 0.20972, "time": 1.60953} +{"mode": "train", "epoch": 48, "iter": 59400, "lr": 0.0, "memory": 65790, "data_time": 0.04938, "decode.loss_ce": 0.1487, "decode.acc_seg": 93.57014, "aux.loss_ce": 0.06326, "aux.acc_seg": 93.18746, "loss": 0.21196, "time": 1.65003} +{"mode": "train", "epoch": 48, "iter": 59450, "lr": 0.0, "memory": 65790, "data_time": 0.00719, "decode.loss_ce": 0.14262, "decode.acc_seg": 93.54289, "aux.loss_ce": 0.06131, "aux.acc_seg": 93.13212, "loss": 0.20393, "time": 1.60737} +{"mode": "train", "epoch": 48, "iter": 59500, "lr": 0.0, "memory": 65790, "data_time": 0.00695, "decode.loss_ce": 0.14306, "decode.acc_seg": 93.61013, "aux.loss_ce": 0.06162, "aux.acc_seg": 93.26542, "loss": 0.20469, "time": 1.60859} +{"mode": "train", "epoch": 48, "iter": 59550, "lr": 0.0, "memory": 65790, "data_time": 0.00712, "decode.loss_ce": 0.14338, "decode.acc_seg": 93.33079, "aux.loss_ce": 0.06191, "aux.acc_seg": 92.9256, "loss": 0.20528, "time": 1.60773} +{"mode": "train", "epoch": 48, "iter": 59600, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.14558, "decode.acc_seg": 93.58342, "aux.loss_ce": 0.06227, "aux.acc_seg": 93.24278, "loss": 0.20785, "time": 1.60792} +{"mode": "train", "epoch": 48, "iter": 59650, "lr": 0.0, "memory": 65790, "data_time": 0.007, "decode.loss_ce": 0.1463, "decode.acc_seg": 93.4807, "aux.loss_ce": 0.06253, "aux.acc_seg": 93.16014, "loss": 0.20883, "time": 1.60739} +{"mode": "train", "epoch": 48, "iter": 59700, "lr": 0.0, "memory": 65790, "data_time": 0.00708, "decode.loss_ce": 0.14149, "decode.acc_seg": 93.50168, "aux.loss_ce": 0.0607, "aux.acc_seg": 93.23098, "loss": 0.20219, "time": 1.60834} +{"mode": "train", "epoch": 48, "iter": 59750, "lr": 0.0, "memory": 65790, "data_time": 0.00715, "decode.loss_ce": 0.14126, "decode.acc_seg": 93.73689, "aux.loss_ce": 0.06061, "aux.acc_seg": 93.35941, "loss": 0.20187, "time": 1.60934} +{"mode": "train", "epoch": 48, "iter": 59800, "lr": 0.0, "memory": 65790, "data_time": 0.0226, "decode.loss_ce": 0.13097, "decode.acc_seg": 94.09301, "aux.loss_ce": 0.05645, "aux.acc_seg": 93.743, "loss": 0.18742, "time": 1.62261} +{"mode": "train", "epoch": 48, "iter": 59850, "lr": 0.0, "memory": 65790, "data_time": 0.00709, "decode.loss_ce": 0.14711, "decode.acc_seg": 93.70719, "aux.loss_ce": 0.0623, "aux.acc_seg": 93.38642, "loss": 0.2094, "time": 1.60798} +{"mode": "train", "epoch": 48, "iter": 59900, "lr": 0.0, "memory": 65790, "data_time": 0.00705, "decode.loss_ce": 0.14338, "decode.acc_seg": 93.5323, "aux.loss_ce": 0.06095, "aux.acc_seg": 93.20546, "loss": 0.20433, "time": 1.60731} +{"mode": "train", "epoch": 48, "iter": 59950, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.14135, "decode.acc_seg": 93.64815, "aux.loss_ce": 0.06066, "aux.acc_seg": 93.3279, "loss": 0.20201, "time": 1.60728} +{"mode": "train", "epoch": 48, "iter": 60000, "lr": 0.0, "memory": 65790, "data_time": 0.00701, "decode.loss_ce": 0.14856, "decode.acc_seg": 93.39438, "aux.loss_ce": 0.064, "aux.acc_seg": 93.00671, "loss": 0.21256, "time": 3.0553} +{"mode": "val", "epoch": 48, "iter": 250, "lr": 0.0, "aAcc": 0.8616, "mIoU": 0.5791, "mAcc": 0.7044, "IoU.wall": 0.822, "IoU.building": 0.8501, "IoU.sky": 0.9481, "IoU.floor": 0.8424, "IoU.tree": 0.7788, "IoU.ceiling": 0.8735, "IoU.road": 0.8616, "IoU.bed ": 0.9199, "IoU.windowpane": 0.6663, "IoU.grass": 0.6769, "IoU.cabinet": 0.6737, "IoU.sidewalk": 0.7165, "IoU.person": 0.8484, "IoU.earth": 0.4127, "IoU.door": 0.609, "IoU.table": 0.706, "IoU.mountain": 0.6298, "IoU.plant": 0.5557, "IoU.curtain": 0.7856, "IoU.chair": 0.6611, "IoU.car": 0.8763, "IoU.water": 0.6159, "IoU.painting": 0.7786, "IoU.sofa": 0.8352, "IoU.shelf": 0.4664, "IoU.house": 0.5132, "IoU.sea": 0.6853, "IoU.mirror": 0.7888, "IoU.rug": 0.6137, "IoU.field": 0.3207, "IoU.armchair": 0.6598, "IoU.seat": 0.6589, "IoU.fence": 0.5157, "IoU.desk": 0.593, "IoU.rock": 0.5602, "IoU.wardrobe": 0.5281, "IoU.lamp": 0.7287, "IoU.bathtub": 0.8489, "IoU.railing": 0.4372, "IoU.cushion": 0.6933, "IoU.base": 0.3703, "IoU.box": 0.4247, "IoU.column": 0.571, "IoU.signboard": 0.3928, "IoU.chest of drawers": 0.4394, "IoU.counter": 0.35, "IoU.sand": 0.6169, "IoU.sink": 0.7857, "IoU.skyscraper": 0.4795, "IoU.fireplace": 0.7061, "IoU.refrigerator": 0.8706, "IoU.grandstand": 0.5259, "IoU.path": 0.2912, "IoU.stairs": 0.2787, "IoU.runway": 0.7413, "IoU.case": 0.6144, "IoU.pool table": 0.9412, "IoU.pillow": 0.6761, "IoU.screen door": 0.8197, "IoU.stairway": 0.3982, "IoU.river": 0.138, "IoU.bridge": 0.6582, "IoU.bookcase": 0.3907, "IoU.blind": 0.4444, "IoU.coffee table": 0.6623, "IoU.toilet": 0.8994, "IoU.flower": 0.4055, "IoU.book": 0.5299, "IoU.hill": 0.1534, "IoU.bench": 0.5669, "IoU.countertop": 0.6472, "IoU.stove": 0.8692, "IoU.palm": 0.5474, "IoU.kitchen island": 0.5654, "IoU.computer": 0.7829, "IoU.swivel chair": 0.4568, "IoU.boat": 0.7782, "IoU.bar": 0.595, "IoU.arcade machine": 0.8207, "IoU.hovel": 0.2583, "IoU.bus": 0.9164, "IoU.towel": 0.756, "IoU.light": 0.5587, "IoU.truck": 0.5019, "IoU.tower": 0.2452, "IoU.chandelier": 0.7148, "IoU.awning": 0.3974, "IoU.streetlight": 0.3072, "IoU.booth": 0.5285, "IoU.television receiver": 0.7955, "IoU.airplane": 0.8732, "IoU.dirt track": 0.0729, "IoU.apparel": 0.595, "IoU.pole": 0.2217, "IoU.land": 0.0393, "IoU.bannister": 0.2003, "IoU.escalator": 0.6622, "IoU.ottoman": 0.5523, "IoU.bottle": 0.4326, "IoU.buffet": 0.6644, "IoU.poster": 0.2873, "IoU.stage": 0.2585, "IoU.van": 0.5492, "IoU.ship": 0.9405, "IoU.fountain": 0.3803, "IoU.conveyer belt": 0.8178, "IoU.canopy": 0.5003, "IoU.washer": 0.8556, "IoU.plaything": 0.3317, "IoU.swimming pool": 0.5269, "IoU.stool": 0.4679, "IoU.barrel": 0.5993, "IoU.basket": 0.4389, "IoU.waterfall": 0.5632, "IoU.tent": 0.9477, "IoU.bag": 0.2589, "IoU.minibike": 0.7441, "IoU.cradle": 0.8383, "IoU.oven": 0.6025, "IoU.ball": 0.6016, "IoU.food": 0.6293, "IoU.step": 0.1122, "IoU.tank": 0.6312, "IoU.trade name": 0.2318, "IoU.microwave": 0.9047, "IoU.pot": 0.6043, "IoU.animal": 0.6094, "IoU.bicycle": 0.6023, "IoU.lake": 0.5394, "IoU.dishwasher": 0.7193, "IoU.screen": 0.5928, "IoU.blanket": 0.3503, "IoU.sculpture": 0.6975, "IoU.hood": 0.609, "IoU.sconce": 0.5831, "IoU.vase": 0.4949, "IoU.traffic light": 0.3983, "IoU.tray": 0.2228, "IoU.ashcan": 0.5372, "IoU.fan": 0.6743, "IoU.pier": 0.3996, "IoU.crt screen": 0.0281, "IoU.plate": 0.6235, "IoU.monitor": 0.6727, "IoU.bulletin board": 0.6042, "IoU.shower": 0.1936, "IoU.radiator": 0.6623, "IoU.glass": 0.2096, "IoU.clock": 0.4909, "IoU.flag": 0.6739, "Acc.wall": 0.9025, "Acc.building": 0.9299, "Acc.sky": 0.9739, "Acc.floor": 0.9234, "Acc.tree": 0.8971, "Acc.ceiling": 0.9319, "Acc.road": 0.9076, "Acc.bed ": 0.9678, "Acc.windowpane": 0.8306, "Acc.grass": 0.8218, "Acc.cabinet": 0.772, "Acc.sidewalk": 0.8627, "Acc.person": 0.9362, "Acc.earth": 0.5593, "Acc.door": 0.7368, "Acc.table": 0.8074, "Acc.mountain": 0.7333, "Acc.plant": 0.6807, "Acc.curtain": 0.8796, "Acc.chair": 0.7794, "Acc.car": 0.9398, "Acc.water": 0.77, "Acc.painting": 0.9056, "Acc.sofa": 0.9161, "Acc.shelf": 0.6218, "Acc.house": 0.6775, "Acc.sea": 0.8109, "Acc.mirror": 0.8892, "Acc.rug": 0.6861, "Acc.field": 0.5233, "Acc.armchair": 0.83, "Acc.seat": 0.8891, "Acc.fence": 0.683, "Acc.desk": 0.7995, "Acc.rock": 0.7967, "Acc.wardrobe": 0.7256, "Acc.lamp": 0.8315, "Acc.bathtub": 0.8808, "Acc.railing": 0.5841, "Acc.cushion": 0.836, "Acc.base": 0.5474, "Acc.box": 0.5412, "Acc.column": 0.6715, "Acc.signboard": 0.549, "Acc.chest of drawers": 0.6629, "Acc.counter": 0.3907, "Acc.sand": 0.8548, "Acc.sink": 0.8554, "Acc.skyscraper": 0.6128, "Acc.fireplace": 0.953, "Acc.refrigerator": 0.9622, "Acc.grandstand": 0.8542, "Acc.path": 0.3982, "Acc.stairs": 0.3324, "Acc.runway": 0.9544, "Acc.case": 0.8099, "Acc.pool table": 0.9804, "Acc.pillow": 0.7916, "Acc.screen door": 0.8831, "Acc.stairway": 0.5781, "Acc.river": 0.2766, "Acc.bridge": 0.7946, "Acc.bookcase": 0.5828, "Acc.blind": 0.5128, "Acc.coffee table": 0.849, "Acc.toilet": 0.941, "Acc.flower": 0.5658, "Acc.book": 0.8118, "Acc.hill": 0.2502, "Acc.bench": 0.6456, "Acc.countertop": 0.7986, "Acc.stove": 0.9264, "Acc.palm": 0.7729, "Acc.kitchen island": 0.8571, "Acc.computer": 0.9083, "Acc.swivel chair": 0.6982, "Acc.boat": 0.919, "Acc.bar": 0.8202, "Acc.arcade machine": 0.8644, "Acc.hovel": 0.2883, "Acc.bus": 0.9731, "Acc.towel": 0.8399, "Acc.light": 0.6359, "Acc.truck": 0.6312, "Acc.tower": 0.4156, "Acc.chandelier": 0.8656, "Acc.awning": 0.5157, "Acc.streetlight": 0.3885, "Acc.booth": 0.6761, "Acc.television receiver": 0.8686, "Acc.airplane": 0.9421, "Acc.dirt track": 0.2824, "Acc.apparel": 0.8562, "Acc.pole": 0.3292, "Acc.land": 0.0524, "Acc.bannister": 0.2596, "Acc.escalator": 0.8726, "Acc.ottoman": 0.7037, "Acc.bottle": 0.6933, "Acc.buffet": 0.7621, "Acc.poster": 0.3883, "Acc.stage": 0.4878, "Acc.van": 0.7527, "Acc.ship": 0.9842, "Acc.fountain": 0.3997, "Acc.conveyer belt": 0.9508, "Acc.canopy": 0.7171, "Acc.washer": 0.9147, "Acc.plaything": 0.4533, "Acc.swimming pool": 0.7635, "Acc.stool": 0.6837, "Acc.barrel": 0.7427, "Acc.basket": 0.5698, "Acc.waterfall": 0.6585, "Acc.tent": 0.9896, "Acc.bag": 0.2953, "Acc.minibike": 0.8746, "Acc.cradle": 0.9847, "Acc.oven": 0.7258, "Acc.ball": 0.6519, "Acc.food": 0.7324, "Acc.step": 0.1524, "Acc.tank": 0.6778, "Acc.trade name": 0.2787, "Acc.microwave": 0.9593, "Acc.pot": 0.6855, "Acc.animal": 0.6276, "Acc.bicycle": 0.7865, "Acc.lake": 0.6363, "Acc.dishwasher": 0.8106, "Acc.screen": 0.9505, "Acc.blanket": 0.4591, "Acc.sculpture": 0.8576, "Acc.hood": 0.7165, "Acc.sconce": 0.6799, "Acc.vase": 0.631, "Acc.traffic light": 0.5679, "Acc.tray": 0.2803, "Acc.ashcan": 0.6552, "Acc.fan": 0.831, "Acc.pier": 0.4492, "Acc.crt screen": 0.0347, "Acc.plate": 0.7644, "Acc.monitor": 0.7716, "Acc.bulletin board": 0.8201, "Acc.shower": 0.2112, "Acc.radiator": 0.824, "Acc.glass": 0.2242, "Acc.clock": 0.6062, "Acc.flag": 0.7298} +{"mode": "train", "epoch": 48, "iter": 60050, "lr": 0.0, "memory": 65790, "data_time": 1.65627, "decode.loss_ce": 0.14131, "decode.acc_seg": 93.6521, "aux.loss_ce": 0.06049, "aux.acc_seg": 93.33143, "loss": 0.20179, "time": 3.25736} +{"mode": "train", "epoch": 48, "iter": 60100, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.14224, "decode.acc_seg": 93.50121, "aux.loss_ce": 0.06169, "aux.acc_seg": 93.09517, "loss": 0.20393, "time": 1.60762} +{"mode": "train", "epoch": 48, "iter": 60150, "lr": 0.0, "memory": 65790, "data_time": 0.00706, "decode.loss_ce": 0.14653, "decode.acc_seg": 93.56403, "aux.loss_ce": 0.06339, "aux.acc_seg": 93.11764, "loss": 0.20992, "time": 1.60836} +{"mode": "train", "epoch": 48, "iter": 60200, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.13895, "decode.acc_seg": 93.70747, "aux.loss_ce": 0.05975, "aux.acc_seg": 93.32659, "loss": 0.1987, "time": 1.60899} +{"mode": "train", "epoch": 48, "iter": 60250, "lr": 0.0, "memory": 65790, "data_time": 0.00705, "decode.loss_ce": 0.14136, "decode.acc_seg": 93.70764, "aux.loss_ce": 0.06139, "aux.acc_seg": 93.32457, "loss": 0.20275, "time": 1.607} +{"mode": "train", "epoch": 48, "iter": 60300, "lr": 0.0, "memory": 65790, "data_time": 0.00715, "decode.loss_ce": 0.14038, "decode.acc_seg": 93.75142, "aux.loss_ce": 0.06041, "aux.acc_seg": 93.36315, "loss": 0.20079, "time": 1.60832} +{"mode": "train", "epoch": 48, "iter": 60350, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.13855, "decode.acc_seg": 93.72713, "aux.loss_ce": 0.05889, "aux.acc_seg": 93.4124, "loss": 0.19744, "time": 1.60778} +{"mode": "train", "epoch": 48, "iter": 60400, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.13846, "decode.acc_seg": 93.83608, "aux.loss_ce": 0.05996, "aux.acc_seg": 93.45388, "loss": 0.19842, "time": 1.60708} +{"mode": "train", "epoch": 48, "iter": 60450, "lr": 0.0, "memory": 65790, "data_time": 0.00713, "decode.loss_ce": 0.14775, "decode.acc_seg": 93.381, "aux.loss_ce": 0.06306, "aux.acc_seg": 93.04563, "loss": 0.21081, "time": 1.60877} +{"mode": "train", "epoch": 48, "iter": 60500, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.1562, "decode.acc_seg": 93.05459, "aux.loss_ce": 0.06696, "aux.acc_seg": 92.68469, "loss": 0.22316, "time": 1.60714} +{"mode": "train", "epoch": 48, "iter": 60550, "lr": 0.0, "memory": 65790, "data_time": 0.00706, "decode.loss_ce": 0.14225, "decode.acc_seg": 93.64395, "aux.loss_ce": 0.06077, "aux.acc_seg": 93.34328, "loss": 0.20302, "time": 1.60707} +{"mode": "train", "epoch": 48, "iter": 60600, "lr": 0.0, "memory": 65790, "data_time": 0.00708, "decode.loss_ce": 0.1508, "decode.acc_seg": 93.13383, "aux.loss_ce": 0.06465, "aux.acc_seg": 92.77877, "loss": 0.21546, "time": 1.60908} +{"mode": "train", "epoch": 49, "iter": 60650, "lr": 0.0, "memory": 65790, "data_time": 0.04871, "decode.loss_ce": 0.13227, "decode.acc_seg": 93.85059, "aux.loss_ce": 0.05751, "aux.acc_seg": 93.38713, "loss": 0.18978, "time": 1.65056} +{"mode": "train", "epoch": 49, "iter": 60700, "lr": 0.0, "memory": 65790, "data_time": 0.0071, "decode.loss_ce": 0.13936, "decode.acc_seg": 93.64873, "aux.loss_ce": 0.05991, "aux.acc_seg": 93.30066, "loss": 0.19927, "time": 1.60767} +{"mode": "train", "epoch": 49, "iter": 60750, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.13662, "decode.acc_seg": 93.70299, "aux.loss_ce": 0.05907, "aux.acc_seg": 93.31335, "loss": 0.19568, "time": 1.60672} +{"mode": "train", "epoch": 49, "iter": 60800, "lr": 0.0, "memory": 65790, "data_time": 0.00704, "decode.loss_ce": 0.14421, "decode.acc_seg": 93.53834, "aux.loss_ce": 0.06195, "aux.acc_seg": 93.20459, "loss": 0.20616, "time": 1.60792} +{"mode": "train", "epoch": 49, "iter": 60850, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.13709, "decode.acc_seg": 93.73595, "aux.loss_ce": 0.05928, "aux.acc_seg": 93.34322, "loss": 0.19636, "time": 1.60731} +{"mode": "train", "epoch": 49, "iter": 60900, "lr": 0.0, "memory": 65790, "data_time": 0.00719, "decode.loss_ce": 0.14084, "decode.acc_seg": 93.68512, "aux.loss_ce": 0.06109, "aux.acc_seg": 93.26908, "loss": 0.20192, "time": 1.60875} +{"mode": "train", "epoch": 49, "iter": 60950, "lr": 0.0, "memory": 65790, "data_time": 0.00734, "decode.loss_ce": 0.14125, "decode.acc_seg": 93.84822, "aux.loss_ce": 0.06107, "aux.acc_seg": 93.40937, "loss": 0.20232, "time": 1.60688} +{"mode": "train", "epoch": 49, "iter": 61000, "lr": 0.0, "memory": 65790, "data_time": 0.00708, "decode.loss_ce": 0.14124, "decode.acc_seg": 93.9033, "aux.loss_ce": 0.06028, "aux.acc_seg": 93.567, "loss": 0.20152, "time": 1.60735} +{"mode": "val", "epoch": 49, "iter": 250, "lr": 0.0, "aAcc": 0.861, "mIoU": 0.5807, "mAcc": 0.71, "IoU.wall": 0.8218, "IoU.building": 0.85, "IoU.sky": 0.9482, "IoU.floor": 0.8428, "IoU.tree": 0.7773, "IoU.ceiling": 0.8742, "IoU.road": 0.8637, "IoU.bed ": 0.921, "IoU.windowpane": 0.6621, "IoU.grass": 0.6725, "IoU.cabinet": 0.6614, "IoU.sidewalk": 0.7164, "IoU.person": 0.8513, "IoU.earth": 0.4098, "IoU.door": 0.5874, "IoU.table": 0.6928, "IoU.mountain": 0.6173, "IoU.plant": 0.5588, "IoU.curtain": 0.773, "IoU.chair": 0.658, "IoU.car": 0.8722, "IoU.water": 0.6395, "IoU.painting": 0.7865, "IoU.sofa": 0.8322, "IoU.shelf": 0.4869, "IoU.house": 0.5301, "IoU.sea": 0.7432, "IoU.mirror": 0.7755, "IoU.rug": 0.5862, "IoU.field": 0.3203, "IoU.armchair": 0.6556, "IoU.seat": 0.6537, "IoU.fence": 0.5159, "IoU.desk": 0.5998, "IoU.rock": 0.5471, "IoU.wardrobe": 0.5312, "IoU.lamp": 0.7336, "IoU.bathtub": 0.8504, "IoU.railing": 0.4324, "IoU.cushion": 0.6932, "IoU.base": 0.3906, "IoU.box": 0.4031, "IoU.column": 0.574, "IoU.signboard": 0.3907, "IoU.chest of drawers": 0.4593, "IoU.counter": 0.421, "IoU.sand": 0.575, "IoU.sink": 0.7788, "IoU.skyscraper": 0.4816, "IoU.fireplace": 0.7361, "IoU.refrigerator": 0.871, "IoU.grandstand": 0.5467, "IoU.path": 0.3084, "IoU.stairs": 0.2808, "IoU.runway": 0.7379, "IoU.case": 0.6084, "IoU.pool table": 0.9439, "IoU.pillow": 0.6609, "IoU.screen door": 0.6345, "IoU.stairway": 0.4391, "IoU.river": 0.1426, "IoU.bridge": 0.7009, "IoU.bookcase": 0.4658, "IoU.blind": 0.3975, "IoU.coffee table": 0.6403, "IoU.toilet": 0.8984, "IoU.flower": 0.4258, "IoU.book": 0.5412, "IoU.hill": 0.1283, "IoU.bench": 0.576, "IoU.countertop": 0.6454, "IoU.stove": 0.8668, "IoU.palm": 0.5467, "IoU.kitchen island": 0.5254, "IoU.computer": 0.7888, "IoU.swivel chair": 0.4668, "IoU.boat": 0.8051, "IoU.bar": 0.6059, "IoU.arcade machine": 0.8466, "IoU.hovel": 0.4079, "IoU.bus": 0.9147, "IoU.towel": 0.7523, "IoU.light": 0.5636, "IoU.truck": 0.4918, "IoU.tower": 0.3311, "IoU.chandelier": 0.7137, "IoU.awning": 0.3471, "IoU.streetlight": 0.3186, "IoU.booth": 0.522, "IoU.television receiver": 0.8089, "IoU.airplane": 0.8697, "IoU.dirt track": 0.0648, "IoU.apparel": 0.6027, "IoU.pole": 0.2438, "IoU.land": 0.0489, "IoU.bannister": 0.1759, "IoU.escalator": 0.6518, "IoU.ottoman": 0.5448, "IoU.bottle": 0.4409, "IoU.buffet": 0.6405, "IoU.poster": 0.2969, "IoU.stage": 0.2268, "IoU.van": 0.515, "IoU.ship": 0.9406, "IoU.fountain": 0.3702, "IoU.conveyer belt": 0.8125, "IoU.canopy": 0.5025, "IoU.washer": 0.8194, "IoU.plaything": 0.3202, "IoU.swimming pool": 0.5349, "IoU.stool": 0.4668, "IoU.barrel": 0.6129, "IoU.basket": 0.4353, "IoU.waterfall": 0.6682, "IoU.tent": 0.9178, "IoU.bag": 0.2351, "IoU.minibike": 0.7493, "IoU.cradle": 0.8338, "IoU.oven": 0.5882, "IoU.ball": 0.6381, "IoU.food": 0.6053, "IoU.step": 0.1294, "IoU.tank": 0.6684, "IoU.trade name": 0.2543, "IoU.microwave": 0.8996, "IoU.pot": 0.613, "IoU.animal": 0.6525, "IoU.bicycle": 0.5945, "IoU.lake": 0.5395, "IoU.dishwasher": 0.7383, "IoU.screen": 0.4988, "IoU.blanket": 0.3335, "IoU.sculpture": 0.6882, "IoU.hood": 0.6133, "IoU.sconce": 0.5807, "IoU.vase": 0.4877, "IoU.traffic light": 0.3913, "IoU.tray": 0.225, "IoU.ashcan": 0.538, "IoU.fan": 0.6795, "IoU.pier": 0.3912, "IoU.crt screen": 0.0936, "IoU.plate": 0.6226, "IoU.monitor": 0.6504, "IoU.bulletin board": 0.6172, "IoU.shower": 0.1712, "IoU.radiator": 0.6867, "IoU.glass": 0.1979, "IoU.clock": 0.5057, "IoU.flag": 0.6974, "Acc.wall": 0.897, "Acc.building": 0.9291, "Acc.sky": 0.9772, "Acc.floor": 0.9247, "Acc.tree": 0.8886, "Acc.ceiling": 0.9401, "Acc.road": 0.9052, "Acc.bed ": 0.9681, "Acc.windowpane": 0.8351, "Acc.grass": 0.8344, "Acc.cabinet": 0.7505, "Acc.sidewalk": 0.8709, "Acc.person": 0.939, "Acc.earth": 0.5287, "Acc.door": 0.7297, "Acc.table": 0.7952, "Acc.mountain": 0.7178, "Acc.plant": 0.6809, "Acc.curtain": 0.8664, "Acc.chair": 0.7696, "Acc.car": 0.9403, "Acc.water": 0.7956, "Acc.painting": 0.8985, "Acc.sofa": 0.918, "Acc.shelf": 0.6832, "Acc.house": 0.7207, "Acc.sea": 0.8274, "Acc.mirror": 0.8483, "Acc.rug": 0.6437, "Acc.field": 0.5651, "Acc.armchair": 0.8068, "Acc.seat": 0.8886, "Acc.fence": 0.6655, "Acc.desk": 0.7816, "Acc.rock": 0.8539, "Acc.wardrobe": 0.7642, "Acc.lamp": 0.8309, "Acc.bathtub": 0.8825, "Acc.railing": 0.5934, "Acc.cushion": 0.8227, "Acc.base": 0.5993, "Acc.box": 0.524, "Acc.column": 0.6781, "Acc.signboard": 0.5329, "Acc.chest of drawers": 0.7455, "Acc.counter": 0.5188, "Acc.sand": 0.8812, "Acc.sink": 0.8376, "Acc.skyscraper": 0.6227, "Acc.fireplace": 0.9461, "Acc.refrigerator": 0.9549, "Acc.grandstand": 0.8588, "Acc.path": 0.3844, "Acc.stairs": 0.3347, "Acc.runway": 0.9653, "Acc.case": 0.7948, "Acc.pool table": 0.9777, "Acc.pillow": 0.7637, "Acc.screen door": 0.6423, "Acc.stairway": 0.6397, "Acc.river": 0.2906, "Acc.bridge": 0.8655, "Acc.bookcase": 0.6277, "Acc.blind": 0.4333, "Acc.coffee table": 0.8596, "Acc.toilet": 0.9336, "Acc.flower": 0.6074, "Acc.book": 0.7726, "Acc.hill": 0.2144, "Acc.bench": 0.6452, "Acc.countertop": 0.8312, "Acc.stove": 0.9291, "Acc.palm": 0.7917, "Acc.kitchen island": 0.9149, "Acc.computer": 0.901, "Acc.swivel chair": 0.7524, "Acc.boat": 0.9069, "Acc.bar": 0.8831, "Acc.arcade machine": 0.8884, "Acc.hovel": 0.4789, "Acc.bus": 0.9744, "Acc.towel": 0.8086, "Acc.light": 0.6604, "Acc.truck": 0.6348, "Acc.tower": 0.6113, "Acc.chandelier": 0.8651, "Acc.awning": 0.4428, "Acc.streetlight": 0.4267, "Acc.booth": 0.7186, "Acc.television receiver": 0.9033, "Acc.airplane": 0.9306, "Acc.dirt track": 0.272, "Acc.apparel": 0.7858, "Acc.pole": 0.3469, "Acc.land": 0.0685, "Acc.bannister": 0.2234, "Acc.escalator": 0.8799, "Acc.ottoman": 0.7161, "Acc.bottle": 0.66, "Acc.buffet": 0.7194, "Acc.poster": 0.3705, "Acc.stage": 0.5043, "Acc.van": 0.7513, "Acc.ship": 0.979, "Acc.fountain": 0.4002, "Acc.conveyer belt": 0.9587, "Acc.canopy": 0.7108, "Acc.washer": 0.8731, "Acc.plaything": 0.4327, "Acc.swimming pool": 0.7744, "Acc.stool": 0.6592, "Acc.barrel": 0.8325, "Acc.basket": 0.5716, "Acc.waterfall": 0.8057, "Acc.tent": 0.9879, "Acc.bag": 0.2583, "Acc.minibike": 0.874, "Acc.cradle": 0.9694, "Acc.oven": 0.707, "Acc.ball": 0.7133, "Acc.food": 0.7074, "Acc.step": 0.1611, "Acc.tank": 0.759, "Acc.trade name": 0.3103, "Acc.microwave": 0.9628, "Acc.pot": 0.6962, "Acc.animal": 0.6749, "Acc.bicycle": 0.8255, "Acc.lake": 0.6368, "Acc.dishwasher": 0.81, "Acc.screen": 0.7481, "Acc.blanket": 0.3738, "Acc.sculpture": 0.8578, "Acc.hood": 0.734, "Acc.sconce": 0.6632, "Acc.vase": 0.6417, "Acc.traffic light": 0.6041, "Acc.tray": 0.2775, "Acc.ashcan": 0.6809, "Acc.fan": 0.8332, "Acc.pier": 0.4471, "Acc.crt screen": 0.1557, "Acc.plate": 0.7765, "Acc.monitor": 0.8119, "Acc.bulletin board": 0.7757, "Acc.shower": 0.2163, "Acc.radiator": 0.7818, "Acc.glass": 0.2098, "Acc.clock": 0.6077, "Acc.flag": 0.7705} +{"mode": "train", "epoch": 49, "iter": 61050, "lr": 0.0, "memory": 65790, "data_time": 1.64806, "decode.loss_ce": 0.14727, "decode.acc_seg": 93.42325, "aux.loss_ce": 0.06289, "aux.acc_seg": 93.06502, "loss": 0.21017, "time": 3.25195} +{"mode": "train", "epoch": 49, "iter": 61100, "lr": 0.0, "memory": 65790, "data_time": 0.00705, "decode.loss_ce": 0.14589, "decode.acc_seg": 93.43876, "aux.loss_ce": 0.0632, "aux.acc_seg": 93.00636, "loss": 0.20909, "time": 1.60749} +{"mode": "train", "epoch": 49, "iter": 61150, "lr": 0.0, "memory": 65790, "data_time": 0.00708, "decode.loss_ce": 0.14408, "decode.acc_seg": 93.53456, "aux.loss_ce": 0.06199, "aux.acc_seg": 93.15317, "loss": 0.20608, "time": 1.6077} +{"mode": "train", "epoch": 49, "iter": 61200, "lr": 0.0, "memory": 65790, "data_time": 0.00712, "decode.loss_ce": 0.14434, "decode.acc_seg": 93.48504, "aux.loss_ce": 0.06166, "aux.acc_seg": 93.1181, "loss": 0.20599, "time": 1.61048} +{"mode": "train", "epoch": 49, "iter": 61250, "lr": 0.0, "memory": 65790, "data_time": 0.00732, "decode.loss_ce": 0.1397, "decode.acc_seg": 93.79109, "aux.loss_ce": 0.05947, "aux.acc_seg": 93.45906, "loss": 0.19916, "time": 1.60905} +{"mode": "train", "epoch": 49, "iter": 61300, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.14138, "decode.acc_seg": 93.6404, "aux.loss_ce": 0.0608, "aux.acc_seg": 93.22385, "loss": 0.20218, "time": 1.61218} +{"mode": "train", "epoch": 49, "iter": 61350, "lr": 0.0, "memory": 65790, "data_time": 0.00727, "decode.loss_ce": 0.14363, "decode.acc_seg": 93.6191, "aux.loss_ce": 0.06163, "aux.acc_seg": 93.2509, "loss": 0.20526, "time": 1.61092} +{"mode": "train", "epoch": 49, "iter": 61400, "lr": 0.0, "memory": 65790, "data_time": 0.00721, "decode.loss_ce": 0.14221, "decode.acc_seg": 93.71377, "aux.loss_ce": 0.06106, "aux.acc_seg": 93.35408, "loss": 0.20327, "time": 1.61126} +{"mode": "train", "epoch": 49, "iter": 61450, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.13924, "decode.acc_seg": 93.62892, "aux.loss_ce": 0.05999, "aux.acc_seg": 93.28692, "loss": 0.19923, "time": 1.60885} +{"mode": "train", "epoch": 49, "iter": 61500, "lr": 0.0, "memory": 65790, "data_time": 0.00727, "decode.loss_ce": 0.14902, "decode.acc_seg": 93.42817, "aux.loss_ce": 0.06404, "aux.acc_seg": 93.08756, "loss": 0.21307, "time": 1.61166} +{"mode": "train", "epoch": 49, "iter": 61550, "lr": 0.0, "memory": 65790, "data_time": 0.00727, "decode.loss_ce": 0.14213, "decode.acc_seg": 93.7816, "aux.loss_ce": 0.0604, "aux.acc_seg": 93.46533, "loss": 0.20254, "time": 1.61092} +{"mode": "train", "epoch": 49, "iter": 61600, "lr": 0.0, "memory": 65790, "data_time": 0.00722, "decode.loss_ce": 0.13748, "decode.acc_seg": 93.78552, "aux.loss_ce": 0.05923, "aux.acc_seg": 93.41686, "loss": 0.19671, "time": 1.60861} +{"mode": "train", "epoch": 49, "iter": 61650, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.14663, "decode.acc_seg": 93.40029, "aux.loss_ce": 0.06273, "aux.acc_seg": 93.04434, "loss": 0.20936, "time": 1.61216} +{"mode": "train", "epoch": 49, "iter": 61700, "lr": 0.0, "memory": 65790, "data_time": 0.00731, "decode.loss_ce": 0.15374, "decode.acc_seg": 93.35767, "aux.loss_ce": 0.0661, "aux.acc_seg": 93.00992, "loss": 0.21984, "time": 1.6108} +{"mode": "train", "epoch": 49, "iter": 61750, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.13969, "decode.acc_seg": 93.60828, "aux.loss_ce": 0.06037, "aux.acc_seg": 93.30457, "loss": 0.20006, "time": 1.60975} +{"mode": "train", "epoch": 49, "iter": 61800, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.13695, "decode.acc_seg": 93.91224, "aux.loss_ce": 0.0589, "aux.acc_seg": 93.5618, "loss": 0.19585, "time": 1.61095} +{"mode": "train", "epoch": 49, "iter": 61850, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.13202, "decode.acc_seg": 93.94309, "aux.loss_ce": 0.05688, "aux.acc_seg": 93.58136, "loss": 0.18891, "time": 1.61107} +{"mode": "train", "epoch": 50, "iter": 61900, "lr": 0.0, "memory": 65790, "data_time": 0.05423, "decode.loss_ce": 0.13882, "decode.acc_seg": 93.71667, "aux.loss_ce": 0.05913, "aux.acc_seg": 93.37963, "loss": 0.19795, "time": 1.65786} +{"mode": "train", "epoch": 50, "iter": 61950, "lr": 0.0, "memory": 65790, "data_time": 0.00713, "decode.loss_ce": 0.13619, "decode.acc_seg": 93.97625, "aux.loss_ce": 0.05865, "aux.acc_seg": 93.64289, "loss": 0.19484, "time": 1.60986} +{"mode": "train", "epoch": 50, "iter": 62000, "lr": 0.0, "memory": 65790, "data_time": 0.00708, "decode.loss_ce": 0.14064, "decode.acc_seg": 93.58874, "aux.loss_ce": 0.06092, "aux.acc_seg": 93.22327, "loss": 0.20156, "time": 3.05092} +{"mode": "val", "epoch": 50, "iter": 250, "lr": 0.0, "aAcc": 0.8616, "mIoU": 0.5795, "mAcc": 0.7094, "IoU.wall": 0.8209, "IoU.building": 0.8442, "IoU.sky": 0.9483, "IoU.floor": 0.843, "IoU.tree": 0.7768, "IoU.ceiling": 0.8755, "IoU.road": 0.8572, "IoU.bed ": 0.9195, "IoU.windowpane": 0.6674, "IoU.grass": 0.6756, "IoU.cabinet": 0.6729, "IoU.sidewalk": 0.7119, "IoU.person": 0.8493, "IoU.earth": 0.4212, "IoU.door": 0.6017, "IoU.table": 0.7106, "IoU.mountain": 0.6323, "IoU.plant": 0.5587, "IoU.curtain": 0.7728, "IoU.chair": 0.6653, "IoU.car": 0.8701, "IoU.water": 0.6551, "IoU.painting": 0.7984, "IoU.sofa": 0.8354, "IoU.shelf": 0.479, "IoU.house": 0.4633, "IoU.sea": 0.7807, "IoU.mirror": 0.7837, "IoU.rug": 0.5962, "IoU.field": 0.3057, "IoU.armchair": 0.6566, "IoU.seat": 0.6594, "IoU.fence": 0.5283, "IoU.desk": 0.5995, "IoU.rock": 0.5783, "IoU.wardrobe": 0.5483, "IoU.lamp": 0.7323, "IoU.bathtub": 0.8523, "IoU.railing": 0.436, "IoU.cushion": 0.6967, "IoU.base": 0.4049, "IoU.box": 0.405, "IoU.column": 0.5794, "IoU.signboard": 0.3967, "IoU.chest of drawers": 0.5029, "IoU.counter": 0.4352, "IoU.sand": 0.5777, "IoU.sink": 0.7979, "IoU.skyscraper": 0.4704, "IoU.fireplace": 0.7213, "IoU.refrigerator": 0.8573, "IoU.grandstand": 0.5157, "IoU.path": 0.3085, "IoU.stairs": 0.3472, "IoU.runway": 0.7322, "IoU.case": 0.6028, "IoU.pool table": 0.9432, "IoU.pillow": 0.6722, "IoU.screen door": 0.7807, "IoU.stairway": 0.501, "IoU.river": 0.1498, "IoU.bridge": 0.6897, "IoU.bookcase": 0.4323, "IoU.blind": 0.427, "IoU.coffee table": 0.6483, "IoU.toilet": 0.9002, "IoU.flower": 0.4488, "IoU.book": 0.5259, "IoU.hill": 0.0985, "IoU.bench": 0.5766, "IoU.countertop": 0.621, "IoU.stove": 0.8646, "IoU.palm": 0.543, "IoU.kitchen island": 0.5084, "IoU.computer": 0.7815, "IoU.swivel chair": 0.4664, "IoU.boat": 0.8074, "IoU.bar": 0.5884, "IoU.arcade machine": 0.8131, "IoU.hovel": 0.2949, "IoU.bus": 0.9255, "IoU.towel": 0.7648, "IoU.light": 0.5597, "IoU.truck": 0.4963, "IoU.tower": 0.1445, "IoU.chandelier": 0.7124, "IoU.awning": 0.3433, "IoU.streetlight": 0.321, "IoU.booth": 0.4793, "IoU.television receiver": 0.8134, "IoU.airplane": 0.8542, "IoU.dirt track": 0.0639, "IoU.apparel": 0.6123, "IoU.pole": 0.2504, "IoU.land": 0.0482, "IoU.bannister": 0.1697, "IoU.escalator": 0.6668, "IoU.ottoman": 0.5685, "IoU.bottle": 0.4327, "IoU.buffet": 0.6574, "IoU.poster": 0.3127, "IoU.stage": 0.2418, "IoU.van": 0.4921, "IoU.ship": 0.9296, "IoU.fountain": 0.3931, "IoU.conveyer belt": 0.8172, "IoU.canopy": 0.4754, "IoU.washer": 0.8361, "IoU.plaything": 0.3224, "IoU.swimming pool": 0.5293, "IoU.stool": 0.523, "IoU.barrel": 0.4868, "IoU.basket": 0.4258, "IoU.waterfall": 0.6386, "IoU.tent": 0.9633, "IoU.bag": 0.2805, "IoU.minibike": 0.7343, "IoU.cradle": 0.828, "IoU.oven": 0.5866, "IoU.ball": 0.5966, "IoU.food": 0.5755, "IoU.step": 0.1065, "IoU.tank": 0.6028, "IoU.trade name": 0.2153, "IoU.microwave": 0.8948, "IoU.pot": 0.6006, "IoU.animal": 0.6336, "IoU.bicycle": 0.5961, "IoU.lake": 0.5471, "IoU.dishwasher": 0.7236, "IoU.screen": 0.5058, "IoU.blanket": 0.3399, "IoU.sculpture": 0.7115, "IoU.hood": 0.6187, "IoU.sconce": 0.5903, "IoU.vase": 0.4848, "IoU.traffic light": 0.3878, "IoU.tray": 0.2709, "IoU.ashcan": 0.5411, "IoU.fan": 0.6663, "IoU.pier": 0.4005, "IoU.crt screen": 0.1195, "IoU.plate": 0.611, "IoU.monitor": 0.6016, "IoU.bulletin board": 0.5445, "IoU.shower": 0.2034, "IoU.radiator": 0.6781, "IoU.glass": 0.2352, "IoU.clock": 0.5058, "IoU.flag": 0.6899, "Acc.wall": 0.8963, "Acc.building": 0.9352, "Acc.sky": 0.9749, "Acc.floor": 0.9163, "Acc.tree": 0.8975, "Acc.ceiling": 0.9376, "Acc.road": 0.9121, "Acc.bed ": 0.966, "Acc.windowpane": 0.8297, "Acc.grass": 0.8159, "Acc.cabinet": 0.7524, "Acc.sidewalk": 0.8491, "Acc.person": 0.9358, "Acc.earth": 0.5563, "Acc.door": 0.7357, "Acc.table": 0.8293, "Acc.mountain": 0.7216, "Acc.plant": 0.6923, "Acc.curtain": 0.8821, "Acc.chair": 0.7843, "Acc.car": 0.9422, "Acc.water": 0.8198, "Acc.painting": 0.897, "Acc.sofa": 0.9228, "Acc.shelf": 0.652, "Acc.house": 0.5656, "Acc.sea": 0.8579, "Acc.mirror": 0.8967, "Acc.rug": 0.6718, "Acc.field": 0.5354, "Acc.armchair": 0.818, "Acc.seat": 0.8863, "Acc.fence": 0.6467, "Acc.desk": 0.7834, "Acc.rock": 0.8493, "Acc.wardrobe": 0.7343, "Acc.lamp": 0.8506, "Acc.bathtub": 0.8909, "Acc.railing": 0.6124, "Acc.cushion": 0.8324, "Acc.base": 0.5772, "Acc.box": 0.5327, "Acc.column": 0.6646, "Acc.signboard": 0.5765, "Acc.chest of drawers": 0.8217, "Acc.counter": 0.5253, "Acc.sand": 0.8448, "Acc.sink": 0.8679, "Acc.skyscraper": 0.6041, "Acc.fireplace": 0.9429, "Acc.refrigerator": 0.9583, "Acc.grandstand": 0.8438, "Acc.path": 0.4013, "Acc.stairs": 0.421, "Acc.runway": 0.939, "Acc.case": 0.8153, "Acc.pool table": 0.9784, "Acc.pillow": 0.7851, "Acc.screen door": 0.817, "Acc.stairway": 0.6057, "Acc.river": 0.2597, "Acc.bridge": 0.8666, "Acc.bookcase": 0.5665, "Acc.blind": 0.4928, "Acc.coffee table": 0.8507, "Acc.toilet": 0.9444, "Acc.flower": 0.5991, "Acc.book": 0.7988, "Acc.hill": 0.1725, "Acc.bench": 0.6634, "Acc.countertop": 0.85, "Acc.stove": 0.94, "Acc.palm": 0.798, "Acc.kitchen island": 0.8891, "Acc.computer": 0.911, "Acc.swivel chair": 0.7559, "Acc.boat": 0.9164, "Acc.bar": 0.8251, "Acc.arcade machine": 0.8508, "Acc.hovel": 0.3216, "Acc.bus": 0.9676, "Acc.towel": 0.8417, "Acc.light": 0.6295, "Acc.truck": 0.643, "Acc.tower": 0.2371, "Acc.chandelier": 0.8282, "Acc.awning": 0.4266, "Acc.streetlight": 0.4289, "Acc.booth": 0.6532, "Acc.television receiver": 0.9121, "Acc.airplane": 0.9461, "Acc.dirt track": 0.2904, "Acc.apparel": 0.7931, "Acc.pole": 0.3477, "Acc.land": 0.074, "Acc.bannister": 0.2115, "Acc.escalator": 0.8804, "Acc.ottoman": 0.7162, "Acc.bottle": 0.7319, "Acc.buffet": 0.7608, "Acc.poster": 0.371, "Acc.stage": 0.4953, "Acc.van": 0.6393, "Acc.ship": 0.9815, "Acc.fountain": 0.4053, "Acc.conveyer belt": 0.9605, "Acc.canopy": 0.6478, "Acc.washer": 0.8976, "Acc.plaything": 0.4785, "Acc.swimming pool": 0.7648, "Acc.stool": 0.686, "Acc.barrel": 0.8469, "Acc.basket": 0.5979, "Acc.waterfall": 0.8193, "Acc.tent": 0.9832, "Acc.bag": 0.3327, "Acc.minibike": 0.8947, "Acc.cradle": 0.9821, "Acc.oven": 0.6999, "Acc.ball": 0.6491, "Acc.food": 0.641, "Acc.step": 0.1428, "Acc.tank": 0.6788, "Acc.trade name": 0.2482, "Acc.microwave": 0.9711, "Acc.pot": 0.7217, "Acc.animal": 0.6575, "Acc.bicycle": 0.8321, "Acc.lake": 0.6363, "Acc.dishwasher": 0.8093, "Acc.screen": 0.7548, "Acc.blanket": 0.4076, "Acc.sculpture": 0.8644, "Acc.hood": 0.7387, "Acc.sconce": 0.6973, "Acc.vase": 0.6557, "Acc.traffic light": 0.6419, "Acc.tray": 0.3847, "Acc.ashcan": 0.6893, "Acc.fan": 0.8148, "Acc.pier": 0.4466, "Acc.crt screen": 0.2357, "Acc.plate": 0.7967, "Acc.monitor": 0.7082, "Acc.bulletin board": 0.8137, "Acc.shower": 0.2178, "Acc.radiator": 0.818, "Acc.glass": 0.266, "Acc.clock": 0.6274, "Acc.flag": 0.7515} +{"mode": "train", "epoch": 50, "iter": 62050, "lr": 0.0, "memory": 65790, "data_time": 1.66462, "decode.loss_ce": 0.14276, "decode.acc_seg": 93.66425, "aux.loss_ce": 0.06148, "aux.acc_seg": 93.30994, "loss": 0.20424, "time": 3.26898} +{"mode": "train", "epoch": 50, "iter": 62100, "lr": 0.0, "memory": 65790, "data_time": 0.00761, "decode.loss_ce": 0.13563, "decode.acc_seg": 93.96126, "aux.loss_ce": 0.05796, "aux.acc_seg": 93.66704, "loss": 0.1936, "time": 1.60889} +{"mode": "train", "epoch": 50, "iter": 62150, "lr": 0.0, "memory": 65790, "data_time": 0.00738, "decode.loss_ce": 0.14605, "decode.acc_seg": 93.37188, "aux.loss_ce": 0.06249, "aux.acc_seg": 93.03595, "loss": 0.20854, "time": 1.61009} +{"mode": "train", "epoch": 50, "iter": 62200, "lr": 0.0, "memory": 65790, "data_time": 0.00751, "decode.loss_ce": 0.14078, "decode.acc_seg": 93.5768, "aux.loss_ce": 0.06087, "aux.acc_seg": 93.19183, "loss": 0.20166, "time": 1.60745} +{"mode": "train", "epoch": 50, "iter": 62250, "lr": 0.0, "memory": 65790, "data_time": 0.00737, "decode.loss_ce": 0.13585, "decode.acc_seg": 93.79072, "aux.loss_ce": 0.05795, "aux.acc_seg": 93.48552, "loss": 0.1938, "time": 1.61166} +{"mode": "train", "epoch": 50, "iter": 62300, "lr": 0.0, "memory": 65790, "data_time": 0.0074, "decode.loss_ce": 0.13564, "decode.acc_seg": 93.81616, "aux.loss_ce": 0.05907, "aux.acc_seg": 93.37678, "loss": 0.19471, "time": 1.60773} +{"mode": "train", "epoch": 50, "iter": 62350, "lr": 0.0, "memory": 65790, "data_time": 0.00749, "decode.loss_ce": 0.13685, "decode.acc_seg": 93.9155, "aux.loss_ce": 0.05943, "aux.acc_seg": 93.53809, "loss": 0.19628, "time": 1.61016} +{"mode": "train", "epoch": 50, "iter": 62400, "lr": 0.0, "memory": 65790, "data_time": 0.00762, "decode.loss_ce": 0.14286, "decode.acc_seg": 93.46692, "aux.loss_ce": 0.06132, "aux.acc_seg": 93.13235, "loss": 0.20417, "time": 1.60863} +{"mode": "train", "epoch": 50, "iter": 62450, "lr": 0.0, "memory": 65790, "data_time": 0.00755, "decode.loss_ce": 0.15225, "decode.acc_seg": 93.2844, "aux.loss_ce": 0.06578, "aux.acc_seg": 92.8354, "loss": 0.21803, "time": 1.609} +{"mode": "train", "epoch": 50, "iter": 62500, "lr": 0.0, "memory": 65790, "data_time": 0.00767, "decode.loss_ce": 0.14732, "decode.acc_seg": 93.25543, "aux.loss_ce": 0.06318, "aux.acc_seg": 92.86777, "loss": 0.21049, "time": 1.60883} +{"mode": "train", "epoch": 50, "iter": 62550, "lr": 0.0, "memory": 65790, "data_time": 0.00756, "decode.loss_ce": 0.13874, "decode.acc_seg": 93.65945, "aux.loss_ce": 0.06019, "aux.acc_seg": 93.19629, "loss": 0.19894, "time": 1.61219} +{"mode": "train", "epoch": 50, "iter": 62600, "lr": 0.0, "memory": 65790, "data_time": 0.00724, "decode.loss_ce": 0.15266, "decode.acc_seg": 93.23987, "aux.loss_ce": 0.06538, "aux.acc_seg": 92.91124, "loss": 0.21804, "time": 1.60755} +{"mode": "train", "epoch": 50, "iter": 62650, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.15214, "decode.acc_seg": 93.4095, "aux.loss_ce": 0.0643, "aux.acc_seg": 93.06531, "loss": 0.21644, "time": 1.61229} +{"mode": "train", "epoch": 50, "iter": 62700, "lr": 0.0, "memory": 65790, "data_time": 0.00729, "decode.loss_ce": 0.14336, "decode.acc_seg": 93.51211, "aux.loss_ce": 0.06108, "aux.acc_seg": 93.06592, "loss": 0.20444, "time": 1.61154} +{"mode": "train", "epoch": 50, "iter": 62750, "lr": 0.0, "memory": 65790, "data_time": 0.00733, "decode.loss_ce": 0.14491, "decode.acc_seg": 93.64926, "aux.loss_ce": 0.06218, "aux.acc_seg": 93.29884, "loss": 0.20709, "time": 1.60766} +{"mode": "train", "epoch": 50, "iter": 62800, "lr": 0.0, "memory": 65790, "data_time": 0.00738, "decode.loss_ce": 0.13911, "decode.acc_seg": 93.73523, "aux.loss_ce": 0.05947, "aux.acc_seg": 93.42286, "loss": 0.19858, "time": 1.6081} +{"mode": "train", "epoch": 50, "iter": 62850, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.13995, "decode.acc_seg": 93.79136, "aux.loss_ce": 0.06011, "aux.acc_seg": 93.45083, "loss": 0.20006, "time": 1.60755} +{"mode": "train", "epoch": 50, "iter": 62900, "lr": 0.0, "memory": 65790, "data_time": 0.00752, "decode.loss_ce": 0.13802, "decode.acc_seg": 93.81641, "aux.loss_ce": 0.05911, "aux.acc_seg": 93.46622, "loss": 0.19713, "time": 1.60964} +{"mode": "train", "epoch": 50, "iter": 62950, "lr": 0.0, "memory": 65790, "data_time": 0.00731, "decode.loss_ce": 0.13184, "decode.acc_seg": 94.09223, "aux.loss_ce": 0.05662, "aux.acc_seg": 93.80474, "loss": 0.18846, "time": 1.61156} +{"mode": "train", "epoch": 50, "iter": 63000, "lr": 0.0, "memory": 65790, "data_time": 0.00726, "decode.loss_ce": 0.14553, "decode.acc_seg": 93.43238, "aux.loss_ce": 0.06327, "aux.acc_seg": 92.9717, "loss": 0.2088, "time": 1.60968} +{"mode": "val", "epoch": 50, "iter": 250, "lr": 0.0, "aAcc": 0.8607, "mIoU": 0.5812, "mAcc": 0.7102, "IoU.wall": 0.8239, "IoU.building": 0.8428, "IoU.sky": 0.9464, "IoU.floor": 0.8447, "IoU.tree": 0.7714, "IoU.ceiling": 0.872, "IoU.road": 0.8606, "IoU.bed ": 0.9211, "IoU.windowpane": 0.6689, "IoU.grass": 0.6776, "IoU.cabinet": 0.6667, "IoU.sidewalk": 0.7211, "IoU.person": 0.8506, "IoU.earth": 0.4069, "IoU.door": 0.6007, "IoU.table": 0.6821, "IoU.mountain": 0.6329, "IoU.plant": 0.5496, "IoU.curtain": 0.7874, "IoU.chair": 0.6634, "IoU.car": 0.8716, "IoU.water": 0.6108, "IoU.painting": 0.7894, "IoU.sofa": 0.8347, "IoU.shelf": 0.4957, "IoU.house": 0.3823, "IoU.sea": 0.7293, "IoU.mirror": 0.7814, "IoU.rug": 0.6453, "IoU.field": 0.3034, "IoU.armchair": 0.6564, "IoU.seat": 0.6748, "IoU.fence": 0.5291, "IoU.desk": 0.5917, "IoU.rock": 0.592, "IoU.wardrobe": 0.5354, "IoU.lamp": 0.733, "IoU.bathtub": 0.8541, "IoU.railing": 0.4356, "IoU.cushion": 0.7024, "IoU.base": 0.4277, "IoU.box": 0.4045, "IoU.column": 0.5889, "IoU.signboard": 0.3983, "IoU.chest of drawers": 0.4381, "IoU.counter": 0.4833, "IoU.sand": 0.5594, "IoU.sink": 0.7864, "IoU.skyscraper": 0.4658, "IoU.fireplace": 0.7449, "IoU.refrigerator": 0.857, "IoU.grandstand": 0.5145, "IoU.path": 0.2948, "IoU.stairs": 0.3663, "IoU.runway": 0.7437, "IoU.case": 0.6057, "IoU.pool table": 0.9437, "IoU.pillow": 0.6775, "IoU.screen door": 0.7932, "IoU.stairway": 0.4995, "IoU.river": 0.1502, "IoU.bridge": 0.7053, "IoU.bookcase": 0.4116, "IoU.blind": 0.4134, "IoU.coffee table": 0.5987, "IoU.toilet": 0.8988, "IoU.flower": 0.4358, "IoU.book": 0.5291, "IoU.hill": 0.0829, "IoU.bench": 0.5775, "IoU.countertop": 0.6253, "IoU.stove": 0.862, "IoU.palm": 0.5389, "IoU.kitchen island": 0.4595, "IoU.computer": 0.7797, "IoU.swivel chair": 0.4652, "IoU.boat": 0.8148, "IoU.bar": 0.5981, "IoU.arcade machine": 0.7697, "IoU.hovel": 0.2502, "IoU.bus": 0.9211, "IoU.towel": 0.765, "IoU.light": 0.5518, "IoU.truck": 0.499, "IoU.tower": 0.2226, "IoU.chandelier": 0.7209, "IoU.awning": 0.3571, "IoU.streetlight": 0.3144, "IoU.booth": 0.5339, "IoU.television receiver": 0.7917, "IoU.airplane": 0.8577, "IoU.dirt track": 0.061, "IoU.apparel": 0.5977, "IoU.pole": 0.2565, "IoU.land": 0.0372, "IoU.bannister": 0.1699, "IoU.escalator": 0.6578, "IoU.ottoman": 0.5784, "IoU.bottle": 0.4393, "IoU.buffet": 0.6256, "IoU.poster": 0.3017, "IoU.stage": 0.239, "IoU.van": 0.4957, "IoU.ship": 0.9454, "IoU.fountain": 0.3994, "IoU.conveyer belt": 0.8219, "IoU.canopy": 0.5198, "IoU.washer": 0.8248, "IoU.plaything": 0.3238, "IoU.swimming pool": 0.5252, "IoU.stool": 0.4866, "IoU.barrel": 0.6024, "IoU.basket": 0.4444, "IoU.waterfall": 0.6221, "IoU.tent": 0.9646, "IoU.bag": 0.2727, "IoU.minibike": 0.7353, "IoU.cradle": 0.8404, "IoU.oven": 0.6074, "IoU.ball": 0.6201, "IoU.food": 0.6403, "IoU.step": 0.0955, "IoU.tank": 0.6509, "IoU.trade name": 0.2379, "IoU.microwave": 0.901, "IoU.pot": 0.591, "IoU.animal": 0.6053, "IoU.bicycle": 0.6145, "IoU.lake": 0.5564, "IoU.dishwasher": 0.7113, "IoU.screen": 0.5789, "IoU.blanket": 0.3314, "IoU.sculpture": 0.7365, "IoU.hood": 0.6046, "IoU.sconce": 0.5974, "IoU.vase": 0.4894, "IoU.traffic light": 0.3793, "IoU.tray": 0.2651, "IoU.ashcan": 0.5654, "IoU.fan": 0.6769, "IoU.pier": 0.3894, "IoU.crt screen": 0.0926, "IoU.plate": 0.6088, "IoU.monitor": 0.6652, "IoU.bulletin board": 0.634, "IoU.shower": 0.2204, "IoU.radiator": 0.669, "IoU.glass": 0.2107, "IoU.clock": 0.5155, "IoU.flag": 0.698, "Acc.wall": 0.8977, "Acc.building": 0.9308, "Acc.sky": 0.9783, "Acc.floor": 0.9182, "Acc.tree": 0.8928, "Acc.ceiling": 0.9461, "Acc.road": 0.9119, "Acc.bed ": 0.9673, "Acc.windowpane": 0.8169, "Acc.grass": 0.7978, "Acc.cabinet": 0.7681, "Acc.sidewalk": 0.8664, "Acc.person": 0.9402, "Acc.earth": 0.5446, "Acc.door": 0.7312, "Acc.table": 0.7762, "Acc.mountain": 0.7312, "Acc.plant": 0.6908, "Acc.curtain": 0.8754, "Acc.chair": 0.7918, "Acc.car": 0.9304, "Acc.water": 0.7568, "Acc.painting": 0.9075, "Acc.sofa": 0.9252, "Acc.shelf": 0.6459, "Acc.house": 0.486, "Acc.sea": 0.8795, "Acc.mirror": 0.8604, "Acc.rug": 0.7457, "Acc.field": 0.5498, "Acc.armchair": 0.7984, "Acc.seat": 0.8883, "Acc.fence": 0.6744, "Acc.desk": 0.7977, "Acc.rock": 0.8015, "Acc.wardrobe": 0.7404, "Acc.lamp": 0.8432, "Acc.bathtub": 0.8875, "Acc.railing": 0.6177, "Acc.cushion": 0.8175, "Acc.base": 0.5861, "Acc.box": 0.5346, "Acc.column": 0.6955, "Acc.signboard": 0.5607, "Acc.chest of drawers": 0.7085, "Acc.counter": 0.6243, "Acc.sand": 0.8706, "Acc.sink": 0.8489, "Acc.skyscraper": 0.575, "Acc.fireplace": 0.9411, "Acc.refrigerator": 0.9438, "Acc.grandstand": 0.8275, "Acc.path": 0.3849, "Acc.stairs": 0.4529, "Acc.runway": 0.9625, "Acc.case": 0.7998, "Acc.pool table": 0.9791, "Acc.pillow": 0.7898, "Acc.screen door": 0.837, "Acc.stairway": 0.5858, "Acc.river": 0.2767, "Acc.bridge": 0.8713, "Acc.bookcase": 0.5108, "Acc.blind": 0.4799, "Acc.coffee table": 0.8827, "Acc.toilet": 0.9437, "Acc.flower": 0.6213, "Acc.book": 0.8016, "Acc.hill": 0.1381, "Acc.bench": 0.6425, "Acc.countertop": 0.8481, "Acc.stove": 0.9273, "Acc.palm": 0.7877, "Acc.kitchen island": 0.8856, "Acc.computer": 0.9084, "Acc.swivel chair": 0.7133, "Acc.boat": 0.9063, "Acc.bar": 0.8291, "Acc.arcade machine": 0.8091, "Acc.hovel": 0.2659, "Acc.bus": 0.9687, "Acc.towel": 0.8561, "Acc.light": 0.6248, "Acc.truck": 0.6431, "Acc.tower": 0.3957, "Acc.chandelier": 0.8453, "Acc.awning": 0.4641, "Acc.streetlight": 0.4056, "Acc.booth": 0.6842, "Acc.television receiver": 0.8848, "Acc.airplane": 0.9383, "Acc.dirt track": 0.267, "Acc.apparel": 0.7858, "Acc.pole": 0.375, "Acc.land": 0.0539, "Acc.bannister": 0.2119, "Acc.escalator": 0.8647, "Acc.ottoman": 0.7361, "Acc.bottle": 0.7534, "Acc.buffet": 0.6969, "Acc.poster": 0.437, "Acc.stage": 0.4621, "Acc.van": 0.7232, "Acc.ship": 0.9819, "Acc.fountain": 0.4212, "Acc.conveyer belt": 0.9427, "Acc.canopy": 0.754, "Acc.washer": 0.8806, "Acc.plaything": 0.5082, "Acc.swimming pool": 0.7569, "Acc.stool": 0.645, "Acc.barrel": 0.8363, "Acc.basket": 0.5753, "Acc.waterfall": 0.7848, "Acc.tent": 0.9821, "Acc.bag": 0.3287, "Acc.minibike": 0.8838, "Acc.cradle": 0.9821, "Acc.oven": 0.7267, "Acc.ball": 0.6673, "Acc.food": 0.7742, "Acc.step": 0.1217, "Acc.tank": 0.7814, "Acc.trade name": 0.2735, "Acc.microwave": 0.9673, "Acc.pot": 0.7062, "Acc.animal": 0.6239, "Acc.bicycle": 0.8086, "Acc.lake": 0.6363, "Acc.dishwasher": 0.8196, "Acc.screen": 0.8942, "Acc.blanket": 0.3975, "Acc.sculpture": 0.8687, "Acc.hood": 0.705, "Acc.sconce": 0.7135, "Acc.vase": 0.6162, "Acc.traffic light": 0.6563, "Acc.tray": 0.3405, "Acc.ashcan": 0.6751, "Acc.fan": 0.818, "Acc.pier": 0.4306, "Acc.crt screen": 0.1353, "Acc.plate": 0.795, "Acc.monitor": 0.8126, "Acc.bulletin board": 0.8131, "Acc.shower": 0.2482, "Acc.radiator": 0.8105, "Acc.glass": 0.2252, "Acc.clock": 0.6478, "Acc.flag": 0.8006} +{"mode": "train", "epoch": 50, "iter": 63050, "lr": 0.0, "memory": 65790, "data_time": 1.66006, "decode.loss_ce": 0.14715, "decode.acc_seg": 93.26678, "aux.loss_ce": 0.06281, "aux.acc_seg": 92.96449, "loss": 0.20995, "time": 3.26385} +{"mode": "train", "epoch": 50, "iter": 63100, "lr": 0.0, "memory": 65790, "data_time": 0.0075, "decode.loss_ce": 0.13407, "decode.acc_seg": 93.93253, "aux.loss_ce": 0.05785, "aux.acc_seg": 93.55697, "loss": 0.19192, "time": 1.60697} +{"mode": "train", "epoch": 50, "iter": 63150, "lr": 0.0, "memory": 65790, "data_time": 0.00749, "decode.loss_ce": 0.14479, "decode.acc_seg": 93.65825, "aux.loss_ce": 0.06258, "aux.acc_seg": 93.30868, "loss": 0.20738, "time": 1.60871} +{"mode": "train", "epoch": 51, "iter": 63200, "lr": 0.0, "memory": 65790, "data_time": 0.06046, "decode.loss_ce": 0.14124, "decode.acc_seg": 93.73002, "aux.loss_ce": 0.06088, "aux.acc_seg": 93.34803, "loss": 0.20212, "time": 1.66382} +{"mode": "train", "epoch": 51, "iter": 63250, "lr": 0.0, "memory": 65790, "data_time": 0.00726, "decode.loss_ce": 0.13419, "decode.acc_seg": 93.95711, "aux.loss_ce": 0.05779, "aux.acc_seg": 93.57723, "loss": 0.19197, "time": 1.60967} +{"mode": "train", "epoch": 51, "iter": 63300, "lr": 0.0, "memory": 65790, "data_time": 0.00731, "decode.loss_ce": 0.1519, "decode.acc_seg": 93.41563, "aux.loss_ce": 0.06563, "aux.acc_seg": 93.01418, "loss": 0.21753, "time": 1.60829} +{"mode": "train", "epoch": 51, "iter": 63350, "lr": 0.0, "memory": 65790, "data_time": 0.00744, "decode.loss_ce": 0.13465, "decode.acc_seg": 93.88939, "aux.loss_ce": 0.05771, "aux.acc_seg": 93.55242, "loss": 0.19236, "time": 1.61118} +{"mode": "train", "epoch": 51, "iter": 63400, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.14173, "decode.acc_seg": 93.59332, "aux.loss_ce": 0.06117, "aux.acc_seg": 93.26795, "loss": 0.2029, "time": 1.61029} +{"mode": "train", "epoch": 51, "iter": 63450, "lr": 0.0, "memory": 65790, "data_time": 0.00715, "decode.loss_ce": 0.13681, "decode.acc_seg": 93.69805, "aux.loss_ce": 0.05925, "aux.acc_seg": 93.32303, "loss": 0.19607, "time": 1.60798} +{"mode": "train", "epoch": 51, "iter": 63500, "lr": 0.0, "memory": 65790, "data_time": 0.00739, "decode.loss_ce": 0.13565, "decode.acc_seg": 94.02476, "aux.loss_ce": 0.05916, "aux.acc_seg": 93.60698, "loss": 0.1948, "time": 1.60823} +{"mode": "train", "epoch": 51, "iter": 63550, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.1401, "decode.acc_seg": 93.72835, "aux.loss_ce": 0.06045, "aux.acc_seg": 93.43047, "loss": 0.20055, "time": 1.61076} +{"mode": "train", "epoch": 51, "iter": 63600, "lr": 0.0, "memory": 65790, "data_time": 0.00729, "decode.loss_ce": 0.14364, "decode.acc_seg": 93.43074, "aux.loss_ce": 0.06182, "aux.acc_seg": 93.0816, "loss": 0.20546, "time": 1.61174} +{"mode": "train", "epoch": 51, "iter": 63650, "lr": 0.0, "memory": 65790, "data_time": 0.00729, "decode.loss_ce": 0.13966, "decode.acc_seg": 93.6969, "aux.loss_ce": 0.06042, "aux.acc_seg": 93.28998, "loss": 0.20008, "time": 1.60782} +{"mode": "train", "epoch": 51, "iter": 63700, "lr": 0.0, "memory": 65790, "data_time": 0.00728, "decode.loss_ce": 0.13812, "decode.acc_seg": 93.59898, "aux.loss_ce": 0.05987, "aux.acc_seg": 93.23865, "loss": 0.198, "time": 1.61396} +{"mode": "train", "epoch": 51, "iter": 63750, "lr": 0.0, "memory": 65790, "data_time": 0.00733, "decode.loss_ce": 0.14013, "decode.acc_seg": 93.72314, "aux.loss_ce": 0.06048, "aux.acc_seg": 93.354, "loss": 0.20061, "time": 1.60978} +{"mode": "train", "epoch": 51, "iter": 63800, "lr": 0.0, "memory": 65790, "data_time": 0.00728, "decode.loss_ce": 0.13021, "decode.acc_seg": 94.04736, "aux.loss_ce": 0.0564, "aux.acc_seg": 93.75247, "loss": 0.18661, "time": 1.60943} +{"mode": "train", "epoch": 51, "iter": 63850, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.13242, "decode.acc_seg": 93.97477, "aux.loss_ce": 0.05692, "aux.acc_seg": 93.65369, "loss": 0.18934, "time": 1.60912} +{"mode": "train", "epoch": 51, "iter": 63900, "lr": 0.0, "memory": 65790, "data_time": 0.00738, "decode.loss_ce": 0.13652, "decode.acc_seg": 93.84495, "aux.loss_ce": 0.05892, "aux.acc_seg": 93.45718, "loss": 0.19544, "time": 1.60945} +{"mode": "train", "epoch": 51, "iter": 63950, "lr": 0.0, "memory": 65790, "data_time": 0.00754, "decode.loss_ce": 0.13157, "decode.acc_seg": 93.98952, "aux.loss_ce": 0.05718, "aux.acc_seg": 93.5489, "loss": 0.18875, "time": 1.60986} +{"mode": "train", "epoch": 51, "iter": 64000, "lr": 0.0, "memory": 65790, "data_time": 0.00736, "decode.loss_ce": 0.14456, "decode.acc_seg": 93.366, "aux.loss_ce": 0.06257, "aux.acc_seg": 92.90439, "loss": 0.20713, "time": 3.1344} +{"mode": "val", "epoch": 51, "iter": 250, "lr": 0.0, "aAcc": 0.862, "mIoU": 0.5798, "mAcc": 0.7038, "IoU.wall": 0.8239, "IoU.building": 0.8458, "IoU.sky": 0.9483, "IoU.floor": 0.8435, "IoU.tree": 0.7757, "IoU.ceiling": 0.8739, "IoU.road": 0.8627, "IoU.bed ": 0.9181, "IoU.windowpane": 0.6662, "IoU.grass": 0.6826, "IoU.cabinet": 0.6776, "IoU.sidewalk": 0.7257, "IoU.person": 0.8494, "IoU.earth": 0.4254, "IoU.door": 0.5963, "IoU.table": 0.708, "IoU.mountain": 0.635, "IoU.plant": 0.5561, "IoU.curtain": 0.7853, "IoU.chair": 0.6636, "IoU.car": 0.8729, "IoU.water": 0.6183, "IoU.painting": 0.8066, "IoU.sofa": 0.8312, "IoU.shelf": 0.4876, "IoU.house": 0.4501, "IoU.sea": 0.6056, "IoU.mirror": 0.7913, "IoU.rug": 0.6427, "IoU.field": 0.2946, "IoU.armchair": 0.6478, "IoU.seat": 0.6799, "IoU.fence": 0.5252, "IoU.desk": 0.5996, "IoU.rock": 0.5527, "IoU.wardrobe": 0.5455, "IoU.lamp": 0.7385, "IoU.bathtub": 0.8486, "IoU.railing": 0.4395, "IoU.cushion": 0.6965, "IoU.base": 0.4322, "IoU.box": 0.4177, "IoU.column": 0.5812, "IoU.signboard": 0.3966, "IoU.chest of drawers": 0.466, "IoU.counter": 0.4458, "IoU.sand": 0.5722, "IoU.sink": 0.7901, "IoU.skyscraper": 0.4695, "IoU.fireplace": 0.7323, "IoU.refrigerator": 0.8545, "IoU.grandstand": 0.5127, "IoU.path": 0.3386, "IoU.stairs": 0.2875, "IoU.runway": 0.7228, "IoU.case": 0.593, "IoU.pool table": 0.9431, "IoU.pillow": 0.6682, "IoU.screen door": 0.7966, "IoU.stairway": 0.4005, "IoU.river": 0.1349, "IoU.bridge": 0.6958, "IoU.bookcase": 0.4334, "IoU.blind": 0.4275, "IoU.coffee table": 0.6281, "IoU.toilet": 0.9013, "IoU.flower": 0.4234, "IoU.book": 0.5165, "IoU.hill": 0.0745, "IoU.bench": 0.5629, "IoU.countertop": 0.6361, "IoU.stove": 0.8579, "IoU.palm": 0.5385, "IoU.kitchen island": 0.4948, "IoU.computer": 0.7872, "IoU.swivel chair": 0.47, "IoU.boat": 0.8043, "IoU.bar": 0.5814, "IoU.arcade machine": 0.794, "IoU.hovel": 0.357, "IoU.bus": 0.9336, "IoU.towel": 0.7541, "IoU.light": 0.5459, "IoU.truck": 0.4946, "IoU.tower": 0.2871, "IoU.chandelier": 0.7234, "IoU.awning": 0.3528, "IoU.streetlight": 0.3181, "IoU.booth": 0.5238, "IoU.television receiver": 0.8046, "IoU.airplane": 0.8548, "IoU.dirt track": 0.061, "IoU.apparel": 0.6004, "IoU.pole": 0.2299, "IoU.land": 0.0372, "IoU.bannister": 0.1937, "IoU.escalator": 0.6453, "IoU.ottoman": 0.5863, "IoU.bottle": 0.439, "IoU.buffet": 0.6363, "IoU.poster": 0.3165, "IoU.stage": 0.251, "IoU.van": 0.5038, "IoU.ship": 0.9345, "IoU.fountain": 0.3754, "IoU.conveyer belt": 0.8194, "IoU.canopy": 0.4944, "IoU.washer": 0.8148, "IoU.plaything": 0.3221, "IoU.swimming pool": 0.5759, "IoU.stool": 0.4886, "IoU.barrel": 0.5708, "IoU.basket": 0.4449, "IoU.waterfall": 0.6214, "IoU.tent": 0.9615, "IoU.bag": 0.2782, "IoU.minibike": 0.738, "IoU.cradle": 0.832, "IoU.oven": 0.5719, "IoU.ball": 0.6406, "IoU.food": 0.6212, "IoU.step": 0.1102, "IoU.tank": 0.5785, "IoU.trade name": 0.2446, "IoU.microwave": 0.8971, "IoU.pot": 0.6131, "IoU.animal": 0.5921, "IoU.bicycle": 0.6116, "IoU.lake": 0.5542, "IoU.dishwasher": 0.7134, "IoU.screen": 0.6299, "IoU.blanket": 0.3272, "IoU.sculpture": 0.7178, "IoU.hood": 0.6126, "IoU.sconce": 0.5935, "IoU.vase": 0.4701, "IoU.traffic light": 0.3694, "IoU.tray": 0.2784, "IoU.ashcan": 0.5331, "IoU.fan": 0.6754, "IoU.pier": 0.392, "IoU.crt screen": 0.0309, "IoU.plate": 0.6231, "IoU.monitor": 0.6711, "IoU.bulletin board": 0.5731, "IoU.shower": 0.2177, "IoU.radiator": 0.6658, "IoU.glass": 0.2087, "IoU.clock": 0.4954, "IoU.flag": 0.6948, "Acc.wall": 0.9082, "Acc.building": 0.9331, "Acc.sky": 0.972, "Acc.floor": 0.9127, "Acc.tree": 0.9021, "Acc.ceiling": 0.9334, "Acc.road": 0.9102, "Acc.bed ": 0.9726, "Acc.windowpane": 0.8217, "Acc.grass": 0.8207, "Acc.cabinet": 0.7746, "Acc.sidewalk": 0.862, "Acc.person": 0.9407, "Acc.earth": 0.5693, "Acc.door": 0.7217, "Acc.table": 0.8188, "Acc.mountain": 0.735, "Acc.plant": 0.6692, "Acc.curtain": 0.8817, "Acc.chair": 0.7806, "Acc.car": 0.9365, "Acc.water": 0.8139, "Acc.painting": 0.9092, "Acc.sofa": 0.9202, "Acc.shelf": 0.621, "Acc.house": 0.5687, "Acc.sea": 0.6635, "Acc.mirror": 0.872, "Acc.rug": 0.7433, "Acc.field": 0.5165, "Acc.armchair": 0.819, "Acc.seat": 0.8916, "Acc.fence": 0.6472, "Acc.desk": 0.7672, "Acc.rock": 0.8138, "Acc.wardrobe": 0.725, "Acc.lamp": 0.8482, "Acc.bathtub": 0.8842, "Acc.railing": 0.6289, "Acc.cushion": 0.7991, "Acc.base": 0.5528, "Acc.box": 0.5673, "Acc.column": 0.7339, "Acc.signboard": 0.538, "Acc.chest of drawers": 0.7254, "Acc.counter": 0.5475, "Acc.sand": 0.8567, "Acc.sink": 0.8433, "Acc.skyscraper": 0.5978, "Acc.fireplace": 0.9355, "Acc.refrigerator": 0.9606, "Acc.grandstand": 0.8531, "Acc.path": 0.436, "Acc.stairs": 0.3423, "Acc.runway": 0.9282, "Acc.case": 0.8097, "Acc.pool table": 0.9813, "Acc.pillow": 0.7701, "Acc.screen door": 0.822, "Acc.stairway": 0.5318, "Acc.river": 0.2628, "Acc.bridge": 0.9042, "Acc.bookcase": 0.5862, "Acc.blind": 0.4804, "Acc.coffee table": 0.8483, "Acc.toilet": 0.9359, "Acc.flower": 0.5697, "Acc.book": 0.7581, "Acc.hill": 0.1188, "Acc.bench": 0.6436, "Acc.countertop": 0.8316, "Acc.stove": 0.9205, "Acc.palm": 0.8028, "Acc.kitchen island": 0.7836, "Acc.computer": 0.9012, "Acc.swivel chair": 0.7322, "Acc.boat": 0.8985, "Acc.bar": 0.8413, "Acc.arcade machine": 0.8339, "Acc.hovel": 0.3876, "Acc.bus": 0.9678, "Acc.towel": 0.821, "Acc.light": 0.6104, "Acc.truck": 0.6359, "Acc.tower": 0.5117, "Acc.chandelier": 0.8461, "Acc.awning": 0.4315, "Acc.streetlight": 0.406, "Acc.booth": 0.6168, "Acc.television receiver": 0.8749, "Acc.airplane": 0.9275, "Acc.dirt track": 0.28, "Acc.apparel": 0.7535, "Acc.pole": 0.3517, "Acc.land": 0.0538, "Acc.bannister": 0.2438, "Acc.escalator": 0.8775, "Acc.ottoman": 0.7358, "Acc.bottle": 0.7342, "Acc.buffet": 0.7113, "Acc.poster": 0.3718, "Acc.stage": 0.4756, "Acc.van": 0.7121, "Acc.ship": 0.9815, "Acc.fountain": 0.3827, "Acc.conveyer belt": 0.9451, "Acc.canopy": 0.6858, "Acc.washer": 0.8645, "Acc.plaything": 0.4715, "Acc.swimming pool": 0.8318, "Acc.stool": 0.6447, "Acc.barrel": 0.7446, "Acc.basket": 0.5939, "Acc.waterfall": 0.7276, "Acc.tent": 0.9867, "Acc.bag": 0.3372, "Acc.minibike": 0.8909, "Acc.cradle": 0.9832, "Acc.oven": 0.6762, "Acc.ball": 0.721, "Acc.food": 0.7101, "Acc.step": 0.1318, "Acc.tank": 0.6857, "Acc.trade name": 0.2864, "Acc.microwave": 0.9646, "Acc.pot": 0.7066, "Acc.animal": 0.6121, "Acc.bicycle": 0.804, "Acc.lake": 0.6358, "Acc.dishwasher": 0.8067, "Acc.screen": 0.9395, "Acc.blanket": 0.3985, "Acc.sculpture": 0.8409, "Acc.hood": 0.7174, "Acc.sconce": 0.6873, "Acc.vase": 0.6255, "Acc.traffic light": 0.6374, "Acc.tray": 0.3537, "Acc.ashcan": 0.6918, "Acc.fan": 0.7904, "Acc.pier": 0.4267, "Acc.crt screen": 0.0369, "Acc.plate": 0.7826, "Acc.monitor": 0.8354, "Acc.bulletin board": 0.7424, "Acc.shower": 0.231, "Acc.radiator": 0.8309, "Acc.glass": 0.2227, "Acc.clock": 0.6487, "Acc.flag": 0.7559} +{"mode": "train", "epoch": 51, "iter": 64050, "lr": 0.0, "memory": 65790, "data_time": 1.77361, "decode.loss_ce": 0.13721, "decode.acc_seg": 93.77775, "aux.loss_ce": 0.05926, "aux.acc_seg": 93.40171, "loss": 0.19647, "time": 3.37487} +{"mode": "train", "epoch": 51, "iter": 64100, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.13487, "decode.acc_seg": 93.96447, "aux.loss_ce": 0.05855, "aux.acc_seg": 93.54558, "loss": 0.19342, "time": 1.60782} +{"mode": "train", "epoch": 51, "iter": 64150, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.13806, "decode.acc_seg": 93.95149, "aux.loss_ce": 0.0596, "aux.acc_seg": 93.54792, "loss": 0.19766, "time": 1.60915} +{"mode": "train", "epoch": 51, "iter": 64200, "lr": 0.0, "memory": 65790, "data_time": 0.00731, "decode.loss_ce": 0.13654, "decode.acc_seg": 93.7746, "aux.loss_ce": 0.05811, "aux.acc_seg": 93.47445, "loss": 0.19466, "time": 1.60936} +{"mode": "train", "epoch": 51, "iter": 64250, "lr": 0.0, "memory": 65790, "data_time": 0.00726, "decode.loss_ce": 0.14035, "decode.acc_seg": 93.64201, "aux.loss_ce": 0.06056, "aux.acc_seg": 93.30097, "loss": 0.20092, "time": 1.61015} +{"mode": "train", "epoch": 51, "iter": 64300, "lr": 0.0, "memory": 65790, "data_time": 0.00703, "decode.loss_ce": 0.13687, "decode.acc_seg": 93.73269, "aux.loss_ce": 0.05907, "aux.acc_seg": 93.36084, "loss": 0.19594, "time": 1.6078} +{"mode": "train", "epoch": 51, "iter": 64350, "lr": 0.0, "memory": 65790, "data_time": 0.00722, "decode.loss_ce": 0.14091, "decode.acc_seg": 93.79094, "aux.loss_ce": 0.06056, "aux.acc_seg": 93.38648, "loss": 0.20148, "time": 1.60872} +{"mode": "train", "epoch": 51, "iter": 64400, "lr": 0.0, "memory": 65790, "data_time": 0.00727, "decode.loss_ce": 0.13835, "decode.acc_seg": 93.64834, "aux.loss_ce": 0.05932, "aux.acc_seg": 93.27691, "loss": 0.19766, "time": 1.60763} +{"mode": "train", "epoch": 52, "iter": 64450, "lr": 0.0, "memory": 65790, "data_time": 0.053, "decode.loss_ce": 0.1387, "decode.acc_seg": 93.71112, "aux.loss_ce": 0.05946, "aux.acc_seg": 93.37526, "loss": 0.19816, "time": 1.65485} +{"mode": "train", "epoch": 52, "iter": 64500, "lr": 0.0, "memory": 65790, "data_time": 0.00732, "decode.loss_ce": 0.13533, "decode.acc_seg": 93.73193, "aux.loss_ce": 0.05908, "aux.acc_seg": 93.3487, "loss": 0.19441, "time": 1.61529} +{"mode": "train", "epoch": 52, "iter": 64550, "lr": 0.0, "memory": 65790, "data_time": 0.00722, "decode.loss_ce": 0.13196, "decode.acc_seg": 93.96174, "aux.loss_ce": 0.05727, "aux.acc_seg": 93.59097, "loss": 0.18923, "time": 1.60802} +{"mode": "train", "epoch": 52, "iter": 64600, "lr": 0.0, "memory": 65790, "data_time": 0.00745, "decode.loss_ce": 0.13288, "decode.acc_seg": 93.92057, "aux.loss_ce": 0.05779, "aux.acc_seg": 93.51273, "loss": 0.19067, "time": 1.6124} +{"mode": "train", "epoch": 52, "iter": 64650, "lr": 0.0, "memory": 65790, "data_time": 0.0073, "decode.loss_ce": 0.14163, "decode.acc_seg": 93.53468, "aux.loss_ce": 0.06123, "aux.acc_seg": 93.15807, "loss": 0.20286, "time": 1.60905} +{"mode": "train", "epoch": 52, "iter": 64700, "lr": 0.0, "memory": 65790, "data_time": 0.0071, "decode.loss_ce": 0.1311, "decode.acc_seg": 94.10641, "aux.loss_ce": 0.05683, "aux.acc_seg": 93.7413, "loss": 0.18792, "time": 1.6115} +{"mode": "train", "epoch": 52, "iter": 64750, "lr": 0.0, "memory": 65790, "data_time": 0.00705, "decode.loss_ce": 0.13583, "decode.acc_seg": 93.86886, "aux.loss_ce": 0.05899, "aux.acc_seg": 93.5105, "loss": 0.19483, "time": 1.60673} +{"mode": "train", "epoch": 52, "iter": 64800, "lr": 0.0, "memory": 65790, "data_time": 0.00715, "decode.loss_ce": 0.14248, "decode.acc_seg": 93.73319, "aux.loss_ce": 0.06174, "aux.acc_seg": 93.29524, "loss": 0.20422, "time": 1.6122} +{"mode": "train", "epoch": 52, "iter": 64850, "lr": 0.0, "memory": 65790, "data_time": 0.00712, "decode.loss_ce": 0.13248, "decode.acc_seg": 93.91822, "aux.loss_ce": 0.05767, "aux.acc_seg": 93.45294, "loss": 0.19015, "time": 1.60866} +{"mode": "train", "epoch": 52, "iter": 64900, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.13836, "decode.acc_seg": 93.77385, "aux.loss_ce": 0.05957, "aux.acc_seg": 93.34102, "loss": 0.19793, "time": 1.61191} +{"mode": "train", "epoch": 52, "iter": 64950, "lr": 0.0, "memory": 65790, "data_time": 0.00706, "decode.loss_ce": 0.13479, "decode.acc_seg": 93.92931, "aux.loss_ce": 0.05839, "aux.acc_seg": 93.54665, "loss": 0.19319, "time": 1.607} +{"mode": "train", "epoch": 52, "iter": 65000, "lr": 0.0, "memory": 65790, "data_time": 0.00722, "decode.loss_ce": 0.14079, "decode.acc_seg": 93.6289, "aux.loss_ce": 0.06065, "aux.acc_seg": 93.27379, "loss": 0.20144, "time": 1.61247} +{"mode": "val", "epoch": 52, "iter": 250, "lr": 0.0, "aAcc": 0.8609, "mIoU": 0.5783, "mAcc": 0.7048, "IoU.wall": 0.8233, "IoU.building": 0.8472, "IoU.sky": 0.9479, "IoU.floor": 0.8397, "IoU.tree": 0.7736, "IoU.ceiling": 0.8738, "IoU.road": 0.8544, "IoU.bed ": 0.9211, "IoU.windowpane": 0.6664, "IoU.grass": 0.685, "IoU.cabinet": 0.6763, "IoU.sidewalk": 0.7072, "IoU.person": 0.8489, "IoU.earth": 0.4198, "IoU.door": 0.5912, "IoU.table": 0.696, "IoU.mountain": 0.6196, "IoU.plant": 0.5415, "IoU.curtain": 0.7817, "IoU.chair": 0.6563, "IoU.car": 0.8708, "IoU.water": 0.6264, "IoU.painting": 0.8066, "IoU.sofa": 0.8371, "IoU.shelf": 0.4832, "IoU.house": 0.4786, "IoU.sea": 0.6855, "IoU.mirror": 0.7875, "IoU.rug": 0.618, "IoU.field": 0.3191, "IoU.armchair": 0.6542, "IoU.seat": 0.6698, "IoU.fence": 0.5268, "IoU.desk": 0.5925, "IoU.rock": 0.5721, "IoU.wardrobe": 0.5437, "IoU.lamp": 0.7324, "IoU.bathtub": 0.8459, "IoU.railing": 0.439, "IoU.cushion": 0.7085, "IoU.base": 0.4304, "IoU.box": 0.4041, "IoU.column": 0.5725, "IoU.signboard": 0.3897, "IoU.chest of drawers": 0.4991, "IoU.counter": 0.4543, "IoU.sand": 0.5535, "IoU.sink": 0.7839, "IoU.skyscraper": 0.4673, "IoU.fireplace": 0.7371, "IoU.refrigerator": 0.8675, "IoU.grandstand": 0.5169, "IoU.path": 0.2955, "IoU.stairs": 0.2912, "IoU.runway": 0.6719, "IoU.case": 0.6244, "IoU.pool table": 0.9424, "IoU.pillow": 0.6802, "IoU.screen door": 0.7999, "IoU.stairway": 0.465, "IoU.river": 0.139, "IoU.bridge": 0.7205, "IoU.bookcase": 0.4258, "IoU.blind": 0.4314, "IoU.coffee table": 0.6116, "IoU.toilet": 0.899, "IoU.flower": 0.4234, "IoU.book": 0.5302, "IoU.hill": 0.092, "IoU.bench": 0.5634, "IoU.countertop": 0.6381, "IoU.stove": 0.8628, "IoU.palm": 0.5505, "IoU.kitchen island": 0.4948, "IoU.computer": 0.783, "IoU.swivel chair": 0.4767, "IoU.boat": 0.7944, "IoU.bar": 0.6171, "IoU.arcade machine": 0.7516, "IoU.hovel": 0.4074, "IoU.bus": 0.9141, "IoU.towel": 0.751, "IoU.light": 0.5668, "IoU.truck": 0.4641, "IoU.tower": 0.1569, "IoU.chandelier": 0.7159, "IoU.awning": 0.3407, "IoU.streetlight": 0.3242, "IoU.booth": 0.5585, "IoU.television receiver": 0.7691, "IoU.airplane": 0.8252, "IoU.dirt track": 0.0609, "IoU.apparel": 0.616, "IoU.pole": 0.2082, "IoU.land": 0.0452, "IoU.bannister": 0.1732, "IoU.escalator": 0.6535, "IoU.ottoman": 0.5636, "IoU.bottle": 0.4432, "IoU.buffet": 0.4365, "IoU.poster": 0.2918, "IoU.stage": 0.2379, "IoU.van": 0.4946, "IoU.ship": 0.9112, "IoU.fountain": 0.3955, "IoU.conveyer belt": 0.8242, "IoU.canopy": 0.5029, "IoU.washer": 0.8315, "IoU.plaything": 0.3229, "IoU.swimming pool": 0.5317, "IoU.stool": 0.4594, "IoU.barrel": 0.6191, "IoU.basket": 0.4431, "IoU.waterfall": 0.6439, "IoU.tent": 0.9275, "IoU.bag": 0.2639, "IoU.minibike": 0.7438, "IoU.cradle": 0.8462, "IoU.oven": 0.596, "IoU.ball": 0.6488, "IoU.food": 0.6778, "IoU.step": 0.1017, "IoU.tank": 0.6312, "IoU.trade name": 0.2148, "IoU.microwave": 0.9049, "IoU.pot": 0.6043, "IoU.animal": 0.6284, "IoU.bicycle": 0.6059, "IoU.lake": 0.5578, "IoU.dishwasher": 0.7459, "IoU.screen": 0.6043, "IoU.blanket": 0.3332, "IoU.sculpture": 0.733, "IoU.hood": 0.6191, "IoU.sconce": 0.594, "IoU.vase": 0.4866, "IoU.traffic light": 0.3839, "IoU.tray": 0.2623, "IoU.ashcan": 0.5415, "IoU.fan": 0.6825, "IoU.pier": 0.3962, "IoU.crt screen": 0.023, "IoU.plate": 0.6227, "IoU.monitor": 0.5743, "IoU.bulletin board": 0.5804, "IoU.shower": 0.2307, "IoU.radiator": 0.6689, "IoU.glass": 0.2015, "IoU.clock": 0.4913, "IoU.flag": 0.697, "Acc.wall": 0.8974, "Acc.building": 0.933, "Acc.sky": 0.9739, "Acc.floor": 0.9172, "Acc.tree": 0.8967, "Acc.ceiling": 0.944, "Acc.road": 0.9042, "Acc.bed ": 0.9681, "Acc.windowpane": 0.8187, "Acc.grass": 0.8247, "Acc.cabinet": 0.7855, "Acc.sidewalk": 0.8655, "Acc.person": 0.9359, "Acc.earth": 0.5503, "Acc.door": 0.7412, "Acc.table": 0.8071, "Acc.mountain": 0.7495, "Acc.plant": 0.6517, "Acc.curtain": 0.8854, "Acc.chair": 0.7654, "Acc.car": 0.942, "Acc.water": 0.7986, "Acc.painting": 0.9153, "Acc.sofa": 0.9244, "Acc.shelf": 0.6339, "Acc.house": 0.6006, "Acc.sea": 0.7566, "Acc.mirror": 0.8712, "Acc.rug": 0.7148, "Acc.field": 0.5482, "Acc.armchair": 0.8103, "Acc.seat": 0.8871, "Acc.fence": 0.6703, "Acc.desk": 0.7874, "Acc.rock": 0.7905, "Acc.wardrobe": 0.7273, "Acc.lamp": 0.8488, "Acc.bathtub": 0.8852, "Acc.railing": 0.6209, "Acc.cushion": 0.8186, "Acc.base": 0.5913, "Acc.box": 0.5234, "Acc.column": 0.6728, "Acc.signboard": 0.5351, "Acc.chest of drawers": 0.7955, "Acc.counter": 0.5334, "Acc.sand": 0.8743, "Acc.sink": 0.8545, "Acc.skyscraper": 0.6, "Acc.fireplace": 0.9429, "Acc.refrigerator": 0.9574, "Acc.grandstand": 0.8589, "Acc.path": 0.3918, "Acc.stairs": 0.3527, "Acc.runway": 0.8654, "Acc.case": 0.799, "Acc.pool table": 0.9811, "Acc.pillow": 0.7956, "Acc.screen door": 0.8419, "Acc.stairway": 0.65, "Acc.river": 0.2816, "Acc.bridge": 0.8897, "Acc.bookcase": 0.601, "Acc.blind": 0.5099, "Acc.coffee table": 0.8592, "Acc.toilet": 0.9422, "Acc.flower": 0.6106, "Acc.book": 0.7762, "Acc.hill": 0.1611, "Acc.bench": 0.6432, "Acc.countertop": 0.807, "Acc.stove": 0.9297, "Acc.palm": 0.7561, "Acc.kitchen island": 0.7808, "Acc.computer": 0.9085, "Acc.swivel chair": 0.7334, "Acc.boat": 0.9184, "Acc.bar": 0.8382, "Acc.arcade machine": 0.7829, "Acc.hovel": 0.463, "Acc.bus": 0.9713, "Acc.towel": 0.8092, "Acc.light": 0.6564, "Acc.truck": 0.5941, "Acc.tower": 0.2634, "Acc.chandelier": 0.8655, "Acc.awning": 0.4622, "Acc.streetlight": 0.4301, "Acc.booth": 0.6576, "Acc.television receiver": 0.8815, "Acc.airplane": 0.9039, "Acc.dirt track": 0.2293, "Acc.apparel": 0.8361, "Acc.pole": 0.3233, "Acc.land": 0.0638, "Acc.bannister": 0.2103, "Acc.escalator": 0.8764, "Acc.ottoman": 0.7578, "Acc.bottle": 0.7339, "Acc.buffet": 0.4843, "Acc.poster": 0.3514, "Acc.stage": 0.4849, "Acc.van": 0.6955, "Acc.ship": 0.9607, "Acc.fountain": 0.407, "Acc.conveyer belt": 0.9421, "Acc.canopy": 0.7127, "Acc.washer": 0.8888, "Acc.plaything": 0.4718, "Acc.swimming pool": 0.7619, "Acc.stool": 0.6596, "Acc.barrel": 0.8036, "Acc.basket": 0.5677, "Acc.waterfall": 0.7465, "Acc.tent": 0.9851, "Acc.bag": 0.3118, "Acc.minibike": 0.9019, "Acc.cradle": 0.9832, "Acc.oven": 0.691, "Acc.ball": 0.7293, "Acc.food": 0.8212, "Acc.step": 0.1262, "Acc.tank": 0.7492, "Acc.trade name": 0.2452, "Acc.microwave": 0.962, "Acc.pot": 0.7027, "Acc.animal": 0.6566, "Acc.bicycle": 0.8114, "Acc.lake": 0.6361, "Acc.dishwasher": 0.7966, "Acc.screen": 0.8999, "Acc.blanket": 0.3738, "Acc.sculpture": 0.8562, "Acc.hood": 0.7463, "Acc.sconce": 0.7063, "Acc.vase": 0.643, "Acc.traffic light": 0.6302, "Acc.tray": 0.3344, "Acc.ashcan": 0.6779, "Acc.fan": 0.835, "Acc.pier": 0.4545, "Acc.crt screen": 0.0365, "Acc.plate": 0.793, "Acc.monitor": 0.6678, "Acc.bulletin board": 0.7687, "Acc.shower": 0.2553, "Acc.radiator": 0.8227, "Acc.glass": 0.2128, "Acc.clock": 0.6607, "Acc.flag": 0.7888} +{"mode": "train", "epoch": 52, "iter": 65050, "lr": 0.0, "memory": 65790, "data_time": 1.71357, "decode.loss_ce": 0.14173, "decode.acc_seg": 93.6984, "aux.loss_ce": 0.06144, "aux.acc_seg": 93.29763, "loss": 0.20317, "time": 3.31414} +{"mode": "train", "epoch": 52, "iter": 65100, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.13656, "decode.acc_seg": 93.83479, "aux.loss_ce": 0.05907, "aux.acc_seg": 93.43654, "loss": 0.19564, "time": 1.60764} +{"mode": "train", "epoch": 52, "iter": 65150, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.12635, "decode.acc_seg": 94.2519, "aux.loss_ce": 0.05496, "aux.acc_seg": 93.89307, "loss": 0.18132, "time": 1.6068} +{"mode": "train", "epoch": 52, "iter": 65200, "lr": 0.0, "memory": 65790, "data_time": 0.00728, "decode.loss_ce": 0.13464, "decode.acc_seg": 94.00137, "aux.loss_ce": 0.05783, "aux.acc_seg": 93.65449, "loss": 0.19247, "time": 1.60659} +{"mode": "train", "epoch": 52, "iter": 65250, "lr": 0.0, "memory": 65790, "data_time": 0.00703, "decode.loss_ce": 0.13491, "decode.acc_seg": 93.8963, "aux.loss_ce": 0.05823, "aux.acc_seg": 93.4847, "loss": 0.19314, "time": 1.60664} +{"mode": "train", "epoch": 52, "iter": 65300, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.13785, "decode.acc_seg": 93.68723, "aux.loss_ce": 0.05932, "aux.acc_seg": 93.31617, "loss": 0.19717, "time": 1.60912} +{"mode": "train", "epoch": 52, "iter": 65350, "lr": 0.0, "memory": 65790, "data_time": 0.00715, "decode.loss_ce": 0.1418, "decode.acc_seg": 93.55461, "aux.loss_ce": 0.06131, "aux.acc_seg": 93.09861, "loss": 0.20311, "time": 1.60742} +{"mode": "train", "epoch": 52, "iter": 65400, "lr": 0.0, "memory": 65790, "data_time": 0.00705, "decode.loss_ce": 0.14097, "decode.acc_seg": 93.6378, "aux.loss_ce": 0.06131, "aux.acc_seg": 93.23614, "loss": 0.20228, "time": 1.60629} +{"mode": "train", "epoch": 52, "iter": 65450, "lr": 0.0, "memory": 65790, "data_time": 0.00721, "decode.loss_ce": 0.14054, "decode.acc_seg": 93.58216, "aux.loss_ce": 0.06048, "aux.acc_seg": 93.25632, "loss": 0.20102, "time": 1.60646} +{"mode": "train", "epoch": 52, "iter": 65500, "lr": 0.0, "memory": 65790, "data_time": 0.00722, "decode.loss_ce": 0.1403, "decode.acc_seg": 93.76324, "aux.loss_ce": 0.0603, "aux.acc_seg": 93.46609, "loss": 0.2006, "time": 1.60778} +{"mode": "train", "epoch": 52, "iter": 65550, "lr": 0.0, "memory": 65790, "data_time": 0.0073, "decode.loss_ce": 0.1231, "decode.acc_seg": 94.27349, "aux.loss_ce": 0.05412, "aux.acc_seg": 93.84746, "loss": 0.17722, "time": 1.60859} +{"mode": "train", "epoch": 52, "iter": 65600, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.13241, "decode.acc_seg": 94.01199, "aux.loss_ce": 0.05718, "aux.acc_seg": 93.66941, "loss": 0.18959, "time": 1.61036} +{"mode": "train", "epoch": 52, "iter": 65650, "lr": 0.0, "memory": 65790, "data_time": 0.00704, "decode.loss_ce": 0.14401, "decode.acc_seg": 93.57113, "aux.loss_ce": 0.06222, "aux.acc_seg": 93.18207, "loss": 0.20623, "time": 1.60639} +{"mode": "train", "epoch": 53, "iter": 65700, "lr": 0.0, "memory": 65790, "data_time": 0.04908, "decode.loss_ce": 0.13625, "decode.acc_seg": 94.0164, "aux.loss_ce": 0.05878, "aux.acc_seg": 93.64249, "loss": 0.19503, "time": 1.65007} +{"mode": "train", "epoch": 53, "iter": 65750, "lr": 0.0, "memory": 65790, "data_time": 0.00726, "decode.loss_ce": 0.1387, "decode.acc_seg": 93.87077, "aux.loss_ce": 0.06055, "aux.acc_seg": 93.44096, "loss": 0.19925, "time": 1.60971} +{"mode": "train", "epoch": 53, "iter": 65800, "lr": 0.0, "memory": 65790, "data_time": 0.0071, "decode.loss_ce": 0.13058, "decode.acc_seg": 94.18902, "aux.loss_ce": 0.05623, "aux.acc_seg": 93.84092, "loss": 0.18681, "time": 1.60944} +{"mode": "train", "epoch": 53, "iter": 65850, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.13083, "decode.acc_seg": 94.14538, "aux.loss_ce": 0.05721, "aux.acc_seg": 93.73662, "loss": 0.18804, "time": 1.60677} +{"mode": "train", "epoch": 53, "iter": 65900, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.13868, "decode.acc_seg": 93.80171, "aux.loss_ce": 0.06047, "aux.acc_seg": 93.40796, "loss": 0.19915, "time": 1.60924} +{"mode": "train", "epoch": 53, "iter": 65950, "lr": 0.0, "memory": 65790, "data_time": 0.00726, "decode.loss_ce": 0.13622, "decode.acc_seg": 93.90853, "aux.loss_ce": 0.05927, "aux.acc_seg": 93.50351, "loss": 0.1955, "time": 1.60713} +{"mode": "train", "epoch": 53, "iter": 66000, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.13722, "decode.acc_seg": 93.85096, "aux.loss_ce": 0.05852, "aux.acc_seg": 93.49707, "loss": 0.19573, "time": 3.12637} +{"mode": "val", "epoch": 53, "iter": 250, "lr": 0.0, "aAcc": 0.8611, "mIoU": 0.5804, "mAcc": 0.7047, "IoU.wall": 0.8223, "IoU.building": 0.8437, "IoU.sky": 0.9478, "IoU.floor": 0.8408, "IoU.tree": 0.7727, "IoU.ceiling": 0.8737, "IoU.road": 0.8588, "IoU.bed ": 0.9212, "IoU.windowpane": 0.6664, "IoU.grass": 0.6881, "IoU.cabinet": 0.666, "IoU.sidewalk": 0.7219, "IoU.person": 0.8493, "IoU.earth": 0.4246, "IoU.door": 0.6063, "IoU.table": 0.704, "IoU.mountain": 0.6273, "IoU.plant": 0.5466, "IoU.curtain": 0.7846, "IoU.chair": 0.6617, "IoU.car": 0.875, "IoU.water": 0.6201, "IoU.painting": 0.803, "IoU.sofa": 0.8324, "IoU.shelf": 0.4722, "IoU.house": 0.4885, "IoU.sea": 0.7276, "IoU.mirror": 0.7858, "IoU.rug": 0.6268, "IoU.field": 0.316, "IoU.armchair": 0.6566, "IoU.seat": 0.6944, "IoU.fence": 0.5278, "IoU.desk": 0.5976, "IoU.rock": 0.5578, "IoU.wardrobe": 0.5407, "IoU.lamp": 0.7291, "IoU.bathtub": 0.8445, "IoU.railing": 0.4384, "IoU.cushion": 0.6915, "IoU.base": 0.4317, "IoU.box": 0.4115, "IoU.column": 0.5754, "IoU.signboard": 0.401, "IoU.chest of drawers": 0.4367, "IoU.counter": 0.4671, "IoU.sand": 0.5677, "IoU.sink": 0.7911, "IoU.skyscraper": 0.4631, "IoU.fireplace": 0.7491, "IoU.refrigerator": 0.8431, "IoU.grandstand": 0.5785, "IoU.path": 0.2964, "IoU.stairs": 0.3305, "IoU.runway": 0.6734, "IoU.case": 0.6142, "IoU.pool table": 0.9441, "IoU.pillow": 0.6356, "IoU.screen door": 0.7958, "IoU.stairway": 0.4322, "IoU.river": 0.1219, "IoU.bridge": 0.6917, "IoU.bookcase": 0.4231, "IoU.blind": 0.4067, "IoU.coffee table": 0.6253, "IoU.toilet": 0.8997, "IoU.flower": 0.4375, "IoU.book": 0.5219, "IoU.hill": 0.09, "IoU.bench": 0.5684, "IoU.countertop": 0.6346, "IoU.stove": 0.8595, "IoU.palm": 0.5471, "IoU.kitchen island": 0.5022, "IoU.computer": 0.7914, "IoU.swivel chair": 0.4662, "IoU.boat": 0.8007, "IoU.bar": 0.6007, "IoU.arcade machine": 0.7991, "IoU.hovel": 0.2322, "IoU.bus": 0.9177, "IoU.towel": 0.7572, "IoU.light": 0.5671, "IoU.truck": 0.4804, "IoU.tower": 0.1602, "IoU.chandelier": 0.7036, "IoU.awning": 0.3451, "IoU.streetlight": 0.3137, "IoU.booth": 0.5234, "IoU.television receiver": 0.7993, "IoU.airplane": 0.85, "IoU.dirt track": 0.0594, "IoU.apparel": 0.5909, "IoU.pole": 0.2377, "IoU.land": 0.0396, "IoU.bannister": 0.184, "IoU.escalator": 0.6657, "IoU.ottoman": 0.584, "IoU.bottle": 0.4451, "IoU.buffet": 0.6218, "IoU.poster": 0.3263, "IoU.stage": 0.2458, "IoU.van": 0.5164, "IoU.ship": 0.9372, "IoU.fountain": 0.3868, "IoU.conveyer belt": 0.8233, "IoU.canopy": 0.5203, "IoU.washer": 0.8552, "IoU.plaything": 0.3239, "IoU.swimming pool": 0.5362, "IoU.stool": 0.4901, "IoU.barrel": 0.615, "IoU.basket": 0.4458, "IoU.waterfall": 0.6599, "IoU.tent": 0.9501, "IoU.bag": 0.2814, "IoU.minibike": 0.7472, "IoU.cradle": 0.8331, "IoU.oven": 0.5789, "IoU.ball": 0.589, "IoU.food": 0.6041, "IoU.step": 0.0983, "IoU.tank": 0.6183, "IoU.trade name": 0.26, "IoU.microwave": 0.9031, "IoU.pot": 0.603, "IoU.animal": 0.6038, "IoU.bicycle": 0.6067, "IoU.lake": 0.5427, "IoU.dishwasher": 0.7099, "IoU.screen": 0.6054, "IoU.blanket": 0.3424, "IoU.sculpture": 0.7284, "IoU.hood": 0.6159, "IoU.sconce": 0.5801, "IoU.vase": 0.4937, "IoU.traffic light": 0.3968, "IoU.tray": 0.2688, "IoU.ashcan": 0.5531, "IoU.fan": 0.6825, "IoU.pier": 0.4003, "IoU.crt screen": 0.0306, "IoU.plate": 0.6326, "IoU.monitor": 0.6625, "IoU.bulletin board": 0.5788, "IoU.shower": 0.2325, "IoU.radiator": 0.6657, "IoU.glass": 0.2074, "IoU.clock": 0.5142, "IoU.flag": 0.6915, "Acc.wall": 0.8974, "Acc.building": 0.9249, "Acc.sky": 0.9733, "Acc.floor": 0.9147, "Acc.tree": 0.9056, "Acc.ceiling": 0.9487, "Acc.road": 0.9121, "Acc.bed ": 0.9687, "Acc.windowpane": 0.8143, "Acc.grass": 0.8225, "Acc.cabinet": 0.7725, "Acc.sidewalk": 0.8641, "Acc.person": 0.9328, "Acc.earth": 0.5589, "Acc.door": 0.7488, "Acc.table": 0.8102, "Acc.mountain": 0.7747, "Acc.plant": 0.6632, "Acc.curtain": 0.8811, "Acc.chair": 0.7714, "Acc.car": 0.9389, "Acc.water": 0.7701, "Acc.painting": 0.9028, "Acc.sofa": 0.9178, "Acc.shelf": 0.6137, "Acc.house": 0.6909, "Acc.sea": 0.8175, "Acc.mirror": 0.8686, "Acc.rug": 0.7526, "Acc.field": 0.5263, "Acc.armchair": 0.8202, "Acc.seat": 0.8872, "Acc.fence": 0.6492, "Acc.desk": 0.7687, "Acc.rock": 0.7797, "Acc.wardrobe": 0.7531, "Acc.lamp": 0.8353, "Acc.bathtub": 0.8749, "Acc.railing": 0.593, "Acc.cushion": 0.8379, "Acc.base": 0.6089, "Acc.box": 0.5345, "Acc.column": 0.6959, "Acc.signboard": 0.564, "Acc.chest of drawers": 0.6826, "Acc.counter": 0.5485, "Acc.sand": 0.8538, "Acc.sink": 0.8594, "Acc.skyscraper": 0.5897, "Acc.fireplace": 0.9379, "Acc.refrigerator": 0.9636, "Acc.grandstand": 0.8531, "Acc.path": 0.435, "Acc.stairs": 0.4086, "Acc.runway": 0.8681, "Acc.case": 0.8601, "Acc.pool table": 0.9801, "Acc.pillow": 0.7208, "Acc.screen door": 0.8699, "Acc.stairway": 0.6184, "Acc.river": 0.2727, "Acc.bridge": 0.8526, "Acc.bookcase": 0.6041, "Acc.blind": 0.4677, "Acc.coffee table": 0.8379, "Acc.toilet": 0.9408, "Acc.flower": 0.5799, "Acc.book": 0.7784, "Acc.hill": 0.1472, "Acc.bench": 0.6289, "Acc.countertop": 0.8425, "Acc.stove": 0.9303, "Acc.palm": 0.7623, "Acc.kitchen island": 0.7903, "Acc.computer": 0.9041, "Acc.swivel chair": 0.7334, "Acc.boat": 0.9036, "Acc.bar": 0.8292, "Acc.arcade machine": 0.834, "Acc.hovel": 0.263, "Acc.bus": 0.9733, "Acc.towel": 0.8343, "Acc.light": 0.65, "Acc.truck": 0.6021, "Acc.tower": 0.2816, "Acc.chandelier": 0.8112, "Acc.awning": 0.4531, "Acc.streetlight": 0.3978, "Acc.booth": 0.6619, "Acc.television receiver": 0.8623, "Acc.airplane": 0.9341, "Acc.dirt track": 0.2334, "Acc.apparel": 0.7591, "Acc.pole": 0.3694, "Acc.land": 0.0517, "Acc.bannister": 0.2322, "Acc.escalator": 0.8649, "Acc.ottoman": 0.752, "Acc.bottle": 0.7404, "Acc.buffet": 0.7049, "Acc.poster": 0.403, "Acc.stage": 0.4722, "Acc.van": 0.7622, "Acc.ship": 0.9672, "Acc.fountain": 0.394, "Acc.conveyer belt": 0.9467, "Acc.canopy": 0.7092, "Acc.washer": 0.9161, "Acc.plaything": 0.5076, "Acc.swimming pool": 0.7747, "Acc.stool": 0.6295, "Acc.barrel": 0.7983, "Acc.basket": 0.5943, "Acc.waterfall": 0.798, "Acc.tent": 0.9844, "Acc.bag": 0.3255, "Acc.minibike": 0.8842, "Acc.cradle": 0.981, "Acc.oven": 0.6894, "Acc.ball": 0.624, "Acc.food": 0.6777, "Acc.step": 0.1212, "Acc.tank": 0.6764, "Acc.trade name": 0.3089, "Acc.microwave": 0.9657, "Acc.pot": 0.7106, "Acc.animal": 0.6226, "Acc.bicycle": 0.7928, "Acc.lake": 0.6358, "Acc.dishwasher": 0.8016, "Acc.screen": 0.9343, "Acc.blanket": 0.4016, "Acc.sculpture": 0.859, "Acc.hood": 0.7313, "Acc.sconce": 0.6735, "Acc.vase": 0.64, "Acc.traffic light": 0.5865, "Acc.tray": 0.3578, "Acc.ashcan": 0.6652, "Acc.fan": 0.8375, "Acc.pier": 0.4445, "Acc.crt screen": 0.0381, "Acc.plate": 0.7673, "Acc.monitor": 0.7899, "Acc.bulletin board": 0.7805, "Acc.shower": 0.2534, "Acc.radiator": 0.8436, "Acc.glass": 0.2204, "Acc.clock": 0.6373, "Acc.flag": 0.7865} +{"mode": "train", "epoch": 53, "iter": 66050, "lr": 0.0, "memory": 65790, "data_time": 1.66188, "decode.loss_ce": 0.13498, "decode.acc_seg": 93.72638, "aux.loss_ce": 0.05861, "aux.acc_seg": 93.27465, "loss": 0.1936, "time": 3.26364} +{"mode": "train", "epoch": 53, "iter": 66100, "lr": 0.0, "memory": 65790, "data_time": 0.00715, "decode.loss_ce": 0.12622, "decode.acc_seg": 94.11592, "aux.loss_ce": 0.05501, "aux.acc_seg": 93.76436, "loss": 0.18123, "time": 1.609} +{"mode": "train", "epoch": 53, "iter": 66150, "lr": 0.0, "memory": 65790, "data_time": 0.00728, "decode.loss_ce": 0.13415, "decode.acc_seg": 93.89856, "aux.loss_ce": 0.05836, "aux.acc_seg": 93.50071, "loss": 0.1925, "time": 1.60898} +{"mode": "train", "epoch": 53, "iter": 66200, "lr": 0.0, "memory": 65790, "data_time": 0.00708, "decode.loss_ce": 0.1343, "decode.acc_seg": 93.98135, "aux.loss_ce": 0.05817, "aux.acc_seg": 93.58356, "loss": 0.19247, "time": 1.60692} +{"mode": "train", "epoch": 53, "iter": 66250, "lr": 0.0, "memory": 65790, "data_time": 0.00712, "decode.loss_ce": 0.13518, "decode.acc_seg": 93.7111, "aux.loss_ce": 0.05912, "aux.acc_seg": 93.31476, "loss": 0.1943, "time": 1.60909} +{"mode": "train", "epoch": 53, "iter": 66300, "lr": 0.0, "memory": 65790, "data_time": 0.00727, "decode.loss_ce": 0.13722, "decode.acc_seg": 93.56116, "aux.loss_ce": 0.05941, "aux.acc_seg": 93.20222, "loss": 0.19663, "time": 1.60861} +{"mode": "train", "epoch": 53, "iter": 66350, "lr": 0.0, "memory": 65790, "data_time": 0.00745, "decode.loss_ce": 0.14216, "decode.acc_seg": 93.60873, "aux.loss_ce": 0.06102, "aux.acc_seg": 93.29275, "loss": 0.20318, "time": 1.60904} +{"mode": "train", "epoch": 53, "iter": 66400, "lr": 0.0, "memory": 65790, "data_time": 0.00713, "decode.loss_ce": 0.13697, "decode.acc_seg": 93.98467, "aux.loss_ce": 0.05958, "aux.acc_seg": 93.56707, "loss": 0.19655, "time": 1.60989} +{"mode": "train", "epoch": 53, "iter": 66450, "lr": 0.0, "memory": 65790, "data_time": 0.00735, "decode.loss_ce": 0.13773, "decode.acc_seg": 93.83728, "aux.loss_ce": 0.05947, "aux.acc_seg": 93.49696, "loss": 0.1972, "time": 1.60937} +{"mode": "train", "epoch": 53, "iter": 66500, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.13408, "decode.acc_seg": 93.85809, "aux.loss_ce": 0.05841, "aux.acc_seg": 93.43537, "loss": 0.19249, "time": 1.60868} +{"mode": "train", "epoch": 53, "iter": 66550, "lr": 0.0, "memory": 65790, "data_time": 0.00732, "decode.loss_ce": 0.1474, "decode.acc_seg": 93.5233, "aux.loss_ce": 0.0636, "aux.acc_seg": 93.13015, "loss": 0.21099, "time": 1.60684} +{"mode": "train", "epoch": 53, "iter": 66600, "lr": 0.0, "memory": 65790, "data_time": 0.00727, "decode.loss_ce": 0.13349, "decode.acc_seg": 93.88198, "aux.loss_ce": 0.05802, "aux.acc_seg": 93.50021, "loss": 0.19151, "time": 1.61021} +{"mode": "train", "epoch": 53, "iter": 66650, "lr": 0.0, "memory": 65790, "data_time": 0.00732, "decode.loss_ce": 0.13222, "decode.acc_seg": 93.79384, "aux.loss_ce": 0.05738, "aux.acc_seg": 93.46818, "loss": 0.1896, "time": 1.61003} +{"mode": "train", "epoch": 53, "iter": 66700, "lr": 0.0, "memory": 65790, "data_time": 0.00733, "decode.loss_ce": 0.13481, "decode.acc_seg": 93.76552, "aux.loss_ce": 0.05855, "aux.acc_seg": 93.30506, "loss": 0.19336, "time": 1.60864} +{"mode": "train", "epoch": 53, "iter": 66750, "lr": 0.0, "memory": 65790, "data_time": 0.00739, "decode.loss_ce": 0.13993, "decode.acc_seg": 93.6485, "aux.loss_ce": 0.06084, "aux.acc_seg": 93.28637, "loss": 0.20078, "time": 1.60741} +{"mode": "train", "epoch": 53, "iter": 66800, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.13501, "decode.acc_seg": 93.8042, "aux.loss_ce": 0.05777, "aux.acc_seg": 93.50279, "loss": 0.19278, "time": 1.60814} +{"mode": "train", "epoch": 53, "iter": 66850, "lr": 0.0, "memory": 65790, "data_time": 0.00715, "decode.loss_ce": 0.13485, "decode.acc_seg": 93.69655, "aux.loss_ce": 0.059, "aux.acc_seg": 93.26558, "loss": 0.19385, "time": 1.60903} +{"mode": "train", "epoch": 53, "iter": 66900, "lr": 0.0, "memory": 65790, "data_time": 0.00729, "decode.loss_ce": 0.1318, "decode.acc_seg": 94.04714, "aux.loss_ce": 0.05715, "aux.acc_seg": 93.57408, "loss": 0.18895, "time": 1.61072} +{"mode": "train", "epoch": 54, "iter": 66950, "lr": 0.0, "memory": 65790, "data_time": 0.04974, "decode.loss_ce": 0.13471, "decode.acc_seg": 93.96624, "aux.loss_ce": 0.05846, "aux.acc_seg": 93.58878, "loss": 0.19318, "time": 1.65488} +{"mode": "train", "epoch": 54, "iter": 67000, "lr": 0.0, "memory": 65790, "data_time": 0.00722, "decode.loss_ce": 0.1354, "decode.acc_seg": 93.88386, "aux.loss_ce": 0.05903, "aux.acc_seg": 93.4546, "loss": 0.19443, "time": 1.6094} +{"mode": "val", "epoch": 54, "iter": 250, "lr": 0.0, "aAcc": 0.8614, "mIoU": 0.5778, "mAcc": 0.7039, "IoU.wall": 0.8246, "IoU.building": 0.846, "IoU.sky": 0.9484, "IoU.floor": 0.8455, "IoU.tree": 0.7735, "IoU.ceiling": 0.8764, "IoU.road": 0.8543, "IoU.bed ": 0.919, "IoU.windowpane": 0.6652, "IoU.grass": 0.6826, "IoU.cabinet": 0.6557, "IoU.sidewalk": 0.7208, "IoU.person": 0.8479, "IoU.earth": 0.4223, "IoU.door": 0.6055, "IoU.table": 0.6886, "IoU.mountain": 0.633, "IoU.plant": 0.551, "IoU.curtain": 0.7838, "IoU.chair": 0.6565, "IoU.car": 0.8734, "IoU.water": 0.6282, "IoU.painting": 0.8099, "IoU.sofa": 0.8329, "IoU.shelf": 0.4722, "IoU.house": 0.5083, "IoU.sea": 0.7339, "IoU.mirror": 0.7846, "IoU.rug": 0.668, "IoU.field": 0.3123, "IoU.armchair": 0.6549, "IoU.seat": 0.6857, "IoU.fence": 0.5251, "IoU.desk": 0.6056, "IoU.rock": 0.5706, "IoU.wardrobe": 0.517, "IoU.lamp": 0.7393, "IoU.bathtub": 0.8507, "IoU.railing": 0.4343, "IoU.cushion": 0.7072, "IoU.base": 0.4212, "IoU.box": 0.4199, "IoU.column": 0.5763, "IoU.signboard": 0.3961, "IoU.chest of drawers": 0.4251, "IoU.counter": 0.4401, "IoU.sand": 0.5752, "IoU.sink": 0.7892, "IoU.skyscraper": 0.4676, "IoU.fireplace": 0.7649, "IoU.refrigerator": 0.8608, "IoU.grandstand": 0.5166, "IoU.path": 0.3099, "IoU.stairs": 0.342, "IoU.runway": 0.6699, "IoU.case": 0.606, "IoU.pool table": 0.9405, "IoU.pillow": 0.6497, "IoU.screen door": 0.8031, "IoU.stairway": 0.4522, "IoU.river": 0.1265, "IoU.bridge": 0.6751, "IoU.bookcase": 0.4107, "IoU.blind": 0.3994, "IoU.coffee table": 0.6017, "IoU.toilet": 0.8998, "IoU.flower": 0.4575, "IoU.book": 0.5214, "IoU.hill": 0.093, "IoU.bench": 0.5722, "IoU.countertop": 0.6398, "IoU.stove": 0.8611, "IoU.palm": 0.5345, "IoU.kitchen island": 0.4239, "IoU.computer": 0.7952, "IoU.swivel chair": 0.4579, "IoU.boat": 0.7901, "IoU.bar": 0.6163, "IoU.arcade machine": 0.7957, "IoU.hovel": 0.2165, "IoU.bus": 0.922, "IoU.towel": 0.7581, "IoU.light": 0.5751, "IoU.truck": 0.4805, "IoU.tower": 0.1034, "IoU.chandelier": 0.7169, "IoU.awning": 0.34, "IoU.streetlight": 0.306, "IoU.booth": 0.4995, "IoU.television receiver": 0.8086, "IoU.airplane": 0.8692, "IoU.dirt track": 0.0572, "IoU.apparel": 0.5611, "IoU.pole": 0.2542, "IoU.land": 0.0479, "IoU.bannister": 0.1848, "IoU.escalator": 0.6615, "IoU.ottoman": 0.5974, "IoU.bottle": 0.4416, "IoU.buffet": 0.5395, "IoU.poster": 0.3152, "IoU.stage": 0.2449, "IoU.van": 0.5216, "IoU.ship": 0.937, "IoU.fountain": 0.3939, "IoU.conveyer belt": 0.8222, "IoU.canopy": 0.5311, "IoU.washer": 0.8383, "IoU.plaything": 0.3248, "IoU.swimming pool": 0.5438, "IoU.stool": 0.4686, "IoU.barrel": 0.5672, "IoU.basket": 0.4409, "IoU.waterfall": 0.5928, "IoU.tent": 0.9508, "IoU.bag": 0.2474, "IoU.minibike": 0.737, "IoU.cradle": 0.8125, "IoU.oven": 0.5868, "IoU.ball": 0.6516, "IoU.food": 0.6161, "IoU.step": 0.0992, "IoU.tank": 0.6253, "IoU.trade name": 0.2468, "IoU.microwave": 0.9028, "IoU.pot": 0.5989, "IoU.animal": 0.6084, "IoU.bicycle": 0.599, "IoU.lake": 0.5314, "IoU.dishwasher": 0.71, "IoU.screen": 0.5717, "IoU.blanket": 0.3417, "IoU.sculpture": 0.7357, "IoU.hood": 0.6294, "IoU.sconce": 0.5828, "IoU.vase": 0.4807, "IoU.traffic light": 0.3916, "IoU.tray": 0.2744, "IoU.ashcan": 0.5453, "IoU.fan": 0.6827, "IoU.pier": 0.3957, "IoU.crt screen": 0.0872, "IoU.plate": 0.6281, "IoU.monitor": 0.6164, "IoU.bulletin board": 0.5902, "IoU.shower": 0.2121, "IoU.radiator": 0.6704, "IoU.glass": 0.209, "IoU.clock": 0.5085, "IoU.flag": 0.6934, "Acc.wall": 0.9001, "Acc.building": 0.9365, "Acc.sky": 0.9788, "Acc.floor": 0.9106, "Acc.tree": 0.8903, "Acc.ceiling": 0.9449, "Acc.road": 0.909, "Acc.bed ": 0.9704, "Acc.windowpane": 0.8344, "Acc.grass": 0.8216, "Acc.cabinet": 0.7537, "Acc.sidewalk": 0.8626, "Acc.person": 0.9436, "Acc.earth": 0.561, "Acc.door": 0.7405, "Acc.table": 0.7944, "Acc.mountain": 0.7404, "Acc.plant": 0.675, "Acc.curtain": 0.8779, "Acc.chair": 0.7684, "Acc.car": 0.9374, "Acc.water": 0.7729, "Acc.painting": 0.9043, "Acc.sofa": 0.9231, "Acc.shelf": 0.6247, "Acc.house": 0.5976, "Acc.sea": 0.8236, "Acc.mirror": 0.8613, "Acc.rug": 0.7873, "Acc.field": 0.5293, "Acc.armchair": 0.8091, "Acc.seat": 0.8873, "Acc.fence": 0.6626, "Acc.desk": 0.7748, "Acc.rock": 0.8012, "Acc.wardrobe": 0.7378, "Acc.lamp": 0.8338, "Acc.bathtub": 0.8877, "Acc.railing": 0.6181, "Acc.cushion": 0.8156, "Acc.base": 0.6018, "Acc.box": 0.5603, "Acc.column": 0.705, "Acc.signboard": 0.5573, "Acc.chest of drawers": 0.689, "Acc.counter": 0.5072, "Acc.sand": 0.8556, "Acc.sink": 0.8405, "Acc.skyscraper": 0.5992, "Acc.fireplace": 0.9311, "Acc.refrigerator": 0.9532, "Acc.grandstand": 0.8478, "Acc.path": 0.4096, "Acc.stairs": 0.4199, "Acc.runway": 0.8591, "Acc.case": 0.8092, "Acc.pool table": 0.9839, "Acc.pillow": 0.744, "Acc.screen door": 0.8382, "Acc.stairway": 0.5633, "Acc.river": 0.2851, "Acc.bridge": 0.8162, "Acc.bookcase": 0.6001, "Acc.blind": 0.4564, "Acc.coffee table": 0.8548, "Acc.toilet": 0.9377, "Acc.flower": 0.616, "Acc.book": 0.806, "Acc.hill": 0.1578, "Acc.bench": 0.6521, "Acc.countertop": 0.8277, "Acc.stove": 0.919, "Acc.palm": 0.8012, "Acc.kitchen island": 0.8539, "Acc.computer": 0.9015, "Acc.swivel chair": 0.7596, "Acc.boat": 0.9195, "Acc.bar": 0.8795, "Acc.arcade machine": 0.8248, "Acc.hovel": 0.233, "Acc.bus": 0.9741, "Acc.towel": 0.8369, "Acc.light": 0.6525, "Acc.truck": 0.6336, "Acc.tower": 0.1758, "Acc.chandelier": 0.8571, "Acc.awning": 0.4578, "Acc.streetlight": 0.3854, "Acc.booth": 0.7024, "Acc.television receiver": 0.8857, "Acc.airplane": 0.9483, "Acc.dirt track": 0.2567, "Acc.apparel": 0.6905, "Acc.pole": 0.4062, "Acc.land": 0.0678, "Acc.bannister": 0.229, "Acc.escalator": 0.8623, "Acc.ottoman": 0.743, "Acc.bottle": 0.7092, "Acc.buffet": 0.5997, "Acc.poster": 0.3951, "Acc.stage": 0.4758, "Acc.van": 0.7483, "Acc.ship": 0.9759, "Acc.fountain": 0.401, "Acc.conveyer belt": 0.9521, "Acc.canopy": 0.7161, "Acc.washer": 0.8907, "Acc.plaything": 0.4915, "Acc.swimming pool": 0.7888, "Acc.stool": 0.6821, "Acc.barrel": 0.7414, "Acc.basket": 0.5869, "Acc.waterfall": 0.7293, "Acc.tent": 0.9845, "Acc.bag": 0.2822, "Acc.minibike": 0.8949, "Acc.cradle": 0.9819, "Acc.oven": 0.6998, "Acc.ball": 0.7222, "Acc.food": 0.6985, "Acc.step": 0.1278, "Acc.tank": 0.6861, "Acc.trade name": 0.2868, "Acc.microwave": 0.9651, "Acc.pot": 0.6976, "Acc.animal": 0.6286, "Acc.bicycle": 0.7798, "Acc.lake": 0.6365, "Acc.dishwasher": 0.8133, "Acc.screen": 0.8747, "Acc.blanket": 0.3989, "Acc.sculpture": 0.8518, "Acc.hood": 0.746, "Acc.sconce": 0.6818, "Acc.vase": 0.6379, "Acc.traffic light": 0.6166, "Acc.tray": 0.3695, "Acc.ashcan": 0.6867, "Acc.fan": 0.8246, "Acc.pier": 0.4504, "Acc.crt screen": 0.1375, "Acc.plate": 0.7915, "Acc.monitor": 0.7291, "Acc.bulletin board": 0.7825, "Acc.shower": 0.2249, "Acc.radiator": 0.8483, "Acc.glass": 0.2225, "Acc.clock": 0.6224, "Acc.flag": 0.7674} +{"mode": "train", "epoch": 54, "iter": 67050, "lr": 0.0, "memory": 65790, "data_time": 1.69623, "decode.loss_ce": 0.13473, "decode.acc_seg": 93.85312, "aux.loss_ce": 0.05814, "aux.acc_seg": 93.45674, "loss": 0.19287, "time": 3.29627} +{"mode": "train", "epoch": 54, "iter": 67100, "lr": 0.0, "memory": 65790, "data_time": 0.00727, "decode.loss_ce": 0.13101, "decode.acc_seg": 94.05409, "aux.loss_ce": 0.05735, "aux.acc_seg": 93.59997, "loss": 0.18836, "time": 1.60828} +{"mode": "train", "epoch": 54, "iter": 67150, "lr": 0.0, "memory": 65790, "data_time": 0.00722, "decode.loss_ce": 0.13163, "decode.acc_seg": 94.12423, "aux.loss_ce": 0.05752, "aux.acc_seg": 93.7003, "loss": 0.18915, "time": 1.60714} +{"mode": "train", "epoch": 54, "iter": 67200, "lr": 0.0, "memory": 65790, "data_time": 0.00729, "decode.loss_ce": 0.13366, "decode.acc_seg": 93.74389, "aux.loss_ce": 0.05798, "aux.acc_seg": 93.35306, "loss": 0.19164, "time": 1.6096} +{"mode": "train", "epoch": 54, "iter": 67250, "lr": 0.0, "memory": 65790, "data_time": 0.00724, "decode.loss_ce": 0.12943, "decode.acc_seg": 94.05601, "aux.loss_ce": 0.05619, "aux.acc_seg": 93.6924, "loss": 0.18563, "time": 1.60943} +{"mode": "train", "epoch": 54, "iter": 67300, "lr": 0.0, "memory": 65790, "data_time": 0.00705, "decode.loss_ce": 0.13918, "decode.acc_seg": 93.78536, "aux.loss_ce": 0.06071, "aux.acc_seg": 93.37143, "loss": 0.19989, "time": 1.60998} +{"mode": "train", "epoch": 54, "iter": 67350, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.13199, "decode.acc_seg": 94.10954, "aux.loss_ce": 0.05697, "aux.acc_seg": 93.75671, "loss": 0.18895, "time": 1.60952} +{"mode": "train", "epoch": 54, "iter": 67400, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.13963, "decode.acc_seg": 93.70952, "aux.loss_ce": 0.06024, "aux.acc_seg": 93.26324, "loss": 0.19987, "time": 1.60921} +{"mode": "train", "epoch": 54, "iter": 67450, "lr": 0.0, "memory": 65790, "data_time": 0.00741, "decode.loss_ce": 0.13152, "decode.acc_seg": 93.984, "aux.loss_ce": 0.05679, "aux.acc_seg": 93.63912, "loss": 0.18831, "time": 1.60722} +{"mode": "train", "epoch": 54, "iter": 67500, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.13705, "decode.acc_seg": 93.88264, "aux.loss_ce": 0.05918, "aux.acc_seg": 93.51341, "loss": 0.19623, "time": 1.60964} +{"mode": "train", "epoch": 54, "iter": 67550, "lr": 0.0, "memory": 65790, "data_time": 0.00724, "decode.loss_ce": 0.13651, "decode.acc_seg": 93.77606, "aux.loss_ce": 0.05848, "aux.acc_seg": 93.43337, "loss": 0.19498, "time": 1.60902} +{"mode": "train", "epoch": 54, "iter": 67600, "lr": 0.0, "memory": 65790, "data_time": 0.00724, "decode.loss_ce": 0.13376, "decode.acc_seg": 94.008, "aux.loss_ce": 0.05821, "aux.acc_seg": 93.6219, "loss": 0.19197, "time": 1.60875} +{"mode": "train", "epoch": 54, "iter": 67650, "lr": 0.0, "memory": 65790, "data_time": 0.00724, "decode.loss_ce": 0.12809, "decode.acc_seg": 94.2831, "aux.loss_ce": 0.05591, "aux.acc_seg": 93.88929, "loss": 0.184, "time": 1.60805} +{"mode": "train", "epoch": 54, "iter": 67700, "lr": 0.0, "memory": 65790, "data_time": 0.00721, "decode.loss_ce": 0.13784, "decode.acc_seg": 93.85672, "aux.loss_ce": 0.06014, "aux.acc_seg": 93.38522, "loss": 0.19798, "time": 1.61017} +{"mode": "train", "epoch": 54, "iter": 67750, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.12879, "decode.acc_seg": 94.05286, "aux.loss_ce": 0.05554, "aux.acc_seg": 93.71602, "loss": 0.18433, "time": 1.61047} +{"mode": "train", "epoch": 54, "iter": 67800, "lr": 0.0, "memory": 65790, "data_time": 0.00731, "decode.loss_ce": 0.13882, "decode.acc_seg": 93.6026, "aux.loss_ce": 0.06085, "aux.acc_seg": 93.15144, "loss": 0.19967, "time": 1.60922} +{"mode": "train", "epoch": 54, "iter": 67850, "lr": 0.0, "memory": 65790, "data_time": 0.00721, "decode.loss_ce": 0.13292, "decode.acc_seg": 94.01464, "aux.loss_ce": 0.05771, "aux.acc_seg": 93.6134, "loss": 0.19063, "time": 1.61176} +{"mode": "train", "epoch": 54, "iter": 67900, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.13384, "decode.acc_seg": 93.89243, "aux.loss_ce": 0.0582, "aux.acc_seg": 93.43783, "loss": 0.19204, "time": 1.60783} +{"mode": "train", "epoch": 54, "iter": 67950, "lr": 0.0, "memory": 65790, "data_time": 0.00736, "decode.loss_ce": 0.13776, "decode.acc_seg": 93.77811, "aux.loss_ce": 0.06046, "aux.acc_seg": 93.25506, "loss": 0.19823, "time": 1.60789} +{"mode": "train", "epoch": 54, "iter": 68000, "lr": 0.0, "memory": 65790, "data_time": 0.00732, "decode.loss_ce": 0.13592, "decode.acc_seg": 93.85849, "aux.loss_ce": 0.05827, "aux.acc_seg": 93.4909, "loss": 0.19419, "time": 3.10719} +{"mode": "val", "epoch": 54, "iter": 250, "lr": 0.0, "aAcc": 0.8616, "mIoU": 0.5801, "mAcc": 0.7041, "IoU.wall": 0.8255, "IoU.building": 0.8448, "IoU.sky": 0.9485, "IoU.floor": 0.8387, "IoU.tree": 0.7769, "IoU.ceiling": 0.8756, "IoU.road": 0.8592, "IoU.bed ": 0.9198, "IoU.windowpane": 0.6699, "IoU.grass": 0.6834, "IoU.cabinet": 0.6577, "IoU.sidewalk": 0.7129, "IoU.person": 0.8479, "IoU.earth": 0.4156, "IoU.door": 0.6105, "IoU.table": 0.6975, "IoU.mountain": 0.6245, "IoU.plant": 0.5565, "IoU.curtain": 0.78, "IoU.chair": 0.6607, "IoU.car": 0.8742, "IoU.water": 0.64, "IoU.painting": 0.8037, "IoU.sofa": 0.8272, "IoU.shelf": 0.4882, "IoU.house": 0.4798, "IoU.sea": 0.7454, "IoU.mirror": 0.7898, "IoU.rug": 0.6098, "IoU.field": 0.3232, "IoU.armchair": 0.6483, "IoU.seat": 0.6844, "IoU.fence": 0.5177, "IoU.desk": 0.6063, "IoU.rock": 0.5645, "IoU.wardrobe": 0.5146, "IoU.lamp": 0.7394, "IoU.bathtub": 0.8435, "IoU.railing": 0.4408, "IoU.cushion": 0.7012, "IoU.base": 0.4312, "IoU.box": 0.4121, "IoU.column": 0.5749, "IoU.signboard": 0.4004, "IoU.chest of drawers": 0.485, "IoU.counter": 0.4478, "IoU.sand": 0.5233, "IoU.sink": 0.787, "IoU.skyscraper": 0.4717, "IoU.fireplace": 0.7577, "IoU.refrigerator": 0.8663, "IoU.grandstand": 0.5067, "IoU.path": 0.3133, "IoU.stairs": 0.3557, "IoU.runway": 0.6784, "IoU.case": 0.5917, "IoU.pool table": 0.9425, "IoU.pillow": 0.6584, "IoU.screen door": 0.794, "IoU.stairway": 0.4513, "IoU.river": 0.131, "IoU.bridge": 0.7005, "IoU.bookcase": 0.4329, "IoU.blind": 0.4234, "IoU.coffee table": 0.6122, "IoU.toilet": 0.8988, "IoU.flower": 0.4496, "IoU.book": 0.5338, "IoU.hill": 0.0907, "IoU.bench": 0.5684, "IoU.countertop": 0.6345, "IoU.stove": 0.867, "IoU.palm": 0.5337, "IoU.kitchen island": 0.4879, "IoU.computer": 0.7904, "IoU.swivel chair": 0.4558, "IoU.boat": 0.7955, "IoU.bar": 0.6106, "IoU.arcade machine": 0.7646, "IoU.hovel": 0.397, "IoU.bus": 0.9244, "IoU.towel": 0.7577, "IoU.light": 0.5673, "IoU.truck": 0.4938, "IoU.tower": 0.163, "IoU.chandelier": 0.7164, "IoU.awning": 0.3625, "IoU.streetlight": 0.3206, "IoU.booth": 0.5889, "IoU.television receiver": 0.7842, "IoU.airplane": 0.8571, "IoU.dirt track": 0.0652, "IoU.apparel": 0.5749, "IoU.pole": 0.2357, "IoU.land": 0.0495, "IoU.bannister": 0.1754, "IoU.escalator": 0.6674, "IoU.ottoman": 0.6001, "IoU.bottle": 0.4325, "IoU.buffet": 0.5562, "IoU.poster": 0.3108, "IoU.stage": 0.2536, "IoU.van": 0.5072, "IoU.ship": 0.9414, "IoU.fountain": 0.3972, "IoU.conveyer belt": 0.8267, "IoU.canopy": 0.534, "IoU.washer": 0.8508, "IoU.plaything": 0.3138, "IoU.swimming pool": 0.5254, "IoU.stool": 0.4677, "IoU.barrel": 0.5757, "IoU.basket": 0.4523, "IoU.waterfall": 0.6184, "IoU.tent": 0.9536, "IoU.bag": 0.2182, "IoU.minibike": 0.7435, "IoU.cradle": 0.8805, "IoU.oven": 0.579, "IoU.ball": 0.5413, "IoU.food": 0.5711, "IoU.step": 0.1056, "IoU.tank": 0.6302, "IoU.trade name": 0.2314, "IoU.microwave": 0.8989, "IoU.pot": 0.6018, "IoU.animal": 0.5984, "IoU.bicycle": 0.6163, "IoU.lake": 0.5461, "IoU.dishwasher": 0.709, "IoU.screen": 0.5908, "IoU.blanket": 0.3503, "IoU.sculpture": 0.7177, "IoU.hood": 0.6283, "IoU.sconce": 0.581, "IoU.vase": 0.4861, "IoU.traffic light": 0.3966, "IoU.tray": 0.2505, "IoU.ashcan": 0.5472, "IoU.fan": 0.6872, "IoU.pier": 0.3916, "IoU.crt screen": 0.0586, "IoU.plate": 0.6295, "IoU.monitor": 0.6185, "IoU.bulletin board": 0.5854, "IoU.shower": 0.2377, "IoU.radiator": 0.6724, "IoU.glass": 0.2136, "IoU.clock": 0.5109, "IoU.flag": 0.6887, "Acc.wall": 0.9057, "Acc.building": 0.9258, "Acc.sky": 0.9774, "Acc.floor": 0.9156, "Acc.tree": 0.8972, "Acc.ceiling": 0.9453, "Acc.road": 0.9061, "Acc.bed ": 0.9678, "Acc.windowpane": 0.8287, "Acc.grass": 0.8268, "Acc.cabinet": 0.7447, "Acc.sidewalk": 0.8546, "Acc.person": 0.9427, "Acc.earth": 0.5632, "Acc.door": 0.736, "Acc.table": 0.806, "Acc.mountain": 0.7302, "Acc.plant": 0.6808, "Acc.curtain": 0.8767, "Acc.chair": 0.7787, "Acc.car": 0.9354, "Acc.water": 0.7875, "Acc.painting": 0.9092, "Acc.sofa": 0.9215, "Acc.shelf": 0.6499, "Acc.house": 0.6539, "Acc.sea": 0.8216, "Acc.mirror": 0.8591, "Acc.rug": 0.6943, "Acc.field": 0.5489, "Acc.armchair": 0.7992, "Acc.seat": 0.889, "Acc.fence": 0.6763, "Acc.desk": 0.784, "Acc.rock": 0.8095, "Acc.wardrobe": 0.7264, "Acc.lamp": 0.8462, "Acc.bathtub": 0.8786, "Acc.railing": 0.6204, "Acc.cushion": 0.8243, "Acc.base": 0.5696, "Acc.box": 0.5355, "Acc.column": 0.6808, "Acc.signboard": 0.5522, "Acc.chest of drawers": 0.8033, "Acc.counter": 0.5564, "Acc.sand": 0.7627, "Acc.sink": 0.8467, "Acc.skyscraper": 0.603, "Acc.fireplace": 0.9432, "Acc.refrigerator": 0.9581, "Acc.grandstand": 0.8434, "Acc.path": 0.4066, "Acc.stairs": 0.4294, "Acc.runway": 0.874, "Acc.case": 0.8285, "Acc.pool table": 0.9816, "Acc.pillow": 0.756, "Acc.screen door": 0.813, "Acc.stairway": 0.5547, "Acc.river": 0.2816, "Acc.bridge": 0.8366, "Acc.bookcase": 0.5722, "Acc.blind": 0.4583, "Acc.coffee table": 0.8579, "Acc.toilet": 0.9406, "Acc.flower": 0.6013, "Acc.book": 0.7838, "Acc.hill": 0.1539, "Acc.bench": 0.645, "Acc.countertop": 0.8487, "Acc.stove": 0.9228, "Acc.palm": 0.8018, "Acc.kitchen island": 0.7896, "Acc.computer": 0.9096, "Acc.swivel chair": 0.724, "Acc.boat": 0.9099, "Acc.bar": 0.8522, "Acc.arcade machine": 0.793, "Acc.hovel": 0.5047, "Acc.bus": 0.9741, "Acc.towel": 0.8437, "Acc.light": 0.6383, "Acc.truck": 0.6173, "Acc.tower": 0.2645, "Acc.chandelier": 0.8475, "Acc.awning": 0.4838, "Acc.streetlight": 0.4245, "Acc.booth": 0.642, "Acc.television receiver": 0.8827, "Acc.airplane": 0.9464, "Acc.dirt track": 0.3103, "Acc.apparel": 0.8077, "Acc.pole": 0.3463, "Acc.land": 0.07, "Acc.bannister": 0.2194, "Acc.escalator": 0.8644, "Acc.ottoman": 0.7596, "Acc.bottle": 0.6968, "Acc.buffet": 0.6214, "Acc.poster": 0.3711, "Acc.stage": 0.4809, "Acc.van": 0.7568, "Acc.ship": 0.9861, "Acc.fountain": 0.4052, "Acc.conveyer belt": 0.9524, "Acc.canopy": 0.7326, "Acc.washer": 0.9105, "Acc.plaything": 0.4441, "Acc.swimming pool": 0.7569, "Acc.stool": 0.7007, "Acc.barrel": 0.7396, "Acc.basket": 0.5789, "Acc.waterfall": 0.7642, "Acc.tent": 0.9861, "Acc.bag": 0.2368, "Acc.minibike": 0.8876, "Acc.cradle": 0.9723, "Acc.oven": 0.6926, "Acc.ball": 0.5609, "Acc.food": 0.6464, "Acc.step": 0.1342, "Acc.tank": 0.6834, "Acc.trade name": 0.262, "Acc.microwave": 0.9655, "Acc.pot": 0.6971, "Acc.animal": 0.6152, "Acc.bicycle": 0.8188, "Acc.lake": 0.6356, "Acc.dishwasher": 0.8107, "Acc.screen": 0.9054, "Acc.blanket": 0.4102, "Acc.sculpture": 0.847, "Acc.hood": 0.7419, "Acc.sconce": 0.6798, "Acc.vase": 0.6529, "Acc.traffic light": 0.6094, "Acc.tray": 0.3171, "Acc.ashcan": 0.67, "Acc.fan": 0.8295, "Acc.pier": 0.4457, "Acc.crt screen": 0.0833, "Acc.plate": 0.7802, "Acc.monitor": 0.763, "Acc.bulletin board": 0.7772, "Acc.shower": 0.2654, "Acc.radiator": 0.8163, "Acc.glass": 0.2298, "Acc.clock": 0.6282, "Acc.flag": 0.7779} +{"mode": "train", "epoch": 54, "iter": 68050, "lr": 0.0, "memory": 65790, "data_time": 1.65654, "decode.loss_ce": 0.13325, "decode.acc_seg": 93.89934, "aux.loss_ce": 0.05769, "aux.acc_seg": 93.50716, "loss": 0.19094, "time": 3.25653} +{"mode": "train", "epoch": 54, "iter": 68100, "lr": 0.0, "memory": 65790, "data_time": 0.00708, "decode.loss_ce": 0.13575, "decode.acc_seg": 93.83576, "aux.loss_ce": 0.05903, "aux.acc_seg": 93.40733, "loss": 0.19479, "time": 1.60603} +{"mode": "train", "epoch": 54, "iter": 68150, "lr": 0.0, "memory": 65790, "data_time": 0.00708, "decode.loss_ce": 0.12724, "decode.acc_seg": 94.26219, "aux.loss_ce": 0.05573, "aux.acc_seg": 93.82021, "loss": 0.18297, "time": 1.60684} +{"mode": "train", "epoch": 54, "iter": 68200, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.12544, "decode.acc_seg": 94.14819, "aux.loss_ce": 0.05479, "aux.acc_seg": 93.74585, "loss": 0.18023, "time": 1.61048} +{"mode": "train", "epoch": 55, "iter": 68250, "lr": 0.0, "memory": 65790, "data_time": 0.05979, "decode.loss_ce": 0.12274, "decode.acc_seg": 94.3374, "aux.loss_ce": 0.05344, "aux.acc_seg": 93.98746, "loss": 0.17618, "time": 1.6597} +{"mode": "train", "epoch": 55, "iter": 68300, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.14292, "decode.acc_seg": 93.72061, "aux.loss_ce": 0.06173, "aux.acc_seg": 93.33402, "loss": 0.20465, "time": 1.6073} +{"mode": "train", "epoch": 55, "iter": 68350, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.13606, "decode.acc_seg": 93.82814, "aux.loss_ce": 0.0591, "aux.acc_seg": 93.38501, "loss": 0.19516, "time": 1.60911} +{"mode": "train", "epoch": 55, "iter": 68400, "lr": 0.0, "memory": 65790, "data_time": 0.00697, "decode.loss_ce": 0.13077, "decode.acc_seg": 94.03416, "aux.loss_ce": 0.05674, "aux.acc_seg": 93.60618, "loss": 0.18751, "time": 1.60692} +{"mode": "train", "epoch": 55, "iter": 68450, "lr": 0.0, "memory": 65790, "data_time": 0.00704, "decode.loss_ce": 0.13138, "decode.acc_seg": 93.9664, "aux.loss_ce": 0.05744, "aux.acc_seg": 93.53022, "loss": 0.18882, "time": 1.60643} +{"mode": "train", "epoch": 55, "iter": 68500, "lr": 0.0, "memory": 65790, "data_time": 0.00715, "decode.loss_ce": 0.13077, "decode.acc_seg": 93.96026, "aux.loss_ce": 0.05687, "aux.acc_seg": 93.54033, "loss": 0.18765, "time": 1.60887} +{"mode": "train", "epoch": 55, "iter": 68550, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.13494, "decode.acc_seg": 94.07835, "aux.loss_ce": 0.05832, "aux.acc_seg": 93.62641, "loss": 0.19326, "time": 1.60964} +{"mode": "train", "epoch": 55, "iter": 68600, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.14111, "decode.acc_seg": 93.72736, "aux.loss_ce": 0.06115, "aux.acc_seg": 93.2719, "loss": 0.20226, "time": 1.60708} +{"mode": "train", "epoch": 55, "iter": 68650, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.13179, "decode.acc_seg": 94.03415, "aux.loss_ce": 0.05709, "aux.acc_seg": 93.5863, "loss": 0.18888, "time": 1.60726} +{"mode": "train", "epoch": 55, "iter": 68700, "lr": 0.0, "memory": 65790, "data_time": 0.00726, "decode.loss_ce": 0.13097, "decode.acc_seg": 94.09386, "aux.loss_ce": 0.05645, "aux.acc_seg": 93.74342, "loss": 0.18742, "time": 1.60917} +{"mode": "train", "epoch": 55, "iter": 68750, "lr": 0.0, "memory": 65790, "data_time": 0.00727, "decode.loss_ce": 0.13616, "decode.acc_seg": 93.87843, "aux.loss_ce": 0.05915, "aux.acc_seg": 93.48921, "loss": 0.19531, "time": 1.6115} +{"mode": "train", "epoch": 55, "iter": 68800, "lr": 0.0, "memory": 65790, "data_time": 0.00728, "decode.loss_ce": 0.13927, "decode.acc_seg": 93.77314, "aux.loss_ce": 0.0604, "aux.acc_seg": 93.35566, "loss": 0.19966, "time": 1.6087} +{"mode": "train", "epoch": 55, "iter": 68850, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.12928, "decode.acc_seg": 94.10935, "aux.loss_ce": 0.0563, "aux.acc_seg": 93.68739, "loss": 0.18558, "time": 1.60884} +{"mode": "train", "epoch": 55, "iter": 68900, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.13452, "decode.acc_seg": 93.8613, "aux.loss_ce": 0.05824, "aux.acc_seg": 93.47891, "loss": 0.19276, "time": 1.60868} +{"mode": "train", "epoch": 55, "iter": 68950, "lr": 0.0, "memory": 65790, "data_time": 0.00731, "decode.loss_ce": 0.13104, "decode.acc_seg": 94.04864, "aux.loss_ce": 0.05697, "aux.acc_seg": 93.63243, "loss": 0.18801, "time": 1.60959} +{"mode": "train", "epoch": 55, "iter": 69000, "lr": 0.0, "memory": 65790, "data_time": 0.00754, "decode.loss_ce": 0.12883, "decode.acc_seg": 94.2556, "aux.loss_ce": 0.05615, "aux.acc_seg": 93.83686, "loss": 0.18497, "time": 1.60669} +{"mode": "val", "epoch": 55, "iter": 250, "lr": 0.0, "aAcc": 0.8617, "mIoU": 0.5813, "mAcc": 0.7049, "IoU.wall": 0.8235, "IoU.building": 0.8468, "IoU.sky": 0.947, "IoU.floor": 0.8437, "IoU.tree": 0.7734, "IoU.ceiling": 0.875, "IoU.road": 0.8583, "IoU.bed ": 0.9205, "IoU.windowpane": 0.6649, "IoU.grass": 0.6902, "IoU.cabinet": 0.6643, "IoU.sidewalk": 0.7088, "IoU.person": 0.8506, "IoU.earth": 0.4266, "IoU.door": 0.6066, "IoU.table": 0.695, "IoU.mountain": 0.6142, "IoU.plant": 0.5559, "IoU.curtain": 0.775, "IoU.chair": 0.6608, "IoU.car": 0.87, "IoU.water": 0.6279, "IoU.painting": 0.7963, "IoU.sofa": 0.8179, "IoU.shelf": 0.4596, "IoU.house": 0.4934, "IoU.sea": 0.7391, "IoU.mirror": 0.7919, "IoU.rug": 0.6592, "IoU.field": 0.3266, "IoU.armchair": 0.6437, "IoU.seat": 0.6836, "IoU.fence": 0.5294, "IoU.desk": 0.6096, "IoU.rock": 0.5629, "IoU.wardrobe": 0.5211, "IoU.lamp": 0.7399, "IoU.bathtub": 0.8413, "IoU.railing": 0.4443, "IoU.cushion": 0.6988, "IoU.base": 0.445, "IoU.box": 0.4104, "IoU.column": 0.5736, "IoU.signboard": 0.3926, "IoU.chest of drawers": 0.4776, "IoU.counter": 0.4461, "IoU.sand": 0.5593, "IoU.sink": 0.8009, "IoU.skyscraper": 0.4679, "IoU.fireplace": 0.7484, "IoU.refrigerator": 0.8695, "IoU.grandstand": 0.5169, "IoU.path": 0.2889, "IoU.stairs": 0.3828, "IoU.runway": 0.675, "IoU.case": 0.5941, "IoU.pool table": 0.9441, "IoU.pillow": 0.6805, "IoU.screen door": 0.7582, "IoU.stairway": 0.5023, "IoU.river": 0.1296, "IoU.bridge": 0.6953, "IoU.bookcase": 0.3867, "IoU.blind": 0.4125, "IoU.coffee table": 0.6009, "IoU.toilet": 0.9003, "IoU.flower": 0.417, "IoU.book": 0.5192, "IoU.hill": 0.08, "IoU.bench": 0.5803, "IoU.countertop": 0.6394, "IoU.stove": 0.8588, "IoU.palm": 0.5359, "IoU.kitchen island": 0.5021, "IoU.computer": 0.7905, "IoU.swivel chair": 0.456, "IoU.boat": 0.8076, "IoU.bar": 0.6094, "IoU.arcade machine": 0.7851, "IoU.hovel": 0.3282, "IoU.bus": 0.9261, "IoU.towel": 0.7463, "IoU.light": 0.5696, "IoU.truck": 0.4909, "IoU.tower": 0.1939, "IoU.chandelier": 0.7154, "IoU.awning": 0.3428, "IoU.streetlight": 0.322, "IoU.booth": 0.555, "IoU.television receiver": 0.8072, "IoU.airplane": 0.8596, "IoU.dirt track": 0.0497, "IoU.apparel": 0.5775, "IoU.pole": 0.2488, "IoU.land": 0.0474, "IoU.bannister": 0.1743, "IoU.escalator": 0.6665, "IoU.ottoman": 0.5975, "IoU.bottle": 0.4437, "IoU.buffet": 0.5496, "IoU.poster": 0.3103, "IoU.stage": 0.2487, "IoU.van": 0.5088, "IoU.ship": 0.9418, "IoU.fountain": 0.4039, "IoU.conveyer belt": 0.8274, "IoU.canopy": 0.5197, "IoU.washer": 0.8591, "IoU.plaything": 0.3201, "IoU.swimming pool": 0.5791, "IoU.stool": 0.484, "IoU.barrel": 0.6002, "IoU.basket": 0.4361, "IoU.waterfall": 0.5721, "IoU.tent": 0.9516, "IoU.bag": 0.2589, "IoU.minibike": 0.7447, "IoU.cradle": 0.8446, "IoU.oven": 0.5955, "IoU.ball": 0.6036, "IoU.food": 0.6058, "IoU.step": 0.1149, "IoU.tank": 0.7199, "IoU.trade name": 0.2104, "IoU.microwave": 0.9099, "IoU.pot": 0.6009, "IoU.animal": 0.6206, "IoU.bicycle": 0.6082, "IoU.lake": 0.558, "IoU.dishwasher": 0.7052, "IoU.screen": 0.5867, "IoU.blanket": 0.34, "IoU.sculpture": 0.7511, "IoU.hood": 0.6194, "IoU.sconce": 0.5891, "IoU.vase": 0.4898, "IoU.traffic light": 0.3878, "IoU.tray": 0.2621, "IoU.ashcan": 0.5478, "IoU.fan": 0.6842, "IoU.pier": 0.3953, "IoU.crt screen": 0.0266, "IoU.plate": 0.6281, "IoU.monitor": 0.6049, "IoU.bulletin board": 0.5971, "IoU.shower": 0.2157, "IoU.radiator": 0.6699, "IoU.glass": 0.2129, "IoU.clock": 0.5162, "IoU.flag": 0.6917, "Acc.wall": 0.9006, "Acc.building": 0.9295, "Acc.sky": 0.9792, "Acc.floor": 0.9233, "Acc.tree": 0.8921, "Acc.ceiling": 0.9437, "Acc.road": 0.9032, "Acc.bed ": 0.9676, "Acc.windowpane": 0.8269, "Acc.grass": 0.8235, "Acc.cabinet": 0.764, "Acc.sidewalk": 0.857, "Acc.person": 0.9378, "Acc.earth": 0.5651, "Acc.door": 0.7479, "Acc.table": 0.8004, "Acc.mountain": 0.7252, "Acc.plant": 0.6742, "Acc.curtain": 0.8835, "Acc.chair": 0.7709, "Acc.car": 0.9315, "Acc.water": 0.7862, "Acc.painting": 0.9114, "Acc.sofa": 0.8876, "Acc.shelf": 0.6104, "Acc.house": 0.6298, "Acc.sea": 0.8119, "Acc.mirror": 0.8717, "Acc.rug": 0.7463, "Acc.field": 0.5665, "Acc.armchair": 0.8243, "Acc.seat": 0.8916, "Acc.fence": 0.6723, "Acc.desk": 0.7772, "Acc.rock": 0.8281, "Acc.wardrobe": 0.7398, "Acc.lamp": 0.8428, "Acc.bathtub": 0.8751, "Acc.railing": 0.5926, "Acc.cushion": 0.83, "Acc.base": 0.5733, "Acc.box": 0.5283, "Acc.column": 0.7156, "Acc.signboard": 0.5612, "Acc.chest of drawers": 0.7484, "Acc.counter": 0.5266, "Acc.sand": 0.834, "Acc.sink": 0.8543, "Acc.skyscraper": 0.5985, "Acc.fireplace": 0.9465, "Acc.refrigerator": 0.9556, "Acc.grandstand": 0.8403, "Acc.path": 0.3628, "Acc.stairs": 0.474, "Acc.runway": 0.8751, "Acc.case": 0.7964, "Acc.pool table": 0.9805, "Acc.pillow": 0.7953, "Acc.screen door": 0.8136, "Acc.stairway": 0.5754, "Acc.river": 0.2809, "Acc.bridge": 0.8383, "Acc.bookcase": 0.6531, "Acc.blind": 0.4493, "Acc.coffee table": 0.8555, "Acc.toilet": 0.9411, "Acc.flower": 0.5883, "Acc.book": 0.7263, "Acc.hill": 0.1411, "Acc.bench": 0.6563, "Acc.countertop": 0.8405, "Acc.stove": 0.9123, "Acc.palm": 0.794, "Acc.kitchen island": 0.7786, "Acc.computer": 0.9092, "Acc.swivel chair": 0.7122, "Acc.boat": 0.9106, "Acc.bar": 0.8585, "Acc.arcade machine": 0.8189, "Acc.hovel": 0.3841, "Acc.bus": 0.9722, "Acc.towel": 0.822, "Acc.light": 0.6398, "Acc.truck": 0.6324, "Acc.tower": 0.3187, "Acc.chandelier": 0.8279, "Acc.awning": 0.4438, "Acc.streetlight": 0.4181, "Acc.booth": 0.6048, "Acc.television receiver": 0.8842, "Acc.airplane": 0.9305, "Acc.dirt track": 0.191, "Acc.apparel": 0.7384, "Acc.pole": 0.369, "Acc.land": 0.07, "Acc.bannister": 0.2176, "Acc.escalator": 0.8616, "Acc.ottoman": 0.7689, "Acc.bottle": 0.7256, "Acc.buffet": 0.6125, "Acc.poster": 0.3875, "Acc.stage": 0.481, "Acc.van": 0.7876, "Acc.ship": 0.9857, "Acc.fountain": 0.4115, "Acc.conveyer belt": 0.9573, "Acc.canopy": 0.7119, "Acc.washer": 0.9217, "Acc.plaything": 0.4544, "Acc.swimming pool": 0.843, "Acc.stool": 0.6843, "Acc.barrel": 0.7951, "Acc.basket": 0.5795, "Acc.waterfall": 0.6882, "Acc.tent": 0.9881, "Acc.bag": 0.2931, "Acc.minibike": 0.8936, "Acc.cradle": 0.9818, "Acc.oven": 0.7281, "Acc.ball": 0.6461, "Acc.food": 0.6852, "Acc.step": 0.1684, "Acc.tank": 0.808, "Acc.trade name": 0.2405, "Acc.microwave": 0.9605, "Acc.pot": 0.7102, "Acc.animal": 0.6434, "Acc.bicycle": 0.7811, "Acc.lake": 0.6361, "Acc.dishwasher": 0.815, "Acc.screen": 0.9211, "Acc.blanket": 0.4023, "Acc.sculpture": 0.8579, "Acc.hood": 0.7361, "Acc.sconce": 0.7069, "Acc.vase": 0.6422, "Acc.traffic light": 0.6275, "Acc.tray": 0.3268, "Acc.ashcan": 0.6825, "Acc.fan": 0.8474, "Acc.pier": 0.4496, "Acc.crt screen": 0.0399, "Acc.plate": 0.7624, "Acc.monitor": 0.7133, "Acc.bulletin board": 0.7859, "Acc.shower": 0.2315, "Acc.radiator": 0.8188, "Acc.glass": 0.2282, "Acc.clock": 0.6291, "Acc.flag": 0.7584} +{"mode": "train", "epoch": 55, "iter": 69050, "lr": 0.0, "memory": 65790, "data_time": 1.69065, "decode.loss_ce": 0.14122, "decode.acc_seg": 93.60622, "aux.loss_ce": 0.06095, "aux.acc_seg": 93.13594, "loss": 0.20218, "time": 3.29446} +{"mode": "train", "epoch": 55, "iter": 69100, "lr": 0.0, "memory": 65790, "data_time": 0.00727, "decode.loss_ce": 0.12559, "decode.acc_seg": 94.37827, "aux.loss_ce": 0.05454, "aux.acc_seg": 93.98341, "loss": 0.18012, "time": 1.60839} +{"mode": "train", "epoch": 55, "iter": 69150, "lr": 0.0, "memory": 65790, "data_time": 0.00743, "decode.loss_ce": 0.12985, "decode.acc_seg": 94.07475, "aux.loss_ce": 0.05702, "aux.acc_seg": 93.60079, "loss": 0.18687, "time": 1.60703} +{"mode": "train", "epoch": 55, "iter": 69200, "lr": 0.0, "memory": 65790, "data_time": 0.00735, "decode.loss_ce": 0.13687, "decode.acc_seg": 93.93587, "aux.loss_ce": 0.0597, "aux.acc_seg": 93.51312, "loss": 0.19657, "time": 1.60928} +{"mode": "train", "epoch": 55, "iter": 69250, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.13233, "decode.acc_seg": 93.97437, "aux.loss_ce": 0.05828, "aux.acc_seg": 93.48757, "loss": 0.19061, "time": 1.60965} +{"mode": "train", "epoch": 55, "iter": 69300, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.13382, "decode.acc_seg": 94.07353, "aux.loss_ce": 0.05834, "aux.acc_seg": 93.60066, "loss": 0.19216, "time": 1.60921} +{"mode": "train", "epoch": 55, "iter": 69350, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.13357, "decode.acc_seg": 94.02743, "aux.loss_ce": 0.05799, "aux.acc_seg": 93.58068, "loss": 0.19156, "time": 1.61158} +{"mode": "train", "epoch": 55, "iter": 69400, "lr": 0.0, "memory": 65790, "data_time": 0.00712, "decode.loss_ce": 0.12813, "decode.acc_seg": 94.1603, "aux.loss_ce": 0.05558, "aux.acc_seg": 93.75351, "loss": 0.18371, "time": 1.60928} +{"mode": "train", "epoch": 55, "iter": 69450, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.13586, "decode.acc_seg": 93.83921, "aux.loss_ce": 0.05936, "aux.acc_seg": 93.41566, "loss": 0.19522, "time": 1.60919} +{"mode": "train", "epoch": 56, "iter": 69500, "lr": 0.0, "memory": 65790, "data_time": 0.04871, "decode.loss_ce": 0.13464, "decode.acc_seg": 93.80322, "aux.loss_ce": 0.05825, "aux.acc_seg": 93.44917, "loss": 0.19289, "time": 1.65263} +{"mode": "train", "epoch": 56, "iter": 69550, "lr": 0.0, "memory": 65790, "data_time": 0.00731, "decode.loss_ce": 0.13742, "decode.acc_seg": 93.78902, "aux.loss_ce": 0.0601, "aux.acc_seg": 93.37335, "loss": 0.19752, "time": 1.60736} +{"mode": "train", "epoch": 56, "iter": 69600, "lr": 0.0, "memory": 65790, "data_time": 0.00748, "decode.loss_ce": 0.12977, "decode.acc_seg": 94.07389, "aux.loss_ce": 0.05699, "aux.acc_seg": 93.54755, "loss": 0.18676, "time": 1.60918} +{"mode": "train", "epoch": 56, "iter": 69650, "lr": 0.0, "memory": 65790, "data_time": 0.00741, "decode.loss_ce": 0.12588, "decode.acc_seg": 94.33156, "aux.loss_ce": 0.0546, "aux.acc_seg": 93.94733, "loss": 0.18048, "time": 1.60755} +{"mode": "train", "epoch": 56, "iter": 69700, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.1336, "decode.acc_seg": 94.07444, "aux.loss_ce": 0.05885, "aux.acc_seg": 93.58952, "loss": 0.19244, "time": 1.60898} +{"mode": "train", "epoch": 56, "iter": 69750, "lr": 0.0, "memory": 65790, "data_time": 0.00738, "decode.loss_ce": 0.13047, "decode.acc_seg": 94.04269, "aux.loss_ce": 0.05727, "aux.acc_seg": 93.60056, "loss": 0.18774, "time": 1.60937} +{"mode": "train", "epoch": 56, "iter": 69800, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.12941, "decode.acc_seg": 94.12745, "aux.loss_ce": 0.05678, "aux.acc_seg": 93.69004, "loss": 0.18619, "time": 1.60689} +{"mode": "train", "epoch": 56, "iter": 69850, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.13325, "decode.acc_seg": 94.15798, "aux.loss_ce": 0.05799, "aux.acc_seg": 93.73623, "loss": 0.19124, "time": 1.60676} +{"mode": "train", "epoch": 56, "iter": 69900, "lr": 0.0, "memory": 65790, "data_time": 0.00724, "decode.loss_ce": 0.13306, "decode.acc_seg": 93.79352, "aux.loss_ce": 0.05755, "aux.acc_seg": 93.42977, "loss": 0.19061, "time": 1.60757} +{"mode": "train", "epoch": 56, "iter": 69950, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.13002, "decode.acc_seg": 94.10024, "aux.loss_ce": 0.05637, "aux.acc_seg": 93.70025, "loss": 0.18639, "time": 1.60956} +{"mode": "train", "epoch": 56, "iter": 70000, "lr": 0.0, "memory": 65790, "data_time": 0.00706, "decode.loss_ce": 0.146, "decode.acc_seg": 93.47869, "aux.loss_ce": 0.06354, "aux.acc_seg": 93.03418, "loss": 0.20954, "time": 3.06965} +{"mode": "val", "epoch": 56, "iter": 250, "lr": 0.0, "aAcc": 0.8618, "mIoU": 0.5797, "mAcc": 0.7019, "IoU.wall": 0.8252, "IoU.building": 0.8488, "IoU.sky": 0.9482, "IoU.floor": 0.8417, "IoU.tree": 0.7743, "IoU.ceiling": 0.8756, "IoU.road": 0.8612, "IoU.bed ": 0.9172, "IoU.windowpane": 0.6635, "IoU.grass": 0.6784, "IoU.cabinet": 0.6739, "IoU.sidewalk": 0.7201, "IoU.person": 0.8521, "IoU.earth": 0.4197, "IoU.door": 0.6083, "IoU.table": 0.6966, "IoU.mountain": 0.6134, "IoU.plant": 0.5443, "IoU.curtain": 0.7756, "IoU.chair": 0.6651, "IoU.car": 0.8752, "IoU.water": 0.6186, "IoU.painting": 0.8007, "IoU.sofa": 0.8352, "IoU.shelf": 0.4687, "IoU.house": 0.4934, "IoU.sea": 0.733, "IoU.mirror": 0.7838, "IoU.rug": 0.6528, "IoU.field": 0.3185, "IoU.armchair": 0.6521, "IoU.seat": 0.6733, "IoU.fence": 0.5351, "IoU.desk": 0.6061, "IoU.rock": 0.5553, "IoU.wardrobe": 0.5335, "IoU.lamp": 0.7394, "IoU.bathtub": 0.8397, "IoU.railing": 0.4451, "IoU.cushion": 0.7154, "IoU.base": 0.4352, "IoU.box": 0.398, "IoU.column": 0.5741, "IoU.signboard": 0.3924, "IoU.chest of drawers": 0.4749, "IoU.counter": 0.4069, "IoU.sand": 0.5571, "IoU.sink": 0.7968, "IoU.skyscraper": 0.4692, "IoU.fireplace": 0.765, "IoU.refrigerator": 0.8658, "IoU.grandstand": 0.5354, "IoU.path": 0.2848, "IoU.stairs": 0.31, "IoU.runway": 0.664, "IoU.case": 0.6102, "IoU.pool table": 0.942, "IoU.pillow": 0.6648, "IoU.screen door": 0.7679, "IoU.stairway": 0.4415, "IoU.river": 0.1273, "IoU.bridge": 0.7064, "IoU.bookcase": 0.3926, "IoU.blind": 0.4032, "IoU.coffee table": 0.5984, "IoU.toilet": 0.8979, "IoU.flower": 0.4203, "IoU.book": 0.5286, "IoU.hill": 0.0919, "IoU.bench": 0.5718, "IoU.countertop": 0.6363, "IoU.stove": 0.8627, "IoU.palm": 0.5368, "IoU.kitchen island": 0.4913, "IoU.computer": 0.7907, "IoU.swivel chair": 0.458, "IoU.boat": 0.7871, "IoU.bar": 0.636, "IoU.arcade machine": 0.7704, "IoU.hovel": 0.3057, "IoU.bus": 0.9183, "IoU.towel": 0.7357, "IoU.light": 0.5698, "IoU.truck": 0.4937, "IoU.tower": 0.1517, "IoU.chandelier": 0.7224, "IoU.awning": 0.3376, "IoU.streetlight": 0.3271, "IoU.booth": 0.5736, "IoU.television receiver": 0.7964, "IoU.airplane": 0.8705, "IoU.dirt track": 0.0559, "IoU.apparel": 0.5864, "IoU.pole": 0.2654, "IoU.land": 0.0423, "IoU.bannister": 0.1922, "IoU.escalator": 0.665, "IoU.ottoman": 0.6004, "IoU.bottle": 0.4417, "IoU.buffet": 0.535, "IoU.poster": 0.3044, "IoU.stage": 0.2553, "IoU.van": 0.5331, "IoU.ship": 0.9409, "IoU.fountain": 0.4053, "IoU.conveyer belt": 0.8178, "IoU.canopy": 0.4866, "IoU.washer": 0.8533, "IoU.plaything": 0.303, "IoU.swimming pool": 0.5484, "IoU.stool": 0.5295, "IoU.barrel": 0.5868, "IoU.basket": 0.4354, "IoU.waterfall": 0.6403, "IoU.tent": 0.9524, "IoU.bag": 0.2561, "IoU.minibike": 0.7458, "IoU.cradle": 0.848, "IoU.oven": 0.5952, "IoU.ball": 0.5716, "IoU.food": 0.5945, "IoU.step": 0.1138, "IoU.tank": 0.6841, "IoU.trade name": 0.2306, "IoU.microwave": 0.9079, "IoU.pot": 0.6018, "IoU.animal": 0.5902, "IoU.bicycle": 0.6066, "IoU.lake": 0.5575, "IoU.dishwasher": 0.728, "IoU.screen": 0.5995, "IoU.blanket": 0.3389, "IoU.sculpture": 0.7496, "IoU.hood": 0.616, "IoU.sconce": 0.5911, "IoU.vase": 0.471, "IoU.traffic light": 0.3967, "IoU.tray": 0.2615, "IoU.ashcan": 0.5471, "IoU.fan": 0.6866, "IoU.pier": 0.3921, "IoU.crt screen": 0.0248, "IoU.plate": 0.6245, "IoU.monitor": 0.5949, "IoU.bulletin board": 0.6024, "IoU.shower": 0.2233, "IoU.radiator": 0.6631, "IoU.glass": 0.2017, "IoU.clock": 0.5136, "IoU.flag": 0.6972, "Acc.wall": 0.9034, "Acc.building": 0.9373, "Acc.sky": 0.9754, "Acc.floor": 0.9152, "Acc.tree": 0.8943, "Acc.ceiling": 0.941, "Acc.road": 0.9111, "Acc.bed ": 0.9703, "Acc.windowpane": 0.8298, "Acc.grass": 0.8011, "Acc.cabinet": 0.7759, "Acc.sidewalk": 0.8574, "Acc.person": 0.938, "Acc.earth": 0.564, "Acc.door": 0.7456, "Acc.table": 0.8197, "Acc.mountain": 0.7145, "Acc.plant": 0.6576, "Acc.curtain": 0.8776, "Acc.chair": 0.7841, "Acc.car": 0.9358, "Acc.water": 0.77, "Acc.painting": 0.9096, "Acc.sofa": 0.9212, "Acc.shelf": 0.6179, "Acc.house": 0.5817, "Acc.sea": 0.8037, "Acc.mirror": 0.8582, "Acc.rug": 0.783, "Acc.field": 0.5623, "Acc.armchair": 0.8186, "Acc.seat": 0.8954, "Acc.fence": 0.6845, "Acc.desk": 0.7844, "Acc.rock": 0.8523, "Acc.wardrobe": 0.7296, "Acc.lamp": 0.8512, "Acc.bathtub": 0.879, "Acc.railing": 0.6096, "Acc.cushion": 0.8217, "Acc.base": 0.6057, "Acc.box": 0.5015, "Acc.column": 0.6948, "Acc.signboard": 0.5421, "Acc.chest of drawers": 0.7206, "Acc.counter": 0.464, "Acc.sand": 0.8314, "Acc.sink": 0.852, "Acc.skyscraper": 0.5822, "Acc.fireplace": 0.9371, "Acc.refrigerator": 0.9515, "Acc.grandstand": 0.8414, "Acc.path": 0.3853, "Acc.stairs": 0.3807, "Acc.runway": 0.8557, "Acc.case": 0.8238, "Acc.pool table": 0.9812, "Acc.pillow": 0.7619, "Acc.screen door": 0.8202, "Acc.stairway": 0.603, "Acc.river": 0.2904, "Acc.bridge": 0.8932, "Acc.bookcase": 0.6127, "Acc.blind": 0.4403, "Acc.coffee table": 0.8448, "Acc.toilet": 0.9431, "Acc.flower": 0.5829, "Acc.book": 0.7718, "Acc.hill": 0.1591, "Acc.bench": 0.6529, "Acc.countertop": 0.8119, "Acc.stove": 0.922, "Acc.palm": 0.7565, "Acc.kitchen island": 0.7929, "Acc.computer": 0.9095, "Acc.swivel chair": 0.6828, "Acc.boat": 0.9216, "Acc.bar": 0.8893, "Acc.arcade machine": 0.8088, "Acc.hovel": 0.3398, "Acc.bus": 0.9751, "Acc.towel": 0.8056, "Acc.light": 0.6373, "Acc.truck": 0.6409, "Acc.tower": 0.2626, "Acc.chandelier": 0.8504, "Acc.awning": 0.4471, "Acc.streetlight": 0.4294, "Acc.booth": 0.6833, "Acc.television receiver": 0.8736, "Acc.airplane": 0.9483, "Acc.dirt track": 0.252, "Acc.apparel": 0.7295, "Acc.pole": 0.3992, "Acc.land": 0.0585, "Acc.bannister": 0.2436, "Acc.escalator": 0.8675, "Acc.ottoman": 0.7426, "Acc.bottle": 0.706, "Acc.buffet": 0.5936, "Acc.poster": 0.3715, "Acc.stage": 0.4788, "Acc.van": 0.7642, "Acc.ship": 0.9872, "Acc.fountain": 0.4124, "Acc.conveyer belt": 0.9549, "Acc.canopy": 0.7271, "Acc.washer": 0.9139, "Acc.plaything": 0.4279, "Acc.swimming pool": 0.7934, "Acc.stool": 0.631, "Acc.barrel": 0.7482, "Acc.basket": 0.5903, "Acc.waterfall": 0.7694, "Acc.tent": 0.9864, "Acc.bag": 0.286, "Acc.minibike": 0.8929, "Acc.cradle": 0.9807, "Acc.oven": 0.717, "Acc.ball": 0.5987, "Acc.food": 0.6693, "Acc.step": 0.1421, "Acc.tank": 0.7653, "Acc.trade name": 0.2681, "Acc.microwave": 0.9603, "Acc.pot": 0.6995, "Acc.animal": 0.608, "Acc.bicycle": 0.8063, "Acc.lake": 0.6354, "Acc.dishwasher": 0.7879, "Acc.screen": 0.9569, "Acc.blanket": 0.3968, "Acc.sculpture": 0.8642, "Acc.hood": 0.7306, "Acc.sconce": 0.6996, "Acc.vase": 0.6434, "Acc.traffic light": 0.6116, "Acc.tray": 0.322, "Acc.ashcan": 0.6883, "Acc.fan": 0.8129, "Acc.pier": 0.4439, "Acc.crt screen": 0.0351, "Acc.plate": 0.773, "Acc.monitor": 0.7017, "Acc.bulletin board": 0.7943, "Acc.shower": 0.2418, "Acc.radiator": 0.8035, "Acc.glass": 0.2143, "Acc.clock": 0.6103, "Acc.flag": 0.7788} +{"mode": "train", "epoch": 56, "iter": 70050, "lr": 0.0, "memory": 65790, "data_time": 1.66086, "decode.loss_ce": 0.12959, "decode.acc_seg": 93.98507, "aux.loss_ce": 0.05631, "aux.acc_seg": 93.54901, "loss": 0.18589, "time": 3.26216} +{"mode": "train", "epoch": 56, "iter": 70100, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.12838, "decode.acc_seg": 94.1022, "aux.loss_ce": 0.05569, "aux.acc_seg": 93.67164, "loss": 0.18407, "time": 1.60742} +{"mode": "train", "epoch": 56, "iter": 70150, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.13054, "decode.acc_seg": 94.07869, "aux.loss_ce": 0.05726, "aux.acc_seg": 93.63788, "loss": 0.1878, "time": 1.60778} +{"mode": "train", "epoch": 56, "iter": 70200, "lr": 0.0, "memory": 65790, "data_time": 0.0073, "decode.loss_ce": 0.131, "decode.acc_seg": 94.04029, "aux.loss_ce": 0.05727, "aux.acc_seg": 93.60405, "loss": 0.18826, "time": 1.6099} +{"mode": "train", "epoch": 56, "iter": 70250, "lr": 0.0, "memory": 65790, "data_time": 0.00726, "decode.loss_ce": 0.13217, "decode.acc_seg": 94.00194, "aux.loss_ce": 0.05786, "aux.acc_seg": 93.57536, "loss": 0.19003, "time": 1.60859} +{"mode": "train", "epoch": 56, "iter": 70300, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.13212, "decode.acc_seg": 94.1122, "aux.loss_ce": 0.05752, "aux.acc_seg": 93.7213, "loss": 0.18964, "time": 1.61061} +{"mode": "train", "epoch": 56, "iter": 70350, "lr": 0.0, "memory": 65790, "data_time": 0.00724, "decode.loss_ce": 0.12183, "decode.acc_seg": 94.37523, "aux.loss_ce": 0.053, "aux.acc_seg": 93.98271, "loss": 0.17483, "time": 1.6083} +{"mode": "train", "epoch": 56, "iter": 70400, "lr": 0.0, "memory": 65790, "data_time": 0.00721, "decode.loss_ce": 0.14022, "decode.acc_seg": 93.5582, "aux.loss_ce": 0.06124, "aux.acc_seg": 93.17748, "loss": 0.20147, "time": 1.60788} +{"mode": "train", "epoch": 56, "iter": 70450, "lr": 0.0, "memory": 65790, "data_time": 0.00708, "decode.loss_ce": 0.12729, "decode.acc_seg": 94.2575, "aux.loss_ce": 0.05588, "aux.acc_seg": 93.83379, "loss": 0.18317, "time": 1.60994} +{"mode": "train", "epoch": 56, "iter": 70500, "lr": 0.0, "memory": 65790, "data_time": 0.00721, "decode.loss_ce": 0.13723, "decode.acc_seg": 93.84814, "aux.loss_ce": 0.06071, "aux.acc_seg": 93.37563, "loss": 0.19794, "time": 1.6079} +{"mode": "train", "epoch": 56, "iter": 70550, "lr": 0.0, "memory": 65790, "data_time": 0.00724, "decode.loss_ce": 0.13718, "decode.acc_seg": 93.78185, "aux.loss_ce": 0.05954, "aux.acc_seg": 93.30473, "loss": 0.19672, "time": 1.61014} +{"mode": "train", "epoch": 56, "iter": 70600, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.13335, "decode.acc_seg": 93.9405, "aux.loss_ce": 0.05841, "aux.acc_seg": 93.46731, "loss": 0.19176, "time": 1.61271} +{"mode": "train", "epoch": 56, "iter": 70650, "lr": 0.0, "memory": 65790, "data_time": 0.00734, "decode.loss_ce": 0.12744, "decode.acc_seg": 94.2023, "aux.loss_ce": 0.05554, "aux.acc_seg": 93.7999, "loss": 0.18297, "time": 1.60822} +{"mode": "train", "epoch": 56, "iter": 70700, "lr": 0.0, "memory": 65790, "data_time": 0.00722, "decode.loss_ce": 0.12846, "decode.acc_seg": 94.05743, "aux.loss_ce": 0.05619, "aux.acc_seg": 93.67711, "loss": 0.18465, "time": 1.60981} +{"mode": "train", "epoch": 57, "iter": 70750, "lr": 0.0, "memory": 65790, "data_time": 0.04929, "decode.loss_ce": 0.137, "decode.acc_seg": 93.69356, "aux.loss_ce": 0.05999, "aux.acc_seg": 93.2435, "loss": 0.19698, "time": 1.65186} +{"mode": "train", "epoch": 57, "iter": 70800, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.12654, "decode.acc_seg": 94.23227, "aux.loss_ce": 0.05517, "aux.acc_seg": 93.832, "loss": 0.18171, "time": 1.61028} +{"mode": "train", "epoch": 57, "iter": 70850, "lr": 0.0, "memory": 65790, "data_time": 0.00738, "decode.loss_ce": 0.12671, "decode.acc_seg": 94.31176, "aux.loss_ce": 0.05535, "aux.acc_seg": 93.90855, "loss": 0.18206, "time": 1.61136} +{"mode": "train", "epoch": 57, "iter": 70900, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.13089, "decode.acc_seg": 94.0802, "aux.loss_ce": 0.05744, "aux.acc_seg": 93.60436, "loss": 0.18833, "time": 1.61034} +{"mode": "train", "epoch": 57, "iter": 70950, "lr": 0.0, "memory": 65790, "data_time": 0.00721, "decode.loss_ce": 0.12502, "decode.acc_seg": 94.28909, "aux.loss_ce": 0.05505, "aux.acc_seg": 93.81024, "loss": 0.18008, "time": 1.60964} +{"mode": "train", "epoch": 57, "iter": 71000, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.13011, "decode.acc_seg": 94.06966, "aux.loss_ce": 0.05721, "aux.acc_seg": 93.62919, "loss": 0.18731, "time": 1.60772} +{"mode": "val", "epoch": 57, "iter": 250, "lr": 0.0, "aAcc": 0.8622, "mIoU": 0.5814, "mAcc": 0.7076, "IoU.wall": 0.8257, "IoU.building": 0.85, "IoU.sky": 0.9489, "IoU.floor": 0.8399, "IoU.tree": 0.7755, "IoU.ceiling": 0.8781, "IoU.road": 0.8653, "IoU.bed ": 0.9205, "IoU.windowpane": 0.6654, "IoU.grass": 0.6818, "IoU.cabinet": 0.6588, "IoU.sidewalk": 0.7215, "IoU.person": 0.8498, "IoU.earth": 0.4242, "IoU.door": 0.6015, "IoU.table": 0.7012, "IoU.mountain": 0.6148, "IoU.plant": 0.552, "IoU.curtain": 0.7787, "IoU.chair": 0.6587, "IoU.car": 0.8753, "IoU.water": 0.6249, "IoU.painting": 0.8001, "IoU.sofa": 0.835, "IoU.shelf": 0.4661, "IoU.house": 0.5091, "IoU.sea": 0.7387, "IoU.mirror": 0.7876, "IoU.rug": 0.5894, "IoU.field": 0.3259, "IoU.armchair": 0.6597, "IoU.seat": 0.6811, "IoU.fence": 0.5233, "IoU.desk": 0.6041, "IoU.rock": 0.5607, "IoU.wardrobe": 0.511, "IoU.lamp": 0.7414, "IoU.bathtub": 0.8414, "IoU.railing": 0.4398, "IoU.cushion": 0.7039, "IoU.base": 0.4467, "IoU.box": 0.4206, "IoU.column": 0.5806, "IoU.signboard": 0.3899, "IoU.chest of drawers": 0.4673, "IoU.counter": 0.4616, "IoU.sand": 0.5673, "IoU.sink": 0.7986, "IoU.skyscraper": 0.4725, "IoU.fireplace": 0.755, "IoU.refrigerator": 0.8647, "IoU.grandstand": 0.5426, "IoU.path": 0.3008, "IoU.stairs": 0.3761, "IoU.runway": 0.6722, "IoU.case": 0.6163, "IoU.pool table": 0.9434, "IoU.pillow": 0.6485, "IoU.screen door": 0.7606, "IoU.stairway": 0.466, "IoU.river": 0.1262, "IoU.bridge": 0.722, "IoU.bookcase": 0.4213, "IoU.blind": 0.3943, "IoU.coffee table": 0.6088, "IoU.toilet": 0.9014, "IoU.flower": 0.4215, "IoU.book": 0.5305, "IoU.hill": 0.0959, "IoU.bench": 0.578, "IoU.countertop": 0.6282, "IoU.stove": 0.863, "IoU.palm": 0.54, "IoU.kitchen island": 0.5013, "IoU.computer": 0.7872, "IoU.swivel chair": 0.4584, "IoU.boat": 0.7865, "IoU.bar": 0.6194, "IoU.arcade machine": 0.7963, "IoU.hovel": 0.316, "IoU.bus": 0.9274, "IoU.towel": 0.7382, "IoU.light": 0.5785, "IoU.truck": 0.4996, "IoU.tower": 0.1638, "IoU.chandelier": 0.7252, "IoU.awning": 0.3414, "IoU.streetlight": 0.3297, "IoU.booth": 0.5714, "IoU.television receiver": 0.8074, "IoU.airplane": 0.8719, "IoU.dirt track": 0.064, "IoU.apparel": 0.5829, "IoU.pole": 0.2728, "IoU.land": 0.0402, "IoU.bannister": 0.1977, "IoU.escalator": 0.667, "IoU.ottoman": 0.6008, "IoU.bottle": 0.4409, "IoU.buffet": 0.5771, "IoU.poster": 0.307, "IoU.stage": 0.2429, "IoU.van": 0.5154, "IoU.ship": 0.9243, "IoU.fountain": 0.3988, "IoU.conveyer belt": 0.8248, "IoU.canopy": 0.4957, "IoU.washer": 0.8371, "IoU.plaything": 0.317, "IoU.swimming pool": 0.5419, "IoU.stool": 0.4783, "IoU.barrel": 0.5255, "IoU.basket": 0.4236, "IoU.waterfall": 0.666, "IoU.tent": 0.9243, "IoU.bag": 0.2655, "IoU.minibike": 0.7441, "IoU.cradle": 0.8503, "IoU.oven": 0.5772, "IoU.ball": 0.6258, "IoU.food": 0.6365, "IoU.step": 0.1097, "IoU.tank": 0.6059, "IoU.trade name": 0.2523, "IoU.microwave": 0.8995, "IoU.pot": 0.5975, "IoU.animal": 0.5954, "IoU.bicycle": 0.6121, "IoU.lake": 0.5581, "IoU.dishwasher": 0.7044, "IoU.screen": 0.6019, "IoU.blanket": 0.335, "IoU.sculpture": 0.7558, "IoU.hood": 0.6193, "IoU.sconce": 0.5851, "IoU.vase": 0.4691, "IoU.traffic light": 0.3867, "IoU.tray": 0.2754, "IoU.ashcan": 0.535, "IoU.fan": 0.691, "IoU.pier": 0.391, "IoU.crt screen": 0.0264, "IoU.plate": 0.6237, "IoU.monitor": 0.6439, "IoU.bulletin board": 0.6006, "IoU.shower": 0.2271, "IoU.radiator": 0.6731, "IoU.glass": 0.2163, "IoU.clock": 0.5255, "IoU.flag": 0.7, "Acc.wall": 0.9028, "Acc.building": 0.9323, "Acc.sky": 0.9771, "Acc.floor": 0.9229, "Acc.tree": 0.8903, "Acc.ceiling": 0.9449, "Acc.road": 0.9101, "Acc.bed ": 0.9689, "Acc.windowpane": 0.8278, "Acc.grass": 0.8201, "Acc.cabinet": 0.7523, "Acc.sidewalk": 0.8621, "Acc.person": 0.9402, "Acc.earth": 0.5644, "Acc.door": 0.7245, "Acc.table": 0.8211, "Acc.mountain": 0.7328, "Acc.plant": 0.6704, "Acc.curtain": 0.8921, "Acc.chair": 0.7669, "Acc.car": 0.9375, "Acc.water": 0.7731, "Acc.painting": 0.9148, "Acc.sofa": 0.9183, "Acc.shelf": 0.6036, "Acc.house": 0.6305, "Acc.sea": 0.8144, "Acc.mirror": 0.8739, "Acc.rug": 0.6587, "Acc.field": 0.5792, "Acc.armchair": 0.8161, "Acc.seat": 0.8876, "Acc.fence": 0.652, "Acc.desk": 0.7838, "Acc.rock": 0.8264, "Acc.wardrobe": 0.7356, "Acc.lamp": 0.8574, "Acc.bathtub": 0.8756, "Acc.railing": 0.6098, "Acc.cushion": 0.8345, "Acc.base": 0.6127, "Acc.box": 0.5603, "Acc.column": 0.7003, "Acc.signboard": 0.5337, "Acc.chest of drawers": 0.7324, "Acc.counter": 0.5393, "Acc.sand": 0.8448, "Acc.sink": 0.8615, "Acc.skyscraper": 0.5941, "Acc.fireplace": 0.9343, "Acc.refrigerator": 0.9603, "Acc.grandstand": 0.8286, "Acc.path": 0.3751, "Acc.stairs": 0.4663, "Acc.runway": 0.8695, "Acc.case": 0.8059, "Acc.pool table": 0.9803, "Acc.pillow": 0.7338, "Acc.screen door": 0.7843, "Acc.stairway": 0.5898, "Acc.river": 0.289, "Acc.bridge": 0.8927, "Acc.bookcase": 0.6133, "Acc.blind": 0.4467, "Acc.coffee table": 0.8469, "Acc.toilet": 0.9425, "Acc.flower": 0.5777, "Acc.book": 0.7935, "Acc.hill": 0.1796, "Acc.bench": 0.6573, "Acc.countertop": 0.8276, "Acc.stove": 0.9287, "Acc.palm": 0.8104, "Acc.kitchen island": 0.793, "Acc.computer": 0.9173, "Acc.swivel chair": 0.7324, "Acc.boat": 0.9186, "Acc.bar": 0.8357, "Acc.arcade machine": 0.835, "Acc.hovel": 0.3552, "Acc.bus": 0.9698, "Acc.towel": 0.8042, "Acc.light": 0.6561, "Acc.truck": 0.6064, "Acc.tower": 0.2772, "Acc.chandelier": 0.8422, "Acc.awning": 0.4555, "Acc.streetlight": 0.4303, "Acc.booth": 0.7174, "Acc.television receiver": 0.8737, "Acc.airplane": 0.9443, "Acc.dirt track": 0.2789, "Acc.apparel": 0.7587, "Acc.pole": 0.4203, "Acc.land": 0.057, "Acc.bannister": 0.2572, "Acc.escalator": 0.8642, "Acc.ottoman": 0.7463, "Acc.bottle": 0.766, "Acc.buffet": 0.6454, "Acc.poster": 0.3802, "Acc.stage": 0.4805, "Acc.van": 0.7338, "Acc.ship": 0.9588, "Acc.fountain": 0.4071, "Acc.conveyer belt": 0.9551, "Acc.canopy": 0.7018, "Acc.washer": 0.8972, "Acc.plaything": 0.4675, "Acc.swimming pool": 0.7826, "Acc.stool": 0.6857, "Acc.barrel": 0.7508, "Acc.basket": 0.5795, "Acc.waterfall": 0.8369, "Acc.tent": 0.9849, "Acc.bag": 0.3046, "Acc.minibike": 0.8802, "Acc.cradle": 0.9805, "Acc.oven": 0.6998, "Acc.ball": 0.681, "Acc.food": 0.7201, "Acc.step": 0.1395, "Acc.tank": 0.6782, "Acc.trade name": 0.3007, "Acc.microwave": 0.9649, "Acc.pot": 0.6936, "Acc.animal": 0.6132, "Acc.bicycle": 0.809, "Acc.lake": 0.6362, "Acc.dishwasher": 0.8066, "Acc.screen": 0.9438, "Acc.blanket": 0.3887, "Acc.sculpture": 0.8507, "Acc.hood": 0.7541, "Acc.sconce": 0.6841, "Acc.vase": 0.6497, "Acc.traffic light": 0.6437, "Acc.tray": 0.3517, "Acc.ashcan": 0.6906, "Acc.fan": 0.8318, "Acc.pier": 0.4409, "Acc.crt screen": 0.0358, "Acc.plate": 0.7811, "Acc.monitor": 0.7535, "Acc.bulletin board": 0.7966, "Acc.shower": 0.246, "Acc.radiator": 0.84, "Acc.glass": 0.2325, "Acc.clock": 0.6673, "Acc.flag": 0.7706} +{"mode": "train", "epoch": 57, "iter": 71050, "lr": 0.0, "memory": 65790, "data_time": 1.66582, "decode.loss_ce": 0.13009, "decode.acc_seg": 93.97245, "aux.loss_ce": 0.05699, "aux.acc_seg": 93.50365, "loss": 0.18708, "time": 3.27117} +{"mode": "train", "epoch": 57, "iter": 71100, "lr": 0.0, "memory": 65790, "data_time": 0.00731, "decode.loss_ce": 0.13226, "decode.acc_seg": 93.98173, "aux.loss_ce": 0.05802, "aux.acc_seg": 93.55622, "loss": 0.19028, "time": 1.60752} +{"mode": "train", "epoch": 57, "iter": 71150, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.12568, "decode.acc_seg": 94.16046, "aux.loss_ce": 0.0553, "aux.acc_seg": 93.6723, "loss": 0.18097, "time": 1.60828} +{"mode": "train", "epoch": 57, "iter": 71200, "lr": 0.0, "memory": 65790, "data_time": 0.00722, "decode.loss_ce": 0.13923, "decode.acc_seg": 93.83381, "aux.loss_ce": 0.06212, "aux.acc_seg": 93.16813, "loss": 0.20134, "time": 1.61156} +{"mode": "train", "epoch": 57, "iter": 71250, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.13138, "decode.acc_seg": 94.24518, "aux.loss_ce": 0.05764, "aux.acc_seg": 93.8145, "loss": 0.18902, "time": 1.60734} +{"mode": "train", "epoch": 57, "iter": 71300, "lr": 0.0, "memory": 65790, "data_time": 0.00721, "decode.loss_ce": 0.12268, "decode.acc_seg": 94.26, "aux.loss_ce": 0.05382, "aux.acc_seg": 93.79581, "loss": 0.1765, "time": 1.60931} +{"mode": "train", "epoch": 57, "iter": 71350, "lr": 0.0, "memory": 65790, "data_time": 0.00719, "decode.loss_ce": 0.13383, "decode.acc_seg": 94.1217, "aux.loss_ce": 0.05855, "aux.acc_seg": 93.71958, "loss": 0.19238, "time": 1.60736} +{"mode": "train", "epoch": 57, "iter": 71400, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.12485, "decode.acc_seg": 94.211, "aux.loss_ce": 0.05435, "aux.acc_seg": 93.78361, "loss": 0.1792, "time": 1.60811} +{"mode": "train", "epoch": 57, "iter": 71450, "lr": 0.0, "memory": 65790, "data_time": 0.00709, "decode.loss_ce": 0.132, "decode.acc_seg": 94.09546, "aux.loss_ce": 0.0578, "aux.acc_seg": 93.70624, "loss": 0.1898, "time": 1.60864} +{"mode": "train", "epoch": 57, "iter": 71500, "lr": 0.0, "memory": 65790, "data_time": 0.0071, "decode.loss_ce": 0.13158, "decode.acc_seg": 94.00169, "aux.loss_ce": 0.05781, "aux.acc_seg": 93.53617, "loss": 0.1894, "time": 1.60904} +{"mode": "train", "epoch": 57, "iter": 71550, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.12602, "decode.acc_seg": 94.27771, "aux.loss_ce": 0.05507, "aux.acc_seg": 93.83353, "loss": 0.1811, "time": 1.60727} +{"mode": "train", "epoch": 57, "iter": 71600, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.12878, "decode.acc_seg": 94.14111, "aux.loss_ce": 0.05695, "aux.acc_seg": 93.66188, "loss": 0.18573, "time": 1.61021} +{"mode": "train", "epoch": 57, "iter": 71650, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.12959, "decode.acc_seg": 94.13627, "aux.loss_ce": 0.05668, "aux.acc_seg": 93.69691, "loss": 0.18627, "time": 1.60803} +{"mode": "train", "epoch": 57, "iter": 71700, "lr": 0.0, "memory": 65790, "data_time": 0.00726, "decode.loss_ce": 0.13193, "decode.acc_seg": 94.04355, "aux.loss_ce": 0.05757, "aux.acc_seg": 93.59203, "loss": 0.18949, "time": 1.61093} +{"mode": "train", "epoch": 57, "iter": 71750, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.12456, "decode.acc_seg": 94.11886, "aux.loss_ce": 0.05505, "aux.acc_seg": 93.62763, "loss": 0.17962, "time": 1.61177} +{"mode": "train", "epoch": 57, "iter": 71800, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.13124, "decode.acc_seg": 94.13271, "aux.loss_ce": 0.05755, "aux.acc_seg": 93.64404, "loss": 0.18879, "time": 1.60783} +{"mode": "train", "epoch": 57, "iter": 71850, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.13051, "decode.acc_seg": 94.12245, "aux.loss_ce": 0.05724, "aux.acc_seg": 93.71603, "loss": 0.18775, "time": 1.608} +{"mode": "train", "epoch": 57, "iter": 71900, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.13035, "decode.acc_seg": 94.15796, "aux.loss_ce": 0.05706, "aux.acc_seg": 93.69376, "loss": 0.18741, "time": 1.60795} +{"mode": "train", "epoch": 57, "iter": 71950, "lr": 0.0, "memory": 65790, "data_time": 0.00738, "decode.loss_ce": 0.12285, "decode.acc_seg": 94.23963, "aux.loss_ce": 0.05407, "aux.acc_seg": 93.82926, "loss": 0.17692, "time": 1.60916} +{"mode": "train", "epoch": 58, "iter": 72000, "lr": 0.0, "memory": 65790, "data_time": 0.06409, "decode.loss_ce": 0.13532, "decode.acc_seg": 94.04997, "aux.loss_ce": 0.05885, "aux.acc_seg": 93.63747, "loss": 0.19416, "time": 3.13091} +{"mode": "val", "epoch": 58, "iter": 250, "lr": 0.0, "aAcc": 0.8617, "mIoU": 0.5789, "mAcc": 0.7065, "IoU.wall": 0.8259, "IoU.building": 0.8474, "IoU.sky": 0.9487, "IoU.floor": 0.841, "IoU.tree": 0.7741, "IoU.ceiling": 0.8776, "IoU.road": 0.8698, "IoU.bed ": 0.9205, "IoU.windowpane": 0.6677, "IoU.grass": 0.6755, "IoU.cabinet": 0.6601, "IoU.sidewalk": 0.7205, "IoU.person": 0.851, "IoU.earth": 0.4241, "IoU.door": 0.6041, "IoU.table": 0.697, "IoU.mountain": 0.6175, "IoU.plant": 0.55, "IoU.curtain": 0.7795, "IoU.chair": 0.6643, "IoU.car": 0.876, "IoU.water": 0.6313, "IoU.painting": 0.7991, "IoU.sofa": 0.8025, "IoU.shelf": 0.4674, "IoU.house": 0.482, "IoU.sea": 0.7354, "IoU.mirror": 0.7878, "IoU.rug": 0.6209, "IoU.field": 0.3157, "IoU.armchair": 0.6329, "IoU.seat": 0.6805, "IoU.fence": 0.5233, "IoU.desk": 0.603, "IoU.rock": 0.5564, "IoU.wardrobe": 0.5166, "IoU.lamp": 0.742, "IoU.bathtub": 0.8407, "IoU.railing": 0.445, "IoU.cushion": 0.6988, "IoU.base": 0.4196, "IoU.box": 0.4101, "IoU.column": 0.5827, "IoU.signboard": 0.3975, "IoU.chest of drawers": 0.46, "IoU.counter": 0.4628, "IoU.sand": 0.5647, "IoU.sink": 0.7949, "IoU.skyscraper": 0.4732, "IoU.fireplace": 0.7535, "IoU.refrigerator": 0.8621, "IoU.grandstand": 0.5485, "IoU.path": 0.2998, "IoU.stairs": 0.3004, "IoU.runway": 0.7337, "IoU.case": 0.6213, "IoU.pool table": 0.9423, "IoU.pillow": 0.6584, "IoU.screen door": 0.7834, "IoU.stairway": 0.4353, "IoU.river": 0.1313, "IoU.bridge": 0.7161, "IoU.bookcase": 0.4293, "IoU.blind": 0.4042, "IoU.coffee table": 0.5952, "IoU.toilet": 0.9005, "IoU.flower": 0.4417, "IoU.book": 0.53, "IoU.hill": 0.0797, "IoU.bench": 0.5703, "IoU.countertop": 0.6303, "IoU.stove": 0.8619, "IoU.palm": 0.5432, "IoU.kitchen island": 0.5108, "IoU.computer": 0.7847, "IoU.swivel chair": 0.454, "IoU.boat": 0.7886, "IoU.bar": 0.6193, "IoU.arcade machine": 0.8034, "IoU.hovel": 0.2832, "IoU.bus": 0.9176, "IoU.towel": 0.7506, "IoU.light": 0.5873, "IoU.truck": 0.4998, "IoU.tower": 0.1989, "IoU.chandelier": 0.7222, "IoU.awning": 0.3406, "IoU.streetlight": 0.3347, "IoU.booth": 0.534, "IoU.television receiver": 0.8087, "IoU.airplane": 0.8691, "IoU.dirt track": 0.0679, "IoU.apparel": 0.5656, "IoU.pole": 0.2537, "IoU.land": 0.0453, "IoU.bannister": 0.1872, "IoU.escalator": 0.6654, "IoU.ottoman": 0.6047, "IoU.bottle": 0.4447, "IoU.buffet": 0.4695, "IoU.poster": 0.3024, "IoU.stage": 0.2499, "IoU.van": 0.5182, "IoU.ship": 0.9386, "IoU.fountain": 0.3947, "IoU.conveyer belt": 0.821, "IoU.canopy": 0.4985, "IoU.washer": 0.857, "IoU.plaything": 0.316, "IoU.swimming pool": 0.5368, "IoU.stool": 0.4925, "IoU.barrel": 0.4733, "IoU.basket": 0.43, "IoU.waterfall": 0.6633, "IoU.tent": 0.9417, "IoU.bag": 0.2563, "IoU.minibike": 0.7423, "IoU.cradle": 0.8554, "IoU.oven": 0.5921, "IoU.ball": 0.6099, "IoU.food": 0.6354, "IoU.step": 0.0939, "IoU.tank": 0.619, "IoU.trade name": 0.2216, "IoU.microwave": 0.9028, "IoU.pot": 0.5961, "IoU.animal": 0.6069, "IoU.bicycle": 0.6157, "IoU.lake": 0.5586, "IoU.dishwasher": 0.7216, "IoU.screen": 0.5679, "IoU.blanket": 0.3419, "IoU.sculpture": 0.7535, "IoU.hood": 0.6214, "IoU.sconce": 0.5741, "IoU.vase": 0.4677, "IoU.traffic light": 0.3901, "IoU.tray": 0.2711, "IoU.ashcan": 0.5364, "IoU.fan": 0.6904, "IoU.pier": 0.3898, "IoU.crt screen": 0.0228, "IoU.plate": 0.623, "IoU.monitor": 0.604, "IoU.bulletin board": 0.5763, "IoU.shower": 0.2239, "IoU.radiator": 0.6705, "IoU.glass": 0.2019, "IoU.clock": 0.5316, "IoU.flag": 0.6954, "Acc.wall": 0.9031, "Acc.building": 0.9322, "Acc.sky": 0.9769, "Acc.floor": 0.9183, "Acc.tree": 0.89, "Acc.ceiling": 0.9444, "Acc.road": 0.9094, "Acc.bed ": 0.9683, "Acc.windowpane": 0.8193, "Acc.grass": 0.8195, "Acc.cabinet": 0.7592, "Acc.sidewalk": 0.858, "Acc.person": 0.9418, "Acc.earth": 0.5766, "Acc.door": 0.7226, "Acc.table": 0.8081, "Acc.mountain": 0.7414, "Acc.plant": 0.6677, "Acc.curtain": 0.8827, "Acc.chair": 0.7772, "Acc.car": 0.9374, "Acc.water": 0.7784, "Acc.painting": 0.8996, "Acc.sofa": 0.8743, "Acc.shelf": 0.6166, "Acc.house": 0.6003, "Acc.sea": 0.8207, "Acc.mirror": 0.8815, "Acc.rug": 0.7233, "Acc.field": 0.5276, "Acc.armchair": 0.8392, "Acc.seat": 0.8905, "Acc.fence": 0.6678, "Acc.desk": 0.7678, "Acc.rock": 0.8077, "Acc.wardrobe": 0.7404, "Acc.lamp": 0.8463, "Acc.bathtub": 0.8738, "Acc.railing": 0.6286, "Acc.cushion": 0.8357, "Acc.base": 0.5914, "Acc.box": 0.5233, "Acc.column": 0.6852, "Acc.signboard": 0.5627, "Acc.chest of drawers": 0.6891, "Acc.counter": 0.5389, "Acc.sand": 0.85, "Acc.sink": 0.8537, "Acc.skyscraper": 0.6095, "Acc.fireplace": 0.9429, "Acc.refrigerator": 0.9581, "Acc.grandstand": 0.8521, "Acc.path": 0.3935, "Acc.stairs": 0.3628, "Acc.runway": 0.9495, "Acc.case": 0.8246, "Acc.pool table": 0.9809, "Acc.pillow": 0.7492, "Acc.screen door": 0.8585, "Acc.stairway": 0.6287, "Acc.river": 0.2878, "Acc.bridge": 0.8898, "Acc.bookcase": 0.6141, "Acc.blind": 0.4656, "Acc.coffee table": 0.8475, "Acc.toilet": 0.9382, "Acc.flower": 0.6065, "Acc.book": 0.7893, "Acc.hill": 0.1333, "Acc.bench": 0.6386, "Acc.countertop": 0.8365, "Acc.stove": 0.9244, "Acc.palm": 0.8238, "Acc.kitchen island": 0.7874, "Acc.computer": 0.9065, "Acc.swivel chair": 0.7081, "Acc.boat": 0.9115, "Acc.bar": 0.8451, "Acc.arcade machine": 0.8492, "Acc.hovel": 0.3233, "Acc.bus": 0.9735, "Acc.towel": 0.8264, "Acc.light": 0.6805, "Acc.truck": 0.6355, "Acc.tower": 0.3446, "Acc.chandelier": 0.8392, "Acc.awning": 0.4591, "Acc.streetlight": 0.4517, "Acc.booth": 0.762, "Acc.television receiver": 0.8736, "Acc.airplane": 0.9561, "Acc.dirt track": 0.3057, "Acc.apparel": 0.7379, "Acc.pole": 0.3725, "Acc.land": 0.0659, "Acc.bannister": 0.2336, "Acc.escalator": 0.8643, "Acc.ottoman": 0.7554, "Acc.bottle": 0.734, "Acc.buffet": 0.5208, "Acc.poster": 0.3877, "Acc.stage": 0.4797, "Acc.van": 0.7399, "Acc.ship": 0.977, "Acc.fountain": 0.4029, "Acc.conveyer belt": 0.9477, "Acc.canopy": 0.6996, "Acc.washer": 0.9208, "Acc.plaything": 0.477, "Acc.swimming pool": 0.7769, "Acc.stool": 0.6872, "Acc.barrel": 0.7476, "Acc.basket": 0.5787, "Acc.waterfall": 0.805, "Acc.tent": 0.984, "Acc.bag": 0.2919, "Acc.minibike": 0.8892, "Acc.cradle": 0.9786, "Acc.oven": 0.7154, "Acc.ball": 0.6568, "Acc.food": 0.7408, "Acc.step": 0.1135, "Acc.tank": 0.6811, "Acc.trade name": 0.2622, "Acc.microwave": 0.9642, "Acc.pot": 0.6841, "Acc.animal": 0.6256, "Acc.bicycle": 0.8116, "Acc.lake": 0.6361, "Acc.dishwasher": 0.7983, "Acc.screen": 0.8816, "Acc.blanket": 0.3973, "Acc.sculpture": 0.8646, "Acc.hood": 0.7469, "Acc.sconce": 0.6648, "Acc.vase": 0.6639, "Acc.traffic light": 0.6313, "Acc.tray": 0.349, "Acc.ashcan": 0.693, "Acc.fan": 0.8176, "Acc.pier": 0.4543, "Acc.crt screen": 0.0372, "Acc.plate": 0.7804, "Acc.monitor": 0.7069, "Acc.bulletin board": 0.7855, "Acc.shower": 0.2406, "Acc.radiator": 0.8376, "Acc.glass": 0.2144, "Acc.clock": 0.6727, "Acc.flag": 0.7811} +{"mode": "train", "epoch": 58, "iter": 72050, "lr": 0.0, "memory": 65790, "data_time": 1.63106, "decode.loss_ce": 0.12632, "decode.acc_seg": 94.29035, "aux.loss_ce": 0.05531, "aux.acc_seg": 93.84765, "loss": 0.18163, "time": 3.23209} +{"mode": "train", "epoch": 58, "iter": 72100, "lr": 0.0, "memory": 65790, "data_time": 0.00738, "decode.loss_ce": 0.12664, "decode.acc_seg": 94.18388, "aux.loss_ce": 0.05527, "aux.acc_seg": 93.78483, "loss": 0.1819, "time": 1.60731} +{"mode": "train", "epoch": 58, "iter": 72150, "lr": 0.0, "memory": 65790, "data_time": 0.00728, "decode.loss_ce": 0.12575, "decode.acc_seg": 94.06442, "aux.loss_ce": 0.05534, "aux.acc_seg": 93.61372, "loss": 0.18109, "time": 1.61001} +{"mode": "train", "epoch": 58, "iter": 72200, "lr": 0.0, "memory": 65790, "data_time": 0.00768, "decode.loss_ce": 0.12828, "decode.acc_seg": 94.19584, "aux.loss_ce": 0.05636, "aux.acc_seg": 93.77044, "loss": 0.18464, "time": 1.61299} +{"mode": "train", "epoch": 58, "iter": 72250, "lr": 0.0, "memory": 65790, "data_time": 0.00752, "decode.loss_ce": 0.13101, "decode.acc_seg": 94.17894, "aux.loss_ce": 0.05721, "aux.acc_seg": 93.74243, "loss": 0.18822, "time": 1.60789} +{"mode": "train", "epoch": 58, "iter": 72300, "lr": 0.0, "memory": 65790, "data_time": 0.00739, "decode.loss_ce": 0.12997, "decode.acc_seg": 94.23504, "aux.loss_ce": 0.05674, "aux.acc_seg": 93.83929, "loss": 0.18672, "time": 1.60796} +{"mode": "train", "epoch": 58, "iter": 72350, "lr": 0.0, "memory": 65790, "data_time": 0.00744, "decode.loss_ce": 0.12109, "decode.acc_seg": 94.43296, "aux.loss_ce": 0.05317, "aux.acc_seg": 94.02507, "loss": 0.17426, "time": 1.61185} +{"mode": "train", "epoch": 58, "iter": 72400, "lr": 0.0, "memory": 65790, "data_time": 0.00739, "decode.loss_ce": 0.13216, "decode.acc_seg": 94.1006, "aux.loss_ce": 0.05749, "aux.acc_seg": 93.69864, "loss": 0.18965, "time": 1.61011} +{"mode": "train", "epoch": 58, "iter": 72450, "lr": 0.0, "memory": 65790, "data_time": 0.00747, "decode.loss_ce": 0.13567, "decode.acc_seg": 93.85106, "aux.loss_ce": 0.05937, "aux.acc_seg": 93.38749, "loss": 0.19504, "time": 1.61035} +{"mode": "train", "epoch": 58, "iter": 72500, "lr": 0.0, "memory": 65790, "data_time": 0.00742, "decode.loss_ce": 0.12538, "decode.acc_seg": 94.10602, "aux.loss_ce": 0.05541, "aux.acc_seg": 93.58841, "loss": 0.18079, "time": 1.6102} +{"mode": "train", "epoch": 58, "iter": 72550, "lr": 0.0, "memory": 65790, "data_time": 0.00747, "decode.loss_ce": 0.11874, "decode.acc_seg": 94.49938, "aux.loss_ce": 0.05239, "aux.acc_seg": 94.0854, "loss": 0.17113, "time": 1.61048} +{"mode": "train", "epoch": 58, "iter": 72600, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.1294, "decode.acc_seg": 94.11132, "aux.loss_ce": 0.05666, "aux.acc_seg": 93.66803, "loss": 0.18606, "time": 1.60853} +{"mode": "train", "epoch": 58, "iter": 72650, "lr": 0.0, "memory": 65790, "data_time": 0.00727, "decode.loss_ce": 0.12584, "decode.acc_seg": 94.35275, "aux.loss_ce": 0.05493, "aux.acc_seg": 93.95675, "loss": 0.18077, "time": 1.61319} +{"mode": "train", "epoch": 58, "iter": 72700, "lr": 0.0, "memory": 65790, "data_time": 0.00722, "decode.loss_ce": 0.13061, "decode.acc_seg": 93.94304, "aux.loss_ce": 0.05736, "aux.acc_seg": 93.54199, "loss": 0.18797, "time": 1.61162} +{"mode": "train", "epoch": 58, "iter": 72750, "lr": 0.0, "memory": 65790, "data_time": 0.00729, "decode.loss_ce": 0.12555, "decode.acc_seg": 94.17428, "aux.loss_ce": 0.05492, "aux.acc_seg": 93.76481, "loss": 0.18047, "time": 1.60907} +{"mode": "train", "epoch": 58, "iter": 72800, "lr": 0.0, "memory": 65790, "data_time": 0.00739, "decode.loss_ce": 0.12328, "decode.acc_seg": 94.13847, "aux.loss_ce": 0.05462, "aux.acc_seg": 93.61818, "loss": 0.1779, "time": 1.61029} +{"mode": "train", "epoch": 58, "iter": 72850, "lr": 0.0, "memory": 65790, "data_time": 0.00751, "decode.loss_ce": 0.12785, "decode.acc_seg": 94.22597, "aux.loss_ce": 0.05607, "aux.acc_seg": 93.7742, "loss": 0.18392, "time": 1.61099} +{"mode": "train", "epoch": 58, "iter": 72900, "lr": 0.0, "memory": 65790, "data_time": 0.00774, "decode.loss_ce": 0.13096, "decode.acc_seg": 94.19164, "aux.loss_ce": 0.05754, "aux.acc_seg": 93.7411, "loss": 0.1885, "time": 1.61106} +{"mode": "train", "epoch": 58, "iter": 72950, "lr": 0.0, "memory": 65790, "data_time": 0.00788, "decode.loss_ce": 0.12472, "decode.acc_seg": 94.17192, "aux.loss_ce": 0.05472, "aux.acc_seg": 93.74277, "loss": 0.17944, "time": 1.60982} +{"mode": "train", "epoch": 58, "iter": 73000, "lr": 0.0, "memory": 65790, "data_time": 0.00765, "decode.loss_ce": 0.13628, "decode.acc_seg": 93.77948, "aux.loss_ce": 0.05964, "aux.acc_seg": 93.3169, "loss": 0.19593, "time": 1.60881} +{"mode": "val", "epoch": 58, "iter": 250, "lr": 0.0, "aAcc": 0.8623, "mIoU": 0.5813, "mAcc": 0.703, "IoU.wall": 0.825, "IoU.building": 0.8483, "IoU.sky": 0.9479, "IoU.floor": 0.8419, "IoU.tree": 0.7736, "IoU.ceiling": 0.8754, "IoU.road": 0.8632, "IoU.bed ": 0.9213, "IoU.windowpane": 0.6726, "IoU.grass": 0.6808, "IoU.cabinet": 0.6675, "IoU.sidewalk": 0.7185, "IoU.person": 0.8523, "IoU.earth": 0.4109, "IoU.door": 0.599, "IoU.table": 0.6987, "IoU.mountain": 0.6179, "IoU.plant": 0.5463, "IoU.curtain": 0.7817, "IoU.chair": 0.6584, "IoU.car": 0.8756, "IoU.water": 0.6364, "IoU.painting": 0.796, "IoU.sofa": 0.8246, "IoU.shelf": 0.478, "IoU.house": 0.4748, "IoU.sea": 0.7935, "IoU.mirror": 0.7837, "IoU.rug": 0.6104, "IoU.field": 0.3186, "IoU.armchair": 0.65, "IoU.seat": 0.6878, "IoU.fence": 0.5211, "IoU.desk": 0.602, "IoU.rock": 0.5601, "IoU.wardrobe": 0.5282, "IoU.lamp": 0.7419, "IoU.bathtub": 0.8448, "IoU.railing": 0.4431, "IoU.cushion": 0.7137, "IoU.base": 0.3996, "IoU.box": 0.4006, "IoU.column": 0.5834, "IoU.signboard": 0.3958, "IoU.chest of drawers": 0.4734, "IoU.counter": 0.4736, "IoU.sand": 0.5691, "IoU.sink": 0.785, "IoU.skyscraper": 0.4739, "IoU.fireplace": 0.7599, "IoU.refrigerator": 0.8664, "IoU.grandstand": 0.5359, "IoU.path": 0.2871, "IoU.stairs": 0.3578, "IoU.runway": 0.7014, "IoU.case": 0.6163, "IoU.pool table": 0.9433, "IoU.pillow": 0.6795, "IoU.screen door": 0.7744, "IoU.stairway": 0.4861, "IoU.river": 0.1315, "IoU.bridge": 0.7151, "IoU.bookcase": 0.4308, "IoU.blind": 0.4066, "IoU.coffee table": 0.602, "IoU.toilet": 0.8995, "IoU.flower": 0.4427, "IoU.book": 0.5306, "IoU.hill": 0.1003, "IoU.bench": 0.5724, "IoU.countertop": 0.6331, "IoU.stove": 0.8626, "IoU.palm": 0.5408, "IoU.kitchen island": 0.5004, "IoU.computer": 0.7849, "IoU.swivel chair": 0.461, "IoU.boat": 0.8011, "IoU.bar": 0.6086, "IoU.arcade machine": 0.7984, "IoU.hovel": 0.3134, "IoU.bus": 0.9226, "IoU.towel": 0.7681, "IoU.light": 0.5633, "IoU.truck": 0.5127, "IoU.tower": 0.2284, "IoU.chandelier": 0.7227, "IoU.awning": 0.3424, "IoU.streetlight": 0.32, "IoU.booth": 0.5811, "IoU.television receiver": 0.795, "IoU.airplane": 0.8672, "IoU.dirt track": 0.0713, "IoU.apparel": 0.5754, "IoU.pole": 0.2557, "IoU.land": 0.0434, "IoU.bannister": 0.1719, "IoU.escalator": 0.6661, "IoU.ottoman": 0.5843, "IoU.bottle": 0.4468, "IoU.buffet": 0.5451, "IoU.poster": 0.2885, "IoU.stage": 0.2489, "IoU.van": 0.5334, "IoU.ship": 0.9305, "IoU.fountain": 0.3925, "IoU.conveyer belt": 0.8149, "IoU.canopy": 0.5038, "IoU.washer": 0.8416, "IoU.plaything": 0.3171, "IoU.swimming pool": 0.5236, "IoU.stool": 0.4967, "IoU.barrel": 0.4834, "IoU.basket": 0.4365, "IoU.waterfall": 0.5774, "IoU.tent": 0.9503, "IoU.bag": 0.2479, "IoU.minibike": 0.7441, "IoU.cradle": 0.8584, "IoU.oven": 0.6008, "IoU.ball": 0.5822, "IoU.food": 0.6359, "IoU.step": 0.094, "IoU.tank": 0.6205, "IoU.trade name": 0.2664, "IoU.microwave": 0.9077, "IoU.pot": 0.6034, "IoU.animal": 0.6019, "IoU.bicycle": 0.6091, "IoU.lake": 0.5586, "IoU.dishwasher": 0.7194, "IoU.screen": 0.5916, "IoU.blanket": 0.3368, "IoU.sculpture": 0.7446, "IoU.hood": 0.6205, "IoU.sconce": 0.5794, "IoU.vase": 0.4835, "IoU.traffic light": 0.3968, "IoU.tray": 0.2603, "IoU.ashcan": 0.5456, "IoU.fan": 0.6745, "IoU.pier": 0.389, "IoU.crt screen": 0.025, "IoU.plate": 0.6276, "IoU.monitor": 0.6313, "IoU.bulletin board": 0.5986, "IoU.shower": 0.2321, "IoU.radiator": 0.6723, "IoU.glass": 0.2027, "IoU.clock": 0.5281, "IoU.flag": 0.6951, "Acc.wall": 0.9049, "Acc.building": 0.9365, "Acc.sky": 0.9742, "Acc.floor": 0.9249, "Acc.tree": 0.8946, "Acc.ceiling": 0.9441, "Acc.road": 0.9096, "Acc.bed ": 0.9688, "Acc.windowpane": 0.8288, "Acc.grass": 0.8156, "Acc.cabinet": 0.7583, "Acc.sidewalk": 0.8629, "Acc.person": 0.936, "Acc.earth": 0.5474, "Acc.door": 0.7269, "Acc.table": 0.8107, "Acc.mountain": 0.7272, "Acc.plant": 0.675, "Acc.curtain": 0.8687, "Acc.chair": 0.7618, "Acc.car": 0.9351, "Acc.water": 0.7909, "Acc.painting": 0.9087, "Acc.sofa": 0.9003, "Acc.shelf": 0.6418, "Acc.house": 0.5906, "Acc.sea": 0.8873, "Acc.mirror": 0.8566, "Acc.rug": 0.6814, "Acc.field": 0.5682, "Acc.armchair": 0.833, "Acc.seat": 0.8864, "Acc.fence": 0.6442, "Acc.desk": 0.7937, "Acc.rock": 0.825, "Acc.wardrobe": 0.7281, "Acc.lamp": 0.8407, "Acc.bathtub": 0.8779, "Acc.railing": 0.6174, "Acc.cushion": 0.8192, "Acc.base": 0.5696, "Acc.box": 0.5107, "Acc.column": 0.7004, "Acc.signboard": 0.5316, "Acc.chest of drawers": 0.7512, "Acc.counter": 0.5601, "Acc.sand": 0.837, "Acc.sink": 0.8337, "Acc.skyscraper": 0.5959, "Acc.fireplace": 0.9417, "Acc.refrigerator": 0.9502, "Acc.grandstand": 0.8513, "Acc.path": 0.3909, "Acc.stairs": 0.4327, "Acc.runway": 0.9033, "Acc.case": 0.8102, "Acc.pool table": 0.9809, "Acc.pillow": 0.7842, "Acc.screen door": 0.8206, "Acc.stairway": 0.6225, "Acc.river": 0.2321, "Acc.bridge": 0.8915, "Acc.bookcase": 0.6178, "Acc.blind": 0.4612, "Acc.coffee table": 0.8491, "Acc.toilet": 0.9422, "Acc.flower": 0.6064, "Acc.book": 0.765, "Acc.hill": 0.1852, "Acc.bench": 0.648, "Acc.countertop": 0.8388, "Acc.stove": 0.9192, "Acc.palm": 0.8192, "Acc.kitchen island": 0.8247, "Acc.computer": 0.9122, "Acc.swivel chair": 0.6997, "Acc.boat": 0.9099, "Acc.bar": 0.8416, "Acc.arcade machine": 0.8273, "Acc.hovel": 0.3493, "Acc.bus": 0.9719, "Acc.towel": 0.8616, "Acc.light": 0.6226, "Acc.truck": 0.6261, "Acc.tower": 0.3884, "Acc.chandelier": 0.8298, "Acc.awning": 0.4425, "Acc.streetlight": 0.4158, "Acc.booth": 0.7032, "Acc.television receiver": 0.8545, "Acc.airplane": 0.9508, "Acc.dirt track": 0.293, "Acc.apparel": 0.7576, "Acc.pole": 0.3666, "Acc.land": 0.0584, "Acc.bannister": 0.2086, "Acc.escalator": 0.8567, "Acc.ottoman": 0.7408, "Acc.bottle": 0.7142, "Acc.buffet": 0.6037, "Acc.poster": 0.384, "Acc.stage": 0.4771, "Acc.van": 0.7546, "Acc.ship": 0.9726, "Acc.fountain": 0.4014, "Acc.conveyer belt": 0.9532, "Acc.canopy": 0.6992, "Acc.washer": 0.8992, "Acc.plaything": 0.4826, "Acc.swimming pool": 0.7543, "Acc.stool": 0.6641, "Acc.barrel": 0.7492, "Acc.basket": 0.5947, "Acc.waterfall": 0.6751, "Acc.tent": 0.9832, "Acc.bag": 0.2773, "Acc.minibike": 0.8766, "Acc.cradle": 0.9775, "Acc.oven": 0.7163, "Acc.ball": 0.6139, "Acc.food": 0.7394, "Acc.step": 0.1181, "Acc.tank": 0.6805, "Acc.trade name": 0.3204, "Acc.microwave": 0.9623, "Acc.pot": 0.6924, "Acc.animal": 0.6207, "Acc.bicycle": 0.7749, "Acc.lake": 0.6361, "Acc.dishwasher": 0.8111, "Acc.screen": 0.9096, "Acc.blanket": 0.385, "Acc.sculpture": 0.8582, "Acc.hood": 0.7417, "Acc.sconce": 0.6701, "Acc.vase": 0.6405, "Acc.traffic light": 0.5886, "Acc.tray": 0.3301, "Acc.ashcan": 0.6588, "Acc.fan": 0.7768, "Acc.pier": 0.444, "Acc.crt screen": 0.0355, "Acc.plate": 0.7635, "Acc.monitor": 0.7257, "Acc.bulletin board": 0.7886, "Acc.shower": 0.2549, "Acc.radiator": 0.7875, "Acc.glass": 0.2153, "Acc.clock": 0.6415, "Acc.flag": 0.7815} +{"mode": "train", "epoch": 58, "iter": 73050, "lr": 0.0, "memory": 65790, "data_time": 1.64428, "decode.loss_ce": 0.13443, "decode.acc_seg": 93.89294, "aux.loss_ce": 0.05848, "aux.acc_seg": 93.47947, "loss": 0.19291, "time": 3.2455} +{"mode": "train", "epoch": 58, "iter": 73100, "lr": 0.0, "memory": 65790, "data_time": 0.00783, "decode.loss_ce": 0.12636, "decode.acc_seg": 94.29542, "aux.loss_ce": 0.05535, "aux.acc_seg": 93.86326, "loss": 0.18171, "time": 1.61012} +{"mode": "train", "epoch": 58, "iter": 73150, "lr": 0.0, "memory": 65790, "data_time": 0.00744, "decode.loss_ce": 0.12515, "decode.acc_seg": 94.12165, "aux.loss_ce": 0.05461, "aux.acc_seg": 93.77341, "loss": 0.17976, "time": 1.60689} +{"mode": "train", "epoch": 58, "iter": 73200, "lr": 0.0, "memory": 65790, "data_time": 0.00741, "decode.loss_ce": 0.127, "decode.acc_seg": 94.15092, "aux.loss_ce": 0.0554, "aux.acc_seg": 93.7756, "loss": 0.1824, "time": 1.60806} +{"mode": "train", "epoch": 58, "iter": 73250, "lr": 0.0, "memory": 65790, "data_time": 0.00734, "decode.loss_ce": 0.13269, "decode.acc_seg": 93.95188, "aux.loss_ce": 0.05742, "aux.acc_seg": 93.56574, "loss": 0.19011, "time": 1.6088} +{"mode": "train", "epoch": 59, "iter": 73300, "lr": 0.0, "memory": 65790, "data_time": 0.05199, "decode.loss_ce": 0.12937, "decode.acc_seg": 94.15786, "aux.loss_ce": 0.05664, "aux.acc_seg": 93.74222, "loss": 0.18601, "time": 1.65413} +{"mode": "train", "epoch": 59, "iter": 73350, "lr": 0.0, "memory": 65790, "data_time": 0.00787, "decode.loss_ce": 0.12364, "decode.acc_seg": 94.28378, "aux.loss_ce": 0.0545, "aux.acc_seg": 93.85639, "loss": 0.17814, "time": 1.6133} +{"mode": "train", "epoch": 59, "iter": 73400, "lr": 0.0, "memory": 65790, "data_time": 0.00757, "decode.loss_ce": 0.13496, "decode.acc_seg": 93.72775, "aux.loss_ce": 0.0589, "aux.acc_seg": 93.26675, "loss": 0.19386, "time": 1.60884} +{"mode": "train", "epoch": 59, "iter": 73450, "lr": 0.0, "memory": 65790, "data_time": 0.00758, "decode.loss_ce": 0.12796, "decode.acc_seg": 94.20023, "aux.loss_ce": 0.05652, "aux.acc_seg": 93.75836, "loss": 0.18448, "time": 1.60788} +{"mode": "train", "epoch": 59, "iter": 73500, "lr": 0.0, "memory": 65790, "data_time": 0.0075, "decode.loss_ce": 0.12849, "decode.acc_seg": 94.11395, "aux.loss_ce": 0.05637, "aux.acc_seg": 93.62346, "loss": 0.18486, "time": 1.60814} +{"mode": "train", "epoch": 59, "iter": 73550, "lr": 0.0, "memory": 65790, "data_time": 0.0076, "decode.loss_ce": 0.12947, "decode.acc_seg": 94.13088, "aux.loss_ce": 0.05679, "aux.acc_seg": 93.69686, "loss": 0.18626, "time": 1.61056} +{"mode": "train", "epoch": 59, "iter": 73600, "lr": 0.0, "memory": 65790, "data_time": 0.00735, "decode.loss_ce": 0.12797, "decode.acc_seg": 94.25298, "aux.loss_ce": 0.05617, "aux.acc_seg": 93.82799, "loss": 0.18414, "time": 1.60801} +{"mode": "train", "epoch": 59, "iter": 73650, "lr": 0.0, "memory": 65790, "data_time": 0.00728, "decode.loss_ce": 0.12405, "decode.acc_seg": 94.22314, "aux.loss_ce": 0.05463, "aux.acc_seg": 93.75411, "loss": 0.17868, "time": 1.61019} +{"mode": "train", "epoch": 59, "iter": 73700, "lr": 0.0, "memory": 65790, "data_time": 0.00732, "decode.loss_ce": 0.12481, "decode.acc_seg": 94.32411, "aux.loss_ce": 0.05477, "aux.acc_seg": 93.89136, "loss": 0.17958, "time": 1.60924} +{"mode": "train", "epoch": 59, "iter": 73750, "lr": 0.0, "memory": 65790, "data_time": 0.00734, "decode.loss_ce": 0.12947, "decode.acc_seg": 94.12052, "aux.loss_ce": 0.05694, "aux.acc_seg": 93.66418, "loss": 0.18641, "time": 1.60761} +{"mode": "train", "epoch": 59, "iter": 73800, "lr": 0.0, "memory": 65790, "data_time": 0.00717, "decode.loss_ce": 0.12556, "decode.acc_seg": 94.21009, "aux.loss_ce": 0.05487, "aux.acc_seg": 93.78036, "loss": 0.18043, "time": 1.60774} +{"mode": "train", "epoch": 59, "iter": 73850, "lr": 0.0, "memory": 65790, "data_time": 0.00721, "decode.loss_ce": 0.13145, "decode.acc_seg": 94.10833, "aux.loss_ce": 0.05785, "aux.acc_seg": 93.60991, "loss": 0.1893, "time": 1.60937} +{"mode": "train", "epoch": 59, "iter": 73900, "lr": 0.0, "memory": 65790, "data_time": 0.00713, "decode.loss_ce": 0.12034, "decode.acc_seg": 94.46882, "aux.loss_ce": 0.0527, "aux.acc_seg": 94.02212, "loss": 0.17305, "time": 1.61131} +{"mode": "train", "epoch": 59, "iter": 73950, "lr": 0.0, "memory": 65790, "data_time": 0.00738, "decode.loss_ce": 0.13313, "decode.acc_seg": 93.7911, "aux.loss_ce": 0.05849, "aux.acc_seg": 93.32009, "loss": 0.19162, "time": 1.60869} +{"mode": "train", "epoch": 59, "iter": 74000, "lr": 0.0, "memory": 65790, "data_time": 0.00713, "decode.loss_ce": 0.12764, "decode.acc_seg": 94.21165, "aux.loss_ce": 0.05643, "aux.acc_seg": 93.72884, "loss": 0.18407, "time": 3.07187} +{"mode": "val", "epoch": 59, "iter": 250, "lr": 0.0, "aAcc": 0.8629, "mIoU": 0.5813, "mAcc": 0.707, "IoU.wall": 0.8263, "IoU.building": 0.8488, "IoU.sky": 0.9477, "IoU.floor": 0.8442, "IoU.tree": 0.7736, "IoU.ceiling": 0.8747, "IoU.road": 0.8631, "IoU.bed ": 0.9203, "IoU.windowpane": 0.6683, "IoU.grass": 0.6845, "IoU.cabinet": 0.6709, "IoU.sidewalk": 0.7213, "IoU.person": 0.8505, "IoU.earth": 0.4187, "IoU.door": 0.6052, "IoU.table": 0.7004, "IoU.mountain": 0.6209, "IoU.plant": 0.553, "IoU.curtain": 0.7833, "IoU.chair": 0.665, "IoU.car": 0.8754, "IoU.water": 0.6385, "IoU.painting": 0.8008, "IoU.sofa": 0.8304, "IoU.shelf": 0.4676, "IoU.house": 0.474, "IoU.sea": 0.7654, "IoU.mirror": 0.7885, "IoU.rug": 0.6358, "IoU.field": 0.3173, "IoU.armchair": 0.6585, "IoU.seat": 0.6868, "IoU.fence": 0.5246, "IoU.desk": 0.6004, "IoU.rock": 0.5572, "IoU.wardrobe": 0.5401, "IoU.lamp": 0.7428, "IoU.bathtub": 0.8435, "IoU.railing": 0.4401, "IoU.cushion": 0.7092, "IoU.base": 0.4027, "IoU.box": 0.3976, "IoU.column": 0.5831, "IoU.signboard": 0.3907, "IoU.chest of drawers": 0.4571, "IoU.counter": 0.4449, "IoU.sand": 0.5799, "IoU.sink": 0.7964, "IoU.skyscraper": 0.4744, "IoU.fireplace": 0.7559, "IoU.refrigerator": 0.8659, "IoU.grandstand": 0.5609, "IoU.path": 0.2923, "IoU.stairs": 0.3718, "IoU.runway": 0.6902, "IoU.case": 0.6162, "IoU.pool table": 0.9439, "IoU.pillow": 0.665, "IoU.screen door": 0.796, "IoU.stairway": 0.4648, "IoU.river": 0.1447, "IoU.bridge": 0.7206, "IoU.bookcase": 0.4247, "IoU.blind": 0.4018, "IoU.coffee table": 0.6086, "IoU.toilet": 0.9007, "IoU.flower": 0.4466, "IoU.book": 0.5263, "IoU.hill": 0.0785, "IoU.bench": 0.5788, "IoU.countertop": 0.6277, "IoU.stove": 0.8646, "IoU.palm": 0.5345, "IoU.kitchen island": 0.5216, "IoU.computer": 0.7826, "IoU.swivel chair": 0.4621, "IoU.boat": 0.7953, "IoU.bar": 0.5955, "IoU.arcade machine": 0.7883, "IoU.hovel": 0.2825, "IoU.bus": 0.9258, "IoU.towel": 0.7533, "IoU.light": 0.5823, "IoU.truck": 0.4967, "IoU.tower": 0.2255, "IoU.chandelier": 0.7236, "IoU.awning": 0.339, "IoU.streetlight": 0.3175, "IoU.booth": 0.5638, "IoU.television receiver": 0.7876, "IoU.airplane": 0.8687, "IoU.dirt track": 0.0661, "IoU.apparel": 0.5752, "IoU.pole": 0.2535, "IoU.land": 0.0403, "IoU.bannister": 0.1759, "IoU.escalator": 0.6619, "IoU.ottoman": 0.5836, "IoU.bottle": 0.4479, "IoU.buffet": 0.6237, "IoU.poster": 0.3144, "IoU.stage": 0.2416, "IoU.van": 0.5183, "IoU.ship": 0.9449, "IoU.fountain": 0.388, "IoU.conveyer belt": 0.8061, "IoU.canopy": 0.5002, "IoU.washer": 0.8522, "IoU.plaything": 0.3084, "IoU.swimming pool": 0.5274, "IoU.stool": 0.4894, "IoU.barrel": 0.4999, "IoU.basket": 0.4276, "IoU.waterfall": 0.5767, "IoU.tent": 0.9446, "IoU.bag": 0.2554, "IoU.minibike": 0.7372, "IoU.cradle": 0.85, "IoU.oven": 0.5996, "IoU.ball": 0.5574, "IoU.food": 0.6037, "IoU.step": 0.1096, "IoU.tank": 0.616, "IoU.trade name": 0.25, "IoU.microwave": 0.9043, "IoU.pot": 0.6101, "IoU.animal": 0.5938, "IoU.bicycle": 0.613, "IoU.lake": 0.5575, "IoU.dishwasher": 0.7251, "IoU.screen": 0.5999, "IoU.blanket": 0.3422, "IoU.sculpture": 0.7448, "IoU.hood": 0.625, "IoU.sconce": 0.5863, "IoU.vase": 0.4802, "IoU.traffic light": 0.4012, "IoU.tray": 0.2518, "IoU.ashcan": 0.54, "IoU.fan": 0.6904, "IoU.pier": 0.3988, "IoU.crt screen": 0.0259, "IoU.plate": 0.6277, "IoU.monitor": 0.6267, "IoU.bulletin board": 0.6099, "IoU.shower": 0.2277, "IoU.radiator": 0.6677, "IoU.glass": 0.2137, "IoU.clock": 0.5318, "IoU.flag": 0.6979, "Acc.wall": 0.9029, "Acc.building": 0.9374, "Acc.sky": 0.9766, "Acc.floor": 0.9189, "Acc.tree": 0.8885, "Acc.ceiling": 0.9402, "Acc.road": 0.9098, "Acc.bed ": 0.9714, "Acc.windowpane": 0.8273, "Acc.grass": 0.8242, "Acc.cabinet": 0.7659, "Acc.sidewalk": 0.8614, "Acc.person": 0.9427, "Acc.earth": 0.5563, "Acc.door": 0.7405, "Acc.table": 0.8151, "Acc.mountain": 0.7335, "Acc.plant": 0.6765, "Acc.curtain": 0.876, "Acc.chair": 0.7848, "Acc.car": 0.9388, "Acc.water": 0.7977, "Acc.painting": 0.9089, "Acc.sofa": 0.9063, "Acc.shelf": 0.6237, "Acc.house": 0.5832, "Acc.sea": 0.8431, "Acc.mirror": 0.8696, "Acc.rug": 0.7224, "Acc.field": 0.5273, "Acc.armchair": 0.8266, "Acc.seat": 0.888, "Acc.fence": 0.6412, "Acc.desk": 0.7951, "Acc.rock": 0.8182, "Acc.wardrobe": 0.7483, "Acc.lamp": 0.8503, "Acc.bathtub": 0.8793, "Acc.railing": 0.6149, "Acc.cushion": 0.8348, "Acc.base": 0.5698, "Acc.box": 0.5043, "Acc.column": 0.7019, "Acc.signboard": 0.5317, "Acc.chest of drawers": 0.6872, "Acc.counter": 0.5226, "Acc.sand": 0.8669, "Acc.sink": 0.852, "Acc.skyscraper": 0.5928, "Acc.fireplace": 0.9422, "Acc.refrigerator": 0.9537, "Acc.grandstand": 0.8591, "Acc.path": 0.3912, "Acc.stairs": 0.4648, "Acc.runway": 0.8908, "Acc.case": 0.8289, "Acc.pool table": 0.981, "Acc.pillow": 0.7578, "Acc.screen door": 0.857, "Acc.stairway": 0.6195, "Acc.river": 0.2807, "Acc.bridge": 0.8897, "Acc.bookcase": 0.6256, "Acc.blind": 0.4557, "Acc.coffee table": 0.8508, "Acc.toilet": 0.944, "Acc.flower": 0.6053, "Acc.book": 0.7803, "Acc.hill": 0.1313, "Acc.bench": 0.6527, "Acc.countertop": 0.8353, "Acc.stove": 0.9263, "Acc.palm": 0.8089, "Acc.kitchen island": 0.7766, "Acc.computer": 0.9059, "Acc.swivel chair": 0.7219, "Acc.boat": 0.9149, "Acc.bar": 0.8512, "Acc.arcade machine": 0.8271, "Acc.hovel": 0.3241, "Acc.bus": 0.9704, "Acc.towel": 0.8265, "Acc.light": 0.6796, "Acc.truck": 0.6281, "Acc.tower": 0.3837, "Acc.chandelier": 0.8419, "Acc.awning": 0.4377, "Acc.streetlight": 0.416, "Acc.booth": 0.7225, "Acc.television receiver": 0.8742, "Acc.airplane": 0.9527, "Acc.dirt track": 0.2885, "Acc.apparel": 0.7359, "Acc.pole": 0.3859, "Acc.land": 0.0558, "Acc.bannister": 0.2203, "Acc.escalator": 0.8654, "Acc.ottoman": 0.7415, "Acc.bottle": 0.7364, "Acc.buffet": 0.6962, "Acc.poster": 0.4092, "Acc.stage": 0.478, "Acc.van": 0.7408, "Acc.ship": 0.9808, "Acc.fountain": 0.3963, "Acc.conveyer belt": 0.961, "Acc.canopy": 0.7031, "Acc.washer": 0.9131, "Acc.plaything": 0.4762, "Acc.swimming pool": 0.7597, "Acc.stool": 0.7112, "Acc.barrel": 0.8, "Acc.basket": 0.5886, "Acc.waterfall": 0.6957, "Acc.tent": 0.9846, "Acc.bag": 0.2917, "Acc.minibike": 0.8872, "Acc.cradle": 0.9827, "Acc.oven": 0.7046, "Acc.ball": 0.5815, "Acc.food": 0.6801, "Acc.step": 0.1446, "Acc.tank": 0.6812, "Acc.trade name": 0.2997, "Acc.microwave": 0.9648, "Acc.pot": 0.7088, "Acc.animal": 0.6128, "Acc.bicycle": 0.8112, "Acc.lake": 0.6362, "Acc.dishwasher": 0.8074, "Acc.screen": 0.9567, "Acc.blanket": 0.3876, "Acc.sculpture": 0.87, "Acc.hood": 0.7401, "Acc.sconce": 0.6826, "Acc.vase": 0.6509, "Acc.traffic light": 0.6003, "Acc.tray": 0.3132, "Acc.ashcan": 0.6787, "Acc.fan": 0.8322, "Acc.pier": 0.4539, "Acc.crt screen": 0.0366, "Acc.plate": 0.7841, "Acc.monitor": 0.7419, "Acc.bulletin board": 0.7742, "Acc.shower": 0.2759, "Acc.radiator": 0.7835, "Acc.glass": 0.2286, "Acc.clock": 0.6713, "Acc.flag": 0.7803} +{"mode": "train", "epoch": 59, "iter": 74050, "lr": 0.0, "memory": 65790, "data_time": 1.65128, "decode.loss_ce": 0.12175, "decode.acc_seg": 94.29368, "aux.loss_ce": 0.05378, "aux.acc_seg": 93.8152, "loss": 0.17553, "time": 3.25776} +{"mode": "train", "epoch": 59, "iter": 74100, "lr": 0.0, "memory": 65790, "data_time": 0.00743, "decode.loss_ce": 0.11669, "decode.acc_seg": 94.59504, "aux.loss_ce": 0.05187, "aux.acc_seg": 94.09401, "loss": 0.16856, "time": 1.60762} +{"mode": "train", "epoch": 59, "iter": 74150, "lr": 0.0, "memory": 65790, "data_time": 0.00756, "decode.loss_ce": 0.13435, "decode.acc_seg": 93.9933, "aux.loss_ce": 0.05897, "aux.acc_seg": 93.53603, "loss": 0.19332, "time": 1.61188} +{"mode": "train", "epoch": 59, "iter": 74200, "lr": 0.0, "memory": 65790, "data_time": 0.00747, "decode.loss_ce": 0.13129, "decode.acc_seg": 93.95133, "aux.loss_ce": 0.05757, "aux.acc_seg": 93.41336, "loss": 0.18886, "time": 1.60773} +{"mode": "train", "epoch": 59, "iter": 74250, "lr": 0.0, "memory": 65790, "data_time": 0.00763, "decode.loss_ce": 0.12026, "decode.acc_seg": 94.46093, "aux.loss_ce": 0.05264, "aux.acc_seg": 94.04493, "loss": 0.1729, "time": 1.60737} +{"mode": "train", "epoch": 59, "iter": 74300, "lr": 0.0, "memory": 65790, "data_time": 0.00739, "decode.loss_ce": 0.12721, "decode.acc_seg": 94.1998, "aux.loss_ce": 0.05553, "aux.acc_seg": 93.78234, "loss": 0.18273, "time": 1.60716} +{"mode": "train", "epoch": 59, "iter": 74350, "lr": 0.0, "memory": 65790, "data_time": 0.0074, "decode.loss_ce": 0.12335, "decode.acc_seg": 94.34679, "aux.loss_ce": 0.05422, "aux.acc_seg": 93.88843, "loss": 0.17757, "time": 1.60975} +{"mode": "train", "epoch": 59, "iter": 74400, "lr": 0.0, "memory": 65790, "data_time": 0.00749, "decode.loss_ce": 0.13369, "decode.acc_seg": 94.00063, "aux.loss_ce": 0.05832, "aux.acc_seg": 93.56601, "loss": 0.19201, "time": 1.61079} +{"mode": "train", "epoch": 59, "iter": 74450, "lr": 0.0, "memory": 65790, "data_time": 0.00764, "decode.loss_ce": 0.12863, "decode.acc_seg": 94.26606, "aux.loss_ce": 0.05649, "aux.acc_seg": 93.87126, "loss": 0.18512, "time": 1.60963} +{"mode": "train", "epoch": 59, "iter": 74500, "lr": 0.0, "memory": 65790, "data_time": 0.00761, "decode.loss_ce": 0.13279, "decode.acc_seg": 93.87759, "aux.loss_ce": 0.05831, "aux.acc_seg": 93.44533, "loss": 0.1911, "time": 1.60921} +{"mode": "train", "epoch": 60, "iter": 74550, "lr": 0.0, "memory": 65790, "data_time": 0.06136, "decode.loss_ce": 0.12692, "decode.acc_seg": 94.22911, "aux.loss_ce": 0.05628, "aux.acc_seg": 93.75608, "loss": 0.1832, "time": 1.66147} +{"mode": "train", "epoch": 60, "iter": 74600, "lr": 0.0, "memory": 65790, "data_time": 0.00741, "decode.loss_ce": 0.13168, "decode.acc_seg": 94.12852, "aux.loss_ce": 0.05801, "aux.acc_seg": 93.63464, "loss": 0.18969, "time": 1.60776} +{"mode": "train", "epoch": 60, "iter": 74650, "lr": 0.0, "memory": 65790, "data_time": 0.00729, "decode.loss_ce": 0.12638, "decode.acc_seg": 94.22932, "aux.loss_ce": 0.0553, "aux.acc_seg": 93.84006, "loss": 0.18168, "time": 1.60909} +{"mode": "train", "epoch": 60, "iter": 74700, "lr": 0.0, "memory": 65790, "data_time": 0.00726, "decode.loss_ce": 0.12337, "decode.acc_seg": 94.46857, "aux.loss_ce": 0.05464, "aux.acc_seg": 93.97367, "loss": 0.17801, "time": 1.60959} +{"mode": "train", "epoch": 60, "iter": 74750, "lr": 0.0, "memory": 65790, "data_time": 0.00732, "decode.loss_ce": 0.12702, "decode.acc_seg": 94.14018, "aux.loss_ce": 0.05635, "aux.acc_seg": 93.59098, "loss": 0.18337, "time": 1.60783} +{"mode": "train", "epoch": 60, "iter": 74800, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.12204, "decode.acc_seg": 94.32474, "aux.loss_ce": 0.05337, "aux.acc_seg": 93.90355, "loss": 0.17541, "time": 1.61196} +{"mode": "train", "epoch": 60, "iter": 74850, "lr": 0.0, "memory": 65790, "data_time": 0.00731, "decode.loss_ce": 0.12948, "decode.acc_seg": 94.25778, "aux.loss_ce": 0.0569, "aux.acc_seg": 93.73079, "loss": 0.18638, "time": 1.61176} +{"mode": "train", "epoch": 60, "iter": 74900, "lr": 0.0, "memory": 65790, "data_time": 0.00738, "decode.loss_ce": 0.12793, "decode.acc_seg": 94.23729, "aux.loss_ce": 0.05586, "aux.acc_seg": 93.84996, "loss": 0.18379, "time": 1.61158} +{"mode": "train", "epoch": 60, "iter": 74950, "lr": 0.0, "memory": 65790, "data_time": 0.00722, "decode.loss_ce": 0.1201, "decode.acc_seg": 94.59047, "aux.loss_ce": 0.05268, "aux.acc_seg": 94.20321, "loss": 0.17278, "time": 1.60964} +{"mode": "train", "epoch": 60, "iter": 75000, "lr": 0.0, "memory": 65790, "data_time": 0.00732, "decode.loss_ce": 0.12029, "decode.acc_seg": 94.57171, "aux.loss_ce": 0.05294, "aux.acc_seg": 94.14412, "loss": 0.17323, "time": 1.60811} +{"mode": "val", "epoch": 60, "iter": 250, "lr": 0.0, "aAcc": 0.863, "mIoU": 0.5824, "mAcc": 0.7063, "IoU.wall": 0.8264, "IoU.building": 0.8476, "IoU.sky": 0.9485, "IoU.floor": 0.8455, "IoU.tree": 0.774, "IoU.ceiling": 0.8769, "IoU.road": 0.8639, "IoU.bed ": 0.9218, "IoU.windowpane": 0.666, "IoU.grass": 0.6781, "IoU.cabinet": 0.6727, "IoU.sidewalk": 0.722, "IoU.person": 0.8513, "IoU.earth": 0.415, "IoU.door": 0.6039, "IoU.table": 0.7147, "IoU.mountain": 0.6206, "IoU.plant": 0.5497, "IoU.curtain": 0.7849, "IoU.chair": 0.6605, "IoU.car": 0.8731, "IoU.water": 0.6344, "IoU.painting": 0.809, "IoU.sofa": 0.8375, "IoU.shelf": 0.4809, "IoU.house": 0.4599, "IoU.sea": 0.7518, "IoU.mirror": 0.7868, "IoU.rug": 0.6362, "IoU.field": 0.3224, "IoU.armchair": 0.6666, "IoU.seat": 0.6714, "IoU.fence": 0.5264, "IoU.desk": 0.622, "IoU.rock": 0.5545, "IoU.wardrobe": 0.5364, "IoU.lamp": 0.7459, "IoU.bathtub": 0.8431, "IoU.railing": 0.4388, "IoU.cushion": 0.7178, "IoU.base": 0.4214, "IoU.box": 0.4031, "IoU.column": 0.5754, "IoU.signboard": 0.3891, "IoU.chest of drawers": 0.4528, "IoU.counter": 0.4373, "IoU.sand": 0.5763, "IoU.sink": 0.7929, "IoU.skyscraper": 0.4673, "IoU.fireplace": 0.7539, "IoU.refrigerator": 0.8702, "IoU.grandstand": 0.5725, "IoU.path": 0.2836, "IoU.stairs": 0.3877, "IoU.runway": 0.6892, "IoU.case": 0.6133, "IoU.pool table": 0.9453, "IoU.pillow": 0.6846, "IoU.screen door": 0.7713, "IoU.stairway": 0.4389, "IoU.river": 0.1402, "IoU.bridge": 0.7171, "IoU.bookcase": 0.45, "IoU.blind": 0.4033, "IoU.coffee table": 0.6478, "IoU.toilet": 0.9008, "IoU.flower": 0.4395, "IoU.book": 0.533, "IoU.hill": 0.0789, "IoU.bench": 0.5753, "IoU.countertop": 0.634, "IoU.stove": 0.8632, "IoU.palm": 0.5344, "IoU.kitchen island": 0.5224, "IoU.computer": 0.7846, "IoU.swivel chair": 0.4614, "IoU.boat": 0.7965, "IoU.bar": 0.5986, "IoU.arcade machine": 0.7984, "IoU.hovel": 0.3061, "IoU.bus": 0.9219, "IoU.towel": 0.7526, "IoU.light": 0.587, "IoU.truck": 0.5119, "IoU.tower": 0.2068, "IoU.chandelier": 0.7286, "IoU.awning": 0.3398, "IoU.streetlight": 0.3254, "IoU.booth": 0.5728, "IoU.television receiver": 0.8021, "IoU.airplane": 0.8676, "IoU.dirt track": 0.0695, "IoU.apparel": 0.5661, "IoU.pole": 0.257, "IoU.land": 0.043, "IoU.bannister": 0.1787, "IoU.escalator": 0.6666, "IoU.ottoman": 0.5732, "IoU.bottle": 0.4506, "IoU.buffet": 0.6417, "IoU.poster": 0.3149, "IoU.stage": 0.2291, "IoU.van": 0.5028, "IoU.ship": 0.9424, "IoU.fountain": 0.3892, "IoU.conveyer belt": 0.8159, "IoU.canopy": 0.506, "IoU.washer": 0.8532, "IoU.plaything": 0.3123, "IoU.swimming pool": 0.5253, "IoU.stool": 0.4739, "IoU.barrel": 0.4899, "IoU.basket": 0.4389, "IoU.waterfall": 0.6142, "IoU.tent": 0.9459, "IoU.bag": 0.2634, "IoU.minibike": 0.7428, "IoU.cradle": 0.8487, "IoU.oven": 0.6003, "IoU.ball": 0.6165, "IoU.food": 0.6352, "IoU.step": 0.102, "IoU.tank": 0.6218, "IoU.trade name": 0.2233, "IoU.microwave": 0.9046, "IoU.pot": 0.6037, "IoU.animal": 0.5965, "IoU.bicycle": 0.6058, "IoU.lake": 0.5577, "IoU.dishwasher": 0.7191, "IoU.screen": 0.5019, "IoU.blanket": 0.3301, "IoU.sculpture": 0.7476, "IoU.hood": 0.6235, "IoU.sconce": 0.5942, "IoU.vase": 0.4764, "IoU.traffic light": 0.3903, "IoU.tray": 0.266, "IoU.ashcan": 0.5363, "IoU.fan": 0.6905, "IoU.pier": 0.3919, "IoU.crt screen": 0.0289, "IoU.plate": 0.63, "IoU.monitor": 0.669, "IoU.bulletin board": 0.588, "IoU.shower": 0.2346, "IoU.radiator": 0.6687, "IoU.glass": 0.2189, "IoU.clock": 0.5347, "IoU.flag": 0.7046, "Acc.wall": 0.9022, "Acc.building": 0.9365, "Acc.sky": 0.9763, "Acc.floor": 0.9232, "Acc.tree": 0.8949, "Acc.ceiling": 0.9424, "Acc.road": 0.9174, "Acc.bed ": 0.9701, "Acc.windowpane": 0.8254, "Acc.grass": 0.8062, "Acc.cabinet": 0.7696, "Acc.sidewalk": 0.8552, "Acc.person": 0.9409, "Acc.earth": 0.5525, "Acc.door": 0.745, "Acc.table": 0.8307, "Acc.mountain": 0.7344, "Acc.plant": 0.6683, "Acc.curtain": 0.8788, "Acc.chair": 0.7743, "Acc.car": 0.9382, "Acc.water": 0.7878, "Acc.painting": 0.9083, "Acc.sofa": 0.9246, "Acc.shelf": 0.6382, "Acc.house": 0.5568, "Acc.sea": 0.8293, "Acc.mirror": 0.8752, "Acc.rug": 0.7122, "Acc.field": 0.5661, "Acc.armchair": 0.8218, "Acc.seat": 0.887, "Acc.fence": 0.6589, "Acc.desk": 0.7956, "Acc.rock": 0.8197, "Acc.wardrobe": 0.7387, "Acc.lamp": 0.8441, "Acc.bathtub": 0.8815, "Acc.railing": 0.6199, "Acc.cushion": 0.8166, "Acc.base": 0.5812, "Acc.box": 0.5128, "Acc.column": 0.6716, "Acc.signboard": 0.5386, "Acc.chest of drawers": 0.6896, "Acc.counter": 0.5033, "Acc.sand": 0.872, "Acc.sink": 0.8457, "Acc.skyscraper": 0.5988, "Acc.fireplace": 0.9449, "Acc.refrigerator": 0.9558, "Acc.grandstand": 0.8566, "Acc.path": 0.362, "Acc.stairs": 0.4784, "Acc.runway": 0.8909, "Acc.case": 0.8049, "Acc.pool table": 0.9802, "Acc.pillow": 0.7968, "Acc.screen door": 0.818, "Acc.stairway": 0.5726, "Acc.river": 0.2903, "Acc.bridge": 0.8904, "Acc.bookcase": 0.6332, "Acc.blind": 0.4454, "Acc.coffee table": 0.8451, "Acc.toilet": 0.9439, "Acc.flower": 0.5987, "Acc.book": 0.7795, "Acc.hill": 0.1385, "Acc.bench": 0.6626, "Acc.countertop": 0.8375, "Acc.stove": 0.9267, "Acc.palm": 0.7958, "Acc.kitchen island": 0.7798, "Acc.computer": 0.9126, "Acc.swivel chair": 0.7156, "Acc.boat": 0.9143, "Acc.bar": 0.8558, "Acc.arcade machine": 0.8365, "Acc.hovel": 0.3506, "Acc.bus": 0.9719, "Acc.towel": 0.826, "Acc.light": 0.686, "Acc.truck": 0.624, "Acc.tower": 0.35, "Acc.chandelier": 0.8442, "Acc.awning": 0.447, "Acc.streetlight": 0.4256, "Acc.booth": 0.7206, "Acc.television receiver": 0.8712, "Acc.airplane": 0.9485, "Acc.dirt track": 0.2718, "Acc.apparel": 0.6976, "Acc.pole": 0.3836, "Acc.land": 0.0641, "Acc.bannister": 0.2206, "Acc.escalator": 0.8619, "Acc.ottoman": 0.7287, "Acc.bottle": 0.7258, "Acc.buffet": 0.7191, "Acc.poster": 0.3829, "Acc.stage": 0.4855, "Acc.van": 0.697, "Acc.ship": 0.9831, "Acc.fountain": 0.399, "Acc.conveyer belt": 0.9564, "Acc.canopy": 0.7142, "Acc.washer": 0.9136, "Acc.plaything": 0.4469, "Acc.swimming pool": 0.7567, "Acc.stool": 0.7214, "Acc.barrel": 0.7507, "Acc.basket": 0.5999, "Acc.waterfall": 0.7827, "Acc.tent": 0.9832, "Acc.bag": 0.2989, "Acc.minibike": 0.8872, "Acc.cradle": 0.9826, "Acc.oven": 0.7173, "Acc.ball": 0.6661, "Acc.food": 0.723, "Acc.step": 0.134, "Acc.tank": 0.6815, "Acc.trade name": 0.2604, "Acc.microwave": 0.9663, "Acc.pot": 0.6986, "Acc.animal": 0.6146, "Acc.bicycle": 0.8025, "Acc.lake": 0.6364, "Acc.dishwasher": 0.817, "Acc.screen": 0.788, "Acc.blanket": 0.3781, "Acc.sculpture": 0.8713, "Acc.hood": 0.7398, "Acc.sconce": 0.7076, "Acc.vase": 0.6457, "Acc.traffic light": 0.6063, "Acc.tray": 0.3388, "Acc.ashcan": 0.7022, "Acc.fan": 0.8227, "Acc.pier": 0.4536, "Acc.crt screen": 0.0492, "Acc.plate": 0.7925, "Acc.monitor": 0.7777, "Acc.bulletin board": 0.7796, "Acc.shower": 0.2607, "Acc.radiator": 0.813, "Acc.glass": 0.2354, "Acc.clock": 0.6716, "Acc.flag": 0.7687} +{"mode": "train", "epoch": 60, "iter": 75050, "lr": 0.0, "memory": 65790, "data_time": 1.63546, "decode.loss_ce": 0.11954, "decode.acc_seg": 94.46452, "aux.loss_ce": 0.05305, "aux.acc_seg": 94.04541, "loss": 0.17259, "time": 3.23563} +{"mode": "train", "epoch": 60, "iter": 75100, "lr": 0.0, "memory": 65790, "data_time": 0.00728, "decode.loss_ce": 0.13268, "decode.acc_seg": 93.93447, "aux.loss_ce": 0.05814, "aux.acc_seg": 93.43253, "loss": 0.19082, "time": 1.60935} +{"mode": "train", "epoch": 60, "iter": 75150, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.12589, "decode.acc_seg": 94.25345, "aux.loss_ce": 0.05605, "aux.acc_seg": 93.71777, "loss": 0.18194, "time": 1.60988} +{"mode": "train", "epoch": 60, "iter": 75200, "lr": 0.0, "memory": 65790, "data_time": 0.00707, "decode.loss_ce": 0.12771, "decode.acc_seg": 94.08767, "aux.loss_ce": 0.05616, "aux.acc_seg": 93.62088, "loss": 0.18388, "time": 1.60695} +{"mode": "train", "epoch": 60, "iter": 75250, "lr": 0.0, "memory": 65790, "data_time": 0.00705, "decode.loss_ce": 0.12552, "decode.acc_seg": 94.33319, "aux.loss_ce": 0.05514, "aux.acc_seg": 93.86058, "loss": 0.18066, "time": 1.60828} +{"mode": "train", "epoch": 60, "iter": 75300, "lr": 0.0, "memory": 65790, "data_time": 0.00705, "decode.loss_ce": 0.13669, "decode.acc_seg": 93.7446, "aux.loss_ce": 0.06018, "aux.acc_seg": 93.24224, "loss": 0.19686, "time": 1.60759} +{"mode": "train", "epoch": 60, "iter": 75350, "lr": 0.0, "memory": 65790, "data_time": 0.00705, "decode.loss_ce": 0.12961, "decode.acc_seg": 94.05093, "aux.loss_ce": 0.05691, "aux.acc_seg": 93.60764, "loss": 0.18652, "time": 1.60693} +{"mode": "train", "epoch": 60, "iter": 75400, "lr": 0.0, "memory": 65790, "data_time": 0.00708, "decode.loss_ce": 0.11698, "decode.acc_seg": 94.54521, "aux.loss_ce": 0.05201, "aux.acc_seg": 94.10813, "loss": 0.16899, "time": 1.6075} +{"mode": "train", "epoch": 60, "iter": 75450, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.12802, "decode.acc_seg": 94.09045, "aux.loss_ce": 0.05582, "aux.acc_seg": 93.68705, "loss": 0.18384, "time": 1.60843} +{"mode": "train", "epoch": 60, "iter": 75500, "lr": 0.0, "memory": 65790, "data_time": 0.00712, "decode.loss_ce": 0.12338, "decode.acc_seg": 94.43909, "aux.loss_ce": 0.05401, "aux.acc_seg": 94.02306, "loss": 0.17739, "time": 1.60802} +{"mode": "train", "epoch": 60, "iter": 75550, "lr": 0.0, "memory": 65790, "data_time": 0.00707, "decode.loss_ce": 0.12515, "decode.acc_seg": 94.25844, "aux.loss_ce": 0.05515, "aux.acc_seg": 93.81725, "loss": 0.18031, "time": 1.6077} +{"mode": "train", "epoch": 60, "iter": 75600, "lr": 0.0, "memory": 65790, "data_time": 0.00734, "decode.loss_ce": 0.12387, "decode.acc_seg": 94.43303, "aux.loss_ce": 0.05514, "aux.acc_seg": 93.94193, "loss": 0.17901, "time": 1.60711} +{"mode": "train", "epoch": 60, "iter": 75650, "lr": 0.0, "memory": 65790, "data_time": 0.00708, "decode.loss_ce": 0.12988, "decode.acc_seg": 94.04134, "aux.loss_ce": 0.05701, "aux.acc_seg": 93.58325, "loss": 0.18689, "time": 1.60586} +{"mode": "train", "epoch": 60, "iter": 75700, "lr": 0.0, "memory": 65790, "data_time": 0.00728, "decode.loss_ce": 0.12209, "decode.acc_seg": 94.47708, "aux.loss_ce": 0.05398, "aux.acc_seg": 94.01184, "loss": 0.17607, "time": 1.60596} +{"mode": "train", "epoch": 60, "iter": 75750, "lr": 0.0, "memory": 65790, "data_time": 0.00732, "decode.loss_ce": 0.12336, "decode.acc_seg": 94.5057, "aux.loss_ce": 0.05396, "aux.acc_seg": 94.10121, "loss": 0.17732, "time": 1.60623} +{"mode": "train", "epoch": 61, "iter": 75800, "lr": 0.0, "memory": 65790, "data_time": 0.06855, "decode.loss_ce": 0.12642, "decode.acc_seg": 94.10404, "aux.loss_ce": 0.05512, "aux.acc_seg": 93.72817, "loss": 0.18154, "time": 1.67058} +{"mode": "train", "epoch": 61, "iter": 75850, "lr": 0.0, "memory": 65790, "data_time": 0.00712, "decode.loss_ce": 0.12711, "decode.acc_seg": 94.29557, "aux.loss_ce": 0.05543, "aux.acc_seg": 93.88271, "loss": 0.18254, "time": 1.60736} +{"mode": "train", "epoch": 61, "iter": 75900, "lr": 0.0, "memory": 65790, "data_time": 0.00726, "decode.loss_ce": 0.12673, "decode.acc_seg": 94.32245, "aux.loss_ce": 0.05581, "aux.acc_seg": 93.88802, "loss": 0.18255, "time": 1.60753} +{"mode": "train", "epoch": 61, "iter": 75950, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.12686, "decode.acc_seg": 94.26792, "aux.loss_ce": 0.05577, "aux.acc_seg": 93.85261, "loss": 0.18263, "time": 1.60962} +{"mode": "train", "epoch": 61, "iter": 76000, "lr": 0.0, "memory": 65790, "data_time": 0.00696, "decode.loss_ce": 0.12927, "decode.acc_seg": 94.08695, "aux.loss_ce": 0.05702, "aux.acc_seg": 93.59719, "loss": 0.18628, "time": 3.04345} +{"mode": "val", "epoch": 61, "iter": 250, "lr": 0.0, "aAcc": 0.8631, "mIoU": 0.5816, "mAcc": 0.706, "IoU.wall": 0.8269, "IoU.building": 0.8484, "IoU.sky": 0.9485, "IoU.floor": 0.8454, "IoU.tree": 0.7754, "IoU.ceiling": 0.8765, "IoU.road": 0.863, "IoU.bed ": 0.9213, "IoU.windowpane": 0.6641, "IoU.grass": 0.6808, "IoU.cabinet": 0.6689, "IoU.sidewalk": 0.7214, "IoU.person": 0.8518, "IoU.earth": 0.4178, "IoU.door": 0.6091, "IoU.table": 0.709, "IoU.mountain": 0.6258, "IoU.plant": 0.55, "IoU.curtain": 0.7828, "IoU.chair": 0.6649, "IoU.car": 0.8746, "IoU.water": 0.6391, "IoU.painting": 0.8081, "IoU.sofa": 0.8347, "IoU.shelf": 0.4765, "IoU.house": 0.4707, "IoU.sea": 0.7354, "IoU.mirror": 0.7878, "IoU.rug": 0.6287, "IoU.field": 0.3157, "IoU.armchair": 0.6587, "IoU.seat": 0.6885, "IoU.fence": 0.528, "IoU.desk": 0.6047, "IoU.rock": 0.5515, "IoU.wardrobe": 0.5323, "IoU.lamp": 0.7445, "IoU.bathtub": 0.8444, "IoU.railing": 0.4405, "IoU.cushion": 0.715, "IoU.base": 0.4283, "IoU.box": 0.4076, "IoU.column": 0.5821, "IoU.signboard": 0.3938, "IoU.chest of drawers": 0.4549, "IoU.counter": 0.4138, "IoU.sand": 0.5782, "IoU.sink": 0.7944, "IoU.skyscraper": 0.4695, "IoU.fireplace": 0.7627, "IoU.refrigerator": 0.8697, "IoU.grandstand": 0.5746, "IoU.path": 0.2811, "IoU.stairs": 0.3704, "IoU.runway": 0.6805, "IoU.case": 0.6187, "IoU.pool table": 0.9441, "IoU.pillow": 0.6854, "IoU.screen door": 0.8031, "IoU.stairway": 0.4372, "IoU.river": 0.1377, "IoU.bridge": 0.7053, "IoU.bookcase": 0.442, "IoU.blind": 0.4111, "IoU.coffee table": 0.6293, "IoU.toilet": 0.901, "IoU.flower": 0.4278, "IoU.book": 0.534, "IoU.hill": 0.0792, "IoU.bench": 0.5691, "IoU.countertop": 0.6361, "IoU.stove": 0.8596, "IoU.palm": 0.5384, "IoU.kitchen island": 0.5315, "IoU.computer": 0.7852, "IoU.swivel chair": 0.4667, "IoU.boat": 0.8, "IoU.bar": 0.5981, "IoU.arcade machine": 0.7896, "IoU.hovel": 0.3328, "IoU.bus": 0.925, "IoU.towel": 0.7506, "IoU.light": 0.5774, "IoU.truck": 0.506, "IoU.tower": 0.1943, "IoU.chandelier": 0.725, "IoU.awning": 0.3446, "IoU.streetlight": 0.3198, "IoU.booth": 0.5741, "IoU.television receiver": 0.7953, "IoU.airplane": 0.8621, "IoU.dirt track": 0.0686, "IoU.apparel": 0.5798, "IoU.pole": 0.265, "IoU.land": 0.0423, "IoU.bannister": 0.1858, "IoU.escalator": 0.6688, "IoU.ottoman": 0.5883, "IoU.bottle": 0.4442, "IoU.buffet": 0.5134, "IoU.poster": 0.316, "IoU.stage": 0.2315, "IoU.van": 0.5241, "IoU.ship": 0.9391, "IoU.fountain": 0.3885, "IoU.conveyer belt": 0.8185, "IoU.canopy": 0.5064, "IoU.washer": 0.8524, "IoU.plaything": 0.3119, "IoU.swimming pool": 0.5305, "IoU.stool": 0.496, "IoU.barrel": 0.4764, "IoU.basket": 0.4361, "IoU.waterfall": 0.612, "IoU.tent": 0.9578, "IoU.bag": 0.2711, "IoU.minibike": 0.7423, "IoU.cradle": 0.851, "IoU.oven": 0.567, "IoU.ball": 0.5854, "IoU.food": 0.6334, "IoU.step": 0.1028, "IoU.tank": 0.6215, "IoU.trade name": 0.2565, "IoU.microwave": 0.8953, "IoU.pot": 0.6032, "IoU.animal": 0.5923, "IoU.bicycle": 0.6066, "IoU.lake": 0.5578, "IoU.dishwasher": 0.7181, "IoU.screen": 0.5651, "IoU.blanket": 0.3237, "IoU.sculpture": 0.7444, "IoU.hood": 0.6253, "IoU.sconce": 0.5911, "IoU.vase": 0.4704, "IoU.traffic light": 0.3942, "IoU.tray": 0.2701, "IoU.ashcan": 0.5457, "IoU.fan": 0.688, "IoU.pier": 0.3962, "IoU.crt screen": 0.0251, "IoU.plate": 0.6317, "IoU.monitor": 0.6403, "IoU.bulletin board": 0.5974, "IoU.shower": 0.2344, "IoU.radiator": 0.6702, "IoU.glass": 0.2148, "IoU.clock": 0.5327, "IoU.flag": 0.697, "Acc.wall": 0.9048, "Acc.building": 0.9371, "Acc.sky": 0.9754, "Acc.floor": 0.9237, "Acc.tree": 0.8888, "Acc.ceiling": 0.9412, "Acc.road": 0.9141, "Acc.bed ": 0.9718, "Acc.windowpane": 0.8196, "Acc.grass": 0.8176, "Acc.cabinet": 0.769, "Acc.sidewalk": 0.8613, "Acc.person": 0.9404, "Acc.earth": 0.5508, "Acc.door": 0.7404, "Acc.table": 0.8234, "Acc.mountain": 0.7395, "Acc.plant": 0.6581, "Acc.curtain": 0.8854, "Acc.chair": 0.7799, "Acc.car": 0.9397, "Acc.water": 0.7948, "Acc.painting": 0.9081, "Acc.sofa": 0.9154, "Acc.shelf": 0.6244, "Acc.house": 0.5724, "Acc.sea": 0.8139, "Acc.mirror": 0.8702, "Acc.rug": 0.7038, "Acc.field": 0.5714, "Acc.armchair": 0.83, "Acc.seat": 0.8852, "Acc.fence": 0.6668, "Acc.desk": 0.8023, "Acc.rock": 0.8015, "Acc.wardrobe": 0.7311, "Acc.lamp": 0.8452, "Acc.bathtub": 0.884, "Acc.railing": 0.6168, "Acc.cushion": 0.7995, "Acc.base": 0.5986, "Acc.box": 0.5216, "Acc.column": 0.6916, "Acc.signboard": 0.5409, "Acc.chest of drawers": 0.7258, "Acc.counter": 0.4734, "Acc.sand": 0.8705, "Acc.sink": 0.8468, "Acc.skyscraper": 0.5941, "Acc.fireplace": 0.9351, "Acc.refrigerator": 0.956, "Acc.grandstand": 0.8562, "Acc.path": 0.358, "Acc.stairs": 0.4526, "Acc.runway": 0.8777, "Acc.case": 0.8059, "Acc.pool table": 0.9804, "Acc.pillow": 0.8062, "Acc.screen door": 0.8748, "Acc.stairway": 0.5886, "Acc.river": 0.2854, "Acc.bridge": 0.863, "Acc.bookcase": 0.61, "Acc.blind": 0.4719, "Acc.coffee table": 0.8551, "Acc.toilet": 0.9409, "Acc.flower": 0.6217, "Acc.book": 0.7867, "Acc.hill": 0.1381, "Acc.bench": 0.6446, "Acc.countertop": 0.8375, "Acc.stove": 0.9275, "Acc.palm": 0.8194, "Acc.kitchen island": 0.7815, "Acc.computer": 0.9114, "Acc.swivel chair": 0.7005, "Acc.boat": 0.9087, "Acc.bar": 0.8493, "Acc.arcade machine": 0.8236, "Acc.hovel": 0.3873, "Acc.bus": 0.9721, "Acc.towel": 0.8193, "Acc.light": 0.6592, "Acc.truck": 0.6357, "Acc.tower": 0.3266, "Acc.chandelier": 0.8446, "Acc.awning": 0.4539, "Acc.streetlight": 0.4118, "Acc.booth": 0.7079, "Acc.television receiver": 0.8754, "Acc.airplane": 0.9403, "Acc.dirt track": 0.2632, "Acc.apparel": 0.745, "Acc.pole": 0.3976, "Acc.land": 0.0608, "Acc.bannister": 0.2304, "Acc.escalator": 0.8622, "Acc.ottoman": 0.7354, "Acc.bottle": 0.7235, "Acc.buffet": 0.569, "Acc.poster": 0.3778, "Acc.stage": 0.4867, "Acc.van": 0.7522, "Acc.ship": 0.9857, "Acc.fountain": 0.3985, "Acc.conveyer belt": 0.9525, "Acc.canopy": 0.7044, "Acc.washer": 0.9132, "Acc.plaything": 0.4671, "Acc.swimming pool": 0.7658, "Acc.stool": 0.6904, "Acc.barrel": 0.7604, "Acc.basket": 0.5957, "Acc.waterfall": 0.7693, "Acc.tent": 0.9849, "Acc.bag": 0.31, "Acc.minibike": 0.8846, "Acc.cradle": 0.9803, "Acc.oven": 0.6688, "Acc.ball": 0.6202, "Acc.food": 0.7236, "Acc.step": 0.1348, "Acc.tank": 0.6747, "Acc.trade name": 0.3172, "Acc.microwave": 0.9667, "Acc.pot": 0.7, "Acc.animal": 0.6101, "Acc.bicycle": 0.8164, "Acc.lake": 0.6361, "Acc.dishwasher": 0.8158, "Acc.screen": 0.8933, "Acc.blanket": 0.3738, "Acc.sculpture": 0.8652, "Acc.hood": 0.7448, "Acc.sconce": 0.6943, "Acc.vase": 0.6558, "Acc.traffic light": 0.6221, "Acc.tray": 0.3482, "Acc.ashcan": 0.6885, "Acc.fan": 0.8138, "Acc.pier": 0.4543, "Acc.crt screen": 0.0383, "Acc.plate": 0.7788, "Acc.monitor": 0.7493, "Acc.bulletin board": 0.7971, "Acc.shower": 0.2617, "Acc.radiator": 0.8094, "Acc.glass": 0.2297, "Acc.clock": 0.6649, "Acc.flag": 0.7854} +{"mode": "train", "epoch": 61, "iter": 76050, "lr": 0.0, "memory": 65790, "data_time": 1.66931, "decode.loss_ce": 0.12748, "decode.acc_seg": 94.15036, "aux.loss_ce": 0.05666, "aux.acc_seg": 93.61424, "loss": 0.18414, "time": 3.27114} +{"mode": "train", "epoch": 61, "iter": 76100, "lr": 0.0, "memory": 65790, "data_time": 0.00747, "decode.loss_ce": 0.1263, "decode.acc_seg": 94.26316, "aux.loss_ce": 0.05527, "aux.acc_seg": 93.79543, "loss": 0.18157, "time": 1.60745} +{"mode": "train", "epoch": 61, "iter": 76150, "lr": 0.0, "memory": 65790, "data_time": 0.00739, "decode.loss_ce": 0.12948, "decode.acc_seg": 94.19068, "aux.loss_ce": 0.05661, "aux.acc_seg": 93.77921, "loss": 0.18609, "time": 1.60955} +{"mode": "train", "epoch": 61, "iter": 76200, "lr": 0.0, "memory": 65790, "data_time": 0.00738, "decode.loss_ce": 0.13247, "decode.acc_seg": 93.99193, "aux.loss_ce": 0.0582, "aux.acc_seg": 93.49408, "loss": 0.19066, "time": 1.60978} +{"mode": "train", "epoch": 61, "iter": 76250, "lr": 0.0, "memory": 65790, "data_time": 0.00767, "decode.loss_ce": 0.11986, "decode.acc_seg": 94.59605, "aux.loss_ce": 0.05243, "aux.acc_seg": 94.19218, "loss": 0.17229, "time": 1.60925} +{"mode": "train", "epoch": 61, "iter": 76300, "lr": 0.0, "memory": 65790, "data_time": 0.00759, "decode.loss_ce": 0.1248, "decode.acc_seg": 94.43177, "aux.loss_ce": 0.05467, "aux.acc_seg": 93.96496, "loss": 0.17948, "time": 1.61189} +{"mode": "train", "epoch": 61, "iter": 76350, "lr": 0.0, "memory": 65790, "data_time": 0.00737, "decode.loss_ce": 0.12733, "decode.acc_seg": 94.30115, "aux.loss_ce": 0.05598, "aux.acc_seg": 93.81116, "loss": 0.18332, "time": 1.60938} +{"mode": "train", "epoch": 61, "iter": 76400, "lr": 0.0, "memory": 65790, "data_time": 0.0074, "decode.loss_ce": 0.12297, "decode.acc_seg": 94.51402, "aux.loss_ce": 0.0538, "aux.acc_seg": 94.03939, "loss": 0.17677, "time": 1.60987} +{"mode": "train", "epoch": 61, "iter": 76450, "lr": 0.0, "memory": 65790, "data_time": 0.00779, "decode.loss_ce": 0.1289, "decode.acc_seg": 94.0428, "aux.loss_ce": 0.05783, "aux.acc_seg": 93.41771, "loss": 0.18673, "time": 1.61077} +{"mode": "train", "epoch": 61, "iter": 76500, "lr": 0.0, "memory": 65790, "data_time": 0.00763, "decode.loss_ce": 0.11679, "decode.acc_seg": 94.46361, "aux.loss_ce": 0.05157, "aux.acc_seg": 93.97139, "loss": 0.16837, "time": 1.61055} +{"mode": "train", "epoch": 61, "iter": 76550, "lr": 0.0, "memory": 65790, "data_time": 0.00758, "decode.loss_ce": 0.12982, "decode.acc_seg": 94.05604, "aux.loss_ce": 0.05727, "aux.acc_seg": 93.60346, "loss": 0.18708, "time": 1.61132} +{"mode": "train", "epoch": 61, "iter": 76600, "lr": 0.0, "memory": 65790, "data_time": 0.00721, "decode.loss_ce": 0.12434, "decode.acc_seg": 94.24175, "aux.loss_ce": 0.05447, "aux.acc_seg": 93.78376, "loss": 0.17882, "time": 1.60859} +{"mode": "train", "epoch": 61, "iter": 76650, "lr": 0.0, "memory": 65790, "data_time": 0.0071, "decode.loss_ce": 0.13553, "decode.acc_seg": 93.84412, "aux.loss_ce": 0.0595, "aux.acc_seg": 93.39389, "loss": 0.19504, "time": 1.60991} +{"mode": "train", "epoch": 61, "iter": 76700, "lr": 0.0, "memory": 65790, "data_time": 0.00729, "decode.loss_ce": 0.1244, "decode.acc_seg": 94.24035, "aux.loss_ce": 0.0544, "aux.acc_seg": 93.83936, "loss": 0.1788, "time": 1.61005} +{"mode": "train", "epoch": 61, "iter": 76750, "lr": 0.0, "memory": 65790, "data_time": 0.00729, "decode.loss_ce": 0.12488, "decode.acc_seg": 94.30579, "aux.loss_ce": 0.05524, "aux.acc_seg": 93.80877, "loss": 0.18011, "time": 1.61185} +{"mode": "train", "epoch": 61, "iter": 76800, "lr": 0.0, "memory": 65790, "data_time": 0.00724, "decode.loss_ce": 0.12173, "decode.acc_seg": 94.48241, "aux.loss_ce": 0.0533, "aux.acc_seg": 94.10885, "loss": 0.17503, "time": 1.61256} +{"mode": "train", "epoch": 61, "iter": 76850, "lr": 0.0, "memory": 65790, "data_time": 0.00719, "decode.loss_ce": 0.13112, "decode.acc_seg": 94.12287, "aux.loss_ce": 0.05722, "aux.acc_seg": 93.67238, "loss": 0.18833, "time": 1.61239} +{"mode": "train", "epoch": 61, "iter": 76900, "lr": 0.0, "memory": 65790, "data_time": 0.00714, "decode.loss_ce": 0.12296, "decode.acc_seg": 94.41898, "aux.loss_ce": 0.0543, "aux.acc_seg": 93.93205, "loss": 0.17726, "time": 1.60845} +{"mode": "train", "epoch": 61, "iter": 76950, "lr": 0.0, "memory": 65790, "data_time": 0.00713, "decode.loss_ce": 0.13069, "decode.acc_seg": 93.9592, "aux.loss_ce": 0.0571, "aux.acc_seg": 93.51698, "loss": 0.18779, "time": 1.60896} +{"mode": "train", "epoch": 61, "iter": 77000, "lr": 0.0, "memory": 65790, "data_time": 0.00726, "decode.loss_ce": 0.12618, "decode.acc_seg": 94.30857, "aux.loss_ce": 0.05578, "aux.acc_seg": 93.85145, "loss": 0.18197, "time": 1.61028} +{"mode": "val", "epoch": 61, "iter": 250, "lr": 0.0, "aAcc": 0.8632, "mIoU": 0.5834, "mAcc": 0.7083, "IoU.wall": 0.8268, "IoU.building": 0.8484, "IoU.sky": 0.9488, "IoU.floor": 0.8434, "IoU.tree": 0.7753, "IoU.ceiling": 0.8768, "IoU.road": 0.862, "IoU.bed ": 0.9207, "IoU.windowpane": 0.668, "IoU.grass": 0.6814, "IoU.cabinet": 0.6739, "IoU.sidewalk": 0.7201, "IoU.person": 0.8513, "IoU.earth": 0.4208, "IoU.door": 0.6093, "IoU.table": 0.7133, "IoU.mountain": 0.6261, "IoU.plant": 0.5529, "IoU.curtain": 0.7828, "IoU.chair": 0.6622, "IoU.car": 0.8741, "IoU.water": 0.6408, "IoU.painting": 0.8022, "IoU.sofa": 0.8362, "IoU.shelf": 0.4771, "IoU.house": 0.491, "IoU.sea": 0.7374, "IoU.mirror": 0.7848, "IoU.rug": 0.6325, "IoU.field": 0.3112, "IoU.armchair": 0.6621, "IoU.seat": 0.6778, "IoU.fence": 0.5274, "IoU.desk": 0.6075, "IoU.rock": 0.5604, "IoU.wardrobe": 0.541, "IoU.lamp": 0.7425, "IoU.bathtub": 0.8435, "IoU.railing": 0.4326, "IoU.cushion": 0.715, "IoU.base": 0.4294, "IoU.box": 0.4012, "IoU.column": 0.5723, "IoU.signboard": 0.3919, "IoU.chest of drawers": 0.4302, "IoU.counter": 0.4059, "IoU.sand": 0.5846, "IoU.sink": 0.7925, "IoU.skyscraper": 0.4679, "IoU.fireplace": 0.7686, "IoU.refrigerator": 0.8733, "IoU.grandstand": 0.5591, "IoU.path": 0.2859, "IoU.stairs": 0.3436, "IoU.runway": 0.6797, "IoU.case": 0.6104, "IoU.pool table": 0.9445, "IoU.pillow": 0.6856, "IoU.screen door": 0.8022, "IoU.stairway": 0.4425, "IoU.river": 0.1367, "IoU.bridge": 0.716, "IoU.bookcase": 0.4413, "IoU.blind": 0.4005, "IoU.coffee table": 0.6453, "IoU.toilet": 0.9012, "IoU.flower": 0.44, "IoU.book": 0.5316, "IoU.hill": 0.0808, "IoU.bench": 0.5766, "IoU.countertop": 0.6361, "IoU.stove": 0.8608, "IoU.palm": 0.5344, "IoU.kitchen island": 0.5234, "IoU.computer": 0.7852, "IoU.swivel chair": 0.4655, "IoU.boat": 0.7973, "IoU.bar": 0.6041, "IoU.arcade machine": 0.8023, "IoU.hovel": 0.3328, "IoU.bus": 0.9263, "IoU.towel": 0.7516, "IoU.light": 0.5809, "IoU.truck": 0.5044, "IoU.tower": 0.2997, "IoU.chandelier": 0.7147, "IoU.awning": 0.3426, "IoU.streetlight": 0.3253, "IoU.booth": 0.586, "IoU.television receiver": 0.7988, "IoU.airplane": 0.8631, "IoU.dirt track": 0.0625, "IoU.apparel": 0.6033, "IoU.pole": 0.2645, "IoU.land": 0.0365, "IoU.bannister": 0.1948, "IoU.escalator": 0.6647, "IoU.ottoman": 0.5828, "IoU.bottle": 0.4451, "IoU.buffet": 0.5736, "IoU.poster": 0.3174, "IoU.stage": 0.2371, "IoU.van": 0.5179, "IoU.ship": 0.9413, "IoU.fountain": 0.3914, "IoU.conveyer belt": 0.8104, "IoU.canopy": 0.5118, "IoU.washer": 0.8545, "IoU.plaything": 0.3127, "IoU.swimming pool": 0.5334, "IoU.stool": 0.4877, "IoU.barrel": 0.4705, "IoU.basket": 0.4401, "IoU.waterfall": 0.6513, "IoU.tent": 0.9573, "IoU.bag": 0.2712, "IoU.minibike": 0.7411, "IoU.cradle": 0.8487, "IoU.oven": 0.5943, "IoU.ball": 0.5966, "IoU.food": 0.6269, "IoU.step": 0.0969, "IoU.tank": 0.6208, "IoU.trade name": 0.2477, "IoU.microwave": 0.903, "IoU.pot": 0.6097, "IoU.animal": 0.5967, "IoU.bicycle": 0.6033, "IoU.lake": 0.5585, "IoU.dishwasher": 0.7192, "IoU.screen": 0.5757, "IoU.blanket": 0.325, "IoU.sculpture": 0.7459, "IoU.hood": 0.6269, "IoU.sconce": 0.5834, "IoU.vase": 0.4742, "IoU.traffic light": 0.3983, "IoU.tray": 0.264, "IoU.ashcan": 0.5509, "IoU.fan": 0.6871, "IoU.pier": 0.3943, "IoU.crt screen": 0.0261, "IoU.plate": 0.6285, "IoU.monitor": 0.6793, "IoU.bulletin board": 0.5885, "IoU.shower": 0.2295, "IoU.radiator": 0.6703, "IoU.glass": 0.2101, "IoU.clock": 0.522, "IoU.flag": 0.6975, "Acc.wall": 0.9039, "Acc.building": 0.9324, "Acc.sky": 0.9772, "Acc.floor": 0.9211, "Acc.tree": 0.8959, "Acc.ceiling": 0.9419, "Acc.road": 0.9135, "Acc.bed ": 0.9698, "Acc.windowpane": 0.8289, "Acc.grass": 0.8139, "Acc.cabinet": 0.7721, "Acc.sidewalk": 0.8578, "Acc.person": 0.9402, "Acc.earth": 0.5698, "Acc.door": 0.7347, "Acc.table": 0.8219, "Acc.mountain": 0.7334, "Acc.plant": 0.6673, "Acc.curtain": 0.8804, "Acc.chair": 0.7745, "Acc.car": 0.9394, "Acc.water": 0.7937, "Acc.painting": 0.9068, "Acc.sofa": 0.9211, "Acc.shelf": 0.6301, "Acc.house": 0.6218, "Acc.sea": 0.816, "Acc.mirror": 0.8612, "Acc.rug": 0.7274, "Acc.field": 0.5446, "Acc.armchair": 0.8301, "Acc.seat": 0.888, "Acc.fence": 0.6568, "Acc.desk": 0.7877, "Acc.rock": 0.8233, "Acc.wardrobe": 0.7346, "Acc.lamp": 0.8481, "Acc.bathtub": 0.8793, "Acc.railing": 0.598, "Acc.cushion": 0.8072, "Acc.base": 0.5945, "Acc.box": 0.5029, "Acc.column": 0.7102, "Acc.signboard": 0.5305, "Acc.chest of drawers": 0.6642, "Acc.counter": 0.4631, "Acc.sand": 0.8693, "Acc.sink": 0.8446, "Acc.skyscraper": 0.5909, "Acc.fireplace": 0.9375, "Acc.refrigerator": 0.9544, "Acc.grandstand": 0.8597, "Acc.path": 0.368, "Acc.stairs": 0.4181, "Acc.runway": 0.875, "Acc.case": 0.8117, "Acc.pool table": 0.9805, "Acc.pillow": 0.7966, "Acc.screen door": 0.8619, "Acc.stairway": 0.6155, "Acc.river": 0.2849, "Acc.bridge": 0.8686, "Acc.bookcase": 0.6219, "Acc.blind": 0.4571, "Acc.coffee table": 0.8442, "Acc.toilet": 0.9403, "Acc.flower": 0.5935, "Acc.book": 0.776, "Acc.hill": 0.1338, "Acc.bench": 0.6525, "Acc.countertop": 0.8363, "Acc.stove": 0.9215, "Acc.palm": 0.7944, "Acc.kitchen island": 0.7882, "Acc.computer": 0.9114, "Acc.swivel chair": 0.7046, "Acc.boat": 0.912, "Acc.bar": 0.8599, "Acc.arcade machine": 0.8347, "Acc.hovel": 0.3852, "Acc.bus": 0.9714, "Acc.towel": 0.8155, "Acc.light": 0.6649, "Acc.truck": 0.6297, "Acc.tower": 0.5432, "Acc.chandelier": 0.82, "Acc.awning": 0.4562, "Acc.streetlight": 0.428, "Acc.booth": 0.709, "Acc.television receiver": 0.8604, "Acc.airplane": 0.9392, "Acc.dirt track": 0.2717, "Acc.apparel": 0.7464, "Acc.pole": 0.4099, "Acc.land": 0.0512, "Acc.bannister": 0.2454, "Acc.escalator": 0.8634, "Acc.ottoman": 0.7553, "Acc.bottle": 0.7339, "Acc.buffet": 0.638, "Acc.poster": 0.4033, "Acc.stage": 0.485, "Acc.van": 0.7322, "Acc.ship": 0.9851, "Acc.fountain": 0.3995, "Acc.conveyer belt": 0.9541, "Acc.canopy": 0.7108, "Acc.washer": 0.9132, "Acc.plaything": 0.4514, "Acc.swimming pool": 0.7711, "Acc.stool": 0.7001, "Acc.barrel": 0.8275, "Acc.basket": 0.5947, "Acc.waterfall": 0.8301, "Acc.tent": 0.9841, "Acc.bag": 0.3105, "Acc.minibike": 0.8893, "Acc.cradle": 0.9809, "Acc.oven": 0.7081, "Acc.ball": 0.6374, "Acc.food": 0.7191, "Acc.step": 0.1253, "Acc.tank": 0.6798, "Acc.trade name": 0.2967, "Acc.microwave": 0.9651, "Acc.pot": 0.7082, "Acc.animal": 0.6138, "Acc.bicycle": 0.8207, "Acc.lake": 0.636, "Acc.dishwasher": 0.8159, "Acc.screen": 0.9098, "Acc.blanket": 0.3699, "Acc.sculpture": 0.867, "Acc.hood": 0.7481, "Acc.sconce": 0.679, "Acc.vase": 0.6501, "Acc.traffic light": 0.5821, "Acc.tray": 0.3392, "Acc.ashcan": 0.6791, "Acc.fan": 0.8144, "Acc.pier": 0.4487, "Acc.crt screen": 0.037, "Acc.plate": 0.7853, "Acc.monitor": 0.7896, "Acc.bulletin board": 0.7891, "Acc.shower": 0.2508, "Acc.radiator": 0.8002, "Acc.glass": 0.2238, "Acc.clock": 0.6542, "Acc.flag": 0.7831} +{"mode": "train", "epoch": 62, "iter": 77050, "lr": 0.0, "memory": 65790, "data_time": 1.70138, "decode.loss_ce": 0.12708, "decode.acc_seg": 94.2416, "aux.loss_ce": 0.05648, "aux.acc_seg": 93.78006, "loss": 0.18356, "time": 3.3087} +{"mode": "train", "epoch": 62, "iter": 77100, "lr": 0.0, "memory": 65790, "data_time": 0.00725, "decode.loss_ce": 0.12407, "decode.acc_seg": 94.23683, "aux.loss_ce": 0.05537, "aux.acc_seg": 93.754, "loss": 0.17944, "time": 1.6082} +{"mode": "train", "epoch": 62, "iter": 77150, "lr": 0.0, "memory": 65790, "data_time": 0.00698, "decode.loss_ce": 0.12182, "decode.acc_seg": 94.34504, "aux.loss_ce": 0.05436, "aux.acc_seg": 93.80537, "loss": 0.17618, "time": 1.61019} +{"mode": "train", "epoch": 62, "iter": 77200, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.12332, "decode.acc_seg": 94.34424, "aux.loss_ce": 0.05455, "aux.acc_seg": 93.87963, "loss": 0.17787, "time": 1.60888} +{"mode": "train", "epoch": 62, "iter": 77250, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.12599, "decode.acc_seg": 94.20076, "aux.loss_ce": 0.05582, "aux.acc_seg": 93.78848, "loss": 0.18181, "time": 1.60747} +{"mode": "train", "epoch": 62, "iter": 77300, "lr": 0.0, "memory": 65790, "data_time": 0.00738, "decode.loss_ce": 0.12341, "decode.acc_seg": 94.31371, "aux.loss_ce": 0.05403, "aux.acc_seg": 93.89753, "loss": 0.17744, "time": 1.6123} +{"mode": "train", "epoch": 62, "iter": 77350, "lr": 0.0, "memory": 65790, "data_time": 0.00757, "decode.loss_ce": 0.1251, "decode.acc_seg": 94.25513, "aux.loss_ce": 0.05491, "aux.acc_seg": 93.83372, "loss": 0.18002, "time": 1.61151} +{"mode": "train", "epoch": 62, "iter": 77400, "lr": 0.0, "memory": 65790, "data_time": 0.00752, "decode.loss_ce": 0.12402, "decode.acc_seg": 94.23555, "aux.loss_ce": 0.05446, "aux.acc_seg": 93.77554, "loss": 0.17848, "time": 1.60769} +{"mode": "train", "epoch": 62, "iter": 77450, "lr": 0.0, "memory": 65790, "data_time": 0.00754, "decode.loss_ce": 0.13388, "decode.acc_seg": 93.94806, "aux.loss_ce": 0.05869, "aux.acc_seg": 93.47052, "loss": 0.19257, "time": 1.60978} +{"mode": "train", "epoch": 62, "iter": 77500, "lr": 0.0, "memory": 65790, "data_time": 0.00754, "decode.loss_ce": 0.12377, "decode.acc_seg": 94.28775, "aux.loss_ce": 0.05458, "aux.acc_seg": 93.80811, "loss": 0.17835, "time": 1.60814} +{"mode": "train", "epoch": 62, "iter": 77550, "lr": 0.0, "memory": 65790, "data_time": 0.00765, "decode.loss_ce": 0.13153, "decode.acc_seg": 94.01014, "aux.loss_ce": 0.05761, "aux.acc_seg": 93.5272, "loss": 0.18915, "time": 1.61009} +{"mode": "train", "epoch": 62, "iter": 77600, "lr": 0.0, "memory": 65790, "data_time": 0.00757, "decode.loss_ce": 0.12592, "decode.acc_seg": 94.11691, "aux.loss_ce": 0.05524, "aux.acc_seg": 93.64662, "loss": 0.18116, "time": 1.6085} +{"mode": "train", "epoch": 62, "iter": 77650, "lr": 0.0, "memory": 65790, "data_time": 0.00755, "decode.loss_ce": 0.12007, "decode.acc_seg": 94.49806, "aux.loss_ce": 0.05364, "aux.acc_seg": 93.97324, "loss": 0.17371, "time": 1.61393} +{"mode": "train", "epoch": 62, "iter": 77700, "lr": 0.0, "memory": 65790, "data_time": 0.00759, "decode.loss_ce": 0.11762, "decode.acc_seg": 94.70314, "aux.loss_ce": 0.05189, "aux.acc_seg": 94.28179, "loss": 0.16951, "time": 1.60848} +{"mode": "train", "epoch": 62, "iter": 77750, "lr": 0.0, "memory": 65790, "data_time": 0.0076, "decode.loss_ce": 0.12943, "decode.acc_seg": 94.05031, "aux.loss_ce": 0.05727, "aux.acc_seg": 93.54083, "loss": 0.18671, "time": 1.6108} +{"mode": "train", "epoch": 62, "iter": 77800, "lr": 0.0, "memory": 65790, "data_time": 0.00761, "decode.loss_ce": 0.12054, "decode.acc_seg": 94.3921, "aux.loss_ce": 0.05307, "aux.acc_seg": 93.92963, "loss": 0.17361, "time": 1.61079} +{"mode": "train", "epoch": 62, "iter": 77850, "lr": 0.0, "memory": 65790, "data_time": 0.00758, "decode.loss_ce": 0.12719, "decode.acc_seg": 94.18455, "aux.loss_ce": 0.056, "aux.acc_seg": 93.75537, "loss": 0.1832, "time": 1.60945} +{"mode": "train", "epoch": 62, "iter": 77900, "lr": 0.0, "memory": 65790, "data_time": 0.00758, "decode.loss_ce": 0.12366, "decode.acc_seg": 94.32985, "aux.loss_ce": 0.0545, "aux.acc_seg": 93.91509, "loss": 0.17816, "time": 1.60847} +{"mode": "train", "epoch": 62, "iter": 77950, "lr": 0.0, "memory": 65790, "data_time": 0.00769, "decode.loss_ce": 0.1273, "decode.acc_seg": 94.16278, "aux.loss_ce": 0.05604, "aux.acc_seg": 93.74804, "loss": 0.18334, "time": 1.61083} +{"mode": "train", "epoch": 62, "iter": 78000, "lr": 0.0, "memory": 65790, "data_time": 0.00732, "decode.loss_ce": 0.12078, "decode.acc_seg": 94.34565, "aux.loss_ce": 0.05352, "aux.acc_seg": 93.80875, "loss": 0.1743, "time": 3.05908} +{"mode": "val", "epoch": 62, "iter": 250, "lr": 0.0, "aAcc": 0.8633, "mIoU": 0.5839, "mAcc": 0.709, "IoU.wall": 0.8268, "IoU.building": 0.8494, "IoU.sky": 0.9492, "IoU.floor": 0.8432, "IoU.tree": 0.7778, "IoU.ceiling": 0.877, "IoU.road": 0.8613, "IoU.bed ": 0.9216, "IoU.windowpane": 0.6669, "IoU.grass": 0.6815, "IoU.cabinet": 0.669, "IoU.sidewalk": 0.7185, "IoU.person": 0.8512, "IoU.earth": 0.421, "IoU.door": 0.607, "IoU.table": 0.7074, "IoU.mountain": 0.6282, "IoU.plant": 0.5588, "IoU.curtain": 0.7815, "IoU.chair": 0.6644, "IoU.car": 0.8745, "IoU.water": 0.6416, "IoU.painting": 0.8032, "IoU.sofa": 0.837, "IoU.shelf": 0.4737, "IoU.house": 0.4926, "IoU.sea": 0.7376, "IoU.mirror": 0.7862, "IoU.rug": 0.6189, "IoU.field": 0.312, "IoU.armchair": 0.6651, "IoU.seat": 0.6759, "IoU.fence": 0.5248, "IoU.desk": 0.6091, "IoU.rock": 0.5605, "IoU.wardrobe": 0.536, "IoU.lamp": 0.7447, "IoU.bathtub": 0.8451, "IoU.railing": 0.439, "IoU.cushion": 0.715, "IoU.base": 0.4336, "IoU.box": 0.4017, "IoU.column": 0.5749, "IoU.signboard": 0.3909, "IoU.chest of drawers": 0.4331, "IoU.counter": 0.4295, "IoU.sand": 0.5844, "IoU.sink": 0.7961, "IoU.skyscraper": 0.4681, "IoU.fireplace": 0.7671, "IoU.refrigerator": 0.8727, "IoU.grandstand": 0.5138, "IoU.path": 0.2911, "IoU.stairs": 0.3529, "IoU.runway": 0.6841, "IoU.case": 0.6067, "IoU.pool table": 0.9436, "IoU.pillow": 0.6746, "IoU.screen door": 0.797, "IoU.stairway": 0.4953, "IoU.river": 0.1349, "IoU.bridge": 0.7199, "IoU.bookcase": 0.4348, "IoU.blind": 0.4039, "IoU.coffee table": 0.6267, "IoU.toilet": 0.9011, "IoU.flower": 0.4453, "IoU.book": 0.5299, "IoU.hill": 0.0822, "IoU.bench": 0.5759, "IoU.countertop": 0.6332, "IoU.stove": 0.8617, "IoU.palm": 0.5376, "IoU.kitchen island": 0.5162, "IoU.computer": 0.7863, "IoU.swivel chair": 0.4658, "IoU.boat": 0.7988, "IoU.bar": 0.6025, "IoU.arcade machine": 0.807, "IoU.hovel": 0.3339, "IoU.bus": 0.9257, "IoU.towel": 0.757, "IoU.light": 0.5782, "IoU.truck": 0.5068, "IoU.tower": 0.2908, "IoU.chandelier": 0.7255, "IoU.awning": 0.3388, "IoU.streetlight": 0.3219, "IoU.booth": 0.583, "IoU.television receiver": 0.8009, "IoU.airplane": 0.8675, "IoU.dirt track": 0.0645, "IoU.apparel": 0.6016, "IoU.pole": 0.2538, "IoU.land": 0.0391, "IoU.bannister": 0.1868, "IoU.escalator": 0.6682, "IoU.ottoman": 0.5887, "IoU.bottle": 0.4473, "IoU.buffet": 0.5652, "IoU.poster": 0.313, "IoU.stage": 0.2356, "IoU.van": 0.5202, "IoU.ship": 0.9405, "IoU.fountain": 0.3888, "IoU.conveyer belt": 0.8123, "IoU.canopy": 0.5178, "IoU.washer": 0.8515, "IoU.plaything": 0.3176, "IoU.swimming pool": 0.533, "IoU.stool": 0.492, "IoU.barrel": 0.4842, "IoU.basket": 0.4392, "IoU.waterfall": 0.6331, "IoU.tent": 0.9561, "IoU.bag": 0.2788, "IoU.minibike": 0.7413, "IoU.cradle": 0.8495, "IoU.oven": 0.6088, "IoU.ball": 0.6158, "IoU.food": 0.6237, "IoU.step": 0.0949, "IoU.tank": 0.621, "IoU.trade name": 0.2441, "IoU.microwave": 0.9064, "IoU.pot": 0.6073, "IoU.animal": 0.6065, "IoU.bicycle": 0.6053, "IoU.lake": 0.5586, "IoU.dishwasher": 0.7188, "IoU.screen": 0.5884, "IoU.blanket": 0.3349, "IoU.sculpture": 0.7471, "IoU.hood": 0.6264, "IoU.sconce": 0.5849, "IoU.vase": 0.473, "IoU.traffic light": 0.3979, "IoU.tray": 0.263, "IoU.ashcan": 0.5417, "IoU.fan": 0.6878, "IoU.pier": 0.3961, "IoU.crt screen": 0.0268, "IoU.plate": 0.6282, "IoU.monitor": 0.6715, "IoU.bulletin board": 0.591, "IoU.shower": 0.2276, "IoU.radiator": 0.6685, "IoU.glass": 0.2138, "IoU.clock": 0.5259, "IoU.flag": 0.6942, "Acc.wall": 0.9049, "Acc.building": 0.9324, "Acc.sky": 0.9762, "Acc.floor": 0.9226, "Acc.tree": 0.8946, "Acc.ceiling": 0.9428, "Acc.road": 0.9101, "Acc.bed ": 0.9684, "Acc.windowpane": 0.8229, "Acc.grass": 0.8113, "Acc.cabinet": 0.7685, "Acc.sidewalk": 0.8589, "Acc.person": 0.941, "Acc.earth": 0.5697, "Acc.door": 0.7386, "Acc.table": 0.8108, "Acc.mountain": 0.7259, "Acc.plant": 0.6809, "Acc.curtain": 0.8808, "Acc.chair": 0.7761, "Acc.car": 0.9397, "Acc.water": 0.8003, "Acc.painting": 0.9027, "Acc.sofa": 0.923, "Acc.shelf": 0.6254, "Acc.house": 0.6386, "Acc.sea": 0.8118, "Acc.mirror": 0.8662, "Acc.rug": 0.7053, "Acc.field": 0.5483, "Acc.armchair": 0.8276, "Acc.seat": 0.888, "Acc.fence": 0.6626, "Acc.desk": 0.7883, "Acc.rock": 0.8283, "Acc.wardrobe": 0.738, "Acc.lamp": 0.85, "Acc.bathtub": 0.8818, "Acc.railing": 0.622, "Acc.cushion": 0.8206, "Acc.base": 0.5937, "Acc.box": 0.5046, "Acc.column": 0.6952, "Acc.signboard": 0.5259, "Acc.chest of drawers": 0.6648, "Acc.counter": 0.4933, "Acc.sand": 0.8675, "Acc.sink": 0.8493, "Acc.skyscraper": 0.5904, "Acc.fireplace": 0.938, "Acc.refrigerator": 0.9539, "Acc.grandstand": 0.8537, "Acc.path": 0.3724, "Acc.stairs": 0.4316, "Acc.runway": 0.8823, "Acc.case": 0.8151, "Acc.pool table": 0.9814, "Acc.pillow": 0.7773, "Acc.screen door": 0.8425, "Acc.stairway": 0.6146, "Acc.river": 0.2791, "Acc.bridge": 0.8844, "Acc.bookcase": 0.6207, "Acc.blind": 0.4438, "Acc.coffee table": 0.8521, "Acc.toilet": 0.9411, "Acc.flower": 0.6079, "Acc.book": 0.7862, "Acc.hill": 0.1416, "Acc.bench": 0.6529, "Acc.countertop": 0.8444, "Acc.stove": 0.923, "Acc.palm": 0.8008, "Acc.kitchen island": 0.805, "Acc.computer": 0.9095, "Acc.swivel chair": 0.7008, "Acc.boat": 0.9088, "Acc.bar": 0.8476, "Acc.arcade machine": 0.842, "Acc.hovel": 0.3917, "Acc.bus": 0.972, "Acc.towel": 0.8271, "Acc.light": 0.6532, "Acc.truck": 0.6313, "Acc.tower": 0.5174, "Acc.chandelier": 0.8448, "Acc.awning": 0.4372, "Acc.streetlight": 0.4146, "Acc.booth": 0.7197, "Acc.television receiver": 0.8659, "Acc.airplane": 0.9444, "Acc.dirt track": 0.2808, "Acc.apparel": 0.7611, "Acc.pole": 0.3785, "Acc.land": 0.0582, "Acc.bannister": 0.2306, "Acc.escalator": 0.8622, "Acc.ottoman": 0.7466, "Acc.bottle": 0.7213, "Acc.buffet": 0.6292, "Acc.poster": 0.406, "Acc.stage": 0.4861, "Acc.van": 0.7341, "Acc.ship": 0.9826, "Acc.fountain": 0.397, "Acc.conveyer belt": 0.9542, "Acc.canopy": 0.7239, "Acc.washer": 0.91, "Acc.plaything": 0.4569, "Acc.swimming pool": 0.7702, "Acc.stool": 0.6943, "Acc.barrel": 0.8025, "Acc.basket": 0.6048, "Acc.waterfall": 0.7891, "Acc.tent": 0.9841, "Acc.bag": 0.3224, "Acc.minibike": 0.8882, "Acc.cradle": 0.9809, "Acc.oven": 0.7213, "Acc.ball": 0.667, "Acc.food": 0.7083, "Acc.step": 0.1236, "Acc.tank": 0.682, "Acc.trade name": 0.2907, "Acc.microwave": 0.9648, "Acc.pot": 0.7033, "Acc.animal": 0.6269, "Acc.bicycle": 0.8263, "Acc.lake": 0.6359, "Acc.dishwasher": 0.8138, "Acc.screen": 0.9295, "Acc.blanket": 0.3872, "Acc.sculpture": 0.8656, "Acc.hood": 0.7479, "Acc.sconce": 0.6777, "Acc.vase": 0.6487, "Acc.traffic light": 0.6132, "Acc.tray": 0.3404, "Acc.ashcan": 0.6956, "Acc.fan": 0.8171, "Acc.pier": 0.4508, "Acc.crt screen": 0.0365, "Acc.plate": 0.7823, "Acc.monitor": 0.7868, "Acc.bulletin board": 0.767, "Acc.shower": 0.2498, "Acc.radiator": 0.793, "Acc.glass": 0.2288, "Acc.clock": 0.6654, "Acc.flag": 0.7836} +{"mode": "train", "epoch": 62, "iter": 78050, "lr": 0.0, "memory": 65790, "data_time": 1.67952, "decode.loss_ce": 0.12118, "decode.acc_seg": 94.61388, "aux.loss_ce": 0.05344, "aux.acc_seg": 94.22619, "loss": 0.17462, "time": 3.28173} +{"mode": "train", "epoch": 62, "iter": 78100, "lr": 0.0, "memory": 65790, "data_time": 0.00696, "decode.loss_ce": 0.12486, "decode.acc_seg": 94.20578, "aux.loss_ce": 0.05491, "aux.acc_seg": 93.77107, "loss": 0.17978, "time": 1.60734} +{"mode": "train", "epoch": 62, "iter": 78150, "lr": 0.0, "memory": 65790, "data_time": 0.00702, "decode.loss_ce": 0.12758, "decode.acc_seg": 94.27449, "aux.loss_ce": 0.05575, "aux.acc_seg": 93.90738, "loss": 0.18333, "time": 1.60662} +{"mode": "train", "epoch": 62, "iter": 78200, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.11896, "decode.acc_seg": 94.39946, "aux.loss_ce": 0.05199, "aux.acc_seg": 93.9927, "loss": 0.17095, "time": 1.60799} +{"mode": "train", "epoch": 62, "iter": 78250, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.11939, "decode.acc_seg": 94.48418, "aux.loss_ce": 0.05302, "aux.acc_seg": 93.94661, "loss": 0.17241, "time": 1.61074} +{"mode": "train", "epoch": 62, "iter": 78300, "lr": 0.0, "memory": 65790, "data_time": 0.00721, "decode.loss_ce": 0.12429, "decode.acc_seg": 94.15937, "aux.loss_ce": 0.0544, "aux.acc_seg": 93.74964, "loss": 0.17869, "time": 1.60829} +{"mode": "train", "epoch": 63, "iter": 78350, "lr": 0.0, "memory": 65790, "data_time": 0.05165, "decode.loss_ce": 0.12633, "decode.acc_seg": 94.16631, "aux.loss_ce": 0.05547, "aux.acc_seg": 93.72607, "loss": 0.18179, "time": 1.65269} +{"mode": "train", "epoch": 63, "iter": 78400, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.13176, "decode.acc_seg": 94.15206, "aux.loss_ce": 0.05778, "aux.acc_seg": 93.69191, "loss": 0.18955, "time": 1.60712} +{"mode": "train", "epoch": 63, "iter": 78450, "lr": 0.0, "memory": 65790, "data_time": 0.3791, "decode.loss_ce": 0.12567, "decode.acc_seg": 94.20426, "aux.loss_ce": 0.05591, "aux.acc_seg": 93.70461, "loss": 0.18158, "time": 1.97955} +{"mode": "train", "epoch": 63, "iter": 78500, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.12187, "decode.acc_seg": 94.34167, "aux.loss_ce": 0.05346, "aux.acc_seg": 93.90945, "loss": 0.17533, "time": 1.6082} +{"mode": "train", "epoch": 63, "iter": 78550, "lr": 0.0, "memory": 65790, "data_time": 0.00744, "decode.loss_ce": 0.12948, "decode.acc_seg": 94.08486, "aux.loss_ce": 0.05704, "aux.acc_seg": 93.65421, "loss": 0.18652, "time": 1.61074} +{"mode": "train", "epoch": 63, "iter": 78600, "lr": 0.0, "memory": 65790, "data_time": 0.00724, "decode.loss_ce": 0.12405, "decode.acc_seg": 94.31542, "aux.loss_ce": 0.05489, "aux.acc_seg": 93.86671, "loss": 0.17894, "time": 1.6068} +{"mode": "train", "epoch": 63, "iter": 78650, "lr": 0.0, "memory": 65790, "data_time": 0.00724, "decode.loss_ce": 0.12814, "decode.acc_seg": 94.13648, "aux.loss_ce": 0.05695, "aux.acc_seg": 93.68238, "loss": 0.18509, "time": 1.61093} +{"mode": "train", "epoch": 63, "iter": 78700, "lr": 0.0, "memory": 65790, "data_time": 0.0073, "decode.loss_ce": 0.13268, "decode.acc_seg": 94.08341, "aux.loss_ce": 0.05923, "aux.acc_seg": 93.56107, "loss": 0.19191, "time": 1.61079} +{"mode": "train", "epoch": 63, "iter": 78750, "lr": 0.0, "memory": 65790, "data_time": 0.00726, "decode.loss_ce": 0.12787, "decode.acc_seg": 94.18259, "aux.loss_ce": 0.05644, "aux.acc_seg": 93.71976, "loss": 0.1843, "time": 1.60704} +{"mode": "train", "epoch": 63, "iter": 78800, "lr": 0.0, "memory": 65790, "data_time": 0.0071, "decode.loss_ce": 0.12462, "decode.acc_seg": 94.42736, "aux.loss_ce": 0.0556, "aux.acc_seg": 93.92584, "loss": 0.18022, "time": 1.60719} +{"mode": "train", "epoch": 63, "iter": 78850, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.1262, "decode.acc_seg": 94.4438, "aux.loss_ce": 0.05533, "aux.acc_seg": 93.99844, "loss": 0.18152, "time": 1.60719} +{"mode": "train", "epoch": 63, "iter": 78900, "lr": 0.0, "memory": 65790, "data_time": 0.00724, "decode.loss_ce": 0.12727, "decode.acc_seg": 94.24264, "aux.loss_ce": 0.05644, "aux.acc_seg": 93.73859, "loss": 0.18371, "time": 1.6071} +{"mode": "train", "epoch": 63, "iter": 78950, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.11763, "decode.acc_seg": 94.71515, "aux.loss_ce": 0.05197, "aux.acc_seg": 94.26999, "loss": 0.1696, "time": 1.60751} +{"mode": "train", "epoch": 63, "iter": 79000, "lr": 0.0, "memory": 65790, "data_time": 0.00727, "decode.loss_ce": 0.13538, "decode.acc_seg": 94.01092, "aux.loss_ce": 0.05947, "aux.acc_seg": 93.60264, "loss": 0.19485, "time": 1.60985} +{"mode": "val", "epoch": 63, "iter": 250, "lr": 0.0, "aAcc": 0.8631, "mIoU": 0.5836, "mAcc": 0.7086, "IoU.wall": 0.8266, "IoU.building": 0.8493, "IoU.sky": 0.949, "IoU.floor": 0.8438, "IoU.tree": 0.7756, "IoU.ceiling": 0.877, "IoU.road": 0.8617, "IoU.bed ": 0.9206, "IoU.windowpane": 0.6662, "IoU.grass": 0.6822, "IoU.cabinet": 0.6718, "IoU.sidewalk": 0.7212, "IoU.person": 0.8507, "IoU.earth": 0.4165, "IoU.door": 0.6067, "IoU.table": 0.708, "IoU.mountain": 0.6279, "IoU.plant": 0.5532, "IoU.curtain": 0.7824, "IoU.chair": 0.6654, "IoU.car": 0.8756, "IoU.water": 0.6415, "IoU.painting": 0.7991, "IoU.sofa": 0.8371, "IoU.shelf": 0.4717, "IoU.house": 0.483, "IoU.sea": 0.7367, "IoU.mirror": 0.7848, "IoU.rug": 0.6196, "IoU.field": 0.3166, "IoU.armchair": 0.6634, "IoU.seat": 0.6765, "IoU.fence": 0.5269, "IoU.desk": 0.6105, "IoU.rock": 0.5576, "IoU.wardrobe": 0.5351, "IoU.lamp": 0.7448, "IoU.bathtub": 0.8452, "IoU.railing": 0.4419, "IoU.cushion": 0.7165, "IoU.base": 0.4308, "IoU.box": 0.4025, "IoU.column": 0.5747, "IoU.signboard": 0.3921, "IoU.chest of drawers": 0.439, "IoU.counter": 0.4451, "IoU.sand": 0.5838, "IoU.sink": 0.7981, "IoU.skyscraper": 0.4677, "IoU.fireplace": 0.7657, "IoU.refrigerator": 0.8738, "IoU.grandstand": 0.5185, "IoU.path": 0.2917, "IoU.stairs": 0.3373, "IoU.runway": 0.6747, "IoU.case": 0.6085, "IoU.pool table": 0.9439, "IoU.pillow": 0.6739, "IoU.screen door": 0.7945, "IoU.stairway": 0.4827, "IoU.river": 0.131, "IoU.bridge": 0.7209, "IoU.bookcase": 0.43, "IoU.blind": 0.4034, "IoU.coffee table": 0.6312, "IoU.toilet": 0.9011, "IoU.flower": 0.4449, "IoU.book": 0.528, "IoU.hill": 0.0825, "IoU.bench": 0.5746, "IoU.countertop": 0.637, "IoU.stove": 0.86, "IoU.palm": 0.5354, "IoU.kitchen island": 0.527, "IoU.computer": 0.7862, "IoU.swivel chair": 0.466, "IoU.boat": 0.8002, "IoU.bar": 0.6031, "IoU.arcade machine": 0.8065, "IoU.hovel": 0.3273, "IoU.bus": 0.9266, "IoU.towel": 0.7557, "IoU.light": 0.5861, "IoU.truck": 0.5064, "IoU.tower": 0.2871, "IoU.chandelier": 0.7248, "IoU.awning": 0.341, "IoU.streetlight": 0.3221, "IoU.booth": 0.5775, "IoU.television receiver": 0.7965, "IoU.airplane": 0.8661, "IoU.dirt track": 0.0667, "IoU.apparel": 0.6003, "IoU.pole": 0.2534, "IoU.land": 0.0404, "IoU.bannister": 0.1855, "IoU.escalator": 0.6676, "IoU.ottoman": 0.5883, "IoU.bottle": 0.447, "IoU.buffet": 0.5716, "IoU.poster": 0.3124, "IoU.stage": 0.2399, "IoU.van": 0.5222, "IoU.ship": 0.9403, "IoU.fountain": 0.3918, "IoU.conveyer belt": 0.816, "IoU.canopy": 0.5142, "IoU.washer": 0.8506, "IoU.plaything": 0.319, "IoU.swimming pool": 0.5325, "IoU.stool": 0.4978, "IoU.barrel": 0.4605, "IoU.basket": 0.4388, "IoU.waterfall": 0.624, "IoU.tent": 0.9584, "IoU.bag": 0.2632, "IoU.minibike": 0.7393, "IoU.cradle": 0.8495, "IoU.oven": 0.6071, "IoU.ball": 0.6128, "IoU.food": 0.6282, "IoU.step": 0.0975, "IoU.tank": 0.6219, "IoU.trade name": 0.2462, "IoU.microwave": 0.9063, "IoU.pot": 0.6067, "IoU.animal": 0.5996, "IoU.bicycle": 0.6021, "IoU.lake": 0.5588, "IoU.dishwasher": 0.7188, "IoU.screen": 0.5983, "IoU.blanket": 0.3323, "IoU.sculpture": 0.7471, "IoU.hood": 0.6261, "IoU.sconce": 0.5913, "IoU.vase": 0.4726, "IoU.traffic light": 0.4001, "IoU.tray": 0.262, "IoU.ashcan": 0.5464, "IoU.fan": 0.6883, "IoU.pier": 0.3961, "IoU.crt screen": 0.0275, "IoU.plate": 0.6282, "IoU.monitor": 0.6714, "IoU.bulletin board": 0.5842, "IoU.shower": 0.234, "IoU.radiator": 0.6694, "IoU.glass": 0.214, "IoU.clock": 0.5294, "IoU.flag": 0.6963, "Acc.wall": 0.9041, "Acc.building": 0.9331, "Acc.sky": 0.9772, "Acc.floor": 0.9223, "Acc.tree": 0.8915, "Acc.ceiling": 0.9404, "Acc.road": 0.9128, "Acc.bed ": 0.9698, "Acc.windowpane": 0.8298, "Acc.grass": 0.8178, "Acc.cabinet": 0.7688, "Acc.sidewalk": 0.8571, "Acc.person": 0.9406, "Acc.earth": 0.558, "Acc.door": 0.7396, "Acc.table": 0.8179, "Acc.mountain": 0.7295, "Acc.plant": 0.674, "Acc.curtain": 0.8762, "Acc.chair": 0.78, "Acc.car": 0.9384, "Acc.water": 0.8012, "Acc.painting": 0.9067, "Acc.sofa": 0.921, "Acc.shelf": 0.6221, "Acc.house": 0.6162, "Acc.sea": 0.8099, "Acc.mirror": 0.8651, "Acc.rug": 0.7058, "Acc.field": 0.5592, "Acc.armchair": 0.8258, "Acc.seat": 0.8876, "Acc.fence": 0.6636, "Acc.desk": 0.7872, "Acc.rock": 0.8354, "Acc.wardrobe": 0.7341, "Acc.lamp": 0.8477, "Acc.bathtub": 0.8802, "Acc.railing": 0.6212, "Acc.cushion": 0.8242, "Acc.base": 0.597, "Acc.box": 0.5082, "Acc.column": 0.708, "Acc.signboard": 0.5341, "Acc.chest of drawers": 0.6772, "Acc.counter": 0.5137, "Acc.sand": 0.8612, "Acc.sink": 0.8522, "Acc.skyscraper": 0.5925, "Acc.fireplace": 0.9362, "Acc.refrigerator": 0.9573, "Acc.grandstand": 0.8534, "Acc.path": 0.3778, "Acc.stairs": 0.4068, "Acc.runway": 0.8692, "Acc.case": 0.8164, "Acc.pool table": 0.9813, "Acc.pillow": 0.7756, "Acc.screen door": 0.8403, "Acc.stairway": 0.6203, "Acc.river": 0.2686, "Acc.bridge": 0.8861, "Acc.bookcase": 0.6229, "Acc.blind": 0.4465, "Acc.coffee table": 0.8437, "Acc.toilet": 0.9419, "Acc.flower": 0.6077, "Acc.book": 0.7807, "Acc.hill": 0.1379, "Acc.bench": 0.6509, "Acc.countertop": 0.834, "Acc.stove": 0.9252, "Acc.palm": 0.799, "Acc.kitchen island": 0.791, "Acc.computer": 0.9097, "Acc.swivel chair": 0.7075, "Acc.boat": 0.91, "Acc.bar": 0.8501, "Acc.arcade machine": 0.841, "Acc.hovel": 0.3795, "Acc.bus": 0.9713, "Acc.towel": 0.825, "Acc.light": 0.6721, "Acc.truck": 0.6267, "Acc.tower": 0.5099, "Acc.chandelier": 0.849, "Acc.awning": 0.4424, "Acc.streetlight": 0.4165, "Acc.booth": 0.7171, "Acc.television receiver": 0.8637, "Acc.airplane": 0.9364, "Acc.dirt track": 0.2878, "Acc.apparel": 0.7515, "Acc.pole": 0.3761, "Acc.land": 0.0584, "Acc.bannister": 0.228, "Acc.escalator": 0.8617, "Acc.ottoman": 0.7402, "Acc.bottle": 0.7351, "Acc.buffet": 0.6351, "Acc.poster": 0.4014, "Acc.stage": 0.4825, "Acc.van": 0.7457, "Acc.ship": 0.984, "Acc.fountain": 0.4005, "Acc.conveyer belt": 0.9536, "Acc.canopy": 0.7198, "Acc.washer": 0.9082, "Acc.plaything": 0.4586, "Acc.swimming pool": 0.7692, "Acc.stool": 0.6975, "Acc.barrel": 0.8147, "Acc.basket": 0.5931, "Acc.waterfall": 0.7734, "Acc.tent": 0.9834, "Acc.bag": 0.2969, "Acc.minibike": 0.8906, "Acc.cradle": 0.9811, "Acc.oven": 0.7223, "Acc.ball": 0.6623, "Acc.food": 0.7221, "Acc.step": 0.127, "Acc.tank": 0.6896, "Acc.trade name": 0.296, "Acc.microwave": 0.9651, "Acc.pot": 0.6947, "Acc.animal": 0.6185, "Acc.bicycle": 0.8074, "Acc.lake": 0.6358, "Acc.dishwasher": 0.8145, "Acc.screen": 0.9476, "Acc.blanket": 0.3848, "Acc.sculpture": 0.8652, "Acc.hood": 0.7485, "Acc.sconce": 0.6989, "Acc.vase": 0.6401, "Acc.traffic light": 0.6024, "Acc.tray": 0.3371, "Acc.ashcan": 0.6906, "Acc.fan": 0.8199, "Acc.pier": 0.4394, "Acc.crt screen": 0.0361, "Acc.plate": 0.7732, "Acc.monitor": 0.7837, "Acc.bulletin board": 0.766, "Acc.shower": 0.2572, "Acc.radiator": 0.8027, "Acc.glass": 0.2291, "Acc.clock": 0.6693, "Acc.flag": 0.7829} +{"mode": "train", "epoch": 63, "iter": 79050, "lr": 0.0, "memory": 65790, "data_time": 1.65032, "decode.loss_ce": 0.12655, "decode.acc_seg": 94.26966, "aux.loss_ce": 0.055, "aux.acc_seg": 93.87002, "loss": 0.18154, "time": 3.25096} +{"mode": "train", "epoch": 63, "iter": 79100, "lr": 0.0, "memory": 65790, "data_time": 0.00737, "decode.loss_ce": 0.12517, "decode.acc_seg": 94.21986, "aux.loss_ce": 0.05537, "aux.acc_seg": 93.76913, "loss": 0.18054, "time": 1.6086} +{"mode": "train", "epoch": 63, "iter": 79150, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.12646, "decode.acc_seg": 94.31673, "aux.loss_ce": 0.0559, "aux.acc_seg": 93.86515, "loss": 0.18236, "time": 1.60958} +{"mode": "train", "epoch": 63, "iter": 79200, "lr": 0.0, "memory": 65790, "data_time": 0.00729, "decode.loss_ce": 0.12121, "decode.acc_seg": 94.42626, "aux.loss_ce": 0.05346, "aux.acc_seg": 93.95028, "loss": 0.17467, "time": 1.60846} +{"mode": "train", "epoch": 63, "iter": 79250, "lr": 0.0, "memory": 65790, "data_time": 0.00727, "decode.loss_ce": 0.12006, "decode.acc_seg": 94.47038, "aux.loss_ce": 0.05282, "aux.acc_seg": 94.03209, "loss": 0.17289, "time": 1.60885} +{"mode": "train", "epoch": 63, "iter": 79300, "lr": 0.0, "memory": 65790, "data_time": 0.00722, "decode.loss_ce": 0.1244, "decode.acc_seg": 94.28784, "aux.loss_ce": 0.0547, "aux.acc_seg": 93.88764, "loss": 0.1791, "time": 1.60955} +{"mode": "train", "epoch": 63, "iter": 79350, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.12585, "decode.acc_seg": 94.25734, "aux.loss_ce": 0.05565, "aux.acc_seg": 93.7759, "loss": 0.1815, "time": 1.6065} +{"mode": "train", "epoch": 63, "iter": 79400, "lr": 0.0, "memory": 65790, "data_time": 0.00719, "decode.loss_ce": 0.12478, "decode.acc_seg": 94.26209, "aux.loss_ce": 0.05493, "aux.acc_seg": 93.8204, "loss": 0.17971, "time": 1.60993} +{"mode": "train", "epoch": 63, "iter": 79450, "lr": 0.0, "memory": 65790, "data_time": 0.00741, "decode.loss_ce": 0.12534, "decode.acc_seg": 94.2548, "aux.loss_ce": 0.05524, "aux.acc_seg": 93.80927, "loss": 0.18058, "time": 1.60981} +{"mode": "train", "epoch": 63, "iter": 79500, "lr": 0.0, "memory": 65790, "data_time": 0.00738, "decode.loss_ce": 0.13228, "decode.acc_seg": 93.90468, "aux.loss_ce": 0.05845, "aux.acc_seg": 93.388, "loss": 0.19073, "time": 1.60805} +{"mode": "train", "epoch": 63, "iter": 79550, "lr": 0.0, "memory": 65790, "data_time": 0.00728, "decode.loss_ce": 0.12446, "decode.acc_seg": 94.36773, "aux.loss_ce": 0.05497, "aux.acc_seg": 93.87108, "loss": 0.17943, "time": 1.6116} +{"mode": "train", "epoch": 64, "iter": 79600, "lr": 0.0, "memory": 65790, "data_time": 0.04867, "decode.loss_ce": 0.12454, "decode.acc_seg": 94.50376, "aux.loss_ce": 0.05459, "aux.acc_seg": 94.09777, "loss": 0.17914, "time": 1.65337} +{"mode": "train", "epoch": 64, "iter": 79650, "lr": 0.0, "memory": 65790, "data_time": 0.00711, "decode.loss_ce": 0.13212, "decode.acc_seg": 94.00826, "aux.loss_ce": 0.05825, "aux.acc_seg": 93.63778, "loss": 0.19038, "time": 1.60781} +{"mode": "train", "epoch": 64, "iter": 79700, "lr": 0.0, "memory": 65790, "data_time": 0.00703, "decode.loss_ce": 0.1316, "decode.acc_seg": 94.09245, "aux.loss_ce": 0.05762, "aux.acc_seg": 93.62348, "loss": 0.18922, "time": 1.60757} +{"mode": "train", "epoch": 64, "iter": 79750, "lr": 0.0, "memory": 65790, "data_time": 0.00701, "decode.loss_ce": 0.1243, "decode.acc_seg": 94.27981, "aux.loss_ce": 0.05479, "aux.acc_seg": 93.81801, "loss": 0.17909, "time": 1.61156} +{"mode": "train", "epoch": 64, "iter": 79800, "lr": 0.0, "memory": 65790, "data_time": 0.00716, "decode.loss_ce": 0.12448, "decode.acc_seg": 94.29585, "aux.loss_ce": 0.05519, "aux.acc_seg": 93.84954, "loss": 0.17967, "time": 1.61118} +{"mode": "train", "epoch": 64, "iter": 79850, "lr": 0.0, "memory": 65790, "data_time": 0.00723, "decode.loss_ce": 0.12874, "decode.acc_seg": 94.16987, "aux.loss_ce": 0.05646, "aux.acc_seg": 93.66736, "loss": 0.1852, "time": 1.60826} +{"mode": "train", "epoch": 64, "iter": 79900, "lr": 0.0, "memory": 65790, "data_time": 0.0072, "decode.loss_ce": 0.12057, "decode.acc_seg": 94.48892, "aux.loss_ce": 0.05398, "aux.acc_seg": 94.0, "loss": 0.17455, "time": 1.61287} +{"mode": "train", "epoch": 64, "iter": 79950, "lr": 0.0, "memory": 65790, "data_time": 0.00718, "decode.loss_ce": 0.12713, "decode.acc_seg": 94.29714, "aux.loss_ce": 0.056, "aux.acc_seg": 93.83133, "loss": 0.18313, "time": 1.60788} +{"mode": "train", "epoch": 64, "iter": 80000, "lr": 0.0, "memory": 65790, "data_time": 0.00737, "decode.loss_ce": 0.11849, "decode.acc_seg": 94.43928, "aux.loss_ce": 0.05221, "aux.acc_seg": 94.01019, "loss": 0.17071, "time": 3.05272} +{"mode": "val", "epoch": 64, "iter": 250, "lr": 0.0, "aAcc": 0.8633, "mIoU": 0.5842, "mAcc": 0.7087, "IoU.wall": 0.8264, "IoU.building": 0.8498, "IoU.sky": 0.949, "IoU.floor": 0.8448, "IoU.tree": 0.7756, "IoU.ceiling": 0.8766, "IoU.road": 0.8625, "IoU.bed ": 0.9207, "IoU.windowpane": 0.6662, "IoU.grass": 0.682, "IoU.cabinet": 0.6711, "IoU.sidewalk": 0.7212, "IoU.person": 0.8512, "IoU.earth": 0.4207, "IoU.door": 0.6081, "IoU.table": 0.7067, "IoU.mountain": 0.629, "IoU.plant": 0.5543, "IoU.curtain": 0.7816, "IoU.chair": 0.6653, "IoU.car": 0.8756, "IoU.water": 0.6411, "IoU.painting": 0.7997, "IoU.sofa": 0.837, "IoU.shelf": 0.475, "IoU.house": 0.4832, "IoU.sea": 0.7376, "IoU.mirror": 0.7852, "IoU.rug": 0.6232, "IoU.field": 0.3162, "IoU.armchair": 0.6629, "IoU.seat": 0.6768, "IoU.fence": 0.5269, "IoU.desk": 0.6133, "IoU.rock": 0.5614, "IoU.wardrobe": 0.5331, "IoU.lamp": 0.7452, "IoU.bathtub": 0.8457, "IoU.railing": 0.442, "IoU.cushion": 0.7162, "IoU.base": 0.4301, "IoU.box": 0.4063, "IoU.column": 0.5769, "IoU.signboard": 0.3928, "IoU.chest of drawers": 0.442, "IoU.counter": 0.4332, "IoU.sand": 0.5815, "IoU.sink": 0.798, "IoU.skyscraper": 0.468, "IoU.fireplace": 0.7651, "IoU.refrigerator": 0.874, "IoU.grandstand": 0.5194, "IoU.path": 0.2905, "IoU.stairs": 0.3346, "IoU.runway": 0.6891, "IoU.case": 0.6065, "IoU.pool table": 0.944, "IoU.pillow": 0.6764, "IoU.screen door": 0.7956, "IoU.stairway": 0.4849, "IoU.river": 0.1363, "IoU.bridge": 0.7222, "IoU.bookcase": 0.4367, "IoU.blind": 0.405, "IoU.coffee table": 0.6224, "IoU.toilet": 0.9013, "IoU.flower": 0.4429, "IoU.book": 0.529, "IoU.hill": 0.083, "IoU.bench": 0.5758, "IoU.countertop": 0.6366, "IoU.stove": 0.8611, "IoU.palm": 0.5367, "IoU.kitchen island": 0.5332, "IoU.computer": 0.7859, "IoU.swivel chair": 0.4674, "IoU.boat": 0.8, "IoU.bar": 0.6019, "IoU.arcade machine": 0.8085, "IoU.hovel": 0.3448, "IoU.bus": 0.9267, "IoU.towel": 0.7581, "IoU.light": 0.5857, "IoU.truck": 0.5057, "IoU.tower": 0.2789, "IoU.chandelier": 0.7256, "IoU.awning": 0.3435, "IoU.streetlight": 0.3252, "IoU.booth": 0.5876, "IoU.television receiver": 0.7947, "IoU.airplane": 0.8643, "IoU.dirt track": 0.0634, "IoU.apparel": 0.5986, "IoU.pole": 0.2595, "IoU.land": 0.042, "IoU.bannister": 0.1887, "IoU.escalator": 0.6715, "IoU.ottoman": 0.5869, "IoU.bottle": 0.4519, "IoU.buffet": 0.5679, "IoU.poster": 0.3111, "IoU.stage": 0.2419, "IoU.van": 0.5208, "IoU.ship": 0.939, "IoU.fountain": 0.39, "IoU.conveyer belt": 0.8205, "IoU.canopy": 0.5131, "IoU.washer": 0.8476, "IoU.plaything": 0.3219, "IoU.swimming pool": 0.5299, "IoU.stool": 0.4963, "IoU.barrel": 0.472, "IoU.basket": 0.4408, "IoU.waterfall": 0.627, "IoU.tent": 0.9582, "IoU.bag": 0.2628, "IoU.minibike": 0.7405, "IoU.cradle": 0.8493, "IoU.oven": 0.6085, "IoU.ball": 0.6116, "IoU.food": 0.6238, "IoU.step": 0.0977, "IoU.tank": 0.6243, "IoU.trade name": 0.2446, "IoU.microwave": 0.9071, "IoU.pot": 0.6082, "IoU.animal": 0.6003, "IoU.bicycle": 0.6063, "IoU.lake": 0.5595, "IoU.dishwasher": 0.7216, "IoU.screen": 0.596, "IoU.blanket": 0.3356, "IoU.sculpture": 0.7459, "IoU.hood": 0.6266, "IoU.sconce": 0.5887, "IoU.vase": 0.4744, "IoU.traffic light": 0.3999, "IoU.tray": 0.2646, "IoU.ashcan": 0.5458, "IoU.fan": 0.6898, "IoU.pier": 0.3973, "IoU.crt screen": 0.0269, "IoU.plate": 0.6276, "IoU.monitor": 0.6613, "IoU.bulletin board": 0.5791, "IoU.shower": 0.2335, "IoU.radiator": 0.6697, "IoU.glass": 0.2146, "IoU.clock": 0.5318, "IoU.flag": 0.6957, "Acc.wall": 0.9038, "Acc.building": 0.9347, "Acc.sky": 0.9758, "Acc.floor": 0.9215, "Acc.tree": 0.8939, "Acc.ceiling": 0.9436, "Acc.road": 0.9101, "Acc.bed ": 0.9699, "Acc.windowpane": 0.8246, "Acc.grass": 0.8108, "Acc.cabinet": 0.7673, "Acc.sidewalk": 0.8624, "Acc.person": 0.9403, "Acc.earth": 0.5694, "Acc.door": 0.7425, "Acc.table": 0.8176, "Acc.mountain": 0.7288, "Acc.plant": 0.6711, "Acc.curtain": 0.8789, "Acc.chair": 0.7787, "Acc.car": 0.9398, "Acc.water": 0.7963, "Acc.painting": 0.9062, "Acc.sofa": 0.9211, "Acc.shelf": 0.6359, "Acc.house": 0.5987, "Acc.sea": 0.8147, "Acc.mirror": 0.8673, "Acc.rug": 0.7084, "Acc.field": 0.5665, "Acc.armchair": 0.8273, "Acc.seat": 0.8894, "Acc.fence": 0.6623, "Acc.desk": 0.7818, "Acc.rock": 0.8295, "Acc.wardrobe": 0.739, "Acc.lamp": 0.8486, "Acc.bathtub": 0.88, "Acc.railing": 0.625, "Acc.cushion": 0.8243, "Acc.base": 0.5914, "Acc.box": 0.5173, "Acc.column": 0.7047, "Acc.signboard": 0.5442, "Acc.chest of drawers": 0.6775, "Acc.counter": 0.4957, "Acc.sand": 0.8586, "Acc.sink": 0.8519, "Acc.skyscraper": 0.5907, "Acc.fireplace": 0.936, "Acc.refrigerator": 0.9567, "Acc.grandstand": 0.8524, "Acc.path": 0.3748, "Acc.stairs": 0.4021, "Acc.runway": 0.8874, "Acc.case": 0.8175, "Acc.pool table": 0.981, "Acc.pillow": 0.7791, "Acc.screen door": 0.8427, "Acc.stairway": 0.6263, "Acc.river": 0.283, "Acc.bridge": 0.8803, "Acc.bookcase": 0.6272, "Acc.blind": 0.4548, "Acc.coffee table": 0.8498, "Acc.toilet": 0.9416, "Acc.flower": 0.602, "Acc.book": 0.7843, "Acc.hill": 0.1406, "Acc.bench": 0.65, "Acc.countertop": 0.8341, "Acc.stove": 0.9254, "Acc.palm": 0.8056, "Acc.kitchen island": 0.7874, "Acc.computer": 0.9087, "Acc.swivel chair": 0.7096, "Acc.boat": 0.9144, "Acc.bar": 0.849, "Acc.arcade machine": 0.8445, "Acc.hovel": 0.3989, "Acc.bus": 0.9721, "Acc.towel": 0.8295, "Acc.light": 0.6697, "Acc.truck": 0.6277, "Acc.tower": 0.4916, "Acc.chandelier": 0.8428, "Acc.awning": 0.4434, "Acc.streetlight": 0.4236, "Acc.booth": 0.7132, "Acc.television receiver": 0.8637, "Acc.airplane": 0.9354, "Acc.dirt track": 0.272, "Acc.apparel": 0.7438, "Acc.pole": 0.3884, "Acc.land": 0.061, "Acc.bannister": 0.2325, "Acc.escalator": 0.8593, "Acc.ottoman": 0.7462, "Acc.bottle": 0.7309, "Acc.buffet": 0.6311, "Acc.poster": 0.4013, "Acc.stage": 0.4811, "Acc.van": 0.7385, "Acc.ship": 0.9829, "Acc.fountain": 0.3981, "Acc.conveyer belt": 0.952, "Acc.canopy": 0.7146, "Acc.washer": 0.903, "Acc.plaything": 0.4662, "Acc.swimming pool": 0.7642, "Acc.stool": 0.6984, "Acc.barrel": 0.8001, "Acc.basket": 0.599, "Acc.waterfall": 0.7714, "Acc.tent": 0.9834, "Acc.bag": 0.2972, "Acc.minibike": 0.891, "Acc.cradle": 0.9809, "Acc.oven": 0.7213, "Acc.ball": 0.6597, "Acc.food": 0.711, "Acc.step": 0.131, "Acc.tank": 0.679, "Acc.trade name": 0.2935, "Acc.microwave": 0.9647, "Acc.pot": 0.7029, "Acc.animal": 0.6188, "Acc.bicycle": 0.8063, "Acc.lake": 0.6355, "Acc.dishwasher": 0.8129, "Acc.screen": 0.9394, "Acc.blanket": 0.3883, "Acc.sculpture": 0.8672, "Acc.hood": 0.7463, "Acc.sconce": 0.6919, "Acc.vase": 0.6453, "Acc.traffic light": 0.6086, "Acc.tray": 0.3444, "Acc.ashcan": 0.6892, "Acc.fan": 0.8239, "Acc.pier": 0.4464, "Acc.crt screen": 0.0363, "Acc.plate": 0.7752, "Acc.monitor": 0.7686, "Acc.bulletin board": 0.7599, "Acc.shower": 0.2568, "Acc.radiator": 0.807, "Acc.glass": 0.23, "Acc.clock": 0.6757, "Acc.flag": 0.7856}