{"env_info": "sys.platform: linux\nPython: 3.9.0 (default, Nov 15 2020, 14:28:56) [GCC 7.3.0]\nCUDA available: True\nGPU 0,1,2,3,4,5,6,7: NVIDIA A100-SXM4-80GB\nCUDA_HOME: /mnt/lustre/share/cuda-11.1\nNVCC: Build cuda_11.1.TC455_06.29069683_0\nGCC: gcc (GCC) 7.3.0\nPyTorch: 1.11.0+cu113\nPyTorch compiling details: PyTorch built with:\n - GCC 7.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.5.2 (Git Hash a9302535553c73243c632ad3c4c80beec3d19a1e)\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.2\n - Magma 2.5.2\n - Build settings: BLAS_INFO=mkl, BUILD_TYPE=Release, CUDA_VERSION=11.3, CUDNN_VERSION=8.2.0, CXX_COMPILER=/opt/rh/devtoolset-7/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-sign-compare -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 -Wno-stringop-overflow, LAPACK_INFO=mkl, PERF_WITH_AVX=1, PERF_WITH_AVX2=1, PERF_WITH_AVX512=1, TORCH_VERSION=1.11.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.12.0+cu113\nOpenCV: 4.6.0\nMMCV: 1.4.8\nMMCV Compiler: GCC 7.3\nMMCV CUDA Compiler: 11.3\nMMSegmentation: 0.27.0+", "seed": 518430235, "exp_name": "upernet_dcnv3_xlarge_640_160k_ade20k.py", "mmseg_version": "0.27.0+", "config": "norm_cfg = dict(type='SyncBN', requires_grad=True)\nmodel = dict(\n type='EncoderDecoder',\n pretrained=None,\n backbone=dict(\n type='DCNv3_5_Post',\n deform_points=9,\n embed_dim=192,\n depths=[5, 5, 24, 5],\n num_heads=[12, 24, 48, 96],\n deform_padding=True,\n dilation_rates=[1],\n kernel_size=3,\n mlp_ratio=4.0,\n drop_path_rate=0.4,\n use_hw_scaler=2.0,\n op_types=['D', 'D', 'D', 'D'],\n out_indices=(0, 1, 2, 3),\n dcnv3_core_type='MSDeformAttnGrid1_softmax',\n layer_scale=1.0,\n cpe_norm_layer='LN',\n init_cfg=dict(\n type='Pretrained',\n checkpoint=\n '/mnt/petrelfs/wangwenhai/workspace/DCNv3-dev/classification/work_dirs_shared/dcnv3_5_post_xl_v5_22k_192to384_ft/ckpt_epoch_best.pth',\n use_ema=True)),\n decode_head=dict(\n type='UPerHead',\n in_channels=[192, 384, 768, 1536],\n in_index=[0, 1, 2, 3],\n pool_scales=(1, 2, 3, 6),\n channels=512,\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=768,\n in_index=2,\n channels=256,\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='whole'))\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 = (640, 640)\ntrain_pipeline = [\n dict(type='LoadImageFromFile'),\n dict(type='LoadAnnotations', reduce_zero_label=True),\n dict(type='Resize', img_scale=(2560, 640), ratio_range=(0.5, 2.0)),\n dict(type='RandomCrop', crop_size=(640, 640), 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=(640, 640), 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=(2560, 640),\n flip=False,\n transforms=[\n dict(type='Resize', keep_ratio=True),\n dict(type='ResizeToMultiple', size_divisor=32),\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=1,\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=(2560, 640), ratio_range=(0.5, 2.0)),\n dict(type='RandomCrop', crop_size=(640, 640), 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=(640, 640), 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=(2560, 640),\n flip=False,\n transforms=[\n dict(type='Resize', keep_ratio=True),\n dict(type='ResizeToMultiple', size_divisor=32),\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=(2560, 640),\n flip=False,\n transforms=[\n dict(type='Resize', keep_ratio=True),\n dict(type='ResizeToMultiple', size_divisor=32),\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, hooks=[dict(type='TextLoggerHook', by_epoch=False)])\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=2e-05,\n betas=(0.9, 0.999),\n weight_decay=0.05,\n constructor='InternLayerDecayOptimizerConstructor',\n paramwise_cfg=dict(\n num_layers=39,\n layer_decay_rate=0.94,\n depths=[5, 5, 24, 5],\n offset_lr_scale=1.0))\noptimizer_config = dict(grad_clip=dict(max_norm=0.1, norm_type=2))\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=160000)\ncheckpoint_config = dict(by_epoch=False, interval=1000, max_keep_ckpts=1)\nevaluation = dict(\n interval=1000, metric='mIoU', pre_eval=True, save_best='mIoU')\npretrained = '/mnt/petrelfs/wangwenhai/workspace/DCNv3-dev/classification/work_dirs_shared/dcnv3_5_post_xl_v5_22k_192to384_ft/ckpt_epoch_best.pth'\nwork_dir = './work_dirs/upernet_dcnv3_xlarge_640_160k_ade20k'\ngpu_ids = range(0, 16)\nauto_resume = False\ndevice = 'cuda'\nseed = 518430235\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]], "hook_msgs": {}} {"mode": "train", "epoch": 1, "iter": 50, "lr": 0.0, "memory": 14793, "data_time": 0.01618, "decode.loss_ce": 4.10355, "decode.acc_seg": 0.61202, "aux.loss_ce": 1.6273, "aux.acc_seg": 0.52961, "loss": 5.73085, "grad_norm": 9.27297, "time": 0.49068} {"mode": "train", "epoch": 1, "iter": 100, "lr": 0.0, "memory": 14793, "data_time": 0.00518, "decode.loss_ce": 3.99127, "decode.acc_seg": 0.75548, "aux.loss_ce": 1.59002, "aux.acc_seg": 0.52876, "loss": 5.58128, "grad_norm": 10.20923, "time": 0.41533} {"mode": "train", "epoch": 1, "iter": 150, "lr": 0.0, "memory": 14793, "data_time": 0.00511, "decode.loss_ce": 4.02184, "decode.acc_seg": 1.31333, "aux.loss_ce": 1.61078, "aux.acc_seg": 0.67611, "loss": 5.63263, "grad_norm": 9.57179, "time": 0.42085} {"mode": "train", "epoch": 1, "iter": 200, "lr": 0.0, "memory": 14793, "data_time": 0.00488, "decode.loss_ce": 3.98265, "decode.acc_seg": 4.08329, "aux.loss_ce": 1.60919, "aux.acc_seg": 1.04807, "loss": 5.59185, "grad_norm": 10.55712, "time": 0.41484} {"mode": "train", "epoch": 1, "iter": 250, "lr": 0.0, "memory": 14793, "data_time": 0.00553, "decode.loss_ce": 3.9661, "decode.acc_seg": 11.67252, "aux.loss_ce": 1.62191, "aux.acc_seg": 1.61139, "loss": 5.58801, "grad_norm": 10.12519, "time": 0.42505} {"mode": "train", "epoch": 1, "iter": 300, "lr": 0.0, "memory": 14793, "data_time": 0.00499, "decode.loss_ce": 3.83239, "decode.acc_seg": 21.47468, "aux.loss_ce": 1.59157, "aux.acc_seg": 2.9964, "loss": 5.42396, "grad_norm": 10.29143, "time": 0.41696} {"mode": "train", "epoch": 1, "iter": 350, "lr": 0.0, "memory": 14793, "data_time": 0.00491, "decode.loss_ce": 3.75503, "decode.acc_seg": 32.54036, "aux.loss_ce": 1.60386, "aux.acc_seg": 6.02973, "loss": 5.35889, "grad_norm": 10.80163, "time": 0.41967} {"mode": "train", "epoch": 1, "iter": 400, "lr": 0.0, "memory": 14793, "data_time": 0.00492, "decode.loss_ce": 3.54413, "decode.acc_seg": 39.73671, "aux.loss_ce": 1.57798, "aux.acc_seg": 11.87267, "loss": 5.1221, "grad_norm": 10.29087, "time": 0.42173} {"mode": "train", "epoch": 1, "iter": 450, "lr": 0.0, "memory": 14793, "data_time": 0.00587, "decode.loss_ce": 3.28482, "decode.acc_seg": 43.79354, "aux.loss_ce": 1.55412, "aux.acc_seg": 19.44811, "loss": 4.83894, "grad_norm": 8.47357, "time": 0.41383} {"mode": "train", "epoch": 1, "iter": 500, "lr": 0.0, "memory": 14793, "data_time": 0.00583, "decode.loss_ce": 3.10659, "decode.acc_seg": 46.07445, "aux.loss_ce": 1.55143, "aux.acc_seg": 28.47254, "loss": 4.65802, "grad_norm": 7.62952, "time": 0.4069} {"mode": "train", "epoch": 1, "iter": 550, "lr": 0.0, "memory": 14793, "data_time": 0.00559, "decode.loss_ce": 2.92025, "decode.acc_seg": 49.11598, "aux.loss_ce": 1.54286, "aux.acc_seg": 37.38283, "loss": 4.46311, "grad_norm": 8.01715, "time": 0.87614} {"mode": "train", "epoch": 1, "iter": 600, "lr": 0.0, "memory": 14793, "data_time": 0.00541, "decode.loss_ce": 2.67127, "decode.acc_seg": 52.46616, "aux.loss_ce": 1.4699, "aux.acc_seg": 44.49899, "loss": 4.14117, "grad_norm": 7.51199, "time": 1.16311} {"mode": "train", "epoch": 1, "iter": 650, "lr": 0.0, "memory": 14793, "data_time": 0.0052, "decode.loss_ce": 2.53562, "decode.acc_seg": 51.44626, "aux.loss_ce": 1.41789, "aux.acc_seg": 44.62922, "loss": 3.95351, "grad_norm": 8.06737, "time": 0.41702} {"mode": "train", "epoch": 1, "iter": 700, "lr": 0.0, "memory": 14793, "data_time": 0.00499, "decode.loss_ce": 2.44953, "decode.acc_seg": 51.80748, "aux.loss_ce": 1.37865, "aux.acc_seg": 46.21601, "loss": 3.82818, "grad_norm": 7.5499, "time": 0.40639} {"mode": "train", "epoch": 1, "iter": 750, "lr": 0.0, "memory": 14793, "data_time": 0.00503, "decode.loss_ce": 2.30645, "decode.acc_seg": 54.72526, "aux.loss_ce": 1.32683, "aux.acc_seg": 48.41342, "loss": 3.63328, "grad_norm": 9.01671, "time": 0.40964} {"mode": "train", "epoch": 1, "iter": 800, "lr": 0.0, "memory": 14793, "data_time": 0.00521, "decode.loss_ce": 2.2683, "decode.acc_seg": 54.20982, "aux.loss_ce": 1.29399, "aux.acc_seg": 47.03915, "loss": 3.56229, "grad_norm": 8.66212, "time": 0.41309} {"mode": "train", "epoch": 1, "iter": 850, "lr": 0.0, "memory": 14793, "data_time": 0.00602, "decode.loss_ce": 2.20348, "decode.acc_seg": 57.381, "aux.loss_ce": 1.27855, "aux.acc_seg": 48.85651, "loss": 3.48204, "grad_norm": 7.92555, "time": 0.4121} {"mode": "train", "epoch": 1, "iter": 900, "lr": 0.0, "memory": 14793, "data_time": 0.00513, "decode.loss_ce": 2.13457, "decode.acc_seg": 57.4716, "aux.loss_ce": 1.24635, "aux.acc_seg": 48.58548, "loss": 3.38092, "grad_norm": 8.91184, "time": 0.40997} {"mode": "train", "epoch": 1, "iter": 950, "lr": 0.0, "memory": 14793, "data_time": 0.00514, "decode.loss_ce": 2.03099, "decode.acc_seg": 59.01976, "aux.loss_ce": 1.20506, "aux.acc_seg": 49.68521, "loss": 3.23605, "grad_norm": 8.01751, "time": 0.40478} {"mode": "train", "epoch": 1, "iter": 1000, "lr": 0.0, "memory": 14793, "data_time": 0.00548, "decode.loss_ce": 1.9946, "decode.acc_seg": 58.67759, "aux.loss_ce": 1.18504, "aux.acc_seg": 47.93455, "loss": 3.17964, "grad_norm": 8.83948, "time": 0.70516} {"mode": "val", "epoch": 1, "iter": 125, "lr": 0.0, "aAcc": 0.6573, "mIoU": 0.0632, "mAcc": 0.0928, "IoU.wall": 0.5794, "IoU.building": 0.7165, "IoU.sky": 0.8804, "IoU.floor": 0.5749, "IoU.tree": 0.5807, "IoU.ceiling": 0.725, "IoU.road": 0.5562, "IoU.bed ": 0.6413, "IoU.windowpane": 0.4375, "IoU.grass": 0.515, "IoU.cabinet": 0.2678, "IoU.sidewalk": 0.0386, "IoU.person": 0.5039, "IoU.earth": 0.0335, "IoU.door": 0.0, "IoU.table": 0.2134, "IoU.mountain": 0.416, "IoU.plant": 0.0001, "IoU.curtain": 0.3883, "IoU.chair": 0.1978, "IoU.car": 0.6603, "IoU.water": 0.1503, "IoU.painting": 0.0002, "IoU.sofa": 0.1188, "IoU.shelf": 0.005, "IoU.house": 0.0, "IoU.sea": 0.2849, "IoU.mirror": 0.0, "IoU.rug": 0.0, "IoU.field": 0.0, "IoU.armchair": 0.0, "IoU.seat": 0.0, "IoU.fence": 0.0, "IoU.desk": 0.0, "IoU.rock": 0.0, "IoU.wardrobe": 0.0, "IoU.lamp": 0.0, "IoU.bathtub": 0.0, "IoU.railing": 0.0, "IoU.cushion": 0.0, "IoU.base": 0.0, "IoU.box": 0.0, "IoU.column": 0.0, "IoU.signboard": 0.0, "IoU.chest of drawers": 0.0, "IoU.counter": 0.0, "IoU.sand": 0.0, "IoU.sink": 0.0, "IoU.skyscraper": 0.0, "IoU.fireplace": 0.0, "IoU.refrigerator": 0.0, "IoU.grandstand": 0.0, "IoU.path": 0.0, "IoU.stairs": 0.0, "IoU.runway": 0.0, "IoU.case": 0.0, "IoU.pool table": 0.0, "IoU.pillow": 0.0, "IoU.screen door": 0.0, "IoU.stairway": 0.0, "IoU.river": 0.0, "IoU.bridge": 0.0, "IoU.bookcase": 0.0, "IoU.blind": 0.0, "IoU.coffee table": 0.0, "IoU.toilet": 0.0, "IoU.flower": 0.0, "IoU.book": 0.0, "IoU.hill": 0.0, "IoU.bench": 0.0, "IoU.countertop": 0.0, "IoU.stove": 0.0, "IoU.palm": 0.0, "IoU.kitchen island": 0.0, "IoU.computer": 0.0, "IoU.swivel chair": 0.0, "IoU.boat": 0.0, "IoU.bar": 0.0, "IoU.arcade machine": 0.0, "IoU.hovel": 0.0, "IoU.bus": 0.0, "IoU.towel": 0.0, "IoU.light": 0.0, "IoU.truck": 0.0, "IoU.tower": 0.0, "IoU.chandelier": 0.0, "IoU.awning": 0.0, "IoU.streetlight": 0.0, "IoU.booth": 0.0, "IoU.television receiver": 0.0, "IoU.airplane": 0.0, "IoU.dirt track": 0.0, "IoU.apparel": 0.0, "IoU.pole": 0.0, "IoU.land": 0.0, "IoU.bannister": 0.0, "IoU.escalator": 0.0, "IoU.ottoman": 0.0, "IoU.bottle": 0.0, "IoU.buffet": 0.0, "IoU.poster": 0.0, "IoU.stage": 0.0, "IoU.van": 0.0, "IoU.ship": 0.0, "IoU.fountain": 0.0, "IoU.conveyer belt": 0.0, "IoU.canopy": 0.0, "IoU.washer": 0.0, "IoU.plaything": 0.0, "IoU.swimming pool": 0.0, "IoU.stool": 0.0, "IoU.barrel": 0.0, "IoU.basket": 0.0, "IoU.waterfall": 0.0, "IoU.tent": 0.0, "IoU.bag": 0.0, "IoU.minibike": 0.0, "IoU.cradle": 0.0, "IoU.oven": 0.0, "IoU.ball": 0.0, "IoU.food": 0.0, "IoU.step": 0.0, "IoU.tank": 0.0, "IoU.trade name": 0.0, "IoU.microwave": 0.0, "IoU.pot": 0.0, "IoU.animal": 0.0, "IoU.bicycle": 0.0, "IoU.lake": 0.0, "IoU.dishwasher": 0.0, "IoU.screen": 0.0, "IoU.blanket": 0.0, "IoU.sculpture": 0.0, "IoU.hood": 0.0, "IoU.sconce": 0.0, "IoU.vase": 0.0, "IoU.traffic light": 0.0, "IoU.tray": 0.0, "IoU.ashcan": 0.0, "IoU.fan": 0.0, "IoU.pier": 0.0, "IoU.crt screen": 0.0, "IoU.plate": 0.0, "IoU.monitor": 0.0, "IoU.bulletin board": 0.0, "IoU.shower": 0.0, "IoU.radiator": 0.0, "IoU.glass": 0.0, "IoU.clock": 0.0, "IoU.flag": 0.0, "Acc.wall": 0.8797, "Acc.building": 0.9481, "Acc.sky": 0.9504, "Acc.floor": 0.9334, "Acc.tree": 0.873, "Acc.ceiling": 0.9118, "Acc.road": 0.9632, "Acc.bed ": 0.931, "Acc.windowpane": 0.727, "Acc.grass": 0.9113, "Acc.cabinet": 0.4365, "Acc.sidewalk": 0.0396, "Acc.person": 0.7894, "Acc.earth": 0.0344, "Acc.door": 0.0, "Acc.table": 0.2892, "Acc.mountain": 0.7834, "Acc.plant": 0.0001, "Acc.curtain": 0.4183, "Acc.chair": 0.2753, "Acc.car": 0.8508, "Acc.water": 0.1632, "Acc.painting": 0.0002, "Acc.sofa": 0.1276, "Acc.shelf": 0.005, "Acc.house": 0.0, "Acc.sea": 0.6827, "Acc.mirror": 0.0, "Acc.rug": 0.0, "Acc.field": 0.0, "Acc.armchair": 0.0, "Acc.seat": 0.0, "Acc.fence": 0.0, "Acc.desk": 0.0, "Acc.rock": 0.0, "Acc.wardrobe": 0.0, "Acc.lamp": 0.0, "Acc.bathtub": 0.0, "Acc.railing": 0.0, "Acc.cushion": 0.0, "Acc.base": 0.0, "Acc.box": 0.0, "Acc.column": 0.0, "Acc.signboard": 0.0, "Acc.chest of drawers": 0.0, "Acc.counter": 0.0, "Acc.sand": 0.0, "Acc.sink": 0.0, "Acc.skyscraper": 0.0, "Acc.fireplace": 0.0, "Acc.refrigerator": 0.0, "Acc.grandstand": 0.0, "Acc.path": 0.0, "Acc.stairs": 0.0, "Acc.runway": 0.0, "Acc.case": 0.0, "Acc.pool table": 0.0, "Acc.pillow": 0.0, "Acc.screen door": 0.0, "Acc.stairway": 0.0, "Acc.river": 0.0, "Acc.bridge": 0.0, "Acc.bookcase": 0.0, "Acc.blind": 0.0, "Acc.coffee table": 0.0, "Acc.toilet": 0.0, "Acc.flower": 0.0, "Acc.book": 0.0, "Acc.hill": 0.0, "Acc.bench": 0.0, "Acc.countertop": 0.0, "Acc.stove": 0.0, "Acc.palm": 0.0, "Acc.kitchen island": 0.0, "Acc.computer": 0.0, "Acc.swivel chair": 0.0, "Acc.boat": 0.0, "Acc.bar": 0.0, "Acc.arcade machine": 0.0, "Acc.hovel": 0.0, "Acc.bus": 0.0, "Acc.towel": 0.0, "Acc.light": 0.0, "Acc.truck": 0.0, "Acc.tower": 0.0, "Acc.chandelier": 0.0, "Acc.awning": 0.0, "Acc.streetlight": 0.0, "Acc.booth": 0.0, "Acc.television receiver": 0.0, "Acc.airplane": 0.0, "Acc.dirt track": 0.0, "Acc.apparel": 0.0, "Acc.pole": 0.0, "Acc.land": 0.0, "Acc.bannister": 0.0, "Acc.escalator": 0.0, "Acc.ottoman": 0.0, "Acc.bottle": 0.0, "Acc.buffet": 0.0, "Acc.poster": 0.0, "Acc.stage": 0.0, "Acc.van": 0.0, "Acc.ship": 0.0, "Acc.fountain": 0.0, "Acc.conveyer belt": 0.0, "Acc.canopy": 0.0, "Acc.washer": 0.0, "Acc.plaything": 0.0, "Acc.swimming pool": 0.0, "Acc.stool": 0.0, "Acc.barrel": 0.0, "Acc.basket": 0.0, "Acc.waterfall": 0.0, "Acc.tent": 0.0, "Acc.bag": 0.0, "Acc.minibike": 0.0, "Acc.cradle": 0.0, "Acc.oven": 0.0, "Acc.ball": 0.0, "Acc.food": 0.0, "Acc.step": 0.0, "Acc.tank": 0.0, "Acc.trade name": 0.0, "Acc.microwave": 0.0, "Acc.pot": 0.0, "Acc.animal": 0.0, "Acc.bicycle": 0.0, "Acc.lake": 0.0, "Acc.dishwasher": 0.0, "Acc.screen": 0.0, "Acc.blanket": 0.0, "Acc.sculpture": 0.0, "Acc.hood": 0.0, "Acc.sconce": 0.0, "Acc.vase": 0.0, "Acc.traffic light": 0.0, "Acc.tray": 0.0, "Acc.ashcan": 0.0, "Acc.fan": 0.0, "Acc.pier": 0.0, "Acc.crt screen": 0.0, "Acc.plate": 0.0, "Acc.monitor": 0.0, "Acc.bulletin board": 0.0, "Acc.shower": 0.0, "Acc.radiator": 0.0, "Acc.glass": 0.0, "Acc.clock": 0.0, "Acc.flag": 0.0} {"mode": "train", "epoch": 1, "iter": 1050, "lr": 0.0, "memory": 14793, "data_time": 4.56491, "decode.loss_ce": 1.94427, "decode.acc_seg": 60.32004, "aux.loss_ce": 1.15862, "aux.acc_seg": 49.9657, "loss": 3.10289, "grad_norm": 8.53528, "time": 4.9867} {"mode": "train", "epoch": 1, "iter": 1100, "lr": 0.0, "memory": 14793, "data_time": 0.00528, "decode.loss_ce": 1.75427, "decode.acc_seg": 63.20369, "aux.loss_ce": 1.08541, "aux.acc_seg": 52.83907, "loss": 2.83968, "grad_norm": 8.61046, "time": 0.4144} {"mode": "train", "epoch": 1, "iter": 1150, "lr": 0.0, "memory": 14793, "data_time": 0.00707, "decode.loss_ce": 1.72533, "decode.acc_seg": 61.87936, "aux.loss_ce": 1.04847, "aux.acc_seg": 51.92926, "loss": 2.77379, "grad_norm": 8.88635, "time": 0.41468} {"mode": "train", "epoch": 1, "iter": 1200, "lr": 0.0, "memory": 14793, "data_time": 0.00509, "decode.loss_ce": 1.72024, "decode.acc_seg": 62.02844, "aux.loss_ce": 1.04711, "aux.acc_seg": 52.18682, "loss": 2.76735, "grad_norm": 11.77259, "time": 0.40681} {"mode": "train", "epoch": 1, "iter": 1250, "lr": 0.0, "memory": 14793, "data_time": 0.00536, "decode.loss_ce": 1.68374, "decode.acc_seg": 62.43808, "aux.loss_ce": 1.03885, "aux.acc_seg": 51.59285, "loss": 2.72259, "grad_norm": 8.83026, "time": 0.41108} {"mode": "train", "epoch": 2, "iter": 1300, "lr": 0.0, "memory": 14793, "data_time": 0.05118, "decode.loss_ce": 1.63463, "decode.acc_seg": 62.54877, "aux.loss_ce": 0.99297, "aux.acc_seg": 52.54506, "loss": 2.6276, "grad_norm": 9.3157, "time": 0.46052} {"mode": "train", "epoch": 2, "iter": 1350, "lr": 0.0, "memory": 14793, "data_time": 0.00525, "decode.loss_ce": 1.56886, "decode.acc_seg": 64.29352, "aux.loss_ce": 0.97707, "aux.acc_seg": 54.82993, "loss": 2.54593, "grad_norm": 10.59492, "time": 0.41327} {"mode": "train", "epoch": 2, "iter": 1400, "lr": 0.0, "memory": 14793, "data_time": 0.00528, "decode.loss_ce": 1.53956, "decode.acc_seg": 63.39826, "aux.loss_ce": 0.94298, "aux.acc_seg": 54.25962, "loss": 2.48253, "grad_norm": 9.26519, "time": 0.41} {"mode": "train", "epoch": 2, "iter": 1450, "lr": 0.0, "memory": 14793, "data_time": 0.0048, "decode.loss_ce": 1.48465, "decode.acc_seg": 65.11976, "aux.loss_ce": 0.93226, "aux.acc_seg": 54.60349, "loss": 2.41692, "grad_norm": 11.02275, "time": 0.40982} {"mode": "train", "epoch": 2, "iter": 1500, "lr": 0.0, "memory": 14793, "data_time": 0.00515, "decode.loss_ce": 1.38336, "decode.acc_seg": 66.0466, "aux.loss_ce": 0.87859, "aux.acc_seg": 56.92734, "loss": 2.26195, "grad_norm": 12.28441, "time": 0.41079} {"mode": "train", "epoch": 2, "iter": 1550, "lr": 0.0, "memory": 14793, "data_time": 0.00521, "decode.loss_ce": 1.4385, "decode.acc_seg": 65.62772, "aux.loss_ce": 0.8989, "aux.acc_seg": 56.32092, "loss": 2.3374, "grad_norm": 11.25459, "time": 0.41403} {"mode": "train", "epoch": 2, "iter": 1600, "lr": 0.0, "memory": 14793, "data_time": 0.0052, "decode.loss_ce": 1.44014, "decode.acc_seg": 64.71373, "aux.loss_ce": 0.88525, "aux.acc_seg": 55.3373, "loss": 2.32539, "grad_norm": 10.06222, "time": 0.4058} {"mode": "train", "epoch": 2, "iter": 1650, "lr": 0.0, "memory": 14793, "data_time": 0.00609, "decode.loss_ce": 1.33573, "decode.acc_seg": 66.38822, "aux.loss_ce": 0.83485, "aux.acc_seg": 56.88405, "loss": 2.17058, "grad_norm": 12.85865, "time": 0.4037} {"mode": "train", "epoch": 2, "iter": 1700, "lr": 0.0, "memory": 14793, "data_time": 0.00568, "decode.loss_ce": 1.36349, "decode.acc_seg": 64.69403, "aux.loss_ce": 0.8336, "aux.acc_seg": 56.61244, "loss": 2.19709, "grad_norm": 13.55179, "time": 0.41041} {"mode": "train", "epoch": 2, "iter": 1750, "lr": 0.0, "memory": 14793, "data_time": 0.00497, "decode.loss_ce": 1.25044, "decode.acc_seg": 67.48919, "aux.loss_ce": 0.77543, "aux.acc_seg": 58.80543, "loss": 2.02587, "grad_norm": 13.52937, "time": 0.40814} {"mode": "train", "epoch": 2, "iter": 1800, "lr": 0.0, "memory": 14793, "data_time": 0.00563, "decode.loss_ce": 1.32098, "decode.acc_seg": 66.61439, "aux.loss_ce": 0.80933, "aux.acc_seg": 57.80169, "loss": 2.13031, "grad_norm": 8.62275, "time": 0.40696} {"mode": "train", "epoch": 2, "iter": 1850, "lr": 0.0, "memory": 14793, "data_time": 0.00648, "decode.loss_ce": 1.28032, "decode.acc_seg": 67.53446, "aux.loss_ce": 0.7962, "aux.acc_seg": 58.5347, "loss": 2.07652, "grad_norm": 14.93147, "time": 0.42461} {"mode": "train", "epoch": 2, "iter": 1900, "lr": 0.0, "memory": 14793, "data_time": 0.00509, "decode.loss_ce": 1.23866, "decode.acc_seg": 66.68627, "aux.loss_ce": 0.75864, "aux.acc_seg": 57.52133, "loss": 1.9973, "grad_norm": 13.96742, "time": 0.41655} {"mode": "train", "epoch": 2, "iter": 1950, "lr": 0.0, "memory": 14793, "data_time": 0.00608, "decode.loss_ce": 1.24284, "decode.acc_seg": 68.85444, "aux.loss_ce": 0.76785, "aux.acc_seg": 60.21135, "loss": 2.0107, "grad_norm": 15.64099, "time": 0.42024} {"mode": "train", "epoch": 2, "iter": 2000, "lr": 0.0, "memory": 14793, "data_time": 0.00654, "decode.loss_ce": 1.25968, "decode.acc_seg": 66.4691, "aux.loss_ce": 0.75954, "aux.acc_seg": 58.33185, "loss": 2.01922, "grad_norm": 9.22979, "time": 0.66971} {"mode": "val", "epoch": 2, "iter": 125, "lr": 0.0, "aAcc": 0.7247, "mIoU": 0.1033, "mAcc": 0.1434, "IoU.wall": 0.6432, "IoU.building": 0.7552, "IoU.sky": 0.9175, "IoU.floor": 0.7092, "IoU.tree": 0.6563, "IoU.ceiling": 0.7723, "IoU.road": 0.704, "IoU.bed ": 0.7358, "IoU.windowpane": 0.5106, "IoU.grass": 0.637, "IoU.cabinet": 0.4238, "IoU.sidewalk": 0.4523, "IoU.person": 0.7101, "IoU.earth": 0.293, "IoU.door": 0.1485, "IoU.table": 0.341, "IoU.mountain": 0.5071, "IoU.plant": 0.3723, "IoU.curtain": 0.6196, "IoU.chair": 0.4103, "IoU.car": 0.7151, "IoU.water": 0.4685, "IoU.painting": 0.5094, "IoU.sofa": 0.4012, "IoU.shelf": 0.1472, "IoU.house": 0.3833, "IoU.sea": 0.4496, "IoU.mirror": 0.0, "IoU.rug": 0.0, "IoU.field": 0.1596, "IoU.armchair": 0.0004, "IoU.seat": 0.0073, "IoU.fence": 0.0, "IoU.desk": 0.0, "IoU.rock": 0.0, "IoU.wardrobe": 0.0, "IoU.lamp": 0.0238, "IoU.bathtub": 0.0005, "IoU.railing": 0.0, "IoU.cushion": 0.0, "IoU.base": 0.0, "IoU.box": 0.0, "IoU.column": 0.0, "IoU.signboard": 0.0, "IoU.chest of drawers": 0.0, "IoU.counter": 0.0, "IoU.sand": 0.0, "IoU.sink": 0.0003, "IoU.skyscraper": 0.4849, "IoU.fireplace": 0.0, "IoU.refrigerator": 0.0, "IoU.grandstand": 0.0, "IoU.path": 0.0, "IoU.stairs": 0.0, "IoU.runway": 0.0, "IoU.case": 0.0, "IoU.pool table": 0.4223, "IoU.pillow": 0.0, "IoU.screen door": 0.0, "IoU.stairway": 0.0, "IoU.river": 0.0, "IoU.bridge": 0.0, "IoU.bookcase": 0.0, "IoU.blind": 0.0, "IoU.coffee table": 0.0, "IoU.toilet": 0.0, "IoU.flower": 0.0, "IoU.book": 0.0, "IoU.hill": 0.0, "IoU.bench": 0.0, "IoU.countertop": 0.0, "IoU.stove": 0.0, "IoU.palm": 0.0, "IoU.kitchen island": 0.0, "IoU.computer": 0.0, "IoU.swivel chair": 0.0, "IoU.boat": 0.0, "IoU.bar": 0.0, "IoU.arcade machine": 0.0, "IoU.hovel": 0.0, "IoU.bus": 0.0, "IoU.towel": 0.0, "IoU.light": 0.0, "IoU.truck": 0.0, "IoU.tower": 0.0, "IoU.chandelier": 0.0, "IoU.awning": 0.0, "IoU.streetlight": 0.0, "IoU.booth": 0.0, "IoU.television receiver": 0.0, "IoU.airplane": 0.0, "IoU.dirt track": 0.0, "IoU.apparel": 0.0, "IoU.pole": 0.0, "IoU.land": 0.0, "IoU.bannister": 0.0, "IoU.escalator": 0.0, "IoU.ottoman": 0.0, "IoU.bottle": 0.0, "IoU.buffet": 0.0, "IoU.poster": 0.0, "IoU.stage": 0.0, "IoU.van": 0.0, "IoU.ship": 0.0, "IoU.fountain": 0.0, "IoU.conveyer belt": 0.0, "IoU.canopy": 0.0, "IoU.washer": 0.0, "IoU.plaything": 0.0, "IoU.swimming pool": 0.0, "IoU.stool": 0.0, "IoU.barrel": 0.0, "IoU.basket": 0.0, "IoU.waterfall": 0.0, "IoU.tent": 0.0, "IoU.bag": 0.0, "IoU.minibike": 0.0, "IoU.cradle": 0.0, "IoU.oven": 0.0, "IoU.ball": 0.0, "IoU.food": 0.0, "IoU.step": 0.0, "IoU.tank": 0.0, "IoU.trade name": 0.0, "IoU.microwave": 0.0, "IoU.pot": 0.0, "IoU.animal": 0.0, "IoU.bicycle": 0.0, "IoU.lake": 0.0, "IoU.dishwasher": 0.0, "IoU.screen": 0.0, "IoU.blanket": 0.0, "IoU.sculpture": 0.0, "IoU.hood": 0.0, "IoU.sconce": 0.0, "IoU.vase": 0.0, "IoU.traffic light": 0.0, "IoU.tray": 0.0, "IoU.ashcan": 0.0, "IoU.fan": 0.0, "IoU.pier": 0.0, "IoU.crt screen": 0.0, "IoU.plate": 0.0, "IoU.monitor": 0.0, "IoU.bulletin board": 0.0, "IoU.shower": 0.0, "IoU.radiator": 0.0, "IoU.glass": 0.0, "IoU.clock": 0.0, "IoU.flag": 0.0, "Acc.wall": 0.8762, "Acc.building": 0.9339, "Acc.sky": 0.9745, "Acc.floor": 0.9063, "Acc.tree": 0.8866, "Acc.ceiling": 0.9184, "Acc.road": 0.8941, "Acc.bed ": 0.9601, "Acc.windowpane": 0.7424, "Acc.grass": 0.9188, "Acc.cabinet": 0.7584, "Acc.sidewalk": 0.6673, "Acc.person": 0.9071, "Acc.earth": 0.3925, "Acc.door": 0.1627, "Acc.table": 0.6042, "Acc.mountain": 0.734, "Acc.plant": 0.4378, "Acc.curtain": 0.8524, "Acc.chair": 0.6612, "Acc.car": 0.9145, "Acc.water": 0.7536, "Acc.painting": 0.7958, "Acc.sofa": 0.8861, "Acc.shelf": 0.2686, "Acc.house": 0.4655, "Acc.sea": 0.7751, "Acc.mirror": 0.0, "Acc.rug": 0.0, "Acc.field": 0.1977, "Acc.armchair": 0.0004, "Acc.seat": 0.0073, "Acc.fence": 0.0, "Acc.desk": 0.0, "Acc.rock": 0.0, "Acc.wardrobe": 0.0, "Acc.lamp": 0.0238, "Acc.bathtub": 0.0005, "Acc.railing": 0.0, "Acc.cushion": 0.0, "Acc.base": 0.0, "Acc.box": 0.0, "Acc.column": 0.0, "Acc.signboard": 0.0, "Acc.chest of drawers": 0.0, "Acc.counter": 0.0, "Acc.sand": 0.0, "Acc.sink": 0.0003, "Acc.skyscraper": 0.804, "Acc.fireplace": 0.0, "Acc.refrigerator": 0.0, "Acc.grandstand": 0.0, "Acc.path": 0.0, "Acc.stairs": 0.0, "Acc.runway": 0.0, "Acc.case": 0.0, "Acc.pool table": 0.4235, "Acc.pillow": 0.0, "Acc.screen door": 0.0, "Acc.stairway": 0.0, "Acc.river": 0.0, "Acc.bridge": 0.0, "Acc.bookcase": 0.0, "Acc.blind": 0.0, "Acc.coffee table": 0.0, "Acc.toilet": 0.0, "Acc.flower": 0.0, "Acc.book": 0.0, "Acc.hill": 0.0, "Acc.bench": 0.0, "Acc.countertop": 0.0, "Acc.stove": 0.0, "Acc.palm": 0.0, "Acc.kitchen island": 0.0, "Acc.computer": 0.0, "Acc.swivel chair": 0.0, "Acc.boat": 0.0, "Acc.bar": 0.0, "Acc.arcade machine": 0.0, "Acc.hovel": 0.0, "Acc.bus": 0.0, "Acc.towel": 0.0, "Acc.light": 0.0, "Acc.truck": 0.0, "Acc.tower": 0.0, "Acc.chandelier": 0.0, "Acc.awning": 0.0, "Acc.streetlight": 0.0, "Acc.booth": 0.0, "Acc.television receiver": 0.0, "Acc.airplane": 0.0, "Acc.dirt track": 0.0, "Acc.apparel": 0.0, "Acc.pole": 0.0, "Acc.land": 0.0, "Acc.bannister": 0.0, "Acc.escalator": 0.0, "Acc.ottoman": 0.0, "Acc.bottle": 0.0, "Acc.buffet": 0.0, "Acc.poster": 0.0, "Acc.stage": 0.0, "Acc.van": 0.0, "Acc.ship": 0.0, "Acc.fountain": 0.0, "Acc.conveyer belt": 0.0, "Acc.canopy": 0.0, "Acc.washer": 0.0, "Acc.plaything": 0.0, "Acc.swimming pool": 0.0, "Acc.stool": 0.0, "Acc.barrel": 0.0, "Acc.basket": 0.0, "Acc.waterfall": 0.0, "Acc.tent": 0.0, "Acc.bag": 0.0, "Acc.minibike": 0.0, "Acc.cradle": 0.0, "Acc.oven": 0.0, "Acc.ball": 0.0, "Acc.food": 0.0, "Acc.step": 0.0, "Acc.tank": 0.0, "Acc.trade name": 0.0, "Acc.microwave": 0.0, "Acc.pot": 0.0, "Acc.animal": 0.0, "Acc.bicycle": 0.0, "Acc.lake": 0.0, "Acc.dishwasher": 0.0, "Acc.screen": 0.0, "Acc.blanket": 0.0, "Acc.sculpture": 0.0, "Acc.hood": 0.0, "Acc.sconce": 0.0, "Acc.vase": 0.0, "Acc.traffic light": 0.0, "Acc.tray": 0.0, "Acc.ashcan": 0.0, "Acc.fan": 0.0, "Acc.pier": 0.0, "Acc.crt screen": 0.0, "Acc.plate": 0.0, "Acc.monitor": 0.0, "Acc.bulletin board": 0.0, "Acc.shower": 0.0, "Acc.radiator": 0.0, "Acc.glass": 0.0, "Acc.clock": 0.0, "Acc.flag": 0.0} {"mode": "train", "epoch": 2, "iter": 2050, "lr": 0.0, "memory": 14793, "data_time": 2.46208, "decode.loss_ce": 1.20317, "decode.acc_seg": 68.08257, "aux.loss_ce": 0.74535, "aux.acc_seg": 59.43143, "loss": 1.94852, "grad_norm": 15.15488, "time": 2.8848} {"mode": "train", "epoch": 2, "iter": 2100, "lr": 0.0, "memory": 14793, "data_time": 0.00577, "decode.loss_ce": 1.23367, "decode.acc_seg": 67.56791, "aux.loss_ce": 0.74219, "aux.acc_seg": 59.37444, "loss": 1.97586, "grad_norm": 10.33916, "time": 0.41169} {"mode": "train", "epoch": 2, "iter": 2150, "lr": 0.0, "memory": 14793, "data_time": 0.0051, "decode.loss_ce": 1.14945, "decode.acc_seg": 68.36854, "aux.loss_ce": 0.70823, "aux.acc_seg": 59.39886, "loss": 1.85768, "grad_norm": 12.85106, "time": 0.40771} {"mode": "train", "epoch": 2, "iter": 2200, "lr": 0.0, "memory": 14793, "data_time": 0.0055, "decode.loss_ce": 1.15499, "decode.acc_seg": 68.88061, "aux.loss_ce": 0.69726, "aux.acc_seg": 59.59864, "loss": 1.85225, "grad_norm": 11.51745, "time": 0.41066} {"mode": "train", "epoch": 2, "iter": 2250, "lr": 0.0, "memory": 14793, "data_time": 0.00676, "decode.loss_ce": 1.14529, "decode.acc_seg": 68.57154, "aux.loss_ce": 0.68666, "aux.acc_seg": 60.25109, "loss": 1.83196, "grad_norm": 12.37547, "time": 0.41752} {"mode": "train", "epoch": 2, "iter": 2300, "lr": 0.0, "memory": 14793, "data_time": 0.00538, "decode.loss_ce": 1.1664, "decode.acc_seg": 67.26013, "aux.loss_ce": 0.69015, "aux.acc_seg": 59.38315, "loss": 1.85655, "grad_norm": 12.20971, "time": 0.41075} {"mode": "train", "epoch": 2, "iter": 2350, "lr": 0.0, "memory": 14793, "data_time": 0.00608, "decode.loss_ce": 1.17649, "decode.acc_seg": 67.39826, "aux.loss_ce": 0.69472, "aux.acc_seg": 59.48888, "loss": 1.8712, "grad_norm": 11.36675, "time": 0.41426} {"mode": "train", "epoch": 2, "iter": 2400, "lr": 0.0, "memory": 14793, "data_time": 0.00571, "decode.loss_ce": 1.17268, "decode.acc_seg": 68.35845, "aux.loss_ce": 0.69254, "aux.acc_seg": 60.77674, "loss": 1.86522, "grad_norm": 10.00802, "time": 0.42026} {"mode": "train", "epoch": 2, "iter": 2450, "lr": 0.0, "memory": 14793, "data_time": 0.00689, "decode.loss_ce": 1.1497, "decode.acc_seg": 67.80005, "aux.loss_ce": 0.68831, "aux.acc_seg": 59.09348, "loss": 1.83801, "grad_norm": 9.81281, "time": 0.41505} {"mode": "train", "epoch": 2, "iter": 2500, "lr": 0.0, "memory": 14793, "data_time": 0.00594, "decode.loss_ce": 1.09003, "decode.acc_seg": 70.40192, "aux.loss_ce": 0.65517, "aux.acc_seg": 62.4583, "loss": 1.7452, "grad_norm": 11.61526, "time": 0.41373} {"mode": "train", "epoch": 3, "iter": 2550, "lr": 0.0, "memory": 14793, "data_time": 0.05455, "decode.loss_ce": 1.11183, "decode.acc_seg": 68.73983, "aux.loss_ce": 0.6617, "aux.acc_seg": 60.19363, "loss": 1.77353, "grad_norm": 11.15455, "time": 0.45644} {"mode": "train", "epoch": 3, "iter": 2600, "lr": 0.0, "memory": 14793, "data_time": 0.00536, "decode.loss_ce": 1.11567, "decode.acc_seg": 68.3782, "aux.loss_ce": 0.65917, "aux.acc_seg": 60.70743, "loss": 1.77484, "grad_norm": 10.63051, "time": 0.41385} {"mode": "train", "epoch": 3, "iter": 2650, "lr": 0.0, "memory": 14793, "data_time": 0.00552, "decode.loss_ce": 1.10778, "decode.acc_seg": 69.44786, "aux.loss_ce": 0.67325, "aux.acc_seg": 60.07216, "loss": 1.78102, "grad_norm": 12.84815, "time": 0.41831} {"mode": "train", "epoch": 3, "iter": 2700, "lr": 0.0, "memory": 14793, "data_time": 0.00576, "decode.loss_ce": 1.0608, "decode.acc_seg": 70.08082, "aux.loss_ce": 0.63375, "aux.acc_seg": 62.66619, "loss": 1.69455, "grad_norm": 13.29471, "time": 0.42129} {"mode": "train", "epoch": 3, "iter": 2750, "lr": 0.0, "memory": 14793, "data_time": 0.00537, "decode.loss_ce": 1.04506, "decode.acc_seg": 70.01484, "aux.loss_ce": 0.61756, "aux.acc_seg": 61.74436, "loss": 1.66262, "grad_norm": 11.06056, "time": 0.40867} {"mode": "train", "epoch": 3, "iter": 2800, "lr": 0.0, "memory": 14793, "data_time": 0.00554, "decode.loss_ce": 1.04527, "decode.acc_seg": 70.05353, "aux.loss_ce": 0.62181, "aux.acc_seg": 61.0401, "loss": 1.66707, "grad_norm": 12.57873, "time": 0.41078} {"mode": "train", "epoch": 3, "iter": 2850, "lr": 0.0, "memory": 14793, "data_time": 0.0058, "decode.loss_ce": 1.00786, "decode.acc_seg": 70.80857, "aux.loss_ce": 0.60632, "aux.acc_seg": 62.56459, "loss": 1.61418, "grad_norm": 10.61513, "time": 0.41197} {"mode": "train", "epoch": 3, "iter": 2900, "lr": 0.0, "memory": 14793, "data_time": 0.00547, "decode.loss_ce": 1.05251, "decode.acc_seg": 69.82562, "aux.loss_ce": 0.62136, "aux.acc_seg": 61.29907, "loss": 1.67387, "grad_norm": 13.80778, "time": 0.41105} {"mode": "train", "epoch": 3, "iter": 2950, "lr": 0.0, "memory": 14793, "data_time": 0.00542, "decode.loss_ce": 1.01944, "decode.acc_seg": 69.68867, "aux.loss_ce": 0.59929, "aux.acc_seg": 61.69023, "loss": 1.61872, "grad_norm": 14.22126, "time": 0.42103} {"mode": "train", "epoch": 3, "iter": 3000, "lr": 0.0, "memory": 14793, "data_time": 0.00597, "decode.loss_ce": 1.01724, "decode.acc_seg": 70.42942, "aux.loss_ce": 0.60202, "aux.acc_seg": 62.26245, "loss": 1.61926, "grad_norm": 9.62984, "time": 0.64349} {"mode": "val", "epoch": 3, "iter": 125, "lr": 0.0, "aAcc": 0.7533, "mIoU": 0.1419, "mAcc": 0.1929, "IoU.wall": 0.6835, "IoU.building": 0.7728, "IoU.sky": 0.9294, "IoU.floor": 0.7478, "IoU.tree": 0.7131, "IoU.ceiling": 0.7874, "IoU.road": 0.7399, "IoU.bed ": 0.7976, "IoU.windowpane": 0.5564, "IoU.grass": 0.6065, "IoU.cabinet": 0.4487, "IoU.sidewalk": 0.5284, "IoU.person": 0.7517, "IoU.earth": 0.3473, "IoU.door": 0.3294, "IoU.table": 0.4455, "IoU.mountain": 0.5818, "IoU.plant": 0.4752, "IoU.curtain": 0.6423, "IoU.chair": 0.4733, "IoU.car": 0.7409, "IoU.water": 0.4911, "IoU.painting": 0.5508, "IoU.sofa": 0.4913, "IoU.shelf": 0.2669, "IoU.house": 0.4592, "IoU.sea": 0.5089, "IoU.mirror": 0.3161, "IoU.rug": 0.3924, "IoU.field": 0.203, "IoU.armchair": 0.1189, "IoU.seat": 0.4894, "IoU.fence": 0.0229, "IoU.desk": 0.1288, "IoU.rock": 0.2903, "IoU.wardrobe": 0.0403, "IoU.lamp": 0.4363, "IoU.bathtub": 0.5901, "IoU.railing": 0.0, "IoU.cushion": 0.319, "IoU.base": 0.0, "IoU.box": 0.0, "IoU.column": 0.0, "IoU.signboard": 0.0, "IoU.chest of drawers": 0.0, "IoU.counter": 0.0, "IoU.sand": 0.0, "IoU.sink": 0.2931, "IoU.skyscraper": 0.5559, "IoU.fireplace": 0.1605, "IoU.refrigerator": 0.0, "IoU.grandstand": 0.0, "IoU.path": 0.0, "IoU.stairs": 0.0, "IoU.runway": 0.0, "IoU.case": 0.0, "IoU.pool table": 0.8326, "IoU.pillow": 0.0437, "IoU.screen door": 0.0, "IoU.stairway": 0.1775, "IoU.river": 0.0, "IoU.bridge": 0.0, "IoU.bookcase": 0.0, "IoU.blind": 0.0, "IoU.coffee table": 0.0021, "IoU.toilet": 0.0, "IoU.flower": 0.0, "IoU.book": 0.0, "IoU.hill": 0.0, "IoU.bench": 0.0, "IoU.countertop": 0.0, "IoU.stove": 0.0, "IoU.palm": 0.0, "IoU.kitchen island": 0.0, "IoU.computer": 0.005, "IoU.swivel chair": 0.0, "IoU.boat": 0.0, "IoU.bar": 0.0, "IoU.arcade machine": 0.0, "IoU.hovel": 0.0, "IoU.bus": 0.0, "IoU.towel": 0.0, "IoU.light": 0.0, "IoU.truck": 0.0, "IoU.tower": 0.0, "IoU.chandelier": 0.0, "IoU.awning": 0.0, "IoU.streetlight": 0.0, "IoU.booth": 0.0, "IoU.television receiver": 0.0, "IoU.airplane": 0.0, "IoU.dirt track": 0.0, "IoU.apparel": 0.0, "IoU.pole": 0.0, "IoU.land": 0.0, "IoU.bannister": 0.0, "IoU.escalator": 0.0, "IoU.ottoman": 0.0, "IoU.bottle": 0.0, "IoU.buffet": 0.0, "IoU.poster": 0.0, "IoU.stage": 0.0, "IoU.van": 0.0, "IoU.ship": 0.0, "IoU.fountain": 0.0, "IoU.conveyer belt": 0.0, "IoU.canopy": 0.0, "IoU.washer": 0.0, "IoU.plaything": 0.0, "IoU.swimming pool": 0.0, "IoU.stool": 0.0, "IoU.barrel": 0.0, "IoU.basket": 0.0, "IoU.waterfall": 0.0, "IoU.tent": 0.0, "IoU.bag": 0.0, "IoU.minibike": 0.0, "IoU.cradle": 0.0, "IoU.oven": 0.0, "IoU.ball": 0.0, "IoU.food": 0.0, "IoU.step": 0.0, "IoU.tank": 0.0, "IoU.trade name": 0.0, "IoU.microwave": 0.0, "IoU.pot": 0.0, "IoU.animal": 0.0, "IoU.bicycle": 0.0, "IoU.lake": 0.0, "IoU.dishwasher": 0.0, "IoU.screen": 0.0, "IoU.blanket": 0.0, "IoU.sculpture": 0.0, "IoU.hood": 0.0, "IoU.sconce": 0.0, "IoU.vase": 0.0, "IoU.traffic light": 0.0, "IoU.tray": 0.0, "IoU.ashcan": 0.0, "IoU.fan": 0.0, "IoU.pier": 0.0, "IoU.crt screen": 0.0, "IoU.plate": 0.0, "IoU.monitor": 0.0, "IoU.bulletin board": 0.0, "IoU.shower": 0.0, "IoU.radiator": 0.0, "IoU.glass": 0.0, "IoU.clock": 0.0, "IoU.flag": 0.0, "Acc.wall": 0.86, "Acc.building": 0.922, "Acc.sky": 0.9654, "Acc.floor": 0.9042, "Acc.tree": 0.9055, "Acc.ceiling": 0.9397, "Acc.road": 0.8612, "Acc.bed ": 0.9646, "Acc.windowpane": 0.756, "Acc.grass": 0.8131, "Acc.cabinet": 0.7719, "Acc.sidewalk": 0.7994, "Acc.person": 0.907, "Acc.earth": 0.4923, "Acc.door": 0.4495, "Acc.table": 0.7453, "Acc.mountain": 0.8121, "Acc.plant": 0.5718, "Acc.curtain": 0.8683, "Acc.chair": 0.6771, "Acc.car": 0.9263, "Acc.water": 0.7146, "Acc.painting": 0.8459, "Acc.sofa": 0.8723, "Acc.shelf": 0.6982, "Acc.house": 0.6857, "Acc.sea": 0.9135, "Acc.mirror": 0.3724, "Acc.rug": 0.4415, "Acc.field": 0.4622, "Acc.armchair": 0.1501, "Acc.seat": 0.7589, "Acc.fence": 0.0232, "Acc.desk": 0.1848, "Acc.rock": 0.3612, "Acc.wardrobe": 0.0407, "Acc.lamp": 0.5549, "Acc.bathtub": 0.701, "Acc.railing": 0.0, "Acc.cushion": 0.401, "Acc.base": 0.0, "Acc.box": 0.0, "Acc.column": 0.0, "Acc.signboard": 0.0, "Acc.chest of drawers": 0.0, "Acc.counter": 0.0, "Acc.sand": 0.0, "Acc.sink": 0.6637, "Acc.skyscraper": 0.7966, "Acc.fireplace": 0.1613, "Acc.refrigerator": 0.0, "Acc.grandstand": 0.0, "Acc.path": 0.0, "Acc.stairs": 0.0, "Acc.runway": 0.0, "Acc.case": 0.0, "Acc.pool table": 0.9634, "Acc.pillow": 0.0445, "Acc.screen door": 0.0, "Acc.stairway": 0.2052, "Acc.river": 0.0, "Acc.bridge": 0.0, "Acc.bookcase": 0.0, "Acc.blind": 0.0, "Acc.coffee table": 0.0021, "Acc.toilet": 0.0, "Acc.flower": 0.0, "Acc.book": 0.0, "Acc.hill": 0.0, "Acc.bench": 0.0, "Acc.countertop": 0.0, "Acc.stove": 0.0, "Acc.palm": 0.0, "Acc.kitchen island": 0.0, "Acc.computer": 0.005, "Acc.swivel chair": 0.0, "Acc.boat": 0.0, "Acc.bar": 0.0, "Acc.arcade machine": 0.0, "Acc.hovel": 0.0, "Acc.bus": 0.0, "Acc.towel": 0.0, "Acc.light": 0.0, "Acc.truck": 0.0, "Acc.tower": 0.0, "Acc.chandelier": 0.0, "Acc.awning": 0.0, "Acc.streetlight": 0.0, "Acc.booth": 0.0, "Acc.television receiver": 0.0, "Acc.airplane": 0.0, "Acc.dirt track": 0.0, "Acc.apparel": 0.0, "Acc.pole": 0.0, "Acc.land": 0.0, "Acc.bannister": 0.0, "Acc.escalator": 0.0, "Acc.ottoman": 0.0, "Acc.bottle": 0.0, "Acc.buffet": 0.0, "Acc.poster": 0.0, "Acc.stage": 0.0, "Acc.van": 0.0, "Acc.ship": 0.0, "Acc.fountain": 0.0, "Acc.conveyer belt": 0.0, "Acc.canopy": 0.0, "Acc.washer": 0.0, "Acc.plaything": 0.0, "Acc.swimming pool": 0.0, "Acc.stool": 0.0, "Acc.barrel": 0.0, "Acc.basket": 0.0, "Acc.waterfall": 0.0, "Acc.tent": 0.0, "Acc.bag": 0.0, "Acc.minibike": 0.0, "Acc.cradle": 0.0, "Acc.oven": 0.0, "Acc.ball": 0.0, "Acc.food": 0.0, "Acc.step": 0.0, "Acc.tank": 0.0, "Acc.trade name": 0.0, "Acc.microwave": 0.0, "Acc.pot": 0.0, "Acc.animal": 0.0, "Acc.bicycle": 0.0, "Acc.lake": 0.0, "Acc.dishwasher": 0.0, "Acc.screen": 0.0, "Acc.blanket": 0.0, "Acc.sculpture": 0.0, "Acc.hood": 0.0, "Acc.sconce": 0.0, "Acc.vase": 0.0, "Acc.traffic light": 0.0, "Acc.tray": 0.0, "Acc.ashcan": 0.0, "Acc.fan": 0.0, "Acc.pier": 0.0, "Acc.crt screen": 0.0, "Acc.plate": 0.0, "Acc.monitor": 0.0, "Acc.bulletin board": 0.0, "Acc.shower": 0.0, "Acc.radiator": 0.0, "Acc.glass": 0.0, "Acc.clock": 0.0, "Acc.flag": 0.0} {"mode": "train", "epoch": 3, "iter": 3050, "lr": 0.0, "memory": 14793, "data_time": 2.39207, "decode.loss_ce": 0.93948, "decode.acc_seg": 72.30111, "aux.loss_ce": 0.55769, "aux.acc_seg": 64.66444, "loss": 1.49717, "grad_norm": 10.59924, "time": 2.8109} {"mode": "train", "epoch": 3, "iter": 3100, "lr": 0.0, "memory": 14793, "data_time": 0.00556, "decode.loss_ce": 1.04042, "decode.acc_seg": 69.53851, "aux.loss_ce": 0.60777, "aux.acc_seg": 61.9116, "loss": 1.64819, "grad_norm": 11.02982, "time": 0.42359} {"mode": "train", "epoch": 3, "iter": 3150, "lr": 0.0, "memory": 14793, "data_time": 0.00642, "decode.loss_ce": 1.02446, "decode.acc_seg": 69.52714, "aux.loss_ce": 0.6023, "aux.acc_seg": 62.15488, "loss": 1.62677, "grad_norm": 11.00601, "time": 0.41311} {"mode": "train", "epoch": 3, "iter": 3200, "lr": 0.0, "memory": 14793, "data_time": 0.00541, "decode.loss_ce": 1.00257, "decode.acc_seg": 70.40203, "aux.loss_ce": 0.58925, "aux.acc_seg": 63.44226, "loss": 1.59183, "grad_norm": 11.31363, "time": 0.41406} {"mode": "train", "epoch": 3, "iter": 3250, "lr": 0.0, "memory": 14793, "data_time": 0.00556, "decode.loss_ce": 0.96245, "decode.acc_seg": 71.24826, "aux.loss_ce": 0.56931, "aux.acc_seg": 63.82472, "loss": 1.53176, "grad_norm": 14.52093, "time": 0.41444} {"mode": "train", "epoch": 3, "iter": 3300, "lr": 0.0, "memory": 14793, "data_time": 0.00574, "decode.loss_ce": 0.98595, "decode.acc_seg": 71.28266, "aux.loss_ce": 0.57176, "aux.acc_seg": 64.23399, "loss": 1.55771, "grad_norm": 13.73425, "time": 0.41267} {"mode": "train", "epoch": 3, "iter": 3350, "lr": 0.0, "memory": 14793, "data_time": 0.0059, "decode.loss_ce": 0.91787, "decode.acc_seg": 71.88671, "aux.loss_ce": 0.54744, "aux.acc_seg": 64.70756, "loss": 1.46532, "grad_norm": 10.52622, "time": 0.40384} {"mode": "train", "epoch": 3, "iter": 3400, "lr": 0.0, "memory": 14793, "data_time": 0.00555, "decode.loss_ce": 0.95588, "decode.acc_seg": 71.40794, "aux.loss_ce": 0.55826, "aux.acc_seg": 63.97703, "loss": 1.51415, "grad_norm": 11.24949, "time": 0.40936} {"mode": "train", "epoch": 3, "iter": 3450, "lr": 0.0, "memory": 14793, "data_time": 0.00651, "decode.loss_ce": 0.9211, "decode.acc_seg": 72.28337, "aux.loss_ce": 0.54721, "aux.acc_seg": 64.66228, "loss": 1.46831, "grad_norm": 14.01053, "time": 0.41178} {"mode": "train", "epoch": 3, "iter": 3500, "lr": 0.0, "memory": 14793, "data_time": 0.00524, "decode.loss_ce": 0.92946, "decode.acc_seg": 71.68116, "aux.loss_ce": 0.56128, "aux.acc_seg": 64.24699, "loss": 1.49074, "grad_norm": 10.59092, "time": 0.42681} {"mode": "train", "epoch": 3, "iter": 3550, "lr": 0.0, "memory": 14793, "data_time": 0.00562, "decode.loss_ce": 0.91891, "decode.acc_seg": 71.32314, "aux.loss_ce": 0.53752, "aux.acc_seg": 64.11206, "loss": 1.45643, "grad_norm": 12.16231, "time": 0.40971} {"mode": "train", "epoch": 3, "iter": 3600, "lr": 0.0, "memory": 14793, "data_time": 0.00559, "decode.loss_ce": 0.92402, "decode.acc_seg": 71.70704, "aux.loss_ce": 0.54884, "aux.acc_seg": 64.05757, "loss": 1.47286, "grad_norm": 12.27579, "time": 0.41172} {"mode": "train", "epoch": 3, "iter": 3650, "lr": 0.0, "memory": 14793, "data_time": 0.00584, "decode.loss_ce": 0.9009, "decode.acc_seg": 72.24723, "aux.loss_ce": 0.54334, "aux.acc_seg": 64.99589, "loss": 1.44425, "grad_norm": 15.26295, "time": 0.4174} {"mode": "train", "epoch": 3, "iter": 3700, "lr": 0.0, "memory": 14793, "data_time": 0.00647, "decode.loss_ce": 0.89365, "decode.acc_seg": 72.96014, "aux.loss_ce": 0.52488, "aux.acc_seg": 66.33531, "loss": 1.41853, "grad_norm": 10.96928, "time": 0.41642} {"mode": "train", "epoch": 3, "iter": 3750, "lr": 0.0, "memory": 14793, "data_time": 0.0057, "decode.loss_ce": 0.91484, "decode.acc_seg": 72.10774, "aux.loss_ce": 0.52951, "aux.acc_seg": 64.63469, "loss": 1.44435, "grad_norm": 17.7691, "time": 0.41435} {"mode": "train", "epoch": 4, "iter": 3800, "lr": 0.0, "memory": 14793, "data_time": 0.05484, "decode.loss_ce": 0.89637, "decode.acc_seg": 72.61521, "aux.loss_ce": 0.53009, "aux.acc_seg": 65.36612, "loss": 1.42646, "grad_norm": 12.55041, "time": 0.45417} {"mode": "train", "epoch": 4, "iter": 3850, "lr": 0.0, "memory": 14793, "data_time": 0.00713, "decode.loss_ce": 0.88874, "decode.acc_seg": 72.66502, "aux.loss_ce": 0.53336, "aux.acc_seg": 64.84149, "loss": 1.42209, "grad_norm": 10.15416, "time": 0.41767} {"mode": "train", "epoch": 4, "iter": 3900, "lr": 0.0, "memory": 14793, "data_time": 0.00568, "decode.loss_ce": 0.87844, "decode.acc_seg": 72.89217, "aux.loss_ce": 0.51898, "aux.acc_seg": 66.17746, "loss": 1.39742, "grad_norm": 14.47735, "time": 0.42082} {"mode": "train", "epoch": 4, "iter": 3950, "lr": 0.0, "memory": 14793, "data_time": 0.00654, "decode.loss_ce": 0.88731, "decode.acc_seg": 72.84, "aux.loss_ce": 0.52031, "aux.acc_seg": 65.66688, "loss": 1.40762, "grad_norm": 12.48911, "time": 0.41416} {"mode": "train", "epoch": 4, "iter": 4000, "lr": 0.0, "memory": 14793, "data_time": 0.00551, "decode.loss_ce": 0.88472, "decode.acc_seg": 72.49692, "aux.loss_ce": 0.53229, "aux.acc_seg": 64.03477, "loss": 1.41701, "grad_norm": 12.05714, "time": 0.65647} {"mode": "val", "epoch": 4, "iter": 125, "lr": 0.0, "aAcc": 0.7737, "mIoU": 0.196, "mAcc": 0.2555, "IoU.wall": 0.7114, "IoU.building": 0.7843, "IoU.sky": 0.9336, "IoU.floor": 0.7684, "IoU.tree": 0.7241, "IoU.ceiling": 0.7997, "IoU.road": 0.7527, "IoU.bed ": 0.8333, "IoU.windowpane": 0.5709, "IoU.grass": 0.6406, "IoU.cabinet": 0.4524, "IoU.sidewalk": 0.5522, "IoU.person": 0.7669, "IoU.earth": 0.3706, "IoU.door": 0.3423, "IoU.table": 0.496, "IoU.mountain": 0.5847, "IoU.plant": 0.4961, "IoU.curtain": 0.669, "IoU.chair": 0.4763, "IoU.car": 0.7325, "IoU.water": 0.5381, "IoU.painting": 0.618, "IoU.sofa": 0.5411, "IoU.shelf": 0.2885, "IoU.house": 0.4269, "IoU.sea": 0.6021, "IoU.mirror": 0.4495, "IoU.rug": 0.4204, "IoU.field": 0.2359, "IoU.armchair": 0.2327, "IoU.seat": 0.5623, "IoU.fence": 0.3528, "IoU.desk": 0.2772, "IoU.rock": 0.4008, "IoU.wardrobe": 0.2881, "IoU.lamp": 0.4374, "IoU.bathtub": 0.6314, "IoU.railing": 0.31, "IoU.cushion": 0.3801, "IoU.base": 0.0013, "IoU.box": 0.0, "IoU.column": 0.0, "IoU.signboard": 0.0002, "IoU.chest of drawers": 0.3304, "IoU.counter": 0.0984, "IoU.sand": 0.2975, "IoU.sink": 0.4623, "IoU.skyscraper": 0.5269, "IoU.fireplace": 0.6335, "IoU.refrigerator": 0.0, "IoU.grandstand": 0.1821, "IoU.path": 0.0, "IoU.stairs": 0.0, "IoU.runway": 0.0374, "IoU.case": 0.1146, "IoU.pool table": 0.8375, "IoU.pillow": 0.3851, "IoU.screen door": 0.0, "IoU.stairway": 0.1741, "IoU.river": 0.0, "IoU.bridge": 0.1295, "IoU.bookcase": 0.2533, "IoU.blind": 0.0, "IoU.coffee table": 0.4736, "IoU.toilet": 0.7569, "IoU.flower": 0.0471, "IoU.book": 0.3895, "IoU.hill": 0.0, "IoU.bench": 0.0, "IoU.countertop": 0.0, "IoU.stove": 0.0, "IoU.palm": 0.4075, "IoU.kitchen island": 0.0, "IoU.computer": 0.5331, "IoU.swivel chair": 0.0184, "IoU.boat": 0.0, "IoU.bar": 0.0, "IoU.arcade machine": 0.0, "IoU.hovel": 0.0, "IoU.bus": 0.0, "IoU.towel": 0.0044, "IoU.light": 0.0, "IoU.truck": 0.0, "IoU.tower": 0.0, "IoU.chandelier": 0.0, "IoU.awning": 0.0, "IoU.streetlight": 0.0, "IoU.booth": 0.0, "IoU.television receiver": 0.0, "IoU.airplane": 0.0, "IoU.dirt track": 0.0, "IoU.apparel": 0.0, "IoU.pole": 0.0, "IoU.land": 0.0, "IoU.bannister": 0.0, "IoU.escalator": 0.0, "IoU.ottoman": 0.0, "IoU.bottle": 0.0, "IoU.buffet": 0.0, "IoU.poster": 0.0, "IoU.stage": 0.0, "IoU.van": 0.0, "IoU.ship": 0.0, "IoU.fountain": 0.0, "IoU.conveyer belt": 0.0, "IoU.canopy": 0.0, "IoU.washer": 0.0, "IoU.plaything": 0.0, "IoU.swimming pool": 0.0, "IoU.stool": 0.0, "IoU.barrel": 0.0, "IoU.basket": 0.0, "IoU.waterfall": 0.4301, "IoU.tent": 0.0519, "IoU.bag": 0.0, "IoU.minibike": 0.0, "IoU.cradle": 0.3761, "IoU.oven": 0.0, "IoU.ball": 0.0, "IoU.food": 0.0, "IoU.step": 0.0, "IoU.tank": 0.0, "IoU.trade name": 0.0, "IoU.microwave": 0.0, "IoU.pot": 0.0, "IoU.animal": 0.0, "IoU.bicycle": 0.0, "IoU.lake": 0.0, "IoU.dishwasher": 0.0, "IoU.screen": 0.0, "IoU.blanket": 0.0, "IoU.sculpture": 0.0, "IoU.hood": 0.0, "IoU.sconce": 0.0, "IoU.vase": 0.0, "IoU.traffic light": 0.0, "IoU.tray": 0.0, "IoU.ashcan": 0.0, "IoU.fan": 0.0, "IoU.pier": 0.0, "IoU.crt screen": 0.0, "IoU.plate": 0.0, "IoU.monitor": 0.0, "IoU.bulletin board": 0.0, "IoU.shower": 0.0, "IoU.radiator": 0.0, "IoU.glass": 0.0, "IoU.clock": 0.0, "IoU.flag": 0.0, "Acc.wall": 0.8657, "Acc.building": 0.9423, "Acc.sky": 0.9679, "Acc.floor": 0.8997, "Acc.tree": 0.8962, "Acc.ceiling": 0.8997, "Acc.road": 0.8675, "Acc.bed ": 0.9665, "Acc.windowpane": 0.8074, "Acc.grass": 0.8127, "Acc.cabinet": 0.7782, "Acc.sidewalk": 0.8116, "Acc.person": 0.921, "Acc.earth": 0.5012, "Acc.door": 0.4633, "Acc.table": 0.7212, "Acc.mountain": 0.8022, "Acc.plant": 0.6079, "Acc.curtain": 0.8504, "Acc.chair": 0.6434, "Acc.car": 0.9339, "Acc.water": 0.8316, "Acc.painting": 0.8347, "Acc.sofa": 0.8776, "Acc.shelf": 0.6213, "Acc.house": 0.5611, "Acc.sea": 0.8178, "Acc.mirror": 0.5148, "Acc.rug": 0.4729, "Acc.field": 0.4964, "Acc.armchair": 0.3505, "Acc.seat": 0.8152, "Acc.fence": 0.4826, "Acc.desk": 0.488, "Acc.rock": 0.5421, "Acc.wardrobe": 0.3374, "Acc.lamp": 0.6536, "Acc.bathtub": 0.7651, "Acc.railing": 0.3803, "Acc.cushion": 0.4439, "Acc.base": 0.0013, "Acc.box": 0.0, "Acc.column": 0.0, "Acc.signboard": 0.0002, "Acc.chest of drawers": 0.4832, "Acc.counter": 0.1012, "Acc.sand": 0.3023, "Acc.sink": 0.6916, "Acc.skyscraper": 0.665, "Acc.fireplace": 0.8584, "Acc.refrigerator": 0.0, "Acc.grandstand": 0.1842, "Acc.path": 0.0, "Acc.stairs": 0.0, "Acc.runway": 0.0388, "Acc.case": 0.1239, "Acc.pool table": 0.9784, "Acc.pillow": 0.4715, "Acc.screen door": 0.0, "Acc.stairway": 0.4351, "Acc.river": 0.0, "Acc.bridge": 0.131, "Acc.bookcase": 0.4046, "Acc.blind": 0.0, "Acc.coffee table": 0.6619, "Acc.toilet": 0.8, "Acc.flower": 0.048, "Acc.book": 0.5736, "Acc.hill": 0.0, "Acc.bench": 0.0, "Acc.countertop": 0.0, "Acc.stove": 0.0, "Acc.palm": 0.4675, "Acc.kitchen island": 0.0, "Acc.computer": 0.6176, "Acc.swivel chair": 0.0184, "Acc.boat": 0.0, "Acc.bar": 0.0, "Acc.arcade machine": 0.0, "Acc.hovel": 0.0, "Acc.bus": 0.0, "Acc.towel": 0.0044, "Acc.light": 0.0, "Acc.truck": 0.0, "Acc.tower": 0.0, "Acc.chandelier": 0.0, "Acc.awning": 0.0, "Acc.streetlight": 0.0, "Acc.booth": 0.0, "Acc.television receiver": 0.0, "Acc.airplane": 0.0, "Acc.dirt track": 0.0, "Acc.apparel": 0.0, "Acc.pole": 0.0, "Acc.land": 0.0, "Acc.bannister": 0.0, "Acc.escalator": 0.0, "Acc.ottoman": 0.0, "Acc.bottle": 0.0, "Acc.buffet": 0.0, "Acc.poster": 0.0, "Acc.stage": 0.0, "Acc.van": 0.0, "Acc.ship": 0.0, "Acc.fountain": 0.0, "Acc.conveyer belt": 0.0, "Acc.canopy": 0.0, "Acc.washer": 0.0, "Acc.plaything": 0.0, "Acc.swimming pool": 0.0, "Acc.stool": 0.0, "Acc.barrel": 0.0, "Acc.basket": 0.0, "Acc.waterfall": 0.5517, "Acc.tent": 0.0519, "Acc.bag": 0.0, "Acc.minibike": 0.0, "Acc.cradle": 0.4074, "Acc.oven": 0.0, "Acc.ball": 0.0, "Acc.food": 0.0, "Acc.step": 0.0, "Acc.tank": 0.0, "Acc.trade name": 0.0, "Acc.microwave": 0.0, "Acc.pot": 0.0, "Acc.animal": 0.0, "Acc.bicycle": 0.0, "Acc.lake": 0.0, "Acc.dishwasher": 0.0, "Acc.screen": 0.0, "Acc.blanket": 0.0, "Acc.sculpture": 0.0, "Acc.hood": 0.0, "Acc.sconce": 0.0, "Acc.vase": 0.0, "Acc.traffic light": 0.0, "Acc.tray": 0.0, "Acc.ashcan": 0.0, "Acc.fan": 0.0, "Acc.pier": 0.0, "Acc.crt screen": 0.0, "Acc.plate": 0.0, "Acc.monitor": 0.0, "Acc.bulletin board": 0.0, "Acc.shower": 0.0, "Acc.radiator": 0.0, "Acc.glass": 0.0, "Acc.clock": 0.0, "Acc.flag": 0.0} {"mode": "train", "epoch": 4, "iter": 4050, "lr": 0.0, "memory": 14793, "data_time": 2.41076, "decode.loss_ce": 0.89391, "decode.acc_seg": 72.533, "aux.loss_ce": 0.53115, "aux.acc_seg": 64.76723, "loss": 1.42505, "grad_norm": 11.52306, "time": 2.82253} {"mode": "train", "epoch": 4, "iter": 4100, "lr": 0.0, "memory": 14793, "data_time": 0.00624, "decode.loss_ce": 0.81321, "decode.acc_seg": 73.80906, "aux.loss_ce": 0.49752, "aux.acc_seg": 66.33687, "loss": 1.31073, "grad_norm": 14.21123, "time": 0.40996} {"mode": "train", "epoch": 4, "iter": 4150, "lr": 0.0, "memory": 14793, "data_time": 0.00744, "decode.loss_ce": 0.81137, "decode.acc_seg": 74.65334, "aux.loss_ce": 0.4941, "aux.acc_seg": 67.30577, "loss": 1.30547, "grad_norm": 12.78257, "time": 0.41289} {"mode": "train", "epoch": 4, "iter": 4200, "lr": 0.0, "memory": 14793, "data_time": 0.00543, "decode.loss_ce": 0.82312, "decode.acc_seg": 73.47396, "aux.loss_ce": 0.49586, "aux.acc_seg": 65.99391, "loss": 1.31898, "grad_norm": 14.21988, "time": 0.40912} {"mode": "train", "epoch": 4, "iter": 4250, "lr": 0.0, "memory": 14793, "data_time": 0.0058, "decode.loss_ce": 0.89906, "decode.acc_seg": 72.62558, "aux.loss_ce": 0.53915, "aux.acc_seg": 65.0912, "loss": 1.43821, "grad_norm": 15.63566, "time": 0.40619} {"mode": "train", "epoch": 4, "iter": 4300, "lr": 0.0, "memory": 14793, "data_time": 0.00601, "decode.loss_ce": 0.83277, "decode.acc_seg": 72.79507, "aux.loss_ce": 0.49474, "aux.acc_seg": 65.64437, "loss": 1.32751, "grad_norm": 13.34886, "time": 0.41158} {"mode": "train", "epoch": 4, "iter": 4350, "lr": 0.0, "memory": 14793, "data_time": 0.00567, "decode.loss_ce": 0.79065, "decode.acc_seg": 74.41752, "aux.loss_ce": 0.47872, "aux.acc_seg": 67.08449, "loss": 1.26937, "grad_norm": 11.49979, "time": 0.42535} {"mode": "train", "epoch": 4, "iter": 4400, "lr": 0.0, "memory": 14793, "data_time": 0.00555, "decode.loss_ce": 0.87421, "decode.acc_seg": 72.45536, "aux.loss_ce": 0.52058, "aux.acc_seg": 65.33165, "loss": 1.39479, "grad_norm": 15.61101, "time": 0.41309} {"mode": "train", "epoch": 4, "iter": 4450, "lr": 0.0, "memory": 14793, "data_time": 0.00594, "decode.loss_ce": 0.88043, "decode.acc_seg": 72.04835, "aux.loss_ce": 0.51978, "aux.acc_seg": 64.86481, "loss": 1.4002, "grad_norm": 13.89929, "time": 0.40461} {"mode": "train", "epoch": 4, "iter": 4500, "lr": 0.0, "memory": 14793, "data_time": 0.00542, "decode.loss_ce": 0.78933, "decode.acc_seg": 75.17604, "aux.loss_ce": 0.47374, "aux.acc_seg": 67.40339, "loss": 1.26307, "grad_norm": 16.40818, "time": 0.4173} {"mode": "train", "epoch": 4, "iter": 4550, "lr": 0.0, "memory": 14793, "data_time": 0.00537, "decode.loss_ce": 0.84249, "decode.acc_seg": 73.35535, "aux.loss_ce": 0.50173, "aux.acc_seg": 66.17626, "loss": 1.34423, "grad_norm": 13.50595, "time": 0.41432} {"mode": "train", "epoch": 4, "iter": 4600, "lr": 0.0, "memory": 14793, "data_time": 0.00562, "decode.loss_ce": 0.78484, "decode.acc_seg": 74.14767, "aux.loss_ce": 0.48589, "aux.acc_seg": 66.4497, "loss": 1.27073, "grad_norm": 14.92541, "time": 0.40587} {"mode": "train", "epoch": 4, "iter": 4650, "lr": 0.0, "memory": 14793, "data_time": 0.00609, "decode.loss_ce": 0.81946, "decode.acc_seg": 73.2581, "aux.loss_ce": 0.48213, "aux.acc_seg": 66.66808, "loss": 1.30159, "grad_norm": 15.45359, "time": 0.41765} {"mode": "train", "epoch": 4, "iter": 4700, "lr": 0.0, "memory": 14793, "data_time": 0.006, "decode.loss_ce": 0.83153, "decode.acc_seg": 73.33858, "aux.loss_ce": 0.49721, "aux.acc_seg": 66.02928, "loss": 1.32875, "grad_norm": 11.76735, "time": 0.41432} {"mode": "train", "epoch": 4, "iter": 4750, "lr": 0.0, "memory": 14793, "data_time": 0.00558, "decode.loss_ce": 0.82205, "decode.acc_seg": 74.56821, "aux.loss_ce": 0.50421, "aux.acc_seg": 66.32353, "loss": 1.32626, "grad_norm": 12.36666, "time": 0.42094} {"mode": "train", "epoch": 4, "iter": 4800, "lr": 0.0, "memory": 14793, "data_time": 0.00549, "decode.loss_ce": 0.82244, "decode.acc_seg": 74.08061, "aux.loss_ce": 0.49957, "aux.acc_seg": 66.48888, "loss": 1.32201, "grad_norm": 12.5471, "time": 0.40947} {"mode": "train", "epoch": 4, "iter": 4850, "lr": 0.0, "memory": 14793, "data_time": 0.00566, "decode.loss_ce": 0.78557, "decode.acc_seg": 74.08841, "aux.loss_ce": 0.4732, "aux.acc_seg": 66.39516, "loss": 1.25877, "grad_norm": 12.61245, "time": 0.40869} {"mode": "train", "epoch": 4, "iter": 4900, "lr": 0.0, "memory": 14793, "data_time": 0.00758, "decode.loss_ce": 0.81186, "decode.acc_seg": 73.54817, "aux.loss_ce": 0.48828, "aux.acc_seg": 66.06441, "loss": 1.30015, "grad_norm": 14.44141, "time": 0.41825} {"mode": "train", "epoch": 4, "iter": 4950, "lr": 0.0, "memory": 14793, "data_time": 0.00561, "decode.loss_ce": 0.81669, "decode.acc_seg": 73.88948, "aux.loss_ce": 0.49797, "aux.acc_seg": 65.83013, "loss": 1.31466, "grad_norm": 13.45966, "time": 0.41555} {"mode": "train", "epoch": 4, "iter": 5000, "lr": 0.0, "memory": 14793, "data_time": 0.00538, "decode.loss_ce": 0.77489, "decode.acc_seg": 74.48668, "aux.loss_ce": 0.46794, "aux.acc_seg": 67.31951, "loss": 1.24282, "grad_norm": 14.17772, "time": 0.63968} {"mode": "val", "epoch": 4, "iter": 125, "lr": 0.0, "aAcc": 0.7896, "mIoU": 0.2535, "mAcc": 0.329, "IoU.wall": 0.7288, "IoU.building": 0.797, "IoU.sky": 0.9364, "IoU.floor": 0.7796, "IoU.tree": 0.7371, "IoU.ceiling": 0.8084, "IoU.road": 0.7733, "IoU.bed ": 0.8537, "IoU.windowpane": 0.5675, "IoU.grass": 0.6212, "IoU.cabinet": 0.5202, "IoU.sidewalk": 0.5635, "IoU.person": 0.7824, "IoU.earth": 0.3806, "IoU.door": 0.337, "IoU.table": 0.516, "IoU.mountain": 0.5564, "IoU.plant": 0.5049, "IoU.curtain": 0.6853, "IoU.chair": 0.4868, "IoU.car": 0.7803, "IoU.water": 0.5328, "IoU.painting": 0.6328, "IoU.sofa": 0.6037, "IoU.shelf": 0.3562, "IoU.house": 0.4591, "IoU.sea": 0.5735, "IoU.mirror": 0.5088, "IoU.rug": 0.4939, "IoU.field": 0.2613, "IoU.armchair": 0.3031, "IoU.seat": 0.5568, "IoU.fence": 0.3904, "IoU.desk": 0.3289, "IoU.rock": 0.4177, "IoU.wardrobe": 0.4125, "IoU.lamp": 0.4603, "IoU.bathtub": 0.6992, "IoU.railing": 0.3339, "IoU.cushion": 0.4277, "IoU.base": 0.0198, "IoU.box": 0.103, "IoU.column": 0.2301, "IoU.signboard": 0.2417, "IoU.chest of drawers": 0.3558, "IoU.counter": 0.2993, "IoU.sand": 0.4497, "IoU.sink": 0.452, "IoU.skyscraper": 0.6045, "IoU.fireplace": 0.6594, "IoU.refrigerator": 0.4668, "IoU.grandstand": 0.4409, "IoU.path": 0.0013, "IoU.stairs": 0.0178, "IoU.runway": 0.5669, "IoU.case": 0.4821, "IoU.pool table": 0.877, "IoU.pillow": 0.42, "IoU.screen door": 0.3205, "IoU.stairway": 0.2125, "IoU.river": 0.0184, "IoU.bridge": 0.5344, "IoU.bookcase": 0.2877, "IoU.blind": 0.0, "IoU.coffee table": 0.4944, "IoU.toilet": 0.7229, "IoU.flower": 0.1847, "IoU.book": 0.3202, "IoU.hill": 0.0, "IoU.bench": 0.0567, "IoU.countertop": 0.0303, "IoU.stove": 0.3563, "IoU.palm": 0.4537, "IoU.kitchen island": 0.0, "IoU.computer": 0.6086, "IoU.swivel chair": 0.2938, "IoU.boat": 0.0003, "IoU.bar": 0.0, "IoU.arcade machine": 0.2099, "IoU.hovel": 0.0, "IoU.bus": 0.7634, "IoU.towel": 0.3652, "IoU.light": 0.0, "IoU.truck": 0.1881, "IoU.tower": 0.0, "IoU.chandelier": 0.0768, "IoU.awning": 0.0, "IoU.streetlight": 0.0, "IoU.booth": 0.0, "IoU.television receiver": 0.1861, "IoU.airplane": 0.2436, "IoU.dirt track": 0.0, "IoU.apparel": 0.0139, "IoU.pole": 0.0, "IoU.land": 0.0, "IoU.bannister": 0.0, "IoU.escalator": 0.0, "IoU.ottoman": 0.0, "IoU.bottle": 0.0, "IoU.buffet": 0.0, "IoU.poster": 0.0, "IoU.stage": 0.0, "IoU.van": 0.0, "IoU.ship": 0.0, "IoU.fountain": 0.0, "IoU.conveyer belt": 0.0, "IoU.canopy": 0.0, "IoU.washer": 0.0, "IoU.plaything": 0.0, "IoU.swimming pool": 0.0, "IoU.stool": 0.0, "IoU.barrel": 0.0, "IoU.basket": 0.0, "IoU.waterfall": 0.4127, "IoU.tent": 0.8827, "IoU.bag": 0.0, "IoU.minibike": 0.0, "IoU.cradle": 0.6305, "IoU.oven": 0.0, "IoU.ball": 0.0, "IoU.food": 0.0, "IoU.step": 0.0, "IoU.tank": 0.0, "IoU.trade name": 0.0, "IoU.microwave": 0.0, "IoU.pot": 0.0, "IoU.animal": 0.0, "IoU.bicycle": 0.0, "IoU.lake": 0.0, "IoU.dishwasher": 0.0, "IoU.screen": 0.0, "IoU.blanket": 0.0, "IoU.sculpture": 0.0, "IoU.hood": 0.0, "IoU.sconce": 0.0, "IoU.vase": 0.0, "IoU.traffic light": 0.0, "IoU.tray": 0.0, "IoU.ashcan": 0.0, "IoU.fan": 0.0, "IoU.pier": 0.0, "IoU.crt screen": 0.0, "IoU.plate": 0.0, "IoU.monitor": 0.0, "IoU.bulletin board": 0.0, "IoU.shower": 0.0, "IoU.radiator": 0.0, "IoU.glass": 0.0, "IoU.clock": 0.0, "IoU.flag": 0.0, "Acc.wall": 0.8698, "Acc.building": 0.9354, "Acc.sky": 0.9693, "Acc.floor": 0.9091, "Acc.tree": 0.8663, "Acc.ceiling": 0.922, "Acc.road": 0.8948, "Acc.bed ": 0.9643, "Acc.windowpane": 0.807, "Acc.grass": 0.7683, "Acc.cabinet": 0.721, "Acc.sidewalk": 0.7509, "Acc.person": 0.9084, "Acc.earth": 0.4912, "Acc.door": 0.393, "Acc.table": 0.7353, "Acc.mountain": 0.8001, "Acc.plant": 0.6094, "Acc.curtain": 0.8437, "Acc.chair": 0.6434, "Acc.car": 0.9226, "Acc.water": 0.8023, "Acc.painting": 0.8342, "Acc.sofa": 0.8404, "Acc.shelf": 0.614, "Acc.house": 0.7275, "Acc.sea": 0.829, "Acc.mirror": 0.689, "Acc.rug": 0.5805, "Acc.field": 0.6336, "Acc.armchair": 0.4711, "Acc.seat": 0.7654, "Acc.fence": 0.5903, "Acc.desk": 0.5316, "Acc.rock": 0.5689, "Acc.wardrobe": 0.5811, "Acc.lamp": 0.6504, "Acc.bathtub": 0.7812, "Acc.railing": 0.4317, "Acc.cushion": 0.494, "Acc.base": 0.02, "Acc.box": 0.1345, "Acc.column": 0.2319, "Acc.signboard": 0.2924, "Acc.chest of drawers": 0.6166, "Acc.counter": 0.4451, "Acc.sand": 0.4896, "Acc.sink": 0.7235, "Acc.skyscraper": 0.829, "Acc.fireplace": 0.8579, "Acc.refrigerator": 0.4961, "Acc.grandstand": 0.5908, "Acc.path": 0.0013, "Acc.stairs": 0.0181, "Acc.runway": 0.7367, "Acc.case": 0.7571, "Acc.pool table": 0.9698, "Acc.pillow": 0.5371, "Acc.screen door": 0.3221, "Acc.stairway": 0.5271, "Acc.river": 0.0191, "Acc.bridge": 0.61, "Acc.bookcase": 0.5967, "Acc.blind": 0.0, "Acc.coffee table": 0.7002, "Acc.toilet": 0.9127, "Acc.flower": 0.2363, "Acc.book": 0.3908, "Acc.hill": 0.0, "Acc.bench": 0.057, "Acc.countertop": 0.0304, "Acc.stove": 0.696, "Acc.palm": 0.6575, "Acc.kitchen island": 0.0, "Acc.computer": 0.828, "Acc.swivel chair": 0.4277, "Acc.boat": 0.0003, "Acc.bar": 0.0, "Acc.arcade machine": 0.2102, "Acc.hovel": 0.0, "Acc.bus": 0.8131, "Acc.towel": 0.3755, "Acc.light": 0.0, "Acc.truck": 0.2031, "Acc.tower": 0.0, "Acc.chandelier": 0.0769, "Acc.awning": 0.0, "Acc.streetlight": 0.0, "Acc.booth": 0.0, "Acc.television receiver": 0.1861, "Acc.airplane": 0.2453, "Acc.dirt track": 0.0, "Acc.apparel": 0.0144, "Acc.pole": 0.0, "Acc.land": 0.0, "Acc.bannister": 0.0, "Acc.escalator": 0.0, "Acc.ottoman": 0.0, "Acc.bottle": 0.0, "Acc.buffet": 0.0, "Acc.poster": 0.0, "Acc.stage": 0.0, "Acc.van": 0.0, "Acc.ship": 0.0, "Acc.fountain": 0.0, "Acc.conveyer belt": 0.0, "Acc.canopy": 0.0, "Acc.washer": 0.0, "Acc.plaything": 0.0, "Acc.swimming pool": 0.0, "Acc.stool": 0.0, "Acc.barrel": 0.0, "Acc.basket": 0.0, "Acc.waterfall": 0.6043, "Acc.tent": 0.894, "Acc.bag": 0.0, "Acc.minibike": 0.0, "Acc.cradle": 0.8208, "Acc.oven": 0.0, "Acc.ball": 0.0, "Acc.food": 0.0, "Acc.step": 0.0, "Acc.tank": 0.0, "Acc.trade name": 0.0, "Acc.microwave": 0.0, "Acc.pot": 0.0, "Acc.animal": 0.0, "Acc.bicycle": 0.0, "Acc.lake": 0.0, "Acc.dishwasher": 0.0, "Acc.screen": 0.0, "Acc.blanket": 0.0, "Acc.sculpture": 0.0, "Acc.hood": 0.0, "Acc.sconce": 0.0, "Acc.vase": 0.0, "Acc.traffic light": 0.0, "Acc.tray": 0.0, "Acc.ashcan": 0.0, "Acc.fan": 0.0, "Acc.pier": 0.0, "Acc.crt screen": 0.0, "Acc.plate": 0.0, "Acc.monitor": 0.0, "Acc.bulletin board": 0.0, "Acc.shower": 0.0, "Acc.radiator": 0.0, "Acc.glass": 0.0, "Acc.clock": 0.0, "Acc.flag": 0.0} {"mode": "train", "epoch": 4, "iter": 5050, "lr": 0.0, "memory": 14793, "data_time": 2.38571, "decode.loss_ce": 0.75718, "decode.acc_seg": 74.75145, "aux.loss_ce": 0.45515, "aux.acc_seg": 67.87397, "loss": 1.21233, "grad_norm": 13.83545, "time": 2.79852} {"mode": "train", "epoch": 5, "iter": 5100, "lr": 0.0, "memory": 14793, "data_time": 0.05286, "decode.loss_ce": 0.81061, "decode.acc_seg": 74.12553, "aux.loss_ce": 0.49097, "aux.acc_seg": 66.06325, "loss": 1.30158, "grad_norm": 11.18462, "time": 0.46559} {"mode": "train", "epoch": 5, "iter": 5150, "lr": 0.0, "memory": 14793, "data_time": 0.00528, "decode.loss_ce": 0.74659, "decode.acc_seg": 75.79498, "aux.loss_ce": 0.45672, "aux.acc_seg": 68.69998, "loss": 1.2033, "grad_norm": 10.74064, "time": 0.43019} {"mode": "train", "epoch": 5, "iter": 5200, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.77795, "decode.acc_seg": 75.49573, "aux.loss_ce": 0.48327, "aux.acc_seg": 66.65099, "loss": 1.26123, "grad_norm": 11.32931, "time": 0.41372} {"mode": "train", "epoch": 5, "iter": 5250, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.74576, "decode.acc_seg": 75.55062, "aux.loss_ce": 0.45663, "aux.acc_seg": 67.38715, "loss": 1.20239, "grad_norm": 10.75499, "time": 0.41532} {"mode": "train", "epoch": 5, "iter": 5300, "lr": 0.0, "memory": 14793, "data_time": 0.00587, "decode.loss_ce": 0.73377, "decode.acc_seg": 76.01481, "aux.loss_ce": 0.45632, "aux.acc_seg": 67.88551, "loss": 1.19009, "grad_norm": 10.52367, "time": 0.41205} {"mode": "train", "epoch": 5, "iter": 5350, "lr": 0.0, "memory": 14793, "data_time": 0.00583, "decode.loss_ce": 0.76565, "decode.acc_seg": 75.07035, "aux.loss_ce": 0.47392, "aux.acc_seg": 67.05952, "loss": 1.23956, "grad_norm": 13.58173, "time": 0.41432} {"mode": "train", "epoch": 5, "iter": 5400, "lr": 0.0, "memory": 14793, "data_time": 0.00604, "decode.loss_ce": 0.74467, "decode.acc_seg": 76.04577, "aux.loss_ce": 0.4568, "aux.acc_seg": 67.96091, "loss": 1.20148, "grad_norm": 13.81592, "time": 0.40914} {"mode": "train", "epoch": 5, "iter": 5450, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.73622, "decode.acc_seg": 76.08996, "aux.loss_ce": 0.44592, "aux.acc_seg": 69.11443, "loss": 1.18214, "grad_norm": 12.66304, "time": 0.40651} {"mode": "train", "epoch": 5, "iter": 5500, "lr": 0.0, "memory": 14793, "data_time": 0.00588, "decode.loss_ce": 0.74224, "decode.acc_seg": 75.52037, "aux.loss_ce": 0.46226, "aux.acc_seg": 67.41459, "loss": 1.2045, "grad_norm": 15.78729, "time": 0.40857} {"mode": "train", "epoch": 5, "iter": 5550, "lr": 0.0, "memory": 14793, "data_time": 0.00539, "decode.loss_ce": 0.77427, "decode.acc_seg": 74.39446, "aux.loss_ce": 0.47458, "aux.acc_seg": 66.5506, "loss": 1.24885, "grad_norm": 14.47456, "time": 0.4236} {"mode": "train", "epoch": 5, "iter": 5600, "lr": 0.0, "memory": 14793, "data_time": 0.00551, "decode.loss_ce": 0.76367, "decode.acc_seg": 74.89674, "aux.loss_ce": 0.47947, "aux.acc_seg": 65.72624, "loss": 1.24314, "grad_norm": 14.59368, "time": 0.41191} {"mode": "train", "epoch": 5, "iter": 5650, "lr": 0.0, "memory": 14793, "data_time": 0.00543, "decode.loss_ce": 0.78598, "decode.acc_seg": 74.88976, "aux.loss_ce": 0.46723, "aux.acc_seg": 67.42613, "loss": 1.25321, "grad_norm": 14.23086, "time": 0.41354} {"mode": "train", "epoch": 5, "iter": 5700, "lr": 0.0, "memory": 14793, "data_time": 0.00611, "decode.loss_ce": 0.73685, "decode.acc_seg": 75.5035, "aux.loss_ce": 0.45603, "aux.acc_seg": 67.42869, "loss": 1.19288, "grad_norm": 14.93953, "time": 0.41023} {"mode": "train", "epoch": 5, "iter": 5750, "lr": 0.0, "memory": 14793, "data_time": 0.00554, "decode.loss_ce": 0.7057, "decode.acc_seg": 76.39653, "aux.loss_ce": 0.43103, "aux.acc_seg": 68.68872, "loss": 1.13673, "grad_norm": 12.25374, "time": 0.4082} {"mode": "train", "epoch": 5, "iter": 5800, "lr": 0.0, "memory": 14793, "data_time": 0.00579, "decode.loss_ce": 0.73144, "decode.acc_seg": 75.93148, "aux.loss_ce": 0.45179, "aux.acc_seg": 67.98695, "loss": 1.18323, "grad_norm": 12.04804, "time": 0.41301} {"mode": "train", "epoch": 5, "iter": 5850, "lr": 0.0, "memory": 14793, "data_time": 0.00599, "decode.loss_ce": 0.73204, "decode.acc_seg": 76.11443, "aux.loss_ce": 0.4578, "aux.acc_seg": 67.35998, "loss": 1.18984, "grad_norm": 14.96187, "time": 0.40821} {"mode": "train", "epoch": 5, "iter": 5900, "lr": 0.0, "memory": 14793, "data_time": 0.00574, "decode.loss_ce": 0.71981, "decode.acc_seg": 75.84393, "aux.loss_ce": 0.44389, "aux.acc_seg": 67.22997, "loss": 1.1637, "grad_norm": 14.76516, "time": 0.41063} {"mode": "train", "epoch": 5, "iter": 5950, "lr": 0.0, "memory": 14793, "data_time": 0.00675, "decode.loss_ce": 0.76757, "decode.acc_seg": 74.80326, "aux.loss_ce": 0.48548, "aux.acc_seg": 65.26073, "loss": 1.25305, "grad_norm": 12.50091, "time": 0.41783} {"mode": "train", "epoch": 5, "iter": 6000, "lr": 0.0, "memory": 14793, "data_time": 0.00552, "decode.loss_ce": 0.68864, "decode.acc_seg": 77.41036, "aux.loss_ce": 0.43262, "aux.acc_seg": 69.27444, "loss": 1.12126, "grad_norm": 14.9715, "time": 0.66352} {"mode": "val", "epoch": 5, "iter": 125, "lr": 0.0, "aAcc": 0.7991, "mIoU": 0.2899, "mAcc": 0.3771, "IoU.wall": 0.7375, "IoU.building": 0.8084, "IoU.sky": 0.9352, "IoU.floor": 0.7846, "IoU.tree": 0.737, "IoU.ceiling": 0.8043, "IoU.road": 0.7937, "IoU.bed ": 0.8623, "IoU.windowpane": 0.5652, "IoU.grass": 0.6423, "IoU.cabinet": 0.5482, "IoU.sidewalk": 0.5696, "IoU.person": 0.7768, "IoU.earth": 0.3698, "IoU.door": 0.426, "IoU.table": 0.5213, "IoU.mountain": 0.6251, "IoU.plant": 0.5055, "IoU.curtain": 0.6864, "IoU.chair": 0.4869, "IoU.car": 0.7848, "IoU.water": 0.5296, "IoU.painting": 0.6697, "IoU.sofa": 0.6149, "IoU.shelf": 0.3856, "IoU.house": 0.2405, "IoU.sea": 0.6353, "IoU.mirror": 0.5558, "IoU.rug": 0.5192, "IoU.field": 0.2503, "IoU.armchair": 0.3501, "IoU.seat": 0.6053, "IoU.fence": 0.4264, "IoU.desk": 0.3549, "IoU.rock": 0.5267, "IoU.wardrobe": 0.4419, "IoU.lamp": 0.501, "IoU.bathtub": 0.6884, "IoU.railing": 0.3474, "IoU.cushion": 0.3803, "IoU.base": 0.0382, "IoU.box": 0.1185, "IoU.column": 0.4323, "IoU.signboard": 0.3015, "IoU.chest of drawers": 0.3658, "IoU.counter": 0.3377, "IoU.sand": 0.5013, "IoU.sink": 0.5014, "IoU.skyscraper": 0.5164, "IoU.fireplace": 0.6586, "IoU.refrigerator": 0.5488, "IoU.grandstand": 0.3793, "IoU.path": 0.0223, "IoU.stairs": 0.3521, "IoU.runway": 0.7007, "IoU.case": 0.5039, "IoU.pool table": 0.886, "IoU.pillow": 0.4575, "IoU.screen door": 0.6087, "IoU.stairway": 0.3854, "IoU.river": 0.0653, "IoU.bridge": 0.4494, "IoU.bookcase": 0.2397, "IoU.blind": 0.0, "IoU.coffee table": 0.4939, "IoU.toilet": 0.778, "IoU.flower": 0.2676, "IoU.book": 0.4065, "IoU.hill": 0.0065, "IoU.bench": 0.3659, "IoU.countertop": 0.1549, "IoU.stove": 0.3421, "IoU.palm": 0.4792, "IoU.kitchen island": 0.0079, "IoU.computer": 0.6798, "IoU.swivel chair": 0.3306, "IoU.boat": 0.5706, "IoU.bar": 0.0028, "IoU.arcade machine": 0.6131, "IoU.hovel": 0.0, "IoU.bus": 0.6826, "IoU.towel": 0.4464, "IoU.light": 0.0, "IoU.truck": 0.3105, "IoU.tower": 0.0, "IoU.chandelier": 0.4764, "IoU.awning": 0.0, "IoU.streetlight": 0.0, "IoU.booth": 0.0, "IoU.television receiver": 0.5709, "IoU.airplane": 0.4918, "IoU.dirt track": 0.0, "IoU.apparel": 0.2734, "IoU.pole": 0.0, "IoU.land": 0.0, "IoU.bannister": 0.0, "IoU.escalator": 0.0, "IoU.ottoman": 0.0, "IoU.bottle": 0.0, "IoU.buffet": 0.0, "IoU.poster": 0.0, "IoU.stage": 0.0, "IoU.van": 0.0, "IoU.ship": 0.0, "IoU.fountain": 0.0, "IoU.conveyer belt": 0.0, "IoU.canopy": 0.0, "IoU.washer": 0.1811, "IoU.plaything": 0.0, "IoU.swimming pool": 0.0202, "IoU.stool": 0.0, "IoU.barrel": 0.0884, "IoU.basket": 0.0, "IoU.waterfall": 0.4508, "IoU.tent": 0.9213, "IoU.bag": 0.0, "IoU.minibike": 0.0, "IoU.cradle": 0.6642, "IoU.oven": 0.0, "IoU.ball": 0.0, "IoU.food": 0.0, "IoU.step": 0.0, "IoU.tank": 0.0, "IoU.trade name": 0.0, "IoU.microwave": 0.0, "IoU.pot": 0.0, "IoU.animal": 0.0, "IoU.bicycle": 0.0, "IoU.lake": 0.0, "IoU.dishwasher": 0.0, "IoU.screen": 0.0487, "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.8494, "Acc.building": 0.9489, "Acc.sky": 0.9747, "Acc.floor": 0.898, "Acc.tree": 0.8665, "Acc.ceiling": 0.9384, "Acc.road": 0.8732, "Acc.bed ": 0.9671, "Acc.windowpane": 0.8198, "Acc.grass": 0.8537, "Acc.cabinet": 0.7172, "Acc.sidewalk": 0.8333, "Acc.person": 0.9111, "Acc.earth": 0.4594, "Acc.door": 0.5957, "Acc.table": 0.7472, "Acc.mountain": 0.7854, "Acc.plant": 0.585, "Acc.curtain": 0.8744, "Acc.chair": 0.6349, "Acc.car": 0.9391, "Acc.water": 0.7642, "Acc.painting": 0.8103, "Acc.sofa": 0.817, "Acc.shelf": 0.6486, "Acc.house": 0.2742, "Acc.sea": 0.9308, "Acc.mirror": 0.7036, "Acc.rug": 0.6194, "Acc.field": 0.4694, "Acc.armchair": 0.6551, "Acc.seat": 0.7983, "Acc.fence": 0.6088, "Acc.desk": 0.5719, "Acc.rock": 0.7168, "Acc.wardrobe": 0.6222, "Acc.lamp": 0.6691, "Acc.bathtub": 0.8239, "Acc.railing": 0.4724, "Acc.cushion": 0.4186, "Acc.base": 0.0409, "Acc.box": 0.1476, "Acc.column": 0.4723, "Acc.signboard": 0.4063, "Acc.chest of drawers": 0.5594, "Acc.counter": 0.5374, "Acc.sand": 0.5641, "Acc.sink": 0.7542, "Acc.skyscraper": 0.6087, "Acc.fireplace": 0.8771, "Acc.refrigerator": 0.7522, "Acc.grandstand": 0.7652, "Acc.path": 0.0226, "Acc.stairs": 0.4326, "Acc.runway": 0.933, "Acc.case": 0.7529, "Acc.pool table": 0.972, "Acc.pillow": 0.6339, "Acc.screen door": 0.6521, "Acc.stairway": 0.4706, "Acc.river": 0.0684, "Acc.bridge": 0.5292, "Acc.bookcase": 0.387, "Acc.blind": 0.0, "Acc.coffee table": 0.7772, "Acc.toilet": 0.8898, "Acc.flower": 0.4375, "Acc.book": 0.6316, "Acc.hill": 0.007, "Acc.bench": 0.4538, "Acc.countertop": 0.1629, "Acc.stove": 0.8305, "Acc.palm": 0.6822, "Acc.kitchen island": 0.0081, "Acc.computer": 0.8637, "Acc.swivel chair": 0.516, "Acc.boat": 0.7141, "Acc.bar": 0.0029, "Acc.arcade machine": 0.6278, "Acc.hovel": 0.0, "Acc.bus": 0.9348, "Acc.towel": 0.5662, "Acc.light": 0.0, "Acc.truck": 0.3931, "Acc.tower": 0.0, "Acc.chandelier": 0.6214, "Acc.awning": 0.0, "Acc.streetlight": 0.0, "Acc.booth": 0.0, "Acc.television receiver": 0.6683, "Acc.airplane": 0.6432, "Acc.dirt track": 0.0, "Acc.apparel": 0.3935, "Acc.pole": 0.0, "Acc.land": 0.0, "Acc.bannister": 0.0, "Acc.escalator": 0.0, "Acc.ottoman": 0.0, "Acc.bottle": 0.0, "Acc.buffet": 0.0, "Acc.poster": 0.0, "Acc.stage": 0.0, "Acc.van": 0.0, "Acc.ship": 0.0, "Acc.fountain": 0.0, "Acc.conveyer belt": 0.0, "Acc.canopy": 0.0, "Acc.washer": 0.1813, "Acc.plaything": 0.0, "Acc.swimming pool": 0.0203, "Acc.stool": 0.0, "Acc.barrel": 0.0901, "Acc.basket": 0.0, "Acc.waterfall": 0.7163, "Acc.tent": 0.978, "Acc.bag": 0.0, "Acc.minibike": 0.0, "Acc.cradle": 0.8919, "Acc.oven": 0.0, "Acc.ball": 0.0, "Acc.food": 0.0, "Acc.step": 0.0, "Acc.tank": 0.0, "Acc.trade name": 0.0, "Acc.microwave": 0.0, "Acc.pot": 0.0, "Acc.animal": 0.0, "Acc.bicycle": 0.0, "Acc.lake": 0.0, "Acc.dishwasher": 0.0, "Acc.screen": 0.0487, "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": 5, "iter": 6050, "lr": 0.0, "memory": 14793, "data_time": 2.3608, "decode.loss_ce": 0.71049, "decode.acc_seg": 75.42039, "aux.loss_ce": 0.43617, "aux.acc_seg": 67.39437, "loss": 1.14666, "grad_norm": 16.95899, "time": 2.76973} {"mode": "train", "epoch": 5, "iter": 6100, "lr": 0.0, "memory": 14793, "data_time": 0.00588, "decode.loss_ce": 0.68445, "decode.acc_seg": 77.38447, "aux.loss_ce": 0.42849, "aux.acc_seg": 69.31096, "loss": 1.11294, "grad_norm": 12.92581, "time": 0.40877} {"mode": "train", "epoch": 5, "iter": 6150, "lr": 0.0, "memory": 14793, "data_time": 0.00646, "decode.loss_ce": 0.7148, "decode.acc_seg": 76.10988, "aux.loss_ce": 0.43095, "aux.acc_seg": 68.30406, "loss": 1.14575, "grad_norm": 14.23048, "time": 0.41403} {"mode": "train", "epoch": 5, "iter": 6200, "lr": 0.0, "memory": 14793, "data_time": 0.00568, "decode.loss_ce": 0.69446, "decode.acc_seg": 76.26734, "aux.loss_ce": 0.43437, "aux.acc_seg": 68.48401, "loss": 1.12883, "grad_norm": 16.135, "time": 0.40451} {"mode": "train", "epoch": 5, "iter": 6250, "lr": 0.0, "memory": 14793, "data_time": 0.00671, "decode.loss_ce": 0.72218, "decode.acc_seg": 75.64419, "aux.loss_ce": 0.44749, "aux.acc_seg": 67.23532, "loss": 1.16967, "grad_norm": 15.57874, "time": 0.41103} {"mode": "train", "epoch": 5, "iter": 6300, "lr": 0.0, "memory": 14793, "data_time": 0.00584, "decode.loss_ce": 0.69624, "decode.acc_seg": 75.53022, "aux.loss_ce": 0.43352, "aux.acc_seg": 68.07446, "loss": 1.12976, "grad_norm": 16.47265, "time": 0.41248} {"mode": "train", "epoch": 6, "iter": 6350, "lr": 0.0, "memory": 14793, "data_time": 0.05222, "decode.loss_ce": 0.68513, "decode.acc_seg": 76.96543, "aux.loss_ce": 0.4304, "aux.acc_seg": 68.64207, "loss": 1.11553, "grad_norm": 11.29347, "time": 0.46116} {"mode": "train", "epoch": 6, "iter": 6400, "lr": 0.0, "memory": 14793, "data_time": 0.00718, "decode.loss_ce": 0.72713, "decode.acc_seg": 76.01861, "aux.loss_ce": 0.44385, "aux.acc_seg": 68.01065, "loss": 1.17098, "grad_norm": 13.81254, "time": 0.43654} {"mode": "train", "epoch": 6, "iter": 6450, "lr": 0.0, "memory": 14793, "data_time": 0.00563, "decode.loss_ce": 0.72657, "decode.acc_seg": 75.9905, "aux.loss_ce": 0.45283, "aux.acc_seg": 67.43987, "loss": 1.17939, "grad_norm": 16.76479, "time": 0.40625} {"mode": "train", "epoch": 6, "iter": 6500, "lr": 0.0, "memory": 14793, "data_time": 0.00535, "decode.loss_ce": 0.70963, "decode.acc_seg": 76.54446, "aux.loss_ce": 0.44762, "aux.acc_seg": 68.10453, "loss": 1.15725, "grad_norm": 13.22905, "time": 0.4041} {"mode": "train", "epoch": 6, "iter": 6550, "lr": 0.0, "memory": 14793, "data_time": 0.00549, "decode.loss_ce": 0.69405, "decode.acc_seg": 76.41016, "aux.loss_ce": 0.43995, "aux.acc_seg": 67.2213, "loss": 1.134, "grad_norm": 12.3727, "time": 0.40824} {"mode": "train", "epoch": 6, "iter": 6600, "lr": 0.0, "memory": 14793, "data_time": 0.00593, "decode.loss_ce": 0.70769, "decode.acc_seg": 76.6617, "aux.loss_ce": 0.44449, "aux.acc_seg": 68.14311, "loss": 1.15218, "grad_norm": 12.64869, "time": 0.41541} {"mode": "train", "epoch": 6, "iter": 6650, "lr": 0.0, "memory": 14793, "data_time": 0.00573, "decode.loss_ce": 0.68292, "decode.acc_seg": 76.83237, "aux.loss_ce": 0.42338, "aux.acc_seg": 68.94784, "loss": 1.1063, "grad_norm": 11.43467, "time": 0.40507} {"mode": "train", "epoch": 6, "iter": 6700, "lr": 0.0, "memory": 14793, "data_time": 0.0064, "decode.loss_ce": 0.64479, "decode.acc_seg": 77.63502, "aux.loss_ce": 0.41195, "aux.acc_seg": 69.91409, "loss": 1.05674, "grad_norm": 12.49885, "time": 0.41598} {"mode": "train", "epoch": 6, "iter": 6750, "lr": 0.0, "memory": 14793, "data_time": 0.00604, "decode.loss_ce": 0.67388, "decode.acc_seg": 76.15206, "aux.loss_ce": 0.42072, "aux.acc_seg": 68.11699, "loss": 1.0946, "grad_norm": 12.90895, "time": 0.4094} {"mode": "train", "epoch": 6, "iter": 6800, "lr": 0.0, "memory": 14793, "data_time": 0.00616, "decode.loss_ce": 0.62763, "decode.acc_seg": 77.27188, "aux.loss_ce": 0.3882, "aux.acc_seg": 69.67772, "loss": 1.01582, "grad_norm": 14.95586, "time": 0.42871} {"mode": "train", "epoch": 6, "iter": 6850, "lr": 0.0, "memory": 14793, "data_time": 0.00639, "decode.loss_ce": 0.66947, "decode.acc_seg": 77.59984, "aux.loss_ce": 0.44246, "aux.acc_seg": 67.89269, "loss": 1.11193, "grad_norm": 12.14459, "time": 0.41226} {"mode": "train", "epoch": 6, "iter": 6900, "lr": 0.0, "memory": 14793, "data_time": 0.00546, "decode.loss_ce": 0.68197, "decode.acc_seg": 75.79834, "aux.loss_ce": 0.41668, "aux.acc_seg": 67.29485, "loss": 1.09866, "grad_norm": 16.33762, "time": 0.41335} {"mode": "train", "epoch": 6, "iter": 6950, "lr": 0.0, "memory": 14793, "data_time": 0.00561, "decode.loss_ce": 0.66842, "decode.acc_seg": 76.91294, "aux.loss_ce": 0.42313, "aux.acc_seg": 67.78059, "loss": 1.09155, "grad_norm": 12.29292, "time": 0.41078} {"mode": "train", "epoch": 6, "iter": 7000, "lr": 0.0, "memory": 14793, "data_time": 0.00602, "decode.loss_ce": 0.6524, "decode.acc_seg": 78.10573, "aux.loss_ce": 0.41431, "aux.acc_seg": 69.36048, "loss": 1.06671, "grad_norm": 11.79714, "time": 0.63384} {"mode": "val", "epoch": 6, "iter": 125, "lr": 0.0, "aAcc": 0.8087, "mIoU": 0.3279, "mAcc": 0.4254, "IoU.wall": 0.7501, "IoU.building": 0.8206, "IoU.sky": 0.9399, "IoU.floor": 0.7978, "IoU.tree": 0.7324, "IoU.ceiling": 0.8204, "IoU.road": 0.8044, "IoU.bed ": 0.8787, "IoU.windowpane": 0.5946, "IoU.grass": 0.6581, "IoU.cabinet": 0.5616, "IoU.sidewalk": 0.5971, "IoU.person": 0.7916, "IoU.earth": 0.4191, "IoU.door": 0.4458, "IoU.table": 0.5438, "IoU.mountain": 0.623, "IoU.plant": 0.5113, "IoU.curtain": 0.6902, "IoU.chair": 0.4897, "IoU.car": 0.8088, "IoU.water": 0.5237, "IoU.painting": 0.645, "IoU.sofa": 0.6238, "IoU.shelf": 0.402, "IoU.house": 0.4511, "IoU.sea": 0.6273, "IoU.mirror": 0.5706, "IoU.rug": 0.5282, "IoU.field": 0.2907, "IoU.armchair": 0.318, "IoU.seat": 0.5993, "IoU.fence": 0.4279, "IoU.desk": 0.3568, "IoU.rock": 0.5081, "IoU.wardrobe": 0.4477, "IoU.lamp": 0.5124, "IoU.bathtub": 0.6843, "IoU.railing": 0.3568, "IoU.cushion": 0.488, "IoU.base": 0.1773, "IoU.box": 0.1936, "IoU.column": 0.4809, "IoU.signboard": 0.3178, "IoU.chest of drawers": 0.3997, "IoU.counter": 0.3396, "IoU.sand": 0.5199, "IoU.sink": 0.5368, "IoU.skyscraper": 0.4222, "IoU.fireplace": 0.6768, "IoU.refrigerator": 0.5825, "IoU.grandstand": 0.3909, "IoU.path": 0.2051, "IoU.stairs": 0.1095, "IoU.runway": 0.6217, "IoU.case": 0.5288, "IoU.pool table": 0.8941, "IoU.pillow": 0.5098, "IoU.screen door": 0.7071, "IoU.stairway": 0.2544, "IoU.river": 0.1716, "IoU.bridge": 0.6881, "IoU.bookcase": 0.3094, "IoU.blind": 0.0, "IoU.coffee table": 0.5082, "IoU.toilet": 0.7562, "IoU.flower": 0.2907, "IoU.book": 0.3762, "IoU.hill": 0.0021, "IoU.bench": 0.4313, "IoU.countertop": 0.3136, "IoU.stove": 0.4182, "IoU.palm": 0.4931, "IoU.kitchen island": 0.095, "IoU.computer": 0.6792, "IoU.swivel chair": 0.3404, "IoU.boat": 0.5919, "IoU.bar": 0.2239, "IoU.arcade machine": 0.6639, "IoU.hovel": 0.0725, "IoU.bus": 0.8662, "IoU.towel": 0.4922, "IoU.light": 0.0, "IoU.truck": 0.3315, "IoU.tower": 0.0, "IoU.chandelier": 0.5021, "IoU.awning": 0.015, "IoU.streetlight": 0.001, "IoU.booth": 0.0, "IoU.television receiver": 0.6287, "IoU.airplane": 0.5111, "IoU.dirt track": 0.0, "IoU.apparel": 0.2964, "IoU.pole": 0.0, "IoU.land": 0.0, "IoU.bannister": 0.0, "IoU.escalator": 0.0, "IoU.ottoman": 0.0045, "IoU.bottle": 0.0, "IoU.buffet": 0.0, "IoU.poster": 0.0, "IoU.stage": 0.0, "IoU.van": 0.0008, "IoU.ship": 0.0, "IoU.fountain": 0.0004, "IoU.conveyer belt": 0.5137, "IoU.canopy": 0.0, "IoU.washer": 0.6661, "IoU.plaything": 0.0, "IoU.swimming pool": 0.2645, "IoU.stool": 0.0003, "IoU.barrel": 0.4544, "IoU.basket": 0.0, "IoU.waterfall": 0.5, "IoU.tent": 0.9132, "IoU.bag": 0.0, "IoU.minibike": 0.353, "IoU.cradle": 0.6735, "IoU.oven": 0.0, "IoU.ball": 0.46, "IoU.food": 0.0012, "IoU.step": 0.0, "IoU.tank": 0.0, "IoU.trade name": 0.0, "IoU.microwave": 0.0, "IoU.pot": 0.0, "IoU.animal": 0.0, "IoU.bicycle": 0.1742, "IoU.lake": 0.0, "IoU.dishwasher": 0.0, "IoU.screen": 0.625, "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.8745, "Acc.building": 0.9284, "Acc.sky": 0.9712, "Acc.floor": 0.8982, "Acc.tree": 0.8988, "Acc.ceiling": 0.9179, "Acc.road": 0.8791, "Acc.bed ": 0.9516, "Acc.windowpane": 0.7876, "Acc.grass": 0.8015, "Acc.cabinet": 0.6933, "Acc.sidewalk": 0.811, "Acc.person": 0.9145, "Acc.earth": 0.5629, "Acc.door": 0.5986, "Acc.table": 0.742, "Acc.mountain": 0.7616, "Acc.plant": 0.6082, "Acc.curtain": 0.8651, "Acc.chair": 0.6141, "Acc.car": 0.9399, "Acc.water": 0.6959, "Acc.painting": 0.8702, "Acc.sofa": 0.8673, "Acc.shelf": 0.6411, "Acc.house": 0.7189, "Acc.sea": 0.9635, "Acc.mirror": 0.7133, "Acc.rug": 0.6372, "Acc.field": 0.5322, "Acc.armchair": 0.5232, "Acc.seat": 0.807, "Acc.fence": 0.5843, "Acc.desk": 0.5868, "Acc.rock": 0.8038, "Acc.wardrobe": 0.5931, "Acc.lamp": 0.7066, "Acc.bathtub": 0.8493, "Acc.railing": 0.4947, "Acc.cushion": 0.6493, "Acc.base": 0.2, "Acc.box": 0.2858, "Acc.column": 0.5734, "Acc.signboard": 0.4608, "Acc.chest of drawers": 0.6647, "Acc.counter": 0.5179, "Acc.sand": 0.5956, "Acc.sink": 0.7607, "Acc.skyscraper": 0.4697, "Acc.fireplace": 0.8434, "Acc.refrigerator": 0.7732, "Acc.grandstand": 0.7786, "Acc.path": 0.2545, "Acc.stairs": 0.1149, "Acc.runway": 0.8247, "Acc.case": 0.8042, "Acc.pool table": 0.9754, "Acc.pillow": 0.7029, "Acc.screen door": 0.797, "Acc.stairway": 0.4777, "Acc.river": 0.2048, "Acc.bridge": 0.8178, "Acc.bookcase": 0.5542, "Acc.blind": 0.0, "Acc.coffee table": 0.7848, "Acc.toilet": 0.919, "Acc.flower": 0.4034, "Acc.book": 0.5127, "Acc.hill": 0.0021, "Acc.bench": 0.4766, "Acc.countertop": 0.3462, "Acc.stove": 0.8566, "Acc.palm": 0.7211, "Acc.kitchen island": 0.1071, "Acc.computer": 0.8882, "Acc.swivel chair": 0.6016, "Acc.boat": 0.8244, "Acc.bar": 0.2441, "Acc.arcade machine": 0.7153, "Acc.hovel": 0.0775, "Acc.bus": 0.9439, "Acc.towel": 0.6407, "Acc.light": 0.0, "Acc.truck": 0.4294, "Acc.tower": 0.0, "Acc.chandelier": 0.7565, "Acc.awning": 0.0153, "Acc.streetlight": 0.001, "Acc.booth": 0.0, "Acc.television receiver": 0.7596, "Acc.airplane": 0.652, "Acc.dirt track": 0.0, "Acc.apparel": 0.4796, "Acc.pole": 0.0, "Acc.land": 0.0, "Acc.bannister": 0.0, "Acc.escalator": 0.0, "Acc.ottoman": 0.0045, "Acc.bottle": 0.0, "Acc.buffet": 0.0, "Acc.poster": 0.0, "Acc.stage": 0.0, "Acc.van": 0.0008, "Acc.ship": 0.0, "Acc.fountain": 0.0004, "Acc.conveyer belt": 0.5606, "Acc.canopy": 0.0, "Acc.washer": 0.6812, "Acc.plaything": 0.0, "Acc.swimming pool": 0.5664, "Acc.stool": 0.0003, "Acc.barrel": 0.501, "Acc.basket": 0.0, "Acc.waterfall": 0.8268, "Acc.tent": 0.9816, "Acc.bag": 0.0, "Acc.minibike": 0.378, "Acc.cradle": 0.9777, "Acc.oven": 0.0, "Acc.ball": 0.5619, "Acc.food": 0.0012, "Acc.step": 0.0, "Acc.tank": 0.0, "Acc.trade name": 0.0, "Acc.microwave": 0.0, "Acc.pot": 0.0, "Acc.animal": 0.0, "Acc.bicycle": 0.1774, "Acc.lake": 0.0, "Acc.dishwasher": 0.0, "Acc.screen": 0.7196, "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": 6, "iter": 7050, "lr": 0.0, "memory": 14793, "data_time": 2.34172, "decode.loss_ce": 0.64728, "decode.acc_seg": 76.52103, "aux.loss_ce": 0.41082, "aux.acc_seg": 68.05392, "loss": 1.0581, "grad_norm": 12.55303, "time": 2.75233} {"mode": "train", "epoch": 6, "iter": 7100, "lr": 0.0, "memory": 14793, "data_time": 0.00586, "decode.loss_ce": 0.68147, "decode.acc_seg": 76.92949, "aux.loss_ce": 0.42389, "aux.acc_seg": 68.60663, "loss": 1.10537, "grad_norm": 13.10281, "time": 0.40581} {"mode": "train", "epoch": 6, "iter": 7150, "lr": 0.0, "memory": 14793, "data_time": 0.00552, "decode.loss_ce": 0.68821, "decode.acc_seg": 76.12743, "aux.loss_ce": 0.41899, "aux.acc_seg": 68.08617, "loss": 1.10719, "grad_norm": 15.55205, "time": 0.40977} {"mode": "train", "epoch": 6, "iter": 7200, "lr": 0.0, "memory": 14793, "data_time": 0.00572, "decode.loss_ce": 0.68298, "decode.acc_seg": 76.64647, "aux.loss_ce": 0.4328, "aux.acc_seg": 67.94276, "loss": 1.11578, "grad_norm": 16.15247, "time": 0.42688} {"mode": "train", "epoch": 6, "iter": 7250, "lr": 0.0, "memory": 14793, "data_time": 0.00774, "decode.loss_ce": 0.64904, "decode.acc_seg": 77.50467, "aux.loss_ce": 0.40774, "aux.acc_seg": 69.69834, "loss": 1.05678, "grad_norm": 14.03416, "time": 0.41407} {"mode": "train", "epoch": 6, "iter": 7300, "lr": 0.0, "memory": 14793, "data_time": 0.00545, "decode.loss_ce": 0.6563, "decode.acc_seg": 77.2531, "aux.loss_ce": 0.41762, "aux.acc_seg": 68.69953, "loss": 1.07392, "grad_norm": 13.53426, "time": 0.40265} {"mode": "train", "epoch": 6, "iter": 7350, "lr": 0.0, "memory": 14793, "data_time": 0.0059, "decode.loss_ce": 0.6636, "decode.acc_seg": 76.70823, "aux.loss_ce": 0.42324, "aux.acc_seg": 67.85277, "loss": 1.08684, "grad_norm": 16.01397, "time": 0.41514} {"mode": "train", "epoch": 6, "iter": 7400, "lr": 0.0, "memory": 14793, "data_time": 0.00546, "decode.loss_ce": 0.61653, "decode.acc_seg": 78.65307, "aux.loss_ce": 0.39509, "aux.acc_seg": 70.39129, "loss": 1.01163, "grad_norm": 12.90324, "time": 0.41572} {"mode": "train", "epoch": 6, "iter": 7450, "lr": 0.0, "memory": 14793, "data_time": 0.00586, "decode.loss_ce": 0.68641, "decode.acc_seg": 75.60521, "aux.loss_ce": 0.42113, "aux.acc_seg": 67.80623, "loss": 1.10754, "grad_norm": 20.94565, "time": 0.41122} {"mode": "train", "epoch": 6, "iter": 7500, "lr": 0.0, "memory": 14793, "data_time": 0.00569, "decode.loss_ce": 0.65565, "decode.acc_seg": 77.75611, "aux.loss_ce": 0.39999, "aux.acc_seg": 70.27736, "loss": 1.05563, "grad_norm": 13.28807, "time": 0.41296} {"mode": "train", "epoch": 6, "iter": 7550, "lr": 0.0, "memory": 14793, "data_time": 0.00569, "decode.loss_ce": 0.63224, "decode.acc_seg": 77.63659, "aux.loss_ce": 0.40156, "aux.acc_seg": 70.14517, "loss": 1.0338, "grad_norm": 15.00715, "time": 0.41055} {"mode": "train", "epoch": 7, "iter": 7600, "lr": 0.0, "memory": 14793, "data_time": 0.05338, "decode.loss_ce": 0.62768, "decode.acc_seg": 78.47835, "aux.loss_ce": 0.40274, "aux.acc_seg": 70.13507, "loss": 1.03042, "grad_norm": 12.30055, "time": 0.46953} {"mode": "train", "epoch": 7, "iter": 7650, "lr": 0.0, "memory": 14793, "data_time": 0.00542, "decode.loss_ce": 0.64721, "decode.acc_seg": 77.4645, "aux.loss_ce": 0.4119, "aux.acc_seg": 69.07932, "loss": 1.05911, "grad_norm": 16.38906, "time": 0.42092} {"mode": "train", "epoch": 7, "iter": 7700, "lr": 0.0, "memory": 14793, "data_time": 0.00569, "decode.loss_ce": 0.66155, "decode.acc_seg": 77.06504, "aux.loss_ce": 0.41266, "aux.acc_seg": 68.68566, "loss": 1.07421, "grad_norm": 14.30446, "time": 0.41526} {"mode": "train", "epoch": 7, "iter": 7750, "lr": 0.0, "memory": 14793, "data_time": 0.00565, "decode.loss_ce": 0.6303, "decode.acc_seg": 78.22216, "aux.loss_ce": 0.40094, "aux.acc_seg": 70.1045, "loss": 1.03124, "grad_norm": 12.43475, "time": 0.41438} {"mode": "train", "epoch": 7, "iter": 7800, "lr": 0.0, "memory": 14793, "data_time": 0.00601, "decode.loss_ce": 0.6534, "decode.acc_seg": 77.42691, "aux.loss_ce": 0.41329, "aux.acc_seg": 68.89121, "loss": 1.06669, "grad_norm": 12.23875, "time": 0.41461} {"mode": "train", "epoch": 7, "iter": 7850, "lr": 0.0, "memory": 14793, "data_time": 0.00718, "decode.loss_ce": 0.61014, "decode.acc_seg": 78.5268, "aux.loss_ce": 0.39593, "aux.acc_seg": 70.12503, "loss": 1.00607, "grad_norm": 11.90161, "time": 0.41354} {"mode": "train", "epoch": 7, "iter": 7900, "lr": 0.0, "memory": 14793, "data_time": 0.0051, "decode.loss_ce": 0.64164, "decode.acc_seg": 77.86777, "aux.loss_ce": 0.39213, "aux.acc_seg": 71.00871, "loss": 1.03377, "grad_norm": 20.33733, "time": 0.41123} {"mode": "train", "epoch": 7, "iter": 7950, "lr": 0.0, "memory": 14793, "data_time": 0.0052, "decode.loss_ce": 0.62399, "decode.acc_seg": 78.26932, "aux.loss_ce": 0.39372, "aux.acc_seg": 70.02243, "loss": 1.01771, "grad_norm": 12.65179, "time": 0.41473} {"mode": "train", "epoch": 7, "iter": 8000, "lr": 0.0, "memory": 14793, "data_time": 0.00516, "decode.loss_ce": 0.66264, "decode.acc_seg": 77.02299, "aux.loss_ce": 0.4163, "aux.acc_seg": 68.67991, "loss": 1.07894, "grad_norm": 14.65186, "time": 0.64755} {"mode": "val", "epoch": 7, "iter": 125, "lr": 0.0, "aAcc": 0.8123, "mIoU": 0.3435, "mAcc": 0.4515, "IoU.wall": 0.7503, "IoU.building": 0.8242, "IoU.sky": 0.9416, "IoU.floor": 0.7996, "IoU.tree": 0.7457, "IoU.ceiling": 0.8232, "IoU.road": 0.7972, "IoU.bed ": 0.8756, "IoU.windowpane": 0.5882, "IoU.grass": 0.674, "IoU.cabinet": 0.5495, "IoU.sidewalk": 0.5879, "IoU.person": 0.7949, "IoU.earth": 0.391, "IoU.door": 0.4414, "IoU.table": 0.5544, "IoU.mountain": 0.6053, "IoU.plant": 0.518, "IoU.curtain": 0.7059, "IoU.chair": 0.5269, "IoU.car": 0.825, "IoU.water": 0.5818, "IoU.painting": 0.6572, "IoU.sofa": 0.6299, "IoU.shelf": 0.3969, "IoU.house": 0.4322, "IoU.sea": 0.6916, "IoU.mirror": 0.5773, "IoU.rug": 0.5536, "IoU.field": 0.2639, "IoU.armchair": 0.3243, "IoU.seat": 0.6351, "IoU.fence": 0.4358, "IoU.desk": 0.3778, "IoU.rock": 0.4562, "IoU.wardrobe": 0.4817, "IoU.lamp": 0.524, "IoU.bathtub": 0.7021, "IoU.railing": 0.3596, "IoU.cushion": 0.5029, "IoU.base": 0.1947, "IoU.box": 0.1778, "IoU.column": 0.4754, "IoU.signboard": 0.3237, "IoU.chest of drawers": 0.3708, "IoU.counter": 0.3951, "IoU.sand": 0.5095, "IoU.sink": 0.6306, "IoU.skyscraper": 0.5214, "IoU.fireplace": 0.5528, "IoU.refrigerator": 0.5543, "IoU.grandstand": 0.4315, "IoU.path": 0.1587, "IoU.stairs": 0.3676, "IoU.runway": 0.7031, "IoU.case": 0.5601, "IoU.pool table": 0.8891, "IoU.pillow": 0.4873, "IoU.screen door": 0.6557, "IoU.stairway": 0.3923, "IoU.river": 0.3124, "IoU.bridge": 0.6021, "IoU.bookcase": 0.3076, "IoU.blind": 0.0346, "IoU.coffee table": 0.4698, "IoU.toilet": 0.7848, "IoU.flower": 0.2925, "IoU.book": 0.3929, "IoU.hill": 0.0078, "IoU.bench": 0.4668, "IoU.countertop": 0.4588, "IoU.stove": 0.4392, "IoU.palm": 0.459, "IoU.kitchen island": 0.1586, "IoU.computer": 0.6662, "IoU.swivel chair": 0.3554, "IoU.boat": 0.5395, "IoU.bar": 0.4765, "IoU.arcade machine": 0.6299, "IoU.hovel": 0.4021, "IoU.bus": 0.6854, "IoU.towel": 0.5243, "IoU.light": 0.0156, "IoU.truck": 0.319, "IoU.tower": 0.0102, "IoU.chandelier": 0.5245, "IoU.awning": 0.1205, "IoU.streetlight": 0.0394, "IoU.booth": 0.0, "IoU.television receiver": 0.6444, "IoU.airplane": 0.496, "IoU.dirt track": 0.0, "IoU.apparel": 0.2966, "IoU.pole": 0.0, "IoU.land": 0.0, "IoU.bannister": 0.0, "IoU.escalator": 0.0, "IoU.ottoman": 0.2823, "IoU.bottle": 0.0374, "IoU.buffet": 0.0, "IoU.poster": 0.0, "IoU.stage": 0.0582, "IoU.van": 0.0455, "IoU.ship": 0.0, "IoU.fountain": 0.0134, "IoU.conveyer belt": 0.6801, "IoU.canopy": 0.0101, "IoU.washer": 0.7075, "IoU.plaything": 0.0005, "IoU.swimming pool": 0.3431, "IoU.stool": 0.0309, "IoU.barrel": 0.082, "IoU.basket": 0.007, "IoU.waterfall": 0.4924, "IoU.tent": 0.8754, "IoU.bag": 0.0, "IoU.minibike": 0.4893, "IoU.cradle": 0.6858, "IoU.oven": 0.0, "IoU.ball": 0.4741, "IoU.food": 0.2301, "IoU.step": 0.0, "IoU.tank": 0.0, "IoU.trade name": 0.0, "IoU.microwave": 0.0319, "IoU.pot": 0.0048, "IoU.animal": 0.0009, "IoU.bicycle": 0.048, "IoU.lake": 0.0, "IoU.dishwasher": 0.0, "IoU.screen": 0.6436, "IoU.blanket": 0.0, "IoU.sculpture": 0.0112, "IoU.hood": 0.0, "IoU.sconce": 0.0, "IoU.vase": 0.0519, "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.8685, "Acc.building": 0.9403, "Acc.sky": 0.9688, "Acc.floor": 0.8908, "Acc.tree": 0.8749, "Acc.ceiling": 0.9154, "Acc.road": 0.8544, "Acc.bed ": 0.9678, "Acc.windowpane": 0.7641, "Acc.grass": 0.873, "Acc.cabinet": 0.7412, "Acc.sidewalk": 0.8702, "Acc.person": 0.8987, "Acc.earth": 0.5085, "Acc.door": 0.5959, "Acc.table": 0.7303, "Acc.mountain": 0.8057, "Acc.plant": 0.6147, "Acc.curtain": 0.8626, "Acc.chair": 0.689, "Acc.car": 0.9379, "Acc.water": 0.7459, "Acc.painting": 0.871, "Acc.sofa": 0.8886, "Acc.shelf": 0.6782, "Acc.house": 0.4763, "Acc.sea": 0.9493, "Acc.mirror": 0.7116, "Acc.rug": 0.6794, "Acc.field": 0.4156, "Acc.armchair": 0.4551, "Acc.seat": 0.8435, "Acc.fence": 0.6177, "Acc.desk": 0.5579, "Acc.rock": 0.6635, "Acc.wardrobe": 0.6921, "Acc.lamp": 0.6995, "Acc.bathtub": 0.8498, "Acc.railing": 0.5169, "Acc.cushion": 0.641, "Acc.base": 0.2426, "Acc.box": 0.218, "Acc.column": 0.6043, "Acc.signboard": 0.4556, "Acc.chest of drawers": 0.4785, "Acc.counter": 0.5431, "Acc.sand": 0.6112, "Acc.sink": 0.7438, "Acc.skyscraper": 0.6843, "Acc.fireplace": 0.9362, "Acc.refrigerator": 0.8341, "Acc.grandstand": 0.7674, "Acc.path": 0.1814, "Acc.stairs": 0.4472, "Acc.runway": 0.9526, "Acc.case": 0.7294, "Acc.pool table": 0.9798, "Acc.pillow": 0.6169, "Acc.screen door": 0.7777, "Acc.stairway": 0.4815, "Acc.river": 0.4036, "Acc.bridge": 0.7303, "Acc.bookcase": 0.6498, "Acc.blind": 0.0348, "Acc.coffee table": 0.8574, "Acc.toilet": 0.9162, "Acc.flower": 0.4105, "Acc.book": 0.5013, "Acc.hill": 0.0081, "Acc.bench": 0.5638, "Acc.countertop": 0.5645, "Acc.stove": 0.8735, "Acc.palm": 0.7823, "Acc.kitchen island": 0.2679, "Acc.computer": 0.9092, "Acc.swivel chair": 0.5683, "Acc.boat": 0.8568, "Acc.bar": 0.5828, "Acc.arcade machine": 0.743, "Acc.hovel": 0.4339, "Acc.bus": 0.9544, "Acc.towel": 0.6478, "Acc.light": 0.0156, "Acc.truck": 0.4075, "Acc.tower": 0.0117, "Acc.chandelier": 0.7881, "Acc.awning": 0.123, "Acc.streetlight": 0.0447, "Acc.booth": 0.0, "Acc.television receiver": 0.7588, "Acc.airplane": 0.6712, "Acc.dirt track": 0.0, "Acc.apparel": 0.546, "Acc.pole": 0.0, "Acc.land": 0.0, "Acc.bannister": 0.0, "Acc.escalator": 0.0, "Acc.ottoman": 0.2908, "Acc.bottle": 0.0376, "Acc.buffet": 0.0, "Acc.poster": 0.0, "Acc.stage": 0.0651, "Acc.van": 0.0467, "Acc.ship": 0.0, "Acc.fountain": 0.0134, "Acc.conveyer belt": 0.836, "Acc.canopy": 0.0101, "Acc.washer": 0.7328, "Acc.plaything": 0.0005, "Acc.swimming pool": 0.624, "Acc.stool": 0.0313, "Acc.barrel": 0.7674, "Acc.basket": 0.007, "Acc.waterfall": 0.657, "Acc.tent": 0.9929, "Acc.bag": 0.0, "Acc.minibike": 0.7665, "Acc.cradle": 0.9802, "Acc.oven": 0.0, "Acc.ball": 0.6139, "Acc.food": 0.2337, "Acc.step": 0.0, "Acc.tank": 0.0, "Acc.trade name": 0.0, "Acc.microwave": 0.032, "Acc.pot": 0.0048, "Acc.animal": 0.0009, "Acc.bicycle": 0.049, "Acc.lake": 0.0, "Acc.dishwasher": 0.0, "Acc.screen": 0.8251, "Acc.blanket": 0.0, "Acc.sculpture": 0.0112, "Acc.hood": 0.0, "Acc.sconce": 0.0, "Acc.vase": 0.0557, "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": 7, "iter": 8050, "lr": 0.0, "memory": 14793, "data_time": 2.34381, "decode.loss_ce": 0.64775, "decode.acc_seg": 76.98253, "aux.loss_ce": 0.4101, "aux.acc_seg": 68.60571, "loss": 1.05784, "grad_norm": 12.66845, "time": 2.78118} {"mode": "train", "epoch": 7, "iter": 8100, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.61534, "decode.acc_seg": 78.00971, "aux.loss_ce": 0.38736, "aux.acc_seg": 70.58702, "loss": 1.0027, "grad_norm": 13.11182, "time": 0.41704} {"mode": "train", "epoch": 7, "iter": 8150, "lr": 0.0, "memory": 14793, "data_time": 0.00525, "decode.loss_ce": 0.62696, "decode.acc_seg": 78.26446, "aux.loss_ce": 0.41017, "aux.acc_seg": 69.15517, "loss": 1.03713, "grad_norm": 10.5946, "time": 0.41787} {"mode": "train", "epoch": 7, "iter": 8200, "lr": 0.0, "memory": 14793, "data_time": 0.00558, "decode.loss_ce": 0.62384, "decode.acc_seg": 77.84528, "aux.loss_ce": 0.39595, "aux.acc_seg": 69.29897, "loss": 1.01979, "grad_norm": 13.99318, "time": 0.4102} {"mode": "train", "epoch": 7, "iter": 8250, "lr": 0.0, "memory": 14793, "data_time": 0.00576, "decode.loss_ce": 0.61228, "decode.acc_seg": 78.98578, "aux.loss_ce": 0.39939, "aux.acc_seg": 70.58528, "loss": 1.01167, "grad_norm": 13.42875, "time": 0.40912} {"mode": "train", "epoch": 7, "iter": 8300, "lr": 0.0, "memory": 14793, "data_time": 0.00573, "decode.loss_ce": 0.62764, "decode.acc_seg": 77.04835, "aux.loss_ce": 0.38692, "aux.acc_seg": 69.75326, "loss": 1.01456, "grad_norm": 12.79564, "time": 0.42161} {"mode": "train", "epoch": 7, "iter": 8350, "lr": 0.0, "memory": 14793, "data_time": 0.00662, "decode.loss_ce": 0.62673, "decode.acc_seg": 78.1899, "aux.loss_ce": 0.40907, "aux.acc_seg": 68.98588, "loss": 1.0358, "grad_norm": 11.24808, "time": 0.42367} {"mode": "train", "epoch": 7, "iter": 8400, "lr": 0.0, "memory": 14793, "data_time": 0.0059, "decode.loss_ce": 0.62889, "decode.acc_seg": 77.91369, "aux.loss_ce": 0.39534, "aux.acc_seg": 69.801, "loss": 1.02423, "grad_norm": 12.38058, "time": 0.42286} {"mode": "train", "epoch": 7, "iter": 8450, "lr": 0.0, "memory": 14793, "data_time": 0.00562, "decode.loss_ce": 0.61422, "decode.acc_seg": 78.93724, "aux.loss_ce": 0.3931, "aux.acc_seg": 70.7148, "loss": 1.00732, "grad_norm": 11.48223, "time": 0.42655} {"mode": "train", "epoch": 7, "iter": 8500, "lr": 0.0, "memory": 14793, "data_time": 0.00552, "decode.loss_ce": 0.63775, "decode.acc_seg": 77.9678, "aux.loss_ce": 0.40186, "aux.acc_seg": 69.82134, "loss": 1.03961, "grad_norm": 11.30966, "time": 0.41591} {"mode": "train", "epoch": 7, "iter": 8550, "lr": 0.0, "memory": 14793, "data_time": 0.00535, "decode.loss_ce": 0.60845, "decode.acc_seg": 78.18678, "aux.loss_ce": 0.38356, "aux.acc_seg": 70.39291, "loss": 0.99202, "grad_norm": 12.54974, "time": 0.40861} {"mode": "train", "epoch": 7, "iter": 8600, "lr": 0.0, "memory": 14793, "data_time": 0.00639, "decode.loss_ce": 0.62619, "decode.acc_seg": 77.77093, "aux.loss_ce": 0.40587, "aux.acc_seg": 68.68661, "loss": 1.03206, "grad_norm": 13.88807, "time": 0.41339} {"mode": "train", "epoch": 7, "iter": 8650, "lr": 0.0, "memory": 14793, "data_time": 0.00554, "decode.loss_ce": 0.60536, "decode.acc_seg": 78.51407, "aux.loss_ce": 0.38754, "aux.acc_seg": 70.04166, "loss": 0.9929, "grad_norm": 12.35512, "time": 0.41913} {"mode": "train", "epoch": 7, "iter": 8700, "lr": 0.0, "memory": 14793, "data_time": 0.00641, "decode.loss_ce": 0.62905, "decode.acc_seg": 77.31316, "aux.loss_ce": 0.40011, "aux.acc_seg": 68.53191, "loss": 1.02916, "grad_norm": 15.86591, "time": 0.49983} {"mode": "train", "epoch": 7, "iter": 8750, "lr": 0.0, "memory": 14793, "data_time": 0.00524, "decode.loss_ce": 0.62047, "decode.acc_seg": 78.03411, "aux.loss_ce": 0.38734, "aux.acc_seg": 69.93166, "loss": 1.00782, "grad_norm": 13.52627, "time": 0.41325} {"mode": "train", "epoch": 7, "iter": 8800, "lr": 0.0, "memory": 14793, "data_time": 0.00541, "decode.loss_ce": 0.61365, "decode.acc_seg": 77.71662, "aux.loss_ce": 0.38356, "aux.acc_seg": 69.84431, "loss": 0.99721, "grad_norm": 15.5008, "time": 0.4105} {"mode": "train", "epoch": 8, "iter": 8850, "lr": 0.0, "memory": 14793, "data_time": 0.0534, "decode.loss_ce": 0.60975, "decode.acc_seg": 77.99778, "aux.loss_ce": 0.38607, "aux.acc_seg": 70.41683, "loss": 0.99582, "grad_norm": 18.10306, "time": 0.47828} {"mode": "train", "epoch": 8, "iter": 8900, "lr": 0.0, "memory": 14793, "data_time": 0.00556, "decode.loss_ce": 0.62127, "decode.acc_seg": 77.96878, "aux.loss_ce": 0.37438, "aux.acc_seg": 71.20218, "loss": 0.99565, "grad_norm": 14.44746, "time": 0.41212} {"mode": "train", "epoch": 8, "iter": 8950, "lr": 0.0, "memory": 14793, "data_time": 0.00513, "decode.loss_ce": 0.59772, "decode.acc_seg": 78.49051, "aux.loss_ce": 0.37636, "aux.acc_seg": 71.22243, "loss": 0.97407, "grad_norm": 13.98234, "time": 0.41144} {"mode": "train", "epoch": 8, "iter": 9000, "lr": 0.0, "memory": 14793, "data_time": 0.0051, "decode.loss_ce": 0.61169, "decode.acc_seg": 78.26307, "aux.loss_ce": 0.38319, "aux.acc_seg": 70.07506, "loss": 0.99488, "grad_norm": 14.61575, "time": 0.66095} {"mode": "val", "epoch": 8, "iter": 125, "lr": 0.0, "aAcc": 0.8113, "mIoU": 0.3612, "mAcc": 0.4772, "IoU.wall": 0.7539, "IoU.building": 0.8221, "IoU.sky": 0.9391, "IoU.floor": 0.7995, "IoU.tree": 0.7324, "IoU.ceiling": 0.8223, "IoU.road": 0.8015, "IoU.bed ": 0.8744, "IoU.windowpane": 0.5949, "IoU.grass": 0.6529, "IoU.cabinet": 0.5539, "IoU.sidewalk": 0.591, "IoU.person": 0.7894, "IoU.earth": 0.3662, "IoU.door": 0.4523, "IoU.table": 0.5514, "IoU.mountain": 0.5746, "IoU.plant": 0.5294, "IoU.curtain": 0.7194, "IoU.chair": 0.5195, "IoU.car": 0.8307, "IoU.water": 0.5627, "IoU.painting": 0.6586, "IoU.sofa": 0.6447, "IoU.shelf": 0.4185, "IoU.house": 0.4797, "IoU.sea": 0.6527, "IoU.mirror": 0.6054, "IoU.rug": 0.5772, "IoU.field": 0.2814, "IoU.armchair": 0.3584, "IoU.seat": 0.5883, "IoU.fence": 0.4426, "IoU.desk": 0.3705, "IoU.rock": 0.3173, "IoU.wardrobe": 0.4675, "IoU.lamp": 0.5389, "IoU.bathtub": 0.7324, "IoU.railing": 0.3589, "IoU.cushion": 0.5064, "IoU.base": 0.2337, "IoU.box": 0.2269, "IoU.column": 0.4758, "IoU.signboard": 0.3356, "IoU.chest of drawers": 0.3701, "IoU.counter": 0.4362, "IoU.sand": 0.5093, "IoU.sink": 0.6132, "IoU.skyscraper": 0.5609, "IoU.fireplace": 0.6583, "IoU.refrigerator": 0.5636, "IoU.grandstand": 0.4219, "IoU.path": 0.1831, "IoU.stairs": 0.3252, "IoU.runway": 0.6997, "IoU.case": 0.6078, "IoU.pool table": 0.8847, "IoU.pillow": 0.5198, "IoU.screen door": 0.6287, "IoU.stairway": 0.3496, "IoU.river": 0.2697, "IoU.bridge": 0.5475, "IoU.bookcase": 0.3344, "IoU.blind": 0.1894, "IoU.coffee table": 0.495, "IoU.toilet": 0.7659, "IoU.flower": 0.2916, "IoU.book": 0.4165, "IoU.hill": 0.0367, "IoU.bench": 0.4747, "IoU.countertop": 0.4645, "IoU.stove": 0.5389, "IoU.palm": 0.5025, "IoU.kitchen island": 0.1914, "IoU.computer": 0.6752, "IoU.swivel chair": 0.3793, "IoU.boat": 0.4013, "IoU.bar": 0.4953, "IoU.arcade machine": 0.5499, "IoU.hovel": 0.1058, "IoU.bus": 0.8214, "IoU.towel": 0.5287, "IoU.light": 0.0415, "IoU.truck": 0.3264, "IoU.tower": 0.2372, "IoU.chandelier": 0.5598, "IoU.awning": 0.1551, "IoU.streetlight": 0.0728, "IoU.booth": 0.0595, "IoU.television receiver": 0.6388, "IoU.airplane": 0.5283, "IoU.dirt track": 0.0, "IoU.apparel": 0.2598, "IoU.pole": 0.0017, "IoU.land": 0.0, "IoU.bannister": 0.0, "IoU.escalator": 0.0935, "IoU.ottoman": 0.4895, "IoU.bottle": 0.1351, "IoU.buffet": 0.0, "IoU.poster": 0.0, "IoU.stage": 0.0979, "IoU.van": 0.1194, "IoU.ship": 0.0, "IoU.fountain": 0.0511, "IoU.conveyer belt": 0.4998, "IoU.canopy": 0.0573, "IoU.washer": 0.7726, "IoU.plaything": 0.014, "IoU.swimming pool": 0.3127, "IoU.stool": 0.0353, "IoU.barrel": 0.0808, "IoU.basket": 0.0453, "IoU.waterfall": 0.4557, "IoU.tent": 0.9107, "IoU.bag": 0.0, "IoU.minibike": 0.6464, "IoU.cradle": 0.6858, "IoU.oven": 0.0, "IoU.ball": 0.4239, "IoU.food": 0.329, "IoU.step": 0.0, "IoU.tank": 0.0859, "IoU.trade name": 0.0, "IoU.microwave": 0.4165, "IoU.pot": 0.1082, "IoU.animal": 0.1105, "IoU.bicycle": 0.5234, "IoU.lake": 0.0, "IoU.dishwasher": 0.0001, "IoU.screen": 0.5903, "IoU.blanket": 0.0, "IoU.sculpture": 0.1632, "IoU.hood": 0.0646, "IoU.sconce": 0.0, "IoU.vase": 0.0636, "IoU.traffic light": 0.0, "IoU.tray": 0.0, "IoU.ashcan": 0.0, "IoU.fan": 0.0, "IoU.pier": 0.0018, "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.8543, "Acc.building": 0.9382, "Acc.sky": 0.97, "Acc.floor": 0.8767, "Acc.tree": 0.8577, "Acc.ceiling": 0.926, "Acc.road": 0.8398, "Acc.bed ": 0.968, "Acc.windowpane": 0.8009, "Acc.grass": 0.763, "Acc.cabinet": 0.7464, "Acc.sidewalk": 0.8791, "Acc.person": 0.8998, "Acc.earth": 0.4925, "Acc.door": 0.5704, "Acc.table": 0.7238, "Acc.mountain": 0.7849, "Acc.plant": 0.6654, "Acc.curtain": 0.8664, "Acc.chair": 0.6641, "Acc.car": 0.9337, "Acc.water": 0.7805, "Acc.painting": 0.854, "Acc.sofa": 0.8623, "Acc.shelf": 0.6819, "Acc.house": 0.6823, "Acc.sea": 0.8362, "Acc.mirror": 0.7476, "Acc.rug": 0.765, "Acc.field": 0.6279, "Acc.armchair": 0.6016, "Acc.seat": 0.8361, "Acc.fence": 0.6138, "Acc.desk": 0.5861, "Acc.rock": 0.3745, "Acc.wardrobe": 0.6949, "Acc.lamp": 0.7267, "Acc.bathtub": 0.833, "Acc.railing": 0.4804, "Acc.cushion": 0.5961, "Acc.base": 0.2968, "Acc.box": 0.3104, "Acc.column": 0.6441, "Acc.signboard": 0.4819, "Acc.chest of drawers": 0.5302, "Acc.counter": 0.5457, "Acc.sand": 0.6101, "Acc.sink": 0.7916, "Acc.skyscraper": 0.7406, "Acc.fireplace": 0.8963, "Acc.refrigerator": 0.7965, "Acc.grandstand": 0.7449, "Acc.path": 0.2362, "Acc.stairs": 0.3964, "Acc.runway": 0.9572, "Acc.case": 0.8402, "Acc.pool table": 0.9807, "Acc.pillow": 0.6606, "Acc.screen door": 0.8153, "Acc.stairway": 0.5129, "Acc.river": 0.3879, "Acc.bridge": 0.6425, "Acc.bookcase": 0.6189, "Acc.blind": 0.1976, "Acc.coffee table": 0.8094, "Acc.toilet": 0.931, "Acc.flower": 0.3738, "Acc.book": 0.586, "Acc.hill": 0.0485, "Acc.bench": 0.6064, "Acc.countertop": 0.631, "Acc.stove": 0.8545, "Acc.palm": 0.7479, "Acc.kitchen island": 0.4396, "Acc.computer": 0.9207, "Acc.swivel chair": 0.5991, "Acc.boat": 0.8371, "Acc.bar": 0.559, "Acc.arcade machine": 0.7887, "Acc.hovel": 0.1123, "Acc.bus": 0.9575, "Acc.towel": 0.7274, "Acc.light": 0.0418, "Acc.truck": 0.4164, "Acc.tower": 0.3319, "Acc.chandelier": 0.7862, "Acc.awning": 0.1616, "Acc.streetlight": 0.092, "Acc.booth": 0.0596, "Acc.television receiver": 0.7905, "Acc.airplane": 0.6597, "Acc.dirt track": 0.0, "Acc.apparel": 0.3908, "Acc.pole": 0.0017, "Acc.land": 0.0, "Acc.bannister": 0.0, "Acc.escalator": 0.0983, "Acc.ottoman": 0.5662, "Acc.bottle": 0.1483, "Acc.buffet": 0.0, "Acc.poster": 0.0, "Acc.stage": 0.1193, "Acc.van": 0.1294, "Acc.ship": 0.0, "Acc.fountain": 0.0534, "Acc.conveyer belt": 0.9795, "Acc.canopy": 0.0577, "Acc.washer": 0.8221, "Acc.plaything": 0.0145, "Acc.swimming pool": 0.6823, "Acc.stool": 0.0359, "Acc.barrel": 0.8388, "Acc.basket": 0.0462, "Acc.waterfall": 0.584, "Acc.tent": 0.9874, "Acc.bag": 0.0, "Acc.minibike": 0.7968, "Acc.cradle": 0.982, "Acc.oven": 0.0, "Acc.ball": 0.6393, "Acc.food": 0.3424, "Acc.step": 0.0, "Acc.tank": 0.0863, "Acc.trade name": 0.0, "Acc.microwave": 0.4383, "Acc.pot": 0.1084, "Acc.animal": 0.1107, "Acc.bicycle": 0.6311, "Acc.lake": 0.0, "Acc.dishwasher": 0.0001, "Acc.screen": 0.8789, "Acc.blanket": 0.0, "Acc.sculpture": 0.1632, "Acc.hood": 0.0646, "Acc.sconce": 0.0, "Acc.vase": 0.0678, "Acc.traffic light": 0.0, "Acc.tray": 0.0, "Acc.ashcan": 0.0, "Acc.fan": 0.0, "Acc.pier": 0.0018, "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": 8, "iter": 9050, "lr": 0.0, "memory": 14793, "data_time": 2.35557, "decode.loss_ce": 0.61418, "decode.acc_seg": 78.10949, "aux.loss_ce": 0.38186, "aux.acc_seg": 69.65771, "loss": 0.99604, "grad_norm": 16.26482, "time": 2.76689} {"mode": "train", "epoch": 8, "iter": 9100, "lr": 0.0, "memory": 14793, "data_time": 0.00545, "decode.loss_ce": 0.56994, "decode.acc_seg": 79.50629, "aux.loss_ce": 0.36814, "aux.acc_seg": 71.04631, "loss": 0.93808, "grad_norm": 14.7492, "time": 0.41751} {"mode": "train", "epoch": 8, "iter": 9150, "lr": 0.0, "memory": 14793, "data_time": 0.00557, "decode.loss_ce": 0.58048, "decode.acc_seg": 78.49098, "aux.loss_ce": 0.36779, "aux.acc_seg": 71.09773, "loss": 0.94827, "grad_norm": 13.8109, "time": 0.41255} {"mode": "train", "epoch": 8, "iter": 9200, "lr": 0.0, "memory": 14793, "data_time": 0.00596, "decode.loss_ce": 0.57784, "decode.acc_seg": 78.96971, "aux.loss_ce": 0.36988, "aux.acc_seg": 70.55306, "loss": 0.94772, "grad_norm": 11.81598, "time": 0.41635} {"mode": "train", "epoch": 8, "iter": 9250, "lr": 0.0, "memory": 14793, "data_time": 0.00532, "decode.loss_ce": 0.56993, "decode.acc_seg": 78.97469, "aux.loss_ce": 0.3681, "aux.acc_seg": 70.96278, "loss": 0.93803, "grad_norm": 10.73672, "time": 0.42997} {"mode": "train", "epoch": 8, "iter": 9300, "lr": 0.0, "memory": 14793, "data_time": 0.00596, "decode.loss_ce": 0.60562, "decode.acc_seg": 79.07154, "aux.loss_ce": 0.38441, "aux.acc_seg": 70.42712, "loss": 0.99003, "grad_norm": 11.74661, "time": 0.4274} {"mode": "train", "epoch": 8, "iter": 9350, "lr": 0.0, "memory": 14793, "data_time": 0.00552, "decode.loss_ce": 0.56836, "decode.acc_seg": 78.93464, "aux.loss_ce": 0.36724, "aux.acc_seg": 71.10719, "loss": 0.93561, "grad_norm": 13.2543, "time": 0.41554} {"mode": "train", "epoch": 8, "iter": 9400, "lr": 0.0, "memory": 14793, "data_time": 0.00642, "decode.loss_ce": 0.61742, "decode.acc_seg": 78.55547, "aux.loss_ce": 0.38717, "aux.acc_seg": 70.31677, "loss": 1.00459, "grad_norm": 16.557, "time": 0.41445} {"mode": "train", "epoch": 8, "iter": 9450, "lr": 0.0, "memory": 14793, "data_time": 0.00525, "decode.loss_ce": 0.5772, "decode.acc_seg": 79.72791, "aux.loss_ce": 0.37307, "aux.acc_seg": 71.3793, "loss": 0.95027, "grad_norm": 12.69494, "time": 0.40963} {"mode": "train", "epoch": 8, "iter": 9500, "lr": 0.0, "memory": 14793, "data_time": 0.00667, "decode.loss_ce": 0.59159, "decode.acc_seg": 78.87021, "aux.loss_ce": 0.39448, "aux.acc_seg": 69.51769, "loss": 0.98608, "grad_norm": 14.83106, "time": 0.41845} {"mode": "train", "epoch": 8, "iter": 9550, "lr": 0.0, "memory": 14793, "data_time": 0.00537, "decode.loss_ce": 0.56995, "decode.acc_seg": 79.39595, "aux.loss_ce": 0.36662, "aux.acc_seg": 70.89079, "loss": 0.93657, "grad_norm": 11.48964, "time": 0.41065} {"mode": "train", "epoch": 8, "iter": 9600, "lr": 0.0, "memory": 14793, "data_time": 0.00542, "decode.loss_ce": 0.57893, "decode.acc_seg": 78.532, "aux.loss_ce": 0.37518, "aux.acc_seg": 70.3344, "loss": 0.9541, "grad_norm": 13.06929, "time": 0.41079} {"mode": "train", "epoch": 8, "iter": 9650, "lr": 0.0, "memory": 14793, "data_time": 0.00586, "decode.loss_ce": 0.56378, "decode.acc_seg": 79.12685, "aux.loss_ce": 0.35705, "aux.acc_seg": 71.18152, "loss": 0.92083, "grad_norm": 12.36953, "time": 0.4234} {"mode": "train", "epoch": 8, "iter": 9700, "lr": 0.0, "memory": 14793, "data_time": 0.00511, "decode.loss_ce": 0.55199, "decode.acc_seg": 79.30781, "aux.loss_ce": 0.35404, "aux.acc_seg": 71.10946, "loss": 0.90603, "grad_norm": 16.67068, "time": 0.42419} {"mode": "train", "epoch": 8, "iter": 9750, "lr": 0.0, "memory": 14793, "data_time": 0.00577, "decode.loss_ce": 0.58406, "decode.acc_seg": 79.06771, "aux.loss_ce": 0.35794, "aux.acc_seg": 71.93583, "loss": 0.94201, "grad_norm": 14.56839, "time": 0.40995} {"mode": "train", "epoch": 8, "iter": 9800, "lr": 0.0, "memory": 14793, "data_time": 0.00504, "decode.loss_ce": 0.59716, "decode.acc_seg": 78.56697, "aux.loss_ce": 0.37731, "aux.acc_seg": 70.82039, "loss": 0.97447, "grad_norm": 13.49149, "time": 0.41103} {"mode": "train", "epoch": 8, "iter": 9850, "lr": 0.0, "memory": 14793, "data_time": 0.0053, "decode.loss_ce": 0.60218, "decode.acc_seg": 78.44183, "aux.loss_ce": 0.38815, "aux.acc_seg": 69.40742, "loss": 0.99032, "grad_norm": 12.15205, "time": 0.4053} {"mode": "train", "epoch": 8, "iter": 9900, "lr": 0.0, "memory": 14793, "data_time": 0.00521, "decode.loss_ce": 0.5986, "decode.acc_seg": 78.09503, "aux.loss_ce": 0.3793, "aux.acc_seg": 70.19194, "loss": 0.9779, "grad_norm": 12.28115, "time": 0.4105} {"mode": "train", "epoch": 8, "iter": 9950, "lr": 0.0, "memory": 14793, "data_time": 0.00527, "decode.loss_ce": 0.61428, "decode.acc_seg": 77.89935, "aux.loss_ce": 0.39291, "aux.acc_seg": 69.20557, "loss": 1.00719, "grad_norm": 14.41021, "time": 0.40548} {"mode": "train", "epoch": 8, "iter": 10000, "lr": 0.0, "memory": 14793, "data_time": 0.00552, "decode.loss_ce": 0.58504, "decode.acc_seg": 79.04303, "aux.loss_ce": 0.37692, "aux.acc_seg": 70.19626, "loss": 0.96195, "grad_norm": 15.54742, "time": 0.64776} {"mode": "val", "epoch": 8, "iter": 125, "lr": 0.0, "aAcc": 0.8176, "mIoU": 0.398, "mAcc": 0.5159, "IoU.wall": 0.758, "IoU.building": 0.8262, "IoU.sky": 0.9406, "IoU.floor": 0.8084, "IoU.tree": 0.734, "IoU.ceiling": 0.8253, "IoU.road": 0.8226, "IoU.bed ": 0.8835, "IoU.windowpane": 0.6066, "IoU.grass": 0.646, "IoU.cabinet": 0.5696, "IoU.sidewalk": 0.6171, "IoU.person": 0.8021, "IoU.earth": 0.3884, "IoU.door": 0.4737, "IoU.table": 0.5644, "IoU.mountain": 0.6114, "IoU.plant": 0.5011, "IoU.curtain": 0.7165, "IoU.chair": 0.5299, "IoU.car": 0.8276, "IoU.water": 0.5586, "IoU.painting": 0.6416, "IoU.sofa": 0.6559, "IoU.shelf": 0.4067, "IoU.house": 0.4676, "IoU.sea": 0.6849, "IoU.mirror": 0.6022, "IoU.rug": 0.5907, "IoU.field": 0.2817, "IoU.armchair": 0.3675, "IoU.seat": 0.6207, "IoU.fence": 0.4505, "IoU.desk": 0.3865, "IoU.rock": 0.4752, "IoU.wardrobe": 0.4534, "IoU.lamp": 0.5434, "IoU.bathtub": 0.7114, "IoU.railing": 0.3679, "IoU.cushion": 0.5341, "IoU.base": 0.3586, "IoU.box": 0.2329, "IoU.column": 0.4821, "IoU.signboard": 0.3365, "IoU.chest of drawers": 0.4017, "IoU.counter": 0.4006, "IoU.sand": 0.5184, "IoU.sink": 0.6498, "IoU.skyscraper": 0.5518, "IoU.fireplace": 0.6389, "IoU.refrigerator": 0.5699, "IoU.grandstand": 0.3887, "IoU.path": 0.2321, "IoU.stairs": 0.3314, "IoU.runway": 0.6801, "IoU.case": 0.5373, "IoU.pool table": 0.8983, "IoU.pillow": 0.5342, "IoU.screen door": 0.6396, "IoU.stairway": 0.3376, "IoU.river": 0.2882, "IoU.bridge": 0.4152, "IoU.bookcase": 0.3335, "IoU.blind": 0.1939, "IoU.coffee table": 0.5166, "IoU.toilet": 0.7922, "IoU.flower": 0.3288, "IoU.book": 0.4286, "IoU.hill": 0.0518, "IoU.bench": 0.4996, "IoU.countertop": 0.4863, "IoU.stove": 0.6322, "IoU.palm": 0.4439, "IoU.kitchen island": 0.2014, "IoU.computer": 0.6718, "IoU.swivel chair": 0.3863, "IoU.boat": 0.4341, "IoU.bar": 0.4902, "IoU.arcade machine": 0.6387, "IoU.hovel": 0.2782, "IoU.bus": 0.8811, "IoU.towel": 0.5405, "IoU.light": 0.146, "IoU.truck": 0.3173, "IoU.tower": 0.1944, "IoU.chandelier": 0.5366, "IoU.awning": 0.2007, "IoU.streetlight": 0.1068, "IoU.booth": 0.2773, "IoU.television receiver": 0.688, "IoU.airplane": 0.5, "IoU.dirt track": 0.0, "IoU.apparel": 0.3107, "IoU.pole": 0.0191, "IoU.land": 0.0, "IoU.bannister": 0.0, "IoU.escalator": 0.0498, "IoU.ottoman": 0.5227, "IoU.bottle": 0.2459, "IoU.buffet": 0.0776, "IoU.poster": 0.003, "IoU.stage": 0.1179, "IoU.van": 0.0441, "IoU.ship": 0.0242, "IoU.fountain": 0.1257, "IoU.conveyer belt": 0.6796, "IoU.canopy": 0.3694, "IoU.washer": 0.7774, "IoU.plaything": 0.109, "IoU.swimming pool": 0.3218, "IoU.stool": 0.1533, "IoU.barrel": 0.5151, "IoU.basket": 0.1086, "IoU.waterfall": 0.6559, "IoU.tent": 0.9011, "IoU.bag": 0.0, "IoU.minibike": 0.668, "IoU.cradle": 0.6861, "IoU.oven": 0.0, "IoU.ball": 0.4389, "IoU.food": 0.3697, "IoU.step": 0.0, "IoU.tank": 0.23, "IoU.trade name": 0.0, "IoU.microwave": 0.7638, "IoU.pot": 0.3131, "IoU.animal": 0.2718, "IoU.bicycle": 0.5278, "IoU.lake": 0.0, "IoU.dishwasher": 0.2175, "IoU.screen": 0.5763, "IoU.blanket": 0.0, "IoU.sculpture": 0.3235, "IoU.hood": 0.4206, "IoU.sconce": 0.0, "IoU.vase": 0.1723, "IoU.traffic light": 0.0, "IoU.tray": 0.0, "IoU.ashcan": 0.1107, "IoU.fan": 0.0104, "IoU.pier": 0.3121, "IoU.crt screen": 0.0, "IoU.plate": 0.166, "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.1174, "Acc.wall": 0.8531, "Acc.building": 0.9447, "Acc.sky": 0.9739, "Acc.floor": 0.8847, "Acc.tree": 0.8542, "Acc.ceiling": 0.9386, "Acc.road": 0.8831, "Acc.bed ": 0.968, "Acc.windowpane": 0.7752, "Acc.grass": 0.761, "Acc.cabinet": 0.7131, "Acc.sidewalk": 0.826, "Acc.person": 0.9142, "Acc.earth": 0.5129, "Acc.door": 0.6435, "Acc.table": 0.74, "Acc.mountain": 0.7181, "Acc.plant": 0.5698, "Acc.curtain": 0.8746, "Acc.chair": 0.725, "Acc.car": 0.9415, "Acc.water": 0.6851, "Acc.painting": 0.8843, "Acc.sofa": 0.8807, "Acc.shelf": 0.5663, "Acc.house": 0.5689, "Acc.sea": 0.9437, "Acc.mirror": 0.7348, "Acc.rug": 0.7335, "Acc.field": 0.6705, "Acc.armchair": 0.5457, "Acc.seat": 0.8315, "Acc.fence": 0.6505, "Acc.desk": 0.6233, "Acc.rock": 0.7712, "Acc.wardrobe": 0.6382, "Acc.lamp": 0.718, "Acc.bathtub": 0.8587, "Acc.railing": 0.5151, "Acc.cushion": 0.6686, "Acc.base": 0.5466, "Acc.box": 0.3301, "Acc.column": 0.6817, "Acc.signboard": 0.4961, "Acc.chest of drawers": 0.5867, "Acc.counter": 0.5206, "Acc.sand": 0.621, "Acc.sink": 0.7473, "Acc.skyscraper": 0.6937, "Acc.fireplace": 0.9148, "Acc.refrigerator": 0.8171, "Acc.grandstand": 0.8394, "Acc.path": 0.2847, "Acc.stairs": 0.3935, "Acc.runway": 0.9617, "Acc.case": 0.864, "Acc.pool table": 0.9798, "Acc.pillow": 0.7069, "Acc.screen door": 0.8426, "Acc.stairway": 0.5597, "Acc.river": 0.5233, "Acc.bridge": 0.485, "Acc.bookcase": 0.5778, "Acc.blind": 0.2056, "Acc.coffee table": 0.799, "Acc.toilet": 0.9111, "Acc.flower": 0.5183, "Acc.book": 0.5808, "Acc.hill": 0.1182, "Acc.bench": 0.5736, "Acc.countertop": 0.6398, "Acc.stove": 0.8857, "Acc.palm": 0.8045, "Acc.kitchen island": 0.3974, "Acc.computer": 0.9257, "Acc.swivel chair": 0.6572, "Acc.boat": 0.8662, "Acc.bar": 0.6028, "Acc.arcade machine": 0.7541, "Acc.hovel": 0.3074, "Acc.bus": 0.9474, "Acc.towel": 0.7203, "Acc.light": 0.1538, "Acc.truck": 0.3994, "Acc.tower": 0.2456, "Acc.chandelier": 0.8405, "Acc.awning": 0.2359, "Acc.streetlight": 0.1614, "Acc.booth": 0.2856, "Acc.television receiver": 0.8163, "Acc.airplane": 0.6695, "Acc.dirt track": 0.0, "Acc.apparel": 0.5133, "Acc.pole": 0.0194, "Acc.land": 0.0, "Acc.bannister": 0.0, "Acc.escalator": 0.0508, "Acc.ottoman": 0.5984, "Acc.bottle": 0.2876, "Acc.buffet": 0.0779, "Acc.poster": 0.003, "Acc.stage": 0.1529, "Acc.van": 0.0463, "Acc.ship": 0.0244, "Acc.fountain": 0.128, "Acc.conveyer belt": 0.9371, "Acc.canopy": 0.3893, "Acc.washer": 0.8307, "Acc.plaything": 0.1409, "Acc.swimming pool": 0.6559, "Acc.stool": 0.169, "Acc.barrel": 0.7818, "Acc.basket": 0.1174, "Acc.waterfall": 0.8909, "Acc.tent": 0.9925, "Acc.bag": 0.0, "Acc.minibike": 0.8116, "Acc.cradle": 0.9597, "Acc.oven": 0.0, "Acc.ball": 0.6399, "Acc.food": 0.4466, "Acc.step": 0.0, "Acc.tank": 0.2309, "Acc.trade name": 0.0, "Acc.microwave": 0.8454, "Acc.pot": 0.3256, "Acc.animal": 0.2734, "Acc.bicycle": 0.7349, "Acc.lake": 0.0, "Acc.dishwasher": 0.2197, "Acc.screen": 0.8963, "Acc.blanket": 0.0, "Acc.sculpture": 0.3259, "Acc.hood": 0.4284, "Acc.sconce": 0.0, "Acc.vase": 0.2107, "Acc.traffic light": 0.0, "Acc.tray": 0.0, "Acc.ashcan": 0.112, "Acc.fan": 0.0104, "Acc.pier": 0.3139, "Acc.crt screen": 0.0, "Acc.plate": 0.1698, "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.1174} {"mode": "train", "epoch": 8, "iter": 10050, "lr": 0.0, "memory": 14793, "data_time": 2.4104, "decode.loss_ce": 0.56893, "decode.acc_seg": 78.99868, "aux.loss_ce": 0.36774, "aux.acc_seg": 71.11093, "loss": 0.93667, "grad_norm": 11.25046, "time": 2.8384} {"mode": "train", "epoch": 8, "iter": 10100, "lr": 0.0, "memory": 14793, "data_time": 0.00681, "decode.loss_ce": 0.56875, "decode.acc_seg": 79.48799, "aux.loss_ce": 0.37093, "aux.acc_seg": 70.77527, "loss": 0.93968, "grad_norm": 13.00533, "time": 0.43455} {"mode": "train", "epoch": 9, "iter": 10150, "lr": 0.0, "memory": 14793, "data_time": 0.04995, "decode.loss_ce": 0.56349, "decode.acc_seg": 79.35475, "aux.loss_ce": 0.35743, "aux.acc_seg": 71.68831, "loss": 0.92093, "grad_norm": 10.76421, "time": 0.45006} {"mode": "train", "epoch": 9, "iter": 10200, "lr": 0.0, "memory": 14793, "data_time": 0.00579, "decode.loss_ce": 0.58675, "decode.acc_seg": 78.82013, "aux.loss_ce": 0.37821, "aux.acc_seg": 70.9509, "loss": 0.96496, "grad_norm": 11.52508, "time": 0.41609} {"mode": "train", "epoch": 9, "iter": 10250, "lr": 0.0, "memory": 14793, "data_time": 0.00559, "decode.loss_ce": 0.55027, "decode.acc_seg": 79.99103, "aux.loss_ce": 0.34717, "aux.acc_seg": 71.88147, "loss": 0.89743, "grad_norm": 12.48264, "time": 0.41225} {"mode": "train", "epoch": 9, "iter": 10300, "lr": 0.0, "memory": 14793, "data_time": 0.00575, "decode.loss_ce": 0.57118, "decode.acc_seg": 78.8233, "aux.loss_ce": 0.37449, "aux.acc_seg": 69.44443, "loss": 0.94567, "grad_norm": 15.86294, "time": 0.4106} {"mode": "train", "epoch": 9, "iter": 10350, "lr": 0.0, "memory": 14793, "data_time": 0.0058, "decode.loss_ce": 0.54932, "decode.acc_seg": 79.79398, "aux.loss_ce": 0.34831, "aux.acc_seg": 72.53525, "loss": 0.89763, "grad_norm": 15.00873, "time": 0.41487} {"mode": "train", "epoch": 9, "iter": 10400, "lr": 0.0, "memory": 14793, "data_time": 0.00568, "decode.loss_ce": 0.57781, "decode.acc_seg": 79.44308, "aux.loss_ce": 0.36948, "aux.acc_seg": 70.91325, "loss": 0.94729, "grad_norm": 13.9756, "time": 0.40941} {"mode": "train", "epoch": 9, "iter": 10450, "lr": 0.0, "memory": 14793, "data_time": 0.00662, "decode.loss_ce": 0.54848, "decode.acc_seg": 79.65934, "aux.loss_ce": 0.3426, "aux.acc_seg": 72.02102, "loss": 0.89108, "grad_norm": 12.14089, "time": 0.41492} {"mode": "train", "epoch": 9, "iter": 10500, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.57814, "decode.acc_seg": 79.44313, "aux.loss_ce": 0.36431, "aux.acc_seg": 71.25185, "loss": 0.94245, "grad_norm": 17.61363, "time": 0.42433} {"mode": "train", "epoch": 9, "iter": 10550, "lr": 0.0, "memory": 14793, "data_time": 0.00558, "decode.loss_ce": 0.55258, "decode.acc_seg": 80.16534, "aux.loss_ce": 0.34996, "aux.acc_seg": 72.56635, "loss": 0.90253, "grad_norm": 20.97756, "time": 0.41139} {"mode": "train", "epoch": 9, "iter": 10600, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.56772, "decode.acc_seg": 79.52604, "aux.loss_ce": 0.37413, "aux.acc_seg": 69.89243, "loss": 0.94185, "grad_norm": 11.77139, "time": 0.40125} {"mode": "train", "epoch": 9, "iter": 10650, "lr": 0.0, "memory": 14793, "data_time": 0.00508, "decode.loss_ce": 0.57958, "decode.acc_seg": 79.06032, "aux.loss_ce": 0.37275, "aux.acc_seg": 70.67203, "loss": 0.95234, "grad_norm": 15.29095, "time": 0.41398} {"mode": "train", "epoch": 9, "iter": 10700, "lr": 0.0, "memory": 14793, "data_time": 0.00722, "decode.loss_ce": 0.59624, "decode.acc_seg": 78.47311, "aux.loss_ce": 0.36811, "aux.acc_seg": 70.8409, "loss": 0.96435, "grad_norm": 15.50698, "time": 0.41367} {"mode": "train", "epoch": 9, "iter": 10750, "lr": 0.0, "memory": 14793, "data_time": 0.00497, "decode.loss_ce": 0.52559, "decode.acc_seg": 80.90371, "aux.loss_ce": 0.33486, "aux.acc_seg": 73.48835, "loss": 0.86046, "grad_norm": 15.2831, "time": 0.40877} {"mode": "train", "epoch": 9, "iter": 10800, "lr": 0.0, "memory": 14793, "data_time": 0.00511, "decode.loss_ce": 0.56544, "decode.acc_seg": 79.01316, "aux.loss_ce": 0.36232, "aux.acc_seg": 71.16322, "loss": 0.92775, "grad_norm": 11.91296, "time": 0.40814} {"mode": "train", "epoch": 9, "iter": 10850, "lr": 0.0, "memory": 14793, "data_time": 0.00555, "decode.loss_ce": 0.57056, "decode.acc_seg": 78.79884, "aux.loss_ce": 0.36657, "aux.acc_seg": 70.24921, "loss": 0.93713, "grad_norm": 13.32454, "time": 0.41771} {"mode": "train", "epoch": 9, "iter": 10900, "lr": 0.0, "memory": 14793, "data_time": 0.00596, "decode.loss_ce": 0.56725, "decode.acc_seg": 79.15468, "aux.loss_ce": 0.37234, "aux.acc_seg": 70.27826, "loss": 0.93959, "grad_norm": 14.31663, "time": 0.42231} {"mode": "train", "epoch": 9, "iter": 10950, "lr": 0.0, "memory": 14793, "data_time": 0.00586, "decode.loss_ce": 0.52842, "decode.acc_seg": 80.96924, "aux.loss_ce": 0.33573, "aux.acc_seg": 73.14898, "loss": 0.86414, "grad_norm": 10.88382, "time": 0.42281} {"mode": "train", "epoch": 9, "iter": 11000, "lr": 0.0, "memory": 14793, "data_time": 0.00598, "decode.loss_ce": 0.53938, "decode.acc_seg": 80.03577, "aux.loss_ce": 0.3463, "aux.acc_seg": 71.56035, "loss": 0.88569, "grad_norm": 11.62884, "time": 0.63478} {"mode": "val", "epoch": 9, "iter": 125, "lr": 0.0, "aAcc": 0.8223, "mIoU": 0.4273, "mAcc": 0.5467, "IoU.wall": 0.7612, "IoU.building": 0.8294, "IoU.sky": 0.9424, "IoU.floor": 0.8046, "IoU.tree": 0.7423, "IoU.ceiling": 0.8246, "IoU.road": 0.8276, "IoU.bed ": 0.8824, "IoU.windowpane": 0.605, "IoU.grass": 0.6723, "IoU.cabinet": 0.5675, "IoU.sidewalk": 0.5894, "IoU.person": 0.8038, "IoU.earth": 0.3663, "IoU.door": 0.4579, "IoU.table": 0.573, "IoU.mountain": 0.6128, "IoU.plant": 0.5033, "IoU.curtain": 0.725, "IoU.chair": 0.5302, "IoU.car": 0.829, "IoU.water": 0.5928, "IoU.painting": 0.6777, "IoU.sofa": 0.6957, "IoU.shelf": 0.4477, "IoU.house": 0.5169, "IoU.sea": 0.669, "IoU.mirror": 0.6233, "IoU.rug": 0.5874, "IoU.field": 0.2753, "IoU.armchair": 0.4158, "IoU.seat": 0.6212, "IoU.fence": 0.4372, "IoU.desk": 0.3869, "IoU.rock": 0.464, "IoU.wardrobe": 0.4749, "IoU.lamp": 0.5481, "IoU.bathtub": 0.7466, "IoU.railing": 0.3743, "IoU.cushion": 0.507, "IoU.base": 0.3765, "IoU.box": 0.2478, "IoU.column": 0.4984, "IoU.signboard": 0.3365, "IoU.chest of drawers": 0.3981, "IoU.counter": 0.4077, "IoU.sand": 0.4773, "IoU.sink": 0.6558, "IoU.skyscraper": 0.5828, "IoU.fireplace": 0.6563, "IoU.refrigerator": 0.5796, "IoU.grandstand": 0.4427, "IoU.path": 0.2362, "IoU.stairs": 0.308, "IoU.runway": 0.7089, "IoU.case": 0.6264, "IoU.pool table": 0.8966, "IoU.pillow": 0.5365, "IoU.screen door": 0.6745, "IoU.stairway": 0.3801, "IoU.river": 0.3295, "IoU.bridge": 0.4778, "IoU.bookcase": 0.3328, "IoU.blind": 0.1297, "IoU.coffee table": 0.526, "IoU.toilet": 0.794, "IoU.flower": 0.3247, "IoU.book": 0.4491, "IoU.hill": 0.0433, "IoU.bench": 0.4963, "IoU.countertop": 0.496, "IoU.stove": 0.6635, "IoU.palm": 0.5154, "IoU.kitchen island": 0.2344, "IoU.computer": 0.7052, "IoU.swivel chair": 0.4023, "IoU.boat": 0.7246, "IoU.bar": 0.497, "IoU.arcade machine": 0.625, "IoU.hovel": 0.6217, "IoU.bus": 0.8647, "IoU.towel": 0.57, "IoU.light": 0.1474, "IoU.truck": 0.3298, "IoU.tower": 0.2383, "IoU.chandelier": 0.5453, "IoU.awning": 0.2162, "IoU.streetlight": 0.1336, "IoU.booth": 0.3709, "IoU.television receiver": 0.6814, "IoU.airplane": 0.5139, "IoU.dirt track": 0.0, "IoU.apparel": 0.3241, "IoU.pole": 0.078, "IoU.land": 0.0, "IoU.bannister": 0.0, "IoU.escalator": 0.4836, "IoU.ottoman": 0.4917, "IoU.bottle": 0.2248, "IoU.buffet": 0.1066, "IoU.poster": 0.0237, "IoU.stage": 0.115, "IoU.van": 0.1795, "IoU.ship": 0.4082, "IoU.fountain": 0.1257, "IoU.conveyer belt": 0.6525, "IoU.canopy": 0.4177, "IoU.washer": 0.777, "IoU.plaything": 0.2642, "IoU.swimming pool": 0.3421, "IoU.stool": 0.1931, "IoU.barrel": 0.432, "IoU.basket": 0.1575, "IoU.waterfall": 0.6193, "IoU.tent": 0.9113, "IoU.bag": 0.001, "IoU.minibike": 0.6479, "IoU.cradle": 0.6731, "IoU.oven": 0.0333, "IoU.ball": 0.4774, "IoU.food": 0.4171, "IoU.step": 0.0, "IoU.tank": 0.4329, "IoU.trade name": 0.0442, "IoU.microwave": 0.8013, "IoU.pot": 0.378, "IoU.animal": 0.4662, "IoU.bicycle": 0.5525, "IoU.lake": 0.0, "IoU.dishwasher": 0.3373, "IoU.screen": 0.5552, "IoU.blanket": 0.0, "IoU.sculpture": 0.4258, "IoU.hood": 0.5333, "IoU.sconce": 0.0001, "IoU.vase": 0.2234, "IoU.traffic light": 0.0, "IoU.tray": 0.0, "IoU.ashcan": 0.2182, "IoU.fan": 0.0246, "IoU.pier": 0.3276, "IoU.crt screen": 0.0, "IoU.plate": 0.3948, "IoU.monitor": 0.0029, "IoU.bulletin board": 0.0059, "IoU.shower": 0.0, "IoU.radiator": 0.02, "IoU.glass": 0.0, "IoU.clock": 0.0, "IoU.flag": 0.2408, "Acc.wall": 0.8541, "Acc.building": 0.9235, "Acc.sky": 0.9673, "Acc.floor": 0.8766, "Acc.tree": 0.9108, "Acc.ceiling": 0.9359, "Acc.road": 0.929, "Acc.bed ": 0.9704, "Acc.windowpane": 0.7966, "Acc.grass": 0.8701, "Acc.cabinet": 0.7136, "Acc.sidewalk": 0.6914, "Acc.person": 0.9155, "Acc.earth": 0.4997, "Acc.door": 0.6424, "Acc.table": 0.7214, "Acc.mountain": 0.7559, "Acc.plant": 0.5835, "Acc.curtain": 0.8767, "Acc.chair": 0.658, "Acc.car": 0.9412, "Acc.water": 0.7586, "Acc.painting": 0.8713, "Acc.sofa": 0.8379, "Acc.shelf": 0.6399, "Acc.house": 0.6953, "Acc.sea": 0.9172, "Acc.mirror": 0.7341, "Acc.rug": 0.764, "Acc.field": 0.5107, "Acc.armchair": 0.6796, "Acc.seat": 0.8458, "Acc.fence": 0.6365, "Acc.desk": 0.6686, "Acc.rock": 0.6328, "Acc.wardrobe": 0.6797, "Acc.lamp": 0.7048, "Acc.bathtub": 0.8428, "Acc.railing": 0.4883, "Acc.cushion": 0.6014, "Acc.base": 0.5368, "Acc.box": 0.3002, "Acc.column": 0.6343, "Acc.signboard": 0.4933, "Acc.chest of drawers": 0.6858, "Acc.counter": 0.4977, "Acc.sand": 0.6058, "Acc.sink": 0.7574, "Acc.skyscraper": 0.7636, "Acc.fireplace": 0.8981, "Acc.refrigerator": 0.8019, "Acc.grandstand": 0.8505, "Acc.path": 0.3219, "Acc.stairs": 0.3613, "Acc.runway": 0.9526, "Acc.case": 0.8472, "Acc.pool table": 0.9824, "Acc.pillow": 0.723, "Acc.screen door": 0.8137, "Acc.stairway": 0.5373, "Acc.river": 0.4279, "Acc.bridge": 0.5451, "Acc.bookcase": 0.5798, "Acc.blind": 0.1327, "Acc.coffee table": 0.8261, "Acc.toilet": 0.9144, "Acc.flower": 0.5116, "Acc.book": 0.5887, "Acc.hill": 0.0613, "Acc.bench": 0.5881, "Acc.countertop": 0.7329, "Acc.stove": 0.89, "Acc.palm": 0.7675, "Acc.kitchen island": 0.5161, "Acc.computer": 0.9127, "Acc.swivel chair": 0.7359, "Acc.boat": 0.8388, "Acc.bar": 0.6351, "Acc.arcade machine": 0.8183, "Acc.hovel": 0.796, "Acc.bus": 0.9644, "Acc.towel": 0.7354, "Acc.light": 0.1527, "Acc.truck": 0.4461, "Acc.tower": 0.324, "Acc.chandelier": 0.8429, "Acc.awning": 0.2369, "Acc.streetlight": 0.2178, "Acc.booth": 0.4226, "Acc.television receiver": 0.8122, "Acc.airplane": 0.6836, "Acc.dirt track": 0.0, "Acc.apparel": 0.5132, "Acc.pole": 0.0837, "Acc.land": 0.0, "Acc.bannister": 0.0, "Acc.escalator": 0.5976, "Acc.ottoman": 0.5868, "Acc.bottle": 0.2663, "Acc.buffet": 0.1068, "Acc.poster": 0.0239, "Acc.stage": 0.1766, "Acc.van": 0.2002, "Acc.ship": 0.4157, "Acc.fountain": 0.1285, "Acc.conveyer belt": 0.9768, "Acc.canopy": 0.4978, "Acc.washer": 0.8236, "Acc.plaything": 0.352, "Acc.swimming pool": 0.7229, "Acc.stool": 0.2398, "Acc.barrel": 0.8208, "Acc.basket": 0.1721, "Acc.waterfall": 0.8601, "Acc.tent": 0.9897, "Acc.bag": 0.001, "Acc.minibike": 0.8377, "Acc.cradle": 0.9698, "Acc.oven": 0.0335, "Acc.ball": 0.6286, "Acc.food": 0.4786, "Acc.step": 0.0, "Acc.tank": 0.4535, "Acc.trade name": 0.0444, "Acc.microwave": 0.9045, "Acc.pot": 0.407, "Acc.animal": 0.474, "Acc.bicycle": 0.7082, "Acc.lake": 0.0, "Acc.dishwasher": 0.3427, "Acc.screen": 0.902, "Acc.blanket": 0.0, "Acc.sculpture": 0.4471, "Acc.hood": 0.6131, "Acc.sconce": 0.0001, "Acc.vase": 0.3106, "Acc.traffic light": 0.0, "Acc.tray": 0.0, "Acc.ashcan": 0.2279, "Acc.fan": 0.0246, "Acc.pier": 0.3295, "Acc.crt screen": 0.0, "Acc.plate": 0.4751, "Acc.monitor": 0.0029, "Acc.bulletin board": 0.0059, "Acc.shower": 0.0, "Acc.radiator": 0.02, "Acc.glass": 0.0, "Acc.clock": 0.0, "Acc.flag": 0.2441} {"mode": "train", "epoch": 9, "iter": 11050, "lr": 0.0, "memory": 14793, "data_time": 2.34966, "decode.loss_ce": 0.5818, "decode.acc_seg": 78.60495, "aux.loss_ce": 0.36698, "aux.acc_seg": 70.73245, "loss": 0.94878, "grad_norm": 16.56911, "time": 2.76054} {"mode": "train", "epoch": 9, "iter": 11100, "lr": 0.0, "memory": 14793, "data_time": 0.0055, "decode.loss_ce": 0.56701, "decode.acc_seg": 78.65072, "aux.loss_ce": 0.354, "aux.acc_seg": 71.13355, "loss": 0.92101, "grad_norm": 14.27864, "time": 0.41192} {"mode": "train", "epoch": 9, "iter": 11150, "lr": 0.0, "memory": 14793, "data_time": 0.00526, "decode.loss_ce": 0.55623, "decode.acc_seg": 79.62166, "aux.loss_ce": 0.36045, "aux.acc_seg": 71.2713, "loss": 0.91668, "grad_norm": 13.21367, "time": 0.41557} {"mode": "train", "epoch": 9, "iter": 11200, "lr": 0.0, "memory": 14793, "data_time": 0.00537, "decode.loss_ce": 0.60047, "decode.acc_seg": 78.30796, "aux.loss_ce": 0.3793, "aux.acc_seg": 69.7699, "loss": 0.97977, "grad_norm": 15.25299, "time": 0.41515} {"mode": "train", "epoch": 9, "iter": 11250, "lr": 0.0, "memory": 14793, "data_time": 0.00543, "decode.loss_ce": 0.53621, "decode.acc_seg": 79.83263, "aux.loss_ce": 0.3373, "aux.acc_seg": 71.49785, "loss": 0.87351, "grad_norm": 12.18553, "time": 0.41745} {"mode": "train", "epoch": 9, "iter": 11300, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.57193, "decode.acc_seg": 79.10671, "aux.loss_ce": 0.36364, "aux.acc_seg": 70.39458, "loss": 0.93557, "grad_norm": 15.75336, "time": 0.42483} {"mode": "train", "epoch": 9, "iter": 11350, "lr": 0.0, "memory": 14793, "data_time": 0.00675, "decode.loss_ce": 0.54388, "decode.acc_seg": 79.01901, "aux.loss_ce": 0.34095, "aux.acc_seg": 71.77467, "loss": 0.88483, "grad_norm": 12.65814, "time": 0.42009} {"mode": "train", "epoch": 10, "iter": 11400, "lr": 0.0, "memory": 14793, "data_time": 0.05318, "decode.loss_ce": 0.5635, "decode.acc_seg": 80.15749, "aux.loss_ce": 0.36502, "aux.acc_seg": 71.55857, "loss": 0.92852, "grad_norm": 15.22878, "time": 0.458} {"mode": "train", "epoch": 10, "iter": 11450, "lr": 0.0, "memory": 14793, "data_time": 0.00711, "decode.loss_ce": 0.51666, "decode.acc_seg": 80.3017, "aux.loss_ce": 0.35742, "aux.acc_seg": 70.69484, "loss": 0.87407, "grad_norm": 11.43804, "time": 0.41061} {"mode": "train", "epoch": 10, "iter": 11500, "lr": 0.0, "memory": 14793, "data_time": 0.00574, "decode.loss_ce": 0.5582, "decode.acc_seg": 79.4086, "aux.loss_ce": 0.3649, "aux.acc_seg": 70.62347, "loss": 0.9231, "grad_norm": 17.32312, "time": 0.40912} {"mode": "train", "epoch": 10, "iter": 11550, "lr": 0.0, "memory": 14793, "data_time": 0.00595, "decode.loss_ce": 0.54714, "decode.acc_seg": 79.95778, "aux.loss_ce": 0.34909, "aux.acc_seg": 71.61736, "loss": 0.89623, "grad_norm": 13.94014, "time": 0.41031} {"mode": "train", "epoch": 10, "iter": 11600, "lr": 0.0, "memory": 14793, "data_time": 0.00557, "decode.loss_ce": 0.56138, "decode.acc_seg": 78.64646, "aux.loss_ce": 0.35644, "aux.acc_seg": 70.21982, "loss": 0.91782, "grad_norm": 11.68866, "time": 0.41257} {"mode": "train", "epoch": 10, "iter": 11650, "lr": 0.0, "memory": 14793, "data_time": 0.00507, "decode.loss_ce": 0.5319, "decode.acc_seg": 80.13256, "aux.loss_ce": 0.34905, "aux.acc_seg": 71.71632, "loss": 0.88095, "grad_norm": 10.7314, "time": 0.40431} {"mode": "train", "epoch": 10, "iter": 11700, "lr": 0.0, "memory": 14793, "data_time": 0.00518, "decode.loss_ce": 0.51027, "decode.acc_seg": 81.15342, "aux.loss_ce": 0.33149, "aux.acc_seg": 73.32376, "loss": 0.84176, "grad_norm": 15.91952, "time": 0.41578} {"mode": "train", "epoch": 10, "iter": 11750, "lr": 0.0, "memory": 14793, "data_time": 0.00638, "decode.loss_ce": 0.547, "decode.acc_seg": 80.14462, "aux.loss_ce": 0.35747, "aux.acc_seg": 71.56622, "loss": 0.90446, "grad_norm": 15.71268, "time": 0.42623} {"mode": "train", "epoch": 10, "iter": 11800, "lr": 0.0, "memory": 14793, "data_time": 0.00673, "decode.loss_ce": 0.53259, "decode.acc_seg": 80.25186, "aux.loss_ce": 0.34579, "aux.acc_seg": 71.26617, "loss": 0.87838, "grad_norm": 14.5437, "time": 0.41093} {"mode": "train", "epoch": 10, "iter": 11850, "lr": 0.0, "memory": 14793, "data_time": 0.00575, "decode.loss_ce": 0.51987, "decode.acc_seg": 80.58185, "aux.loss_ce": 0.3357, "aux.acc_seg": 72.21995, "loss": 0.85557, "grad_norm": 13.13808, "time": 0.40436} {"mode": "train", "epoch": 10, "iter": 11900, "lr": 0.0, "memory": 14793, "data_time": 0.00652, "decode.loss_ce": 0.5331, "decode.acc_seg": 80.43671, "aux.loss_ce": 0.33811, "aux.acc_seg": 72.69803, "loss": 0.87121, "grad_norm": 14.10744, "time": 0.42164} {"mode": "train", "epoch": 10, "iter": 11950, "lr": 0.0, "memory": 14793, "data_time": 0.00583, "decode.loss_ce": 0.54669, "decode.acc_seg": 79.64947, "aux.loss_ce": 0.34569, "aux.acc_seg": 71.74543, "loss": 0.89238, "grad_norm": 14.49859, "time": 0.4174} {"mode": "train", "epoch": 10, "iter": 12000, "lr": 0.0, "memory": 14793, "data_time": 0.00549, "decode.loss_ce": 0.54256, "decode.acc_seg": 80.34628, "aux.loss_ce": 0.34083, "aux.acc_seg": 72.60362, "loss": 0.88339, "grad_norm": 16.89214, "time": 0.65649} {"mode": "val", "epoch": 10, "iter": 125, "lr": 0.0, "aAcc": 0.8262, "mIoU": 0.4433, "mAcc": 0.5596, "IoU.wall": 0.7593, "IoU.building": 0.8365, "IoU.sky": 0.9428, "IoU.floor": 0.807, "IoU.tree": 0.7434, "IoU.ceiling": 0.8181, "IoU.road": 0.8201, "IoU.bed ": 0.8888, "IoU.windowpane": 0.6049, "IoU.grass": 0.6838, "IoU.cabinet": 0.5777, "IoU.sidewalk": 0.6328, "IoU.person": 0.8091, "IoU.earth": 0.3956, "IoU.door": 0.452, "IoU.table": 0.5747, "IoU.mountain": 0.6137, "IoU.plant": 0.5383, "IoU.curtain": 0.7404, "IoU.chair": 0.5397, "IoU.car": 0.8335, "IoU.water": 0.6017, "IoU.painting": 0.6828, "IoU.sofa": 0.69, "IoU.shelf": 0.4286, "IoU.house": 0.5259, "IoU.sea": 0.6861, "IoU.mirror": 0.6289, "IoU.rug": 0.5825, "IoU.field": 0.3024, "IoU.armchair": 0.3921, "IoU.seat": 0.611, "IoU.fence": 0.4531, "IoU.desk": 0.4155, "IoU.rock": 0.5029, "IoU.wardrobe": 0.4284, "IoU.lamp": 0.5562, "IoU.bathtub": 0.7349, "IoU.railing": 0.3624, "IoU.cushion": 0.5422, "IoU.base": 0.3613, "IoU.box": 0.2442, "IoU.column": 0.4888, "IoU.signboard": 0.3397, "IoU.chest of drawers": 0.4303, "IoU.counter": 0.4175, "IoU.sand": 0.4825, "IoU.sink": 0.6512, "IoU.skyscraper": 0.5384, "IoU.fireplace": 0.689, "IoU.refrigerator": 0.6402, "IoU.grandstand": 0.3646, "IoU.path": 0.2291, "IoU.stairs": 0.3134, "IoU.runway": 0.7061, "IoU.case": 0.616, "IoU.pool table": 0.8967, "IoU.pillow": 0.5545, "IoU.screen door": 0.716, "IoU.stairway": 0.3877, "IoU.river": 0.3698, "IoU.bridge": 0.5006, "IoU.bookcase": 0.3108, "IoU.blind": 0.2627, "IoU.coffee table": 0.5394, "IoU.toilet": 0.8076, "IoU.flower": 0.3482, "IoU.book": 0.4343, "IoU.hill": 0.0438, "IoU.bench": 0.5012, "IoU.countertop": 0.5084, "IoU.stove": 0.6362, "IoU.palm": 0.5385, "IoU.kitchen island": 0.2655, "IoU.computer": 0.7091, "IoU.swivel chair": 0.3935, "IoU.boat": 0.7454, "IoU.bar": 0.4826, "IoU.arcade machine": 0.6542, "IoU.hovel": 0.5802, "IoU.bus": 0.8882, "IoU.towel": 0.5838, "IoU.light": 0.3131, "IoU.truck": 0.3295, "IoU.tower": 0.2387, "IoU.chandelier": 0.584, "IoU.awning": 0.2633, "IoU.streetlight": 0.1477, "IoU.booth": 0.4055, "IoU.television receiver": 0.6529, "IoU.airplane": 0.5688, "IoU.dirt track": 0.0, "IoU.apparel": 0.3695, "IoU.pole": 0.1651, "IoU.land": 0.0, "IoU.bannister": 0.0, "IoU.escalator": 0.3194, "IoU.ottoman": 0.4807, "IoU.bottle": 0.1685, "IoU.buffet": 0.3178, "IoU.poster": 0.0018, "IoU.stage": 0.149, "IoU.van": 0.1192, "IoU.ship": 0.6556, "IoU.fountain": 0.1435, "IoU.conveyer belt": 0.7733, "IoU.canopy": 0.4141, "IoU.washer": 0.7747, "IoU.plaything": 0.264, "IoU.swimming pool": 0.3419, "IoU.stool": 0.2269, "IoU.barrel": 0.5042, "IoU.basket": 0.231, "IoU.waterfall": 0.6225, "IoU.tent": 0.9144, "IoU.bag": 0.0213, "IoU.minibike": 0.6572, "IoU.cradle": 0.6708, "IoU.oven": 0.0395, "IoU.ball": 0.462, "IoU.food": 0.4128, "IoU.step": 0.0, "IoU.tank": 0.4335, "IoU.trade name": 0.1534, "IoU.microwave": 0.8112, "IoU.pot": 0.4064, "IoU.animal": 0.5735, "IoU.bicycle": 0.5651, "IoU.lake": 0.0, "IoU.dishwasher": 0.3633, "IoU.screen": 0.5266, "IoU.blanket": 0.0, "IoU.sculpture": 0.5414, "IoU.hood": 0.5407, "IoU.sconce": 0.0058, "IoU.vase": 0.2439, "IoU.traffic light": 0.0, "IoU.tray": 0.0001, "IoU.ashcan": 0.3044, "IoU.fan": 0.0981, "IoU.pier": 0.3856, "IoU.crt screen": 0.0115, "IoU.plate": 0.3767, "IoU.monitor": 0.0057, "IoU.bulletin board": 0.011, "IoU.shower": 0.0, "IoU.radiator": 0.1179, "IoU.glass": 0.0, "IoU.clock": 0.0, "IoU.flag": 0.3768, "Acc.wall": 0.8529, "Acc.building": 0.9265, "Acc.sky": 0.9717, "Acc.floor": 0.9004, "Acc.tree": 0.9042, "Acc.ceiling": 0.9536, "Acc.road": 0.8875, "Acc.bed ": 0.9662, "Acc.windowpane": 0.8164, "Acc.grass": 0.873, "Acc.cabinet": 0.6702, "Acc.sidewalk": 0.8289, "Acc.person": 0.9102, "Acc.earth": 0.5027, "Acc.door": 0.6075, "Acc.table": 0.7328, "Acc.mountain": 0.7411, "Acc.plant": 0.6351, "Acc.curtain": 0.8631, "Acc.chair": 0.6517, "Acc.car": 0.9385, "Acc.water": 0.7642, "Acc.painting": 0.8682, "Acc.sofa": 0.8811, "Acc.shelf": 0.6421, "Acc.house": 0.69, "Acc.sea": 0.9122, "Acc.mirror": 0.7474, "Acc.rug": 0.6898, "Acc.field": 0.4276, "Acc.armchair": 0.5497, "Acc.seat": 0.8423, "Acc.fence": 0.6501, "Acc.desk": 0.7243, "Acc.rock": 0.7351, "Acc.wardrobe": 0.6925, "Acc.lamp": 0.6988, "Acc.bathtub": 0.8479, "Acc.railing": 0.473, "Acc.cushion": 0.6457, "Acc.base": 0.5117, "Acc.box": 0.3045, "Acc.column": 0.6629, "Acc.signboard": 0.5257, "Acc.chest of drawers": 0.6282, "Acc.counter": 0.5132, "Acc.sand": 0.5926, "Acc.sink": 0.7857, "Acc.skyscraper": 0.6752, "Acc.fireplace": 0.8705, "Acc.refrigerator": 0.831, "Acc.grandstand": 0.86, "Acc.path": 0.354, "Acc.stairs": 0.3622, "Acc.runway": 0.9438, "Acc.case": 0.8736, "Acc.pool table": 0.982, "Acc.pillow": 0.7275, "Acc.screen door": 0.8055, "Acc.stairway": 0.5212, "Acc.river": 0.4488, "Acc.bridge": 0.5762, "Acc.bookcase": 0.5954, "Acc.blind": 0.2828, "Acc.coffee table": 0.8254, "Acc.toilet": 0.9098, "Acc.flower": 0.5457, "Acc.book": 0.653, "Acc.hill": 0.0706, "Acc.bench": 0.6157, "Acc.countertop": 0.6487, "Acc.stove": 0.908, "Acc.palm": 0.7434, "Acc.kitchen island": 0.5739, "Acc.computer": 0.9201, "Acc.swivel chair": 0.612, "Acc.boat": 0.8717, "Acc.bar": 0.5402, "Acc.arcade machine": 0.7954, "Acc.hovel": 0.7239, "Acc.bus": 0.9593, "Acc.towel": 0.7918, "Acc.light": 0.3525, "Acc.truck": 0.4213, "Acc.tower": 0.3225, "Acc.chandelier": 0.8117, "Acc.awning": 0.2924, "Acc.streetlight": 0.2256, "Acc.booth": 0.4585, "Acc.television receiver": 0.8527, "Acc.airplane": 0.6702, "Acc.dirt track": 0.0, "Acc.apparel": 0.6034, "Acc.pole": 0.2055, "Acc.land": 0.0, "Acc.bannister": 0.0, "Acc.escalator": 0.3939, "Acc.ottoman": 0.6357, "Acc.bottle": 0.196, "Acc.buffet": 0.3723, "Acc.poster": 0.0019, "Acc.stage": 0.2538, "Acc.van": 0.1319, "Acc.ship": 0.6693, "Acc.fountain": 0.1477, "Acc.conveyer belt": 0.9557, "Acc.canopy": 0.4548, "Acc.washer": 0.8338, "Acc.plaything": 0.3865, "Acc.swimming pool": 0.6862, "Acc.stool": 0.2851, "Acc.barrel": 0.8238, "Acc.basket": 0.287, "Acc.waterfall": 0.8348, "Acc.tent": 0.9866, "Acc.bag": 0.0214, "Acc.minibike": 0.8759, "Acc.cradle": 0.8802, "Acc.oven": 0.0399, "Acc.ball": 0.5995, "Acc.food": 0.4736, "Acc.step": 0.0, "Acc.tank": 0.4561, "Acc.trade name": 0.1581, "Acc.microwave": 0.9317, "Acc.pot": 0.4469, "Acc.animal": 0.5981, "Acc.bicycle": 0.7227, "Acc.lake": 0.0, "Acc.dishwasher": 0.3768, "Acc.screen": 0.9144, "Acc.blanket": 0.0, "Acc.sculpture": 0.5761, "Acc.hood": 0.6124, "Acc.sconce": 0.0058, "Acc.vase": 0.3141, "Acc.traffic light": 0.0, "Acc.tray": 0.0001, "Acc.ashcan": 0.3225, "Acc.fan": 0.0986, "Acc.pier": 0.3966, "Acc.crt screen": 0.0318, "Acc.plate": 0.4454, "Acc.monitor": 0.006, "Acc.bulletin board": 0.011, "Acc.shower": 0.0, "Acc.radiator": 0.1179, "Acc.glass": 0.0, "Acc.clock": 0.0, "Acc.flag": 0.3886} {"mode": "train", "epoch": 10, "iter": 12050, "lr": 0.0, "memory": 14793, "data_time": 2.36435, "decode.loss_ce": 0.5419, "decode.acc_seg": 79.19832, "aux.loss_ce": 0.33424, "aux.acc_seg": 72.01239, "loss": 0.87614, "grad_norm": 17.8697, "time": 2.78128} {"mode": "train", "epoch": 10, "iter": 12100, "lr": 0.0, "memory": 14793, "data_time": 0.00543, "decode.loss_ce": 0.55046, "decode.acc_seg": 79.59309, "aux.loss_ce": 0.34183, "aux.acc_seg": 71.72149, "loss": 0.89229, "grad_norm": 14.26175, "time": 0.42218} {"mode": "train", "epoch": 10, "iter": 12150, "lr": 0.0, "memory": 14793, "data_time": 0.00519, "decode.loss_ce": 0.52764, "decode.acc_seg": 79.99774, "aux.loss_ce": 0.3362, "aux.acc_seg": 72.31118, "loss": 0.86385, "grad_norm": 13.90756, "time": 0.42437} {"mode": "train", "epoch": 10, "iter": 12200, "lr": 0.0, "memory": 14793, "data_time": 0.00549, "decode.loss_ce": 0.54365, "decode.acc_seg": 79.57233, "aux.loss_ce": 0.34936, "aux.acc_seg": 71.18146, "loss": 0.89301, "grad_norm": 13.4964, "time": 0.41406} {"mode": "train", "epoch": 10, "iter": 12250, "lr": 0.0, "memory": 14793, "data_time": 0.0058, "decode.loss_ce": 0.54368, "decode.acc_seg": 79.50957, "aux.loss_ce": 0.34824, "aux.acc_seg": 71.11537, "loss": 0.89191, "grad_norm": 15.46553, "time": 0.41578} {"mode": "train", "epoch": 10, "iter": 12300, "lr": 0.0, "memory": 14793, "data_time": 0.0059, "decode.loss_ce": 0.52762, "decode.acc_seg": 81.33993, "aux.loss_ce": 0.34218, "aux.acc_seg": 73.10541, "loss": 0.8698, "grad_norm": 15.36479, "time": 0.41429} {"mode": "train", "epoch": 10, "iter": 12350, "lr": 0.0, "memory": 14793, "data_time": 0.00684, "decode.loss_ce": 0.52825, "decode.acc_seg": 80.4664, "aux.loss_ce": 0.32627, "aux.acc_seg": 73.06129, "loss": 0.85453, "grad_norm": 14.46417, "time": 0.41024} {"mode": "train", "epoch": 10, "iter": 12400, "lr": 0.0, "memory": 14793, "data_time": 0.00552, "decode.loss_ce": 0.53145, "decode.acc_seg": 80.12816, "aux.loss_ce": 0.33479, "aux.acc_seg": 72.09637, "loss": 0.86624, "grad_norm": 15.48766, "time": 0.40495} {"mode": "train", "epoch": 10, "iter": 12450, "lr": 0.0, "memory": 14793, "data_time": 0.00568, "decode.loss_ce": 0.53304, "decode.acc_seg": 80.47727, "aux.loss_ce": 0.33056, "aux.acc_seg": 72.8178, "loss": 0.8636, "grad_norm": 12.73075, "time": 0.41086} {"mode": "train", "epoch": 10, "iter": 12500, "lr": 0.0, "memory": 14793, "data_time": 0.00638, "decode.loss_ce": 0.52944, "decode.acc_seg": 80.45629, "aux.loss_ce": 0.33476, "aux.acc_seg": 72.52204, "loss": 0.8642, "grad_norm": 13.13565, "time": 0.41005} {"mode": "train", "epoch": 10, "iter": 12550, "lr": 0.0, "memory": 14793, "data_time": 0.00535, "decode.loss_ce": 0.53309, "decode.acc_seg": 80.57778, "aux.loss_ce": 0.34783, "aux.acc_seg": 71.90371, "loss": 0.88093, "grad_norm": 13.18858, "time": 0.4279} {"mode": "train", "epoch": 10, "iter": 12600, "lr": 0.0, "memory": 14793, "data_time": 0.00571, "decode.loss_ce": 0.50978, "decode.acc_seg": 80.79911, "aux.loss_ce": 0.31864, "aux.acc_seg": 73.6303, "loss": 0.82842, "grad_norm": 13.12079, "time": 0.41751} {"mode": "train", "epoch": 11, "iter": 12650, "lr": 0.0, "memory": 14793, "data_time": 0.05074, "decode.loss_ce": 0.49508, "decode.acc_seg": 81.27152, "aux.loss_ce": 0.31346, "aux.acc_seg": 74.17811, "loss": 0.80854, "grad_norm": 14.23961, "time": 0.44952} {"mode": "train", "epoch": 11, "iter": 12700, "lr": 0.0, "memory": 14793, "data_time": 0.00652, "decode.loss_ce": 0.4937, "decode.acc_seg": 81.6335, "aux.loss_ce": 0.31212, "aux.acc_seg": 74.40125, "loss": 0.80581, "grad_norm": 13.105, "time": 0.40945} {"mode": "train", "epoch": 11, "iter": 12750, "lr": 0.0, "memory": 14793, "data_time": 0.00659, "decode.loss_ce": 0.53502, "decode.acc_seg": 80.75147, "aux.loss_ce": 0.34348, "aux.acc_seg": 73.41495, "loss": 0.87849, "grad_norm": 15.04699, "time": 0.41271} {"mode": "train", "epoch": 11, "iter": 12800, "lr": 0.0, "memory": 14793, "data_time": 0.00555, "decode.loss_ce": 0.52149, "decode.acc_seg": 80.4821, "aux.loss_ce": 0.34434, "aux.acc_seg": 71.3892, "loss": 0.86583, "grad_norm": 14.72941, "time": 0.41915} {"mode": "train", "epoch": 11, "iter": 12850, "lr": 0.0, "memory": 14793, "data_time": 0.00619, "decode.loss_ce": 0.53061, "decode.acc_seg": 79.98827, "aux.loss_ce": 0.3372, "aux.acc_seg": 72.35419, "loss": 0.8678, "grad_norm": 13.25766, "time": 0.41331} {"mode": "train", "epoch": 11, "iter": 12900, "lr": 0.0, "memory": 14793, "data_time": 0.00542, "decode.loss_ce": 0.5226, "decode.acc_seg": 80.37248, "aux.loss_ce": 0.33091, "aux.acc_seg": 72.38416, "loss": 0.85351, "grad_norm": 16.73082, "time": 0.40852} {"mode": "train", "epoch": 11, "iter": 12950, "lr": 0.0, "memory": 14793, "data_time": 0.00521, "decode.loss_ce": 0.52606, "decode.acc_seg": 80.40277, "aux.loss_ce": 0.33618, "aux.acc_seg": 72.47711, "loss": 0.86225, "grad_norm": 14.1011, "time": 0.43166} {"mode": "train", "epoch": 11, "iter": 13000, "lr": 0.0, "memory": 14793, "data_time": 0.00674, "decode.loss_ce": 0.52713, "decode.acc_seg": 79.97745, "aux.loss_ce": 0.33921, "aux.acc_seg": 72.14437, "loss": 0.86635, "grad_norm": 12.84598, "time": 0.64518} {"mode": "val", "epoch": 11, "iter": 125, "lr": 0.0, "aAcc": 0.8256, "mIoU": 0.4522, "mAcc": 0.5692, "IoU.wall": 0.7666, "IoU.building": 0.8286, "IoU.sky": 0.9419, "IoU.floor": 0.8089, "IoU.tree": 0.7548, "IoU.ceiling": 0.8376, "IoU.road": 0.813, "IoU.bed ": 0.8932, "IoU.windowpane": 0.6, "IoU.grass": 0.6765, "IoU.cabinet": 0.577, "IoU.sidewalk": 0.5969, "IoU.person": 0.8109, "IoU.earth": 0.3702, "IoU.door": 0.4655, "IoU.table": 0.5905, "IoU.mountain": 0.6062, "IoU.plant": 0.5244, "IoU.curtain": 0.7317, "IoU.chair": 0.5565, "IoU.car": 0.8455, "IoU.water": 0.5922, "IoU.painting": 0.6811, "IoU.sofa": 0.6537, "IoU.shelf": 0.3818, "IoU.house": 0.5233, "IoU.sea": 0.6116, "IoU.mirror": 0.6145, "IoU.rug": 0.5966, "IoU.field": 0.3051, "IoU.armchair": 0.3161, "IoU.seat": 0.619, "IoU.fence": 0.457, "IoU.desk": 0.4443, "IoU.rock": 0.4367, "IoU.wardrobe": 0.4459, "IoU.lamp": 0.5597, "IoU.bathtub": 0.7476, "IoU.railing": 0.3798, "IoU.cushion": 0.5518, "IoU.base": 0.3685, "IoU.box": 0.2642, "IoU.column": 0.483, "IoU.signboard": 0.3588, "IoU.chest of drawers": 0.3828, "IoU.counter": 0.3902, "IoU.sand": 0.4365, "IoU.sink": 0.6731, "IoU.skyscraper": 0.5127, "IoU.fireplace": 0.6594, "IoU.refrigerator": 0.6291, "IoU.grandstand": 0.5071, "IoU.path": 0.2396, "IoU.stairs": 0.3068, "IoU.runway": 0.7113, "IoU.case": 0.5584, "IoU.pool table": 0.9081, "IoU.pillow": 0.5489, "IoU.screen door": 0.5893, "IoU.stairway": 0.3931, "IoU.river": 0.2778, "IoU.bridge": 0.4543, "IoU.bookcase": 0.3078, "IoU.blind": 0.2184, "IoU.coffee table": 0.5366, "IoU.toilet": 0.8108, "IoU.flower": 0.3394, "IoU.book": 0.4169, "IoU.hill": 0.0449, "IoU.bench": 0.5267, "IoU.countertop": 0.5108, "IoU.stove": 0.6802, "IoU.palm": 0.5245, "IoU.kitchen island": 0.2402, "IoU.computer": 0.7431, "IoU.swivel chair": 0.4119, "IoU.boat": 0.7539, "IoU.bar": 0.5402, "IoU.arcade machine": 0.7114, "IoU.hovel": 0.5839, "IoU.bus": 0.8941, "IoU.towel": 0.5845, "IoU.light": 0.3543, "IoU.truck": 0.3423, "IoU.tower": 0.2301, "IoU.chandelier": 0.5766, "IoU.awning": 0.2691, "IoU.streetlight": 0.1691, "IoU.booth": 0.3825, "IoU.television receiver": 0.6585, "IoU.airplane": 0.574, "IoU.dirt track": 0.0, "IoU.apparel": 0.3318, "IoU.pole": 0.1502, "IoU.land": 0.0032, "IoU.bannister": 0.0007, "IoU.escalator": 0.3188, "IoU.ottoman": 0.5339, "IoU.bottle": 0.34, "IoU.buffet": 0.357, "IoU.poster": 0.0357, "IoU.stage": 0.1254, "IoU.van": 0.2795, "IoU.ship": 0.8291, "IoU.fountain": 0.258, "IoU.conveyer belt": 0.7621, "IoU.canopy": 0.3593, "IoU.washer": 0.7679, "IoU.plaything": 0.1866, "IoU.swimming pool": 0.3541, "IoU.stool": 0.2803, "IoU.barrel": 0.5345, "IoU.basket": 0.2484, "IoU.waterfall": 0.6147, "IoU.tent": 0.9127, "IoU.bag": 0.0275, "IoU.minibike": 0.7044, "IoU.cradle": 0.7147, "IoU.oven": 0.0869, "IoU.ball": 0.1747, "IoU.food": 0.3917, "IoU.step": 0.0002, "IoU.tank": 0.5026, "IoU.trade name": 0.173, "IoU.microwave": 0.8008, "IoU.pot": 0.4408, "IoU.animal": 0.5566, "IoU.bicycle": 0.5491, "IoU.lake": 0.0, "IoU.dishwasher": 0.5257, "IoU.screen": 0.5303, "IoU.blanket": 0.0, "IoU.sculpture": 0.5566, "IoU.hood": 0.5629, "IoU.sconce": 0.0274, "IoU.vase": 0.2571, "IoU.traffic light": 0.0551, "IoU.tray": 0.0006, "IoU.ashcan": 0.4304, "IoU.fan": 0.2744, "IoU.pier": 0.3858, "IoU.crt screen": 0.0026, "IoU.plate": 0.401, "IoU.monitor": 0.0355, "IoU.bulletin board": 0.2134, "IoU.shower": 0.0, "IoU.radiator": 0.3081, "IoU.glass": 0.0, "IoU.clock": 0.0074, "IoU.flag": 0.4396, "Acc.wall": 0.8681, "Acc.building": 0.9275, "Acc.sky": 0.9625, "Acc.floor": 0.8845, "Acc.tree": 0.9035, "Acc.ceiling": 0.9307, "Acc.road": 0.85, "Acc.bed ": 0.9698, "Acc.windowpane": 0.8157, "Acc.grass": 0.8788, "Acc.cabinet": 0.6941, "Acc.sidewalk": 0.8828, "Acc.person": 0.9042, "Acc.earth": 0.4712, "Acc.door": 0.6146, "Acc.table": 0.7668, "Acc.mountain": 0.7747, "Acc.plant": 0.6103, "Acc.curtain": 0.884, "Acc.chair": 0.6988, "Acc.car": 0.9393, "Acc.water": 0.7832, "Acc.painting": 0.8665, "Acc.sofa": 0.9174, "Acc.shelf": 0.519, "Acc.house": 0.7522, "Acc.sea": 0.8104, "Acc.mirror": 0.6912, "Acc.rug": 0.7101, "Acc.field": 0.5005, "Acc.armchair": 0.4148, "Acc.seat": 0.7861, "Acc.fence": 0.5976, "Acc.desk": 0.6607, "Acc.rock": 0.579, "Acc.wardrobe": 0.6753, "Acc.lamp": 0.7154, "Acc.bathtub": 0.8458, "Acc.railing": 0.5424, "Acc.cushion": 0.6595, "Acc.base": 0.5239, "Acc.box": 0.3564, "Acc.column": 0.6186, "Acc.signboard": 0.4839, "Acc.chest of drawers": 0.6722, "Acc.counter": 0.4555, "Acc.sand": 0.5995, "Acc.sink": 0.7771, "Acc.skyscraper": 0.656, "Acc.fireplace": 0.8759, "Acc.refrigerator": 0.8021, "Acc.grandstand": 0.8119, "Acc.path": 0.3259, "Acc.stairs": 0.3525, "Acc.runway": 0.9444, "Acc.case": 0.8758, "Acc.pool table": 0.98, "Acc.pillow": 0.7021, "Acc.screen door": 0.8708, "Acc.stairway": 0.5821, "Acc.river": 0.3295, "Acc.bridge": 0.5238, "Acc.bookcase": 0.6311, "Acc.blind": 0.2293, "Acc.coffee table": 0.8, "Acc.toilet": 0.9183, "Acc.flower": 0.5348, "Acc.book": 0.5272, "Acc.hill": 0.0635, "Acc.bench": 0.6175, "Acc.countertop": 0.7231, "Acc.stove": 0.9005, "Acc.palm": 0.7709, "Acc.kitchen island": 0.4515, "Acc.computer": 0.9189, "Acc.swivel chair": 0.6602, "Acc.boat": 0.8582, "Acc.bar": 0.7306, "Acc.arcade machine": 0.8067, "Acc.hovel": 0.7027, "Acc.bus": 0.9635, "Acc.towel": 0.8076, "Acc.light": 0.3935, "Acc.truck": 0.4711, "Acc.tower": 0.3188, "Acc.chandelier": 0.8389, "Acc.awning": 0.3052, "Acc.streetlight": 0.2632, "Acc.booth": 0.4238, "Acc.television receiver": 0.8593, "Acc.airplane": 0.6734, "Acc.dirt track": 0.0, "Acc.apparel": 0.5726, "Acc.pole": 0.1753, "Acc.land": 0.0035, "Acc.bannister": 0.0007, "Acc.escalator": 0.399, "Acc.ottoman": 0.7678, "Acc.bottle": 0.4599, "Acc.buffet": 0.4622, "Acc.poster": 0.0368, "Acc.stage": 0.2217, "Acc.van": 0.3197, "Acc.ship": 0.8507, "Acc.fountain": 0.2692, "Acc.conveyer belt": 0.9655, "Acc.canopy": 0.3917, "Acc.washer": 0.8198, "Acc.plaything": 0.2459, "Acc.swimming pool": 0.524, "Acc.stool": 0.3596, "Acc.barrel": 0.855, "Acc.basket": 0.3039, "Acc.waterfall": 0.8672, "Acc.tent": 0.9891, "Acc.bag": 0.0275, "Acc.minibike": 0.8182, "Acc.cradle": 0.9729, "Acc.oven": 0.0885, "Acc.ball": 0.2015, "Acc.food": 0.4232, "Acc.step": 0.0002, "Acc.tank": 0.5452, "Acc.trade name": 0.1785, "Acc.microwave": 0.9374, "Acc.pot": 0.5051, "Acc.animal": 0.5806, "Acc.bicycle": 0.7219, "Acc.lake": 0.0, "Acc.dishwasher": 0.6258, "Acc.screen": 0.9067, "Acc.blanket": 0.0, "Acc.sculpture": 0.6696, "Acc.hood": 0.6246, "Acc.sconce": 0.0276, "Acc.vase": 0.3389, "Acc.traffic light": 0.061, "Acc.tray": 0.0006, "Acc.ashcan": 0.5012, "Acc.fan": 0.2865, "Acc.pier": 0.4139, "Acc.crt screen": 0.0065, "Acc.plate": 0.4807, "Acc.monitor": 0.0391, "Acc.bulletin board": 0.2187, "Acc.shower": 0.0, "Acc.radiator": 0.3088, "Acc.glass": 0.0, "Acc.clock": 0.0074, "Acc.flag": 0.4567} {"mode": "train", "epoch": 11, "iter": 13050, "lr": 0.0, "memory": 14793, "data_time": 2.40692, "decode.loss_ce": 0.5335, "decode.acc_seg": 80.01295, "aux.loss_ce": 0.33867, "aux.acc_seg": 71.82663, "loss": 0.87217, "grad_norm": 13.54248, "time": 2.81381} {"mode": "train", "epoch": 11, "iter": 13100, "lr": 0.0, "memory": 14793, "data_time": 0.0069, "decode.loss_ce": 0.5084, "decode.acc_seg": 80.66175, "aux.loss_ce": 0.32449, "aux.acc_seg": 73.28401, "loss": 0.83289, "grad_norm": 13.09947, "time": 0.4153} {"mode": "train", "epoch": 11, "iter": 13150, "lr": 0.0, "memory": 14793, "data_time": 0.00696, "decode.loss_ce": 0.54773, "decode.acc_seg": 80.42316, "aux.loss_ce": 0.35942, "aux.acc_seg": 71.03973, "loss": 0.90714, "grad_norm": 14.80652, "time": 0.41289} {"mode": "train", "epoch": 11, "iter": 13200, "lr": 0.0, "memory": 14793, "data_time": 0.00566, "decode.loss_ce": 0.50367, "decode.acc_seg": 80.958, "aux.loss_ce": 0.32874, "aux.acc_seg": 73.06904, "loss": 0.83241, "grad_norm": 13.26423, "time": 0.40821} {"mode": "train", "epoch": 11, "iter": 13250, "lr": 0.0, "memory": 14793, "data_time": 0.00583, "decode.loss_ce": 0.52, "decode.acc_seg": 80.99393, "aux.loss_ce": 0.32931, "aux.acc_seg": 73.28481, "loss": 0.84931, "grad_norm": 15.0624, "time": 0.41232} {"mode": "train", "epoch": 11, "iter": 13300, "lr": 0.0, "memory": 14793, "data_time": 0.00605, "decode.loss_ce": 0.54953, "decode.acc_seg": 80.06212, "aux.loss_ce": 0.34447, "aux.acc_seg": 72.22344, "loss": 0.894, "grad_norm": 12.68989, "time": 0.41213} {"mode": "train", "epoch": 11, "iter": 13350, "lr": 0.0, "memory": 14793, "data_time": 0.00541, "decode.loss_ce": 0.52263, "decode.acc_seg": 80.25466, "aux.loss_ce": 0.33616, "aux.acc_seg": 71.9357, "loss": 0.85879, "grad_norm": 14.85538, "time": 0.42307} {"mode": "train", "epoch": 11, "iter": 13400, "lr": 0.0, "memory": 14793, "data_time": 0.00595, "decode.loss_ce": 0.52253, "decode.acc_seg": 79.6603, "aux.loss_ce": 0.32537, "aux.acc_seg": 72.38398, "loss": 0.8479, "grad_norm": 14.05017, "time": 0.42772} {"mode": "train", "epoch": 11, "iter": 13450, "lr": 0.0, "memory": 14793, "data_time": 0.00575, "decode.loss_ce": 0.52228, "decode.acc_seg": 80.36913, "aux.loss_ce": 0.34073, "aux.acc_seg": 71.47464, "loss": 0.86301, "grad_norm": 17.6425, "time": 0.41738} {"mode": "train", "epoch": 11, "iter": 13500, "lr": 0.0, "memory": 14793, "data_time": 0.00596, "decode.loss_ce": 0.50279, "decode.acc_seg": 81.27904, "aux.loss_ce": 0.31088, "aux.acc_seg": 74.12147, "loss": 0.81367, "grad_norm": 10.68502, "time": 0.41512} {"mode": "train", "epoch": 11, "iter": 13550, "lr": 0.0, "memory": 14793, "data_time": 0.0054, "decode.loss_ce": 0.51055, "decode.acc_seg": 80.76106, "aux.loss_ce": 0.33468, "aux.acc_seg": 72.23624, "loss": 0.84523, "grad_norm": 13.79763, "time": 0.41058} {"mode": "train", "epoch": 11, "iter": 13600, "lr": 0.0, "memory": 14793, "data_time": 0.00615, "decode.loss_ce": 0.51004, "decode.acc_seg": 80.39225, "aux.loss_ce": 0.32785, "aux.acc_seg": 72.14, "loss": 0.83789, "grad_norm": 15.97412, "time": 0.40878} {"mode": "train", "epoch": 11, "iter": 13650, "lr": 0.0, "memory": 14793, "data_time": 0.00545, "decode.loss_ce": 0.51061, "decode.acc_seg": 80.30276, "aux.loss_ce": 0.31706, "aux.acc_seg": 72.51854, "loss": 0.82767, "grad_norm": 14.59565, "time": 0.41232} {"mode": "train", "epoch": 11, "iter": 13700, "lr": 0.0, "memory": 14793, "data_time": 0.00522, "decode.loss_ce": 0.51037, "decode.acc_seg": 80.39409, "aux.loss_ce": 0.32381, "aux.acc_seg": 72.59668, "loss": 0.83418, "grad_norm": 15.96322, "time": 0.40844} {"mode": "train", "epoch": 11, "iter": 13750, "lr": 0.0, "memory": 14793, "data_time": 0.00541, "decode.loss_ce": 0.48938, "decode.acc_seg": 81.90935, "aux.loss_ce": 0.3241, "aux.acc_seg": 73.17696, "loss": 0.81348, "grad_norm": 12.92488, "time": 0.41777} {"mode": "train", "epoch": 11, "iter": 13800, "lr": 0.0, "memory": 14793, "data_time": 0.00498, "decode.loss_ce": 0.53028, "decode.acc_seg": 79.64526, "aux.loss_ce": 0.3312, "aux.acc_seg": 72.44059, "loss": 0.86148, "grad_norm": 15.92731, "time": 0.42531} {"mode": "train", "epoch": 11, "iter": 13850, "lr": 0.0, "memory": 14793, "data_time": 0.00528, "decode.loss_ce": 0.49415, "decode.acc_seg": 80.75183, "aux.loss_ce": 0.32194, "aux.acc_seg": 72.68394, "loss": 0.81609, "grad_norm": 14.18499, "time": 0.41329} {"mode": "train", "epoch": 11, "iter": 13900, "lr": 0.0, "memory": 14793, "data_time": 0.00588, "decode.loss_ce": 0.50699, "decode.acc_seg": 80.79697, "aux.loss_ce": 0.32397, "aux.acc_seg": 72.94007, "loss": 0.83095, "grad_norm": 12.39832, "time": 0.41116} {"mode": "train", "epoch": 12, "iter": 13950, "lr": 0.0, "memory": 14793, "data_time": 0.05818, "decode.loss_ce": 0.47899, "decode.acc_seg": 82.35645, "aux.loss_ce": 0.30567, "aux.acc_seg": 75.28454, "loss": 0.78466, "grad_norm": 12.69944, "time": 0.46471} {"mode": "train", "epoch": 12, "iter": 14000, "lr": 0.0, "memory": 14793, "data_time": 0.0054, "decode.loss_ce": 0.49428, "decode.acc_seg": 81.43582, "aux.loss_ce": 0.32636, "aux.acc_seg": 73.12567, "loss": 0.82064, "grad_norm": 15.72999, "time": 0.64915} {"mode": "val", "epoch": 12, "iter": 125, "lr": 0.0, "aAcc": 0.8299, "mIoU": 0.4674, "mAcc": 0.5923, "IoU.wall": 0.7737, "IoU.building": 0.8345, "IoU.sky": 0.9431, "IoU.floor": 0.8087, "IoU.tree": 0.7382, "IoU.ceiling": 0.8393, "IoU.road": 0.8312, "IoU.bed ": 0.9027, "IoU.windowpane": 0.6147, "IoU.grass": 0.6556, "IoU.cabinet": 0.6011, "IoU.sidewalk": 0.6282, "IoU.person": 0.8143, "IoU.earth": 0.3728, "IoU.door": 0.4695, "IoU.table": 0.6003, "IoU.mountain": 0.627, "IoU.plant": 0.5491, "IoU.curtain": 0.7356, "IoU.chair": 0.5531, "IoU.car": 0.8379, "IoU.water": 0.6422, "IoU.painting": 0.7041, "IoU.sofa": 0.666, "IoU.shelf": 0.447, "IoU.house": 0.4869, "IoU.sea": 0.7332, "IoU.mirror": 0.6331, "IoU.rug": 0.5642, "IoU.field": 0.2508, "IoU.armchair": 0.4088, "IoU.seat": 0.6315, "IoU.fence": 0.4628, "IoU.desk": 0.4432, "IoU.rock": 0.4917, "IoU.wardrobe": 0.4672, "IoU.lamp": 0.5705, "IoU.bathtub": 0.7508, "IoU.railing": 0.384, "IoU.cushion": 0.565, "IoU.base": 0.3763, "IoU.box": 0.2279, "IoU.column": 0.4865, "IoU.signboard": 0.3631, "IoU.chest of drawers": 0.361, "IoU.counter": 0.4406, "IoU.sand": 0.4584, "IoU.sink": 0.6768, "IoU.skyscraper": 0.5247, "IoU.fireplace": 0.6364, "IoU.refrigerator": 0.6574, "IoU.grandstand": 0.4494, "IoU.path": 0.2563, "IoU.stairs": 0.3745, "IoU.runway": 0.6487, "IoU.case": 0.6012, "IoU.pool table": 0.9046, "IoU.pillow": 0.5429, "IoU.screen door": 0.6353, "IoU.stairway": 0.4891, "IoU.river": 0.3568, "IoU.bridge": 0.7209, "IoU.bookcase": 0.3234, "IoU.blind": 0.2815, "IoU.coffee table": 0.5363, "IoU.toilet": 0.8221, "IoU.flower": 0.3603, "IoU.book": 0.4632, "IoU.hill": 0.0485, "IoU.bench": 0.5089, "IoU.countertop": 0.5217, "IoU.stove": 0.7078, "IoU.palm": 0.462, "IoU.kitchen island": 0.2441, "IoU.computer": 0.7293, "IoU.swivel chair": 0.4285, "IoU.boat": 0.6707, "IoU.bar": 0.566, "IoU.arcade machine": 0.7484, "IoU.hovel": 0.3623, "IoU.bus": 0.8759, "IoU.towel": 0.5918, "IoU.light": 0.3949, "IoU.truck": 0.3484, "IoU.tower": 0.2326, "IoU.chandelier": 0.5889, "IoU.awning": 0.2974, "IoU.streetlight": 0.1818, "IoU.booth": 0.4039, "IoU.television receiver": 0.6472, "IoU.airplane": 0.5976, "IoU.dirt track": 0.0139, "IoU.apparel": 0.3685, "IoU.pole": 0.1973, "IoU.land": 0.0, "IoU.bannister": 0.021, "IoU.escalator": 0.3092, "IoU.ottoman": 0.5102, "IoU.bottle": 0.2846, "IoU.buffet": 0.3794, "IoU.poster": 0.0457, "IoU.stage": 0.1141, "IoU.van": 0.3206, "IoU.ship": 0.7723, "IoU.fountain": 0.3476, "IoU.conveyer belt": 0.6208, "IoU.canopy": 0.3622, "IoU.washer": 0.7307, "IoU.plaything": 0.2996, "IoU.swimming pool": 0.3604, "IoU.stool": 0.3125, "IoU.barrel": 0.5529, "IoU.basket": 0.2931, "IoU.waterfall": 0.7103, "IoU.tent": 0.9212, "IoU.bag": 0.0236, "IoU.minibike": 0.7018, "IoU.cradle": 0.744, "IoU.oven": 0.1645, "IoU.ball": 0.4759, "IoU.food": 0.4055, "IoU.step": 0.005, "IoU.tank": 0.506, "IoU.trade name": 0.279, "IoU.microwave": 0.8019, "IoU.pot": 0.4309, "IoU.animal": 0.5116, "IoU.bicycle": 0.5472, "IoU.lake": 0.0, "IoU.dishwasher": 0.5055, "IoU.screen": 0.5351, "IoU.blanket": 0.0, "IoU.sculpture": 0.513, "IoU.hood": 0.5558, "IoU.sconce": 0.059, "IoU.vase": 0.293, "IoU.traffic light": 0.1113, "IoU.tray": 0.0012, "IoU.ashcan": 0.4362, "IoU.fan": 0.4072, "IoU.pier": 0.3626, "IoU.crt screen": 0.002, "IoU.plate": 0.4456, "IoU.monitor": 0.0162, "IoU.bulletin board": 0.3733, "IoU.shower": 0.0, "IoU.radiator": 0.3726, "IoU.glass": 0.0096, "IoU.clock": 0.0154, "IoU.flag": 0.4823, "Acc.wall": 0.8662, "Acc.building": 0.9215, "Acc.sky": 0.9769, "Acc.floor": 0.9134, "Acc.tree": 0.8782, "Acc.ceiling": 0.9271, "Acc.road": 0.8933, "Acc.bed ": 0.9583, "Acc.windowpane": 0.8107, "Acc.grass": 0.7712, "Acc.cabinet": 0.7241, "Acc.sidewalk": 0.8252, "Acc.person": 0.9171, "Acc.earth": 0.4888, "Acc.door": 0.6307, "Acc.table": 0.768, "Acc.mountain": 0.7564, "Acc.plant": 0.6538, "Acc.curtain": 0.885, "Acc.chair": 0.68, "Acc.car": 0.9411, "Acc.water": 0.7967, "Acc.painting": 0.8549, "Acc.sofa": 0.7758, "Acc.shelf": 0.6824, "Acc.house": 0.6833, "Acc.sea": 0.9537, "Acc.mirror": 0.737, "Acc.rug": 0.6426, "Acc.field": 0.5223, "Acc.armchair": 0.6996, "Acc.seat": 0.8266, "Acc.fence": 0.6566, "Acc.desk": 0.6046, "Acc.rock": 0.6998, "Acc.wardrobe": 0.5895, "Acc.lamp": 0.7264, "Acc.bathtub": 0.8552, "Acc.railing": 0.5111, "Acc.cushion": 0.7641, "Acc.base": 0.5295, "Acc.box": 0.2914, "Acc.column": 0.7283, "Acc.signboard": 0.5147, "Acc.chest of drawers": 0.5478, "Acc.counter": 0.5331, "Acc.sand": 0.5994, "Acc.sink": 0.7901, "Acc.skyscraper": 0.6325, "Acc.fireplace": 0.9199, "Acc.refrigerator": 0.7929, "Acc.grandstand": 0.8069, "Acc.path": 0.3501, "Acc.stairs": 0.5018, "Acc.runway": 0.8566, "Acc.case": 0.8711, "Acc.pool table": 0.9825, "Acc.pillow": 0.6761, "Acc.screen door": 0.8363, "Acc.stairway": 0.5336, "Acc.river": 0.4748, "Acc.bridge": 0.8176, "Acc.bookcase": 0.5301, "Acc.blind": 0.3025, "Acc.coffee table": 0.8383, "Acc.toilet": 0.9195, "Acc.flower": 0.5024, "Acc.book": 0.6494, "Acc.hill": 0.0859, "Acc.bench": 0.601, "Acc.countertop": 0.7332, "Acc.stove": 0.8678, "Acc.palm": 0.8202, "Acc.kitchen island": 0.462, "Acc.computer": 0.9228, "Acc.swivel chair": 0.5652, "Acc.boat": 0.8519, "Acc.bar": 0.7036, "Acc.arcade machine": 0.8148, "Acc.hovel": 0.423, "Acc.bus": 0.9618, "Acc.towel": 0.8234, "Acc.light": 0.4484, "Acc.truck": 0.4818, "Acc.tower": 0.383, "Acc.chandelier": 0.8288, "Acc.awning": 0.3569, "Acc.streetlight": 0.2344, "Acc.booth": 0.5352, "Acc.television receiver": 0.8643, "Acc.airplane": 0.6896, "Acc.dirt track": 0.0139, "Acc.apparel": 0.601, "Acc.pole": 0.2499, "Acc.land": 0.0, "Acc.bannister": 0.0232, "Acc.escalator": 0.4163, "Acc.ottoman": 0.6274, "Acc.bottle": 0.3679, "Acc.buffet": 0.4918, "Acc.poster": 0.0464, "Acc.stage": 0.192, "Acc.van": 0.3857, "Acc.ship": 0.8157, "Acc.fountain": 0.3654, "Acc.conveyer belt": 0.9795, "Acc.canopy": 0.4157, "Acc.washer": 0.8577, "Acc.plaything": 0.4028, "Acc.swimming pool": 0.6337, "Acc.stool": 0.3896, "Acc.barrel": 0.8709, "Acc.basket": 0.3937, "Acc.waterfall": 0.9218, "Acc.tent": 0.9839, "Acc.bag": 0.0236, "Acc.minibike": 0.8482, "Acc.cradle": 0.9534, "Acc.oven": 0.1724, "Acc.ball": 0.6467, "Acc.food": 0.4988, "Acc.step": 0.005, "Acc.tank": 0.5572, "Acc.trade name": 0.3235, "Acc.microwave": 0.9451, "Acc.pot": 0.4943, "Acc.animal": 0.523, "Acc.bicycle": 0.78, "Acc.lake": 0.0, "Acc.dishwasher": 0.7145, "Acc.screen": 0.8885, "Acc.blanket": 0.0, "Acc.sculpture": 0.6783, "Acc.hood": 0.5938, "Acc.sconce": 0.0603, "Acc.vase": 0.4533, "Acc.traffic light": 0.1493, "Acc.tray": 0.0012, "Acc.ashcan": 0.5798, "Acc.fan": 0.4497, "Acc.pier": 0.4331, "Acc.crt screen": 0.0048, "Acc.plate": 0.6868, "Acc.monitor": 0.0169, "Acc.bulletin board": 0.4126, "Acc.shower": 0.0, "Acc.radiator": 0.3751, "Acc.glass": 0.0097, "Acc.clock": 0.0154, "Acc.flag": 0.55} {"mode": "train", "epoch": 12, "iter": 14050, "lr": 0.0, "memory": 14793, "data_time": 2.43303, "decode.loss_ce": 0.48453, "decode.acc_seg": 81.17398, "aux.loss_ce": 0.31354, "aux.acc_seg": 73.8905, "loss": 0.79806, "grad_norm": 14.04516, "time": 2.84686} {"mode": "train", "epoch": 12, "iter": 14100, "lr": 0.0, "memory": 14793, "data_time": 0.00668, "decode.loss_ce": 0.50958, "decode.acc_seg": 81.19064, "aux.loss_ce": 0.32357, "aux.acc_seg": 73.07166, "loss": 0.83315, "grad_norm": 15.64087, "time": 0.41621} {"mode": "train", "epoch": 12, "iter": 14150, "lr": 0.0, "memory": 14793, "data_time": 0.00554, "decode.loss_ce": 0.50416, "decode.acc_seg": 80.49449, "aux.loss_ce": 0.32347, "aux.acc_seg": 72.1816, "loss": 0.82762, "grad_norm": 17.68603, "time": 0.41597} {"mode": "train", "epoch": 12, "iter": 14200, "lr": 0.0, "memory": 14793, "data_time": 0.00709, "decode.loss_ce": 0.53878, "decode.acc_seg": 80.23213, "aux.loss_ce": 0.33724, "aux.acc_seg": 71.87086, "loss": 0.87602, "grad_norm": 13.38538, "time": 0.41901} {"mode": "train", "epoch": 12, "iter": 14250, "lr": 0.0, "memory": 14793, "data_time": 0.00577, "decode.loss_ce": 0.51912, "decode.acc_seg": 80.8255, "aux.loss_ce": 0.33011, "aux.acc_seg": 72.79575, "loss": 0.84922, "grad_norm": 13.23629, "time": 0.41266} {"mode": "train", "epoch": 12, "iter": 14300, "lr": 0.0, "memory": 14793, "data_time": 0.00578, "decode.loss_ce": 0.48209, "decode.acc_seg": 81.74791, "aux.loss_ce": 0.30403, "aux.acc_seg": 74.36481, "loss": 0.78612, "grad_norm": 14.00889, "time": 0.41506} {"mode": "train", "epoch": 12, "iter": 14350, "lr": 0.0, "memory": 14793, "data_time": 0.00668, "decode.loss_ce": 0.56427, "decode.acc_seg": 79.75221, "aux.loss_ce": 0.34931, "aux.acc_seg": 71.97708, "loss": 0.91358, "grad_norm": 13.71897, "time": 0.41388} {"mode": "train", "epoch": 12, "iter": 14400, "lr": 0.0, "memory": 14793, "data_time": 0.00552, "decode.loss_ce": 0.48688, "decode.acc_seg": 81.14389, "aux.loss_ce": 0.31627, "aux.acc_seg": 73.38303, "loss": 0.80315, "grad_norm": 13.29866, "time": 0.40781} {"mode": "train", "epoch": 12, "iter": 14450, "lr": 0.0, "memory": 14793, "data_time": 0.00565, "decode.loss_ce": 0.52642, "decode.acc_seg": 80.9951, "aux.loss_ce": 0.33519, "aux.acc_seg": 72.87425, "loss": 0.86161, "grad_norm": 13.05133, "time": 0.41077} {"mode": "train", "epoch": 12, "iter": 14500, "lr": 0.0, "memory": 14793, "data_time": 0.00585, "decode.loss_ce": 0.49996, "decode.acc_seg": 81.51256, "aux.loss_ce": 0.32469, "aux.acc_seg": 73.05693, "loss": 0.82465, "grad_norm": 14.85604, "time": 0.4158} {"mode": "train", "epoch": 12, "iter": 14550, "lr": 0.0, "memory": 14793, "data_time": 0.00576, "decode.loss_ce": 0.48517, "decode.acc_seg": 81.52171, "aux.loss_ce": 0.3137, "aux.acc_seg": 73.64475, "loss": 0.79887, "grad_norm": 12.27509, "time": 0.41853} {"mode": "train", "epoch": 12, "iter": 14600, "lr": 0.0, "memory": 14793, "data_time": 0.00556, "decode.loss_ce": 0.49823, "decode.acc_seg": 80.51787, "aux.loss_ce": 0.31644, "aux.acc_seg": 72.48594, "loss": 0.81467, "grad_norm": 13.8749, "time": 0.43077} {"mode": "train", "epoch": 12, "iter": 14650, "lr": 0.0, "memory": 14793, "data_time": 0.00711, "decode.loss_ce": 0.518, "decode.acc_seg": 80.46974, "aux.loss_ce": 0.30873, "aux.acc_seg": 73.74542, "loss": 0.82673, "grad_norm": 17.53558, "time": 0.41842} {"mode": "train", "epoch": 12, "iter": 14700, "lr": 0.0, "memory": 14793, "data_time": 0.00596, "decode.loss_ce": 0.48279, "decode.acc_seg": 81.56038, "aux.loss_ce": 0.31151, "aux.acc_seg": 73.27156, "loss": 0.7943, "grad_norm": 15.61443, "time": 0.41374} {"mode": "train", "epoch": 12, "iter": 14750, "lr": 0.0, "memory": 14793, "data_time": 0.00552, "decode.loss_ce": 0.50637, "decode.acc_seg": 81.08536, "aux.loss_ce": 0.32484, "aux.acc_seg": 72.7732, "loss": 0.8312, "grad_norm": 11.47919, "time": 0.40932} {"mode": "train", "epoch": 12, "iter": 14800, "lr": 0.0, "memory": 14793, "data_time": 0.00523, "decode.loss_ce": 0.49695, "decode.acc_seg": 80.97631, "aux.loss_ce": 0.31573, "aux.acc_seg": 73.43577, "loss": 0.81268, "grad_norm": 13.30657, "time": 0.41051} {"mode": "train", "epoch": 12, "iter": 14850, "lr": 0.0, "memory": 14793, "data_time": 0.00527, "decode.loss_ce": 0.5316, "decode.acc_seg": 79.74105, "aux.loss_ce": 0.31602, "aux.acc_seg": 73.40465, "loss": 0.84762, "grad_norm": 17.56982, "time": 0.4136} {"mode": "train", "epoch": 12, "iter": 14900, "lr": 0.0, "memory": 14793, "data_time": 0.00586, "decode.loss_ce": 0.49776, "decode.acc_seg": 81.52278, "aux.loss_ce": 0.32056, "aux.acc_seg": 73.09988, "loss": 0.81832, "grad_norm": 15.90457, "time": 0.40986} {"mode": "train", "epoch": 12, "iter": 14950, "lr": 0.0, "memory": 14793, "data_time": 0.00505, "decode.loss_ce": 0.4979, "decode.acc_seg": 81.0612, "aux.loss_ce": 0.3144, "aux.acc_seg": 73.5509, "loss": 0.8123, "grad_norm": 13.01675, "time": 0.40934} {"mode": "train", "epoch": 12, "iter": 15000, "lr": 0.0, "memory": 14793, "data_time": 0.00538, "decode.loss_ce": 0.50307, "decode.acc_seg": 81.57497, "aux.loss_ce": 0.31212, "aux.acc_seg": 74.34942, "loss": 0.81519, "grad_norm": 12.18249, "time": 0.64622} {"mode": "val", "epoch": 12, "iter": 125, "lr": 0.0, "aAcc": 0.8304, "mIoU": 0.4763, "mAcc": 0.6035, "IoU.wall": 0.771, "IoU.building": 0.8367, "IoU.sky": 0.9448, "IoU.floor": 0.8142, "IoU.tree": 0.7512, "IoU.ceiling": 0.8226, "IoU.road": 0.8323, "IoU.bed ": 0.9025, "IoU.windowpane": 0.6006, "IoU.grass": 0.6781, "IoU.cabinet": 0.5911, "IoU.sidewalk": 0.6322, "IoU.person": 0.8094, "IoU.earth": 0.3703, "IoU.door": 0.4858, "IoU.table": 0.577, "IoU.mountain": 0.6071, "IoU.plant": 0.5138, "IoU.curtain": 0.7478, "IoU.chair": 0.5574, "IoU.car": 0.8473, "IoU.water": 0.6105, "IoU.painting": 0.6953, "IoU.sofa": 0.67, "IoU.shelf": 0.4078, "IoU.house": 0.5279, "IoU.sea": 0.6745, "IoU.mirror": 0.6426, "IoU.rug": 0.6042, "IoU.field": 0.2695, "IoU.armchair": 0.3804, "IoU.seat": 0.6282, "IoU.fence": 0.484, "IoU.desk": 0.4407, "IoU.rock": 0.4363, "IoU.wardrobe": 0.4901, "IoU.lamp": 0.5686, "IoU.bathtub": 0.7615, "IoU.railing": 0.3836, "IoU.cushion": 0.5707, "IoU.base": 0.3795, "IoU.box": 0.2124, "IoU.column": 0.4914, "IoU.signboard": 0.3712, "IoU.chest of drawers": 0.4191, "IoU.counter": 0.3564, "IoU.sand": 0.4815, "IoU.sink": 0.6901, "IoU.skyscraper": 0.527, "IoU.fireplace": 0.6361, "IoU.refrigerator": 0.6235, "IoU.grandstand": 0.4124, "IoU.path": 0.2545, "IoU.stairs": 0.353, "IoU.runway": 0.6491, "IoU.case": 0.6324, "IoU.pool table": 0.9142, "IoU.pillow": 0.5623, "IoU.screen door": 0.6749, "IoU.stairway": 0.4765, "IoU.river": 0.3176, "IoU.bridge": 0.6849, "IoU.bookcase": 0.3188, "IoU.blind": 0.2543, "IoU.coffee table": 0.5387, "IoU.toilet": 0.8225, "IoU.flower": 0.3589, "IoU.book": 0.4467, "IoU.hill": 0.0514, "IoU.bench": 0.5016, "IoU.countertop": 0.5487, "IoU.stove": 0.6946, "IoU.palm": 0.5107, "IoU.kitchen island": 0.285, "IoU.computer": 0.7243, "IoU.swivel chair": 0.4525, "IoU.boat": 0.712, "IoU.bar": 0.4791, "IoU.arcade machine": 0.7333, "IoU.hovel": 0.5606, "IoU.bus": 0.8955, "IoU.towel": 0.6382, "IoU.light": 0.3169, "IoU.truck": 0.3535, "IoU.tower": 0.3128, "IoU.chandelier": 0.5945, "IoU.awning": 0.3015, "IoU.streetlight": 0.1853, "IoU.booth": 0.4261, "IoU.television receiver": 0.656, "IoU.airplane": 0.5747, "IoU.dirt track": 0.0576, "IoU.apparel": 0.4387, "IoU.pole": 0.144, "IoU.land": 0.0, "IoU.bannister": 0.0264, "IoU.escalator": 0.5386, "IoU.ottoman": 0.5446, "IoU.bottle": 0.3914, "IoU.buffet": 0.4099, "IoU.poster": 0.0647, "IoU.stage": 0.1338, "IoU.van": 0.3316, "IoU.ship": 0.812, "IoU.fountain": 0.244, "IoU.conveyer belt": 0.7795, "IoU.canopy": 0.4258, "IoU.washer": 0.7476, "IoU.plaything": 0.2902, "IoU.swimming pool": 0.3907, "IoU.stool": 0.3138, "IoU.barrel": 0.5367, "IoU.basket": 0.2949, "IoU.waterfall": 0.6045, "IoU.tent": 0.8704, "IoU.bag": 0.0261, "IoU.minibike": 0.7141, "IoU.cradle": 0.7197, "IoU.oven": 0.2024, "IoU.ball": 0.4436, "IoU.food": 0.4975, "IoU.step": 0.0048, "IoU.tank": 0.5333, "IoU.trade name": 0.2647, "IoU.microwave": 0.8004, "IoU.pot": 0.4559, "IoU.animal": 0.5839, "IoU.bicycle": 0.5561, "IoU.lake": 0.0, "IoU.dishwasher": 0.5449, "IoU.screen": 0.5596, "IoU.blanket": 0.0001, "IoU.sculpture": 0.5397, "IoU.hood": 0.5625, "IoU.sconce": 0.073, "IoU.vase": 0.3029, "IoU.traffic light": 0.1101, "IoU.tray": 0.0011, "IoU.ashcan": 0.4481, "IoU.fan": 0.4742, "IoU.pier": 0.3549, "IoU.crt screen": 0.0021, "IoU.plate": 0.4362, "IoU.monitor": 0.0597, "IoU.bulletin board": 0.4117, "IoU.shower": 0.0, "IoU.radiator": 0.468, "IoU.glass": 0.0043, "IoU.clock": 0.0431, "IoU.flag": 0.5393, "Acc.wall": 0.8633, "Acc.building": 0.9203, "Acc.sky": 0.97, "Acc.floor": 0.9031, "Acc.tree": 0.9072, "Acc.ceiling": 0.9472, "Acc.road": 0.9045, "Acc.bed ": 0.9596, "Acc.windowpane": 0.7994, "Acc.grass": 0.8618, "Acc.cabinet": 0.7054, "Acc.sidewalk": 0.8096, "Acc.person": 0.9029, "Acc.earth": 0.4871, "Acc.door": 0.6474, "Acc.table": 0.7648, "Acc.mountain": 0.7616, "Acc.plant": 0.5866, "Acc.curtain": 0.8555, "Acc.chair": 0.6613, "Acc.car": 0.9436, "Acc.water": 0.7829, "Acc.painting": 0.8759, "Acc.sofa": 0.8836, "Acc.shelf": 0.5562, "Acc.house": 0.7058, "Acc.sea": 0.9081, "Acc.mirror": 0.7507, "Acc.rug": 0.7078, "Acc.field": 0.5061, "Acc.armchair": 0.5511, "Acc.seat": 0.8632, "Acc.fence": 0.6182, "Acc.desk": 0.7246, "Acc.rock": 0.5645, "Acc.wardrobe": 0.6421, "Acc.lamp": 0.7288, "Acc.bathtub": 0.8157, "Acc.railing": 0.488, "Acc.cushion": 0.7072, "Acc.base": 0.5658, "Acc.box": 0.2522, "Acc.column": 0.5924, "Acc.signboard": 0.4927, "Acc.chest of drawers": 0.5512, "Acc.counter": 0.3924, "Acc.sand": 0.6146, "Acc.sink": 0.7683, "Acc.skyscraper": 0.6106, "Acc.fireplace": 0.9005, "Acc.refrigerator": 0.8402, "Acc.grandstand": 0.8607, "Acc.path": 0.3158, "Acc.stairs": 0.4322, "Acc.runway": 0.8582, "Acc.case": 0.8745, "Acc.pool table": 0.9807, "Acc.pillow": 0.7125, "Acc.screen door": 0.8356, "Acc.stairway": 0.5865, "Acc.river": 0.4542, "Acc.bridge": 0.7832, "Acc.bookcase": 0.6155, "Acc.blind": 0.2677, "Acc.coffee table": 0.8383, "Acc.toilet": 0.9145, "Acc.flower": 0.49, "Acc.book": 0.6056, "Acc.hill": 0.0972, "Acc.bench": 0.6178, "Acc.countertop": 0.723, "Acc.stove": 0.9124, "Acc.palm": 0.7979, "Acc.kitchen island": 0.6459, "Acc.computer": 0.9256, "Acc.swivel chair": 0.6481, "Acc.boat": 0.8454, "Acc.bar": 0.6389, "Acc.arcade machine": 0.8157, "Acc.hovel": 0.7116, "Acc.bus": 0.9673, "Acc.towel": 0.7844, "Acc.light": 0.3417, "Acc.truck": 0.4769, "Acc.tower": 0.5831, "Acc.chandelier": 0.833, "Acc.awning": 0.3523, "Acc.streetlight": 0.2735, "Acc.booth": 0.6187, "Acc.television receiver": 0.8642, "Acc.airplane": 0.6652, "Acc.dirt track": 0.0602, "Acc.apparel": 0.6573, "Acc.pole": 0.1678, "Acc.land": 0.0, "Acc.bannister": 0.0293, "Acc.escalator": 0.7525, "Acc.ottoman": 0.7564, "Acc.bottle": 0.6158, "Acc.buffet": 0.5543, "Acc.poster": 0.0694, "Acc.stage": 0.3081, "Acc.van": 0.4014, "Acc.ship": 0.8571, "Acc.fountain": 0.2548, "Acc.conveyer belt": 0.9684, "Acc.canopy": 0.5146, "Acc.washer": 0.7884, "Acc.plaything": 0.5824, "Acc.swimming pool": 0.6228, "Acc.stool": 0.4556, "Acc.barrel": 0.8382, "Acc.basket": 0.3806, "Acc.waterfall": 0.7809, "Acc.tent": 0.9885, "Acc.bag": 0.0262, "Acc.minibike": 0.8557, "Acc.cradle": 0.9672, "Acc.oven": 0.2145, "Acc.ball": 0.6642, "Acc.food": 0.5841, "Acc.step": 0.0049, "Acc.tank": 0.5783, "Acc.trade name": 0.3047, "Acc.microwave": 0.9251, "Acc.pot": 0.5195, "Acc.animal": 0.6075, "Acc.bicycle": 0.7505, "Acc.lake": 0.0, "Acc.dishwasher": 0.6254, "Acc.screen": 0.884, "Acc.blanket": 0.0001, "Acc.sculpture": 0.7257, "Acc.hood": 0.6424, "Acc.sconce": 0.0741, "Acc.vase": 0.4748, "Acc.traffic light": 0.1366, "Acc.tray": 0.0011, "Acc.ashcan": 0.5165, "Acc.fan": 0.5633, "Acc.pier": 0.4241, "Acc.crt screen": 0.0058, "Acc.plate": 0.6829, "Acc.monitor": 0.0669, "Acc.bulletin board": 0.4511, "Acc.shower": 0.0, "Acc.radiator": 0.4763, "Acc.glass": 0.0043, "Acc.clock": 0.0441, "Acc.flag": 0.6285} {"mode": "train", "epoch": 12, "iter": 15050, "lr": 0.0, "memory": 14793, "data_time": 2.35895, "decode.loss_ce": 0.48905, "decode.acc_seg": 81.00648, "aux.loss_ce": 0.3016, "aux.acc_seg": 73.90713, "loss": 0.79065, "grad_norm": 13.91601, "time": 2.77911} {"mode": "train", "epoch": 12, "iter": 15100, "lr": 0.0, "memory": 14793, "data_time": 0.00582, "decode.loss_ce": 0.45197, "decode.acc_seg": 83.17863, "aux.loss_ce": 0.29051, "aux.acc_seg": 75.41733, "loss": 0.74248, "grad_norm": 12.96468, "time": 0.41263} {"mode": "train", "epoch": 12, "iter": 15150, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.51162, "decode.acc_seg": 80.9814, "aux.loss_ce": 0.32555, "aux.acc_seg": 73.11774, "loss": 0.83717, "grad_norm": 22.62852, "time": 0.41062} {"mode": "train", "epoch": 13, "iter": 15200, "lr": 0.0, "memory": 14793, "data_time": 0.04942, "decode.loss_ce": 0.50915, "decode.acc_seg": 81.32056, "aux.loss_ce": 0.32687, "aux.acc_seg": 72.73931, "loss": 0.83602, "grad_norm": 19.05202, "time": 0.45827} {"mode": "train", "epoch": 13, "iter": 15250, "lr": 0.0, "memory": 14793, "data_time": 0.00578, "decode.loss_ce": 0.47153, "decode.acc_seg": 81.2764, "aux.loss_ce": 0.2959, "aux.acc_seg": 74.01063, "loss": 0.76743, "grad_norm": 13.04621, "time": 0.4109} {"mode": "train", "epoch": 13, "iter": 15300, "lr": 0.0, "memory": 14793, "data_time": 0.00526, "decode.loss_ce": 0.48323, "decode.acc_seg": 81.54495, "aux.loss_ce": 0.32126, "aux.acc_seg": 73.42867, "loss": 0.80449, "grad_norm": 13.87188, "time": 0.40933} {"mode": "train", "epoch": 13, "iter": 15350, "lr": 0.0, "memory": 14793, "data_time": 0.00562, "decode.loss_ce": 0.45881, "decode.acc_seg": 82.62324, "aux.loss_ce": 0.29566, "aux.acc_seg": 75.00555, "loss": 0.75447, "grad_norm": 16.85383, "time": 0.41773} {"mode": "train", "epoch": 13, "iter": 15400, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.47155, "decode.acc_seg": 81.48798, "aux.loss_ce": 0.312, "aux.acc_seg": 73.07479, "loss": 0.78355, "grad_norm": 13.01716, "time": 0.4126} {"mode": "train", "epoch": 13, "iter": 15450, "lr": 0.0, "memory": 14793, "data_time": 0.00542, "decode.loss_ce": 0.49073, "decode.acc_seg": 81.62602, "aux.loss_ce": 0.31802, "aux.acc_seg": 73.70436, "loss": 0.80875, "grad_norm": 13.3614, "time": 0.42771} {"mode": "train", "epoch": 13, "iter": 15500, "lr": 0.0, "memory": 14793, "data_time": 0.00599, "decode.loss_ce": 0.5002, "decode.acc_seg": 81.73815, "aux.loss_ce": 0.31911, "aux.acc_seg": 74.223, "loss": 0.81931, "grad_norm": 15.71075, "time": 0.41016} {"mode": "train", "epoch": 13, "iter": 15550, "lr": 0.0, "memory": 14793, "data_time": 0.0054, "decode.loss_ce": 0.49112, "decode.acc_seg": 81.60488, "aux.loss_ce": 0.32255, "aux.acc_seg": 73.53657, "loss": 0.81368, "grad_norm": 11.93502, "time": 0.41385} {"mode": "train", "epoch": 13, "iter": 15600, "lr": 0.0, "memory": 14793, "data_time": 0.00556, "decode.loss_ce": 0.49725, "decode.acc_seg": 81.18325, "aux.loss_ce": 0.30455, "aux.acc_seg": 74.11552, "loss": 0.80179, "grad_norm": 18.15235, "time": 0.42385} {"mode": "train", "epoch": 13, "iter": 15650, "lr": 0.0, "memory": 14793, "data_time": 0.00521, "decode.loss_ce": 0.47997, "decode.acc_seg": 81.65056, "aux.loss_ce": 0.29385, "aux.acc_seg": 75.14278, "loss": 0.77382, "grad_norm": 10.74519, "time": 0.41037} {"mode": "train", "epoch": 13, "iter": 15700, "lr": 0.0, "memory": 14793, "data_time": 0.00568, "decode.loss_ce": 0.51085, "decode.acc_seg": 81.0842, "aux.loss_ce": 0.32197, "aux.acc_seg": 73.59422, "loss": 0.83283, "grad_norm": 12.53393, "time": 0.40587} {"mode": "train", "epoch": 13, "iter": 15750, "lr": 0.0, "memory": 14793, "data_time": 0.00506, "decode.loss_ce": 0.4624, "decode.acc_seg": 81.96268, "aux.loss_ce": 0.30403, "aux.acc_seg": 74.27801, "loss": 0.76642, "grad_norm": 12.08414, "time": 0.40939} {"mode": "train", "epoch": 13, "iter": 15800, "lr": 0.0, "memory": 14793, "data_time": 0.00556, "decode.loss_ce": 0.46032, "decode.acc_seg": 82.51072, "aux.loss_ce": 0.3011, "aux.acc_seg": 74.49046, "loss": 0.76142, "grad_norm": 11.81632, "time": 0.42097} {"mode": "train", "epoch": 13, "iter": 15850, "lr": 0.0, "memory": 14793, "data_time": 0.00558, "decode.loss_ce": 0.50299, "decode.acc_seg": 81.12042, "aux.loss_ce": 0.32281, "aux.acc_seg": 73.14212, "loss": 0.82579, "grad_norm": 12.39243, "time": 0.43092} {"mode": "train", "epoch": 13, "iter": 15900, "lr": 0.0, "memory": 14793, "data_time": 0.00561, "decode.loss_ce": 0.45901, "decode.acc_seg": 81.44076, "aux.loss_ce": 0.30305, "aux.acc_seg": 73.24083, "loss": 0.76207, "grad_norm": 14.98379, "time": 0.41187} {"mode": "train", "epoch": 13, "iter": 15950, "lr": 0.0, "memory": 14793, "data_time": 0.00575, "decode.loss_ce": 0.46348, "decode.acc_seg": 81.86728, "aux.loss_ce": 0.29382, "aux.acc_seg": 75.09873, "loss": 0.7573, "grad_norm": 19.66466, "time": 0.41291} {"mode": "train", "epoch": 13, "iter": 16000, "lr": 0.0, "memory": 14793, "data_time": 0.00596, "decode.loss_ce": 0.47894, "decode.acc_seg": 81.656, "aux.loss_ce": 0.31232, "aux.acc_seg": 73.11409, "loss": 0.79126, "grad_norm": 13.75886, "time": 0.63286} {"mode": "val", "epoch": 13, "iter": 125, "lr": 0.0, "aAcc": 0.8285, "mIoU": 0.4795, "mAcc": 0.6197, "IoU.wall": 0.773, "IoU.building": 0.8277, "IoU.sky": 0.9441, "IoU.floor": 0.8103, "IoU.tree": 0.7555, "IoU.ceiling": 0.8384, "IoU.road": 0.823, "IoU.bed ": 0.892, "IoU.windowpane": 0.6105, "IoU.grass": 0.6651, "IoU.cabinet": 0.5906, "IoU.sidewalk": 0.6294, "IoU.person": 0.8095, "IoU.earth": 0.3863, "IoU.door": 0.4831, "IoU.table": 0.5843, "IoU.mountain": 0.5981, "IoU.plant": 0.5423, "IoU.curtain": 0.7485, "IoU.chair": 0.5533, "IoU.car": 0.8507, "IoU.water": 0.591, "IoU.painting": 0.689, "IoU.sofa": 0.6932, "IoU.shelf": 0.4245, "IoU.house": 0.4909, "IoU.sea": 0.6573, "IoU.mirror": 0.6149, "IoU.rug": 0.6239, "IoU.field": 0.2657, "IoU.armchair": 0.4001, "IoU.seat": 0.6326, "IoU.fence": 0.4752, "IoU.desk": 0.4526, "IoU.rock": 0.4586, "IoU.wardrobe": 0.4617, "IoU.lamp": 0.5725, "IoU.bathtub": 0.7747, "IoU.railing": 0.3731, "IoU.cushion": 0.5714, "IoU.base": 0.3819, "IoU.box": 0.2345, "IoU.column": 0.4993, "IoU.signboard": 0.3696, "IoU.chest of drawers": 0.3868, "IoU.counter": 0.3455, "IoU.sand": 0.484, "IoU.sink": 0.6778, "IoU.skyscraper": 0.6055, "IoU.fireplace": 0.6364, "IoU.refrigerator": 0.6592, "IoU.grandstand": 0.3888, "IoU.path": 0.2456, "IoU.stairs": 0.3755, "IoU.runway": 0.7017, "IoU.case": 0.5689, "IoU.pool table": 0.9069, "IoU.pillow": 0.5629, "IoU.screen door": 0.5059, "IoU.stairway": 0.3855, "IoU.river": 0.286, "IoU.bridge": 0.6799, "IoU.bookcase": 0.3258, "IoU.blind": 0.4023, "IoU.coffee table": 0.5369, "IoU.toilet": 0.8066, "IoU.flower": 0.3669, "IoU.book": 0.4779, "IoU.hill": 0.0596, "IoU.bench": 0.5427, "IoU.countertop": 0.5602, "IoU.stove": 0.7559, "IoU.palm": 0.5132, "IoU.kitchen island": 0.272, "IoU.computer": 0.6984, "IoU.swivel chair": 0.4444, "IoU.boat": 0.6975, "IoU.bar": 0.5392, "IoU.arcade machine": 0.7441, "IoU.hovel": 0.5927, "IoU.bus": 0.8951, "IoU.towel": 0.6363, "IoU.light": 0.4189, "IoU.truck": 0.3523, "IoU.tower": 0.2475, "IoU.chandelier": 0.5991, "IoU.awning": 0.2902, "IoU.streetlight": 0.1971, "IoU.booth": 0.393, "IoU.television receiver": 0.6663, "IoU.airplane": 0.5621, "IoU.dirt track": 0.0587, "IoU.apparel": 0.4422, "IoU.pole": 0.1695, "IoU.land": 0.0, "IoU.bannister": 0.0568, "IoU.escalator": 0.5263, "IoU.ottoman": 0.5357, "IoU.bottle": 0.3591, "IoU.buffet": 0.3685, "IoU.poster": 0.0385, "IoU.stage": 0.1493, "IoU.van": 0.3608, "IoU.ship": 0.8331, "IoU.fountain": 0.2336, "IoU.conveyer belt": 0.6955, "IoU.canopy": 0.3617, "IoU.washer": 0.7519, "IoU.plaything": 0.2919, "IoU.swimming pool": 0.4718, "IoU.stool": 0.2937, "IoU.barrel": 0.5567, "IoU.basket": 0.3096, "IoU.waterfall": 0.6518, "IoU.tent": 0.8757, "IoU.bag": 0.0517, "IoU.minibike": 0.7141, "IoU.cradle": 0.7026, "IoU.oven": 0.332, "IoU.ball": 0.4978, "IoU.food": 0.4129, "IoU.step": 0.0104, "IoU.tank": 0.5274, "IoU.trade name": 0.2867, "IoU.microwave": 0.7941, "IoU.pot": 0.4696, "IoU.animal": 0.5503, "IoU.bicycle": 0.5618, "IoU.lake": 0.0, "IoU.dishwasher": 0.5436, "IoU.screen": 0.5586, "IoU.blanket": 0.0, "IoU.sculpture": 0.5304, "IoU.hood": 0.5828, "IoU.sconce": 0.0737, "IoU.vase": 0.3122, "IoU.traffic light": 0.1361, "IoU.tray": 0.0004, "IoU.ashcan": 0.4421, "IoU.fan": 0.486, "IoU.pier": 0.3606, "IoU.crt screen": 0.0272, "IoU.plate": 0.4517, "IoU.monitor": 0.013, "IoU.bulletin board": 0.5183, "IoU.shower": 0.0, "IoU.radiator": 0.5251, "IoU.glass": 0.0116, "IoU.clock": 0.0795, "IoU.flag": 0.5409, "Acc.wall": 0.8632, "Acc.building": 0.9112, "Acc.sky": 0.9738, "Acc.floor": 0.8794, "Acc.tree": 0.8808, "Acc.ceiling": 0.9239, "Acc.road": 0.8627, "Acc.bed ": 0.9721, "Acc.windowpane": 0.7536, "Acc.grass": 0.775, "Acc.cabinet": 0.7141, "Acc.sidewalk": 0.8645, "Acc.person": 0.9003, "Acc.earth": 0.534, "Acc.door": 0.646, "Acc.table": 0.7038, "Acc.mountain": 0.7419, "Acc.plant": 0.6689, "Acc.curtain": 0.8863, "Acc.chair": 0.6585, "Acc.car": 0.9343, "Acc.water": 0.7551, "Acc.painting": 0.8819, "Acc.sofa": 0.874, "Acc.shelf": 0.5696, "Acc.house": 0.8245, "Acc.sea": 0.9228, "Acc.mirror": 0.7837, "Acc.rug": 0.7545, "Acc.field": 0.4601, "Acc.armchair": 0.6176, "Acc.seat": 0.8105, "Acc.fence": 0.6453, "Acc.desk": 0.7386, "Acc.rock": 0.7354, "Acc.wardrobe": 0.6865, "Acc.lamp": 0.7233, "Acc.bathtub": 0.8502, "Acc.railing": 0.4935, "Acc.cushion": 0.6841, "Acc.base": 0.6417, "Acc.box": 0.2824, "Acc.column": 0.6625, "Acc.signboard": 0.4812, "Acc.chest of drawers": 0.5973, "Acc.counter": 0.4438, "Acc.sand": 0.6796, "Acc.sink": 0.7412, "Acc.skyscraper": 0.8711, "Acc.fireplace": 0.9223, "Acc.refrigerator": 0.8686, "Acc.grandstand": 0.8361, "Acc.path": 0.3671, "Acc.stairs": 0.514, "Acc.runway": 0.9392, "Acc.case": 0.7942, "Acc.pool table": 0.9844, "Acc.pillow": 0.7023, "Acc.screen door": 0.8975, "Acc.stairway": 0.6262, "Acc.river": 0.3756, "Acc.bridge": 0.7937, "Acc.bookcase": 0.5716, "Acc.blind": 0.4427, "Acc.coffee table": 0.844, "Acc.toilet": 0.9271, "Acc.flower": 0.5201, "Acc.book": 0.7053, "Acc.hill": 0.1429, "Acc.bench": 0.7076, "Acc.countertop": 0.7686, "Acc.stove": 0.8857, "Acc.palm": 0.7973, "Acc.kitchen island": 0.6373, "Acc.computer": 0.9359, "Acc.swivel chair": 0.6608, "Acc.boat": 0.8418, "Acc.bar": 0.7801, "Acc.arcade machine": 0.8214, "Acc.hovel": 0.7024, "Acc.bus": 0.9535, "Acc.towel": 0.8199, "Acc.light": 0.4926, "Acc.truck": 0.4602, "Acc.tower": 0.3817, "Acc.chandelier": 0.8427, "Acc.awning": 0.3691, "Acc.streetlight": 0.3053, "Acc.booth": 0.5196, "Acc.television receiver": 0.8615, "Acc.airplane": 0.7017, "Acc.dirt track": 0.1154, "Acc.apparel": 0.6939, "Acc.pole": 0.2038, "Acc.land": 0.0, "Acc.bannister": 0.0639, "Acc.escalator": 0.8661, "Acc.ottoman": 0.6856, "Acc.bottle": 0.4964, "Acc.buffet": 0.4283, "Acc.poster": 0.0397, "Acc.stage": 0.3303, "Acc.van": 0.4809, "Acc.ship": 0.9243, "Acc.fountain": 0.2432, "Acc.conveyer belt": 0.9812, "Acc.canopy": 0.4189, "Acc.washer": 0.7979, "Acc.plaything": 0.5573, "Acc.swimming pool": 0.8103, "Acc.stool": 0.4001, "Acc.barrel": 0.8535, "Acc.basket": 0.4068, "Acc.waterfall": 0.9335, "Acc.tent": 0.9938, "Acc.bag": 0.0519, "Acc.minibike": 0.853, "Acc.cradle": 0.9796, "Acc.oven": 0.3876, "Acc.ball": 0.6424, "Acc.food": 0.4638, "Acc.step": 0.0104, "Acc.tank": 0.5819, "Acc.trade name": 0.3321, "Acc.microwave": 0.9223, "Acc.pot": 0.5591, "Acc.animal": 0.5754, "Acc.bicycle": 0.7446, "Acc.lake": 0.0, "Acc.dishwasher": 0.6815, "Acc.screen": 0.8788, "Acc.blanket": 0.0, "Acc.sculpture": 0.7269, "Acc.hood": 0.6806, "Acc.sconce": 0.0762, "Acc.vase": 0.4557, "Acc.traffic light": 0.176, "Acc.tray": 0.0004, "Acc.ashcan": 0.5228, "Acc.fan": 0.5688, "Acc.pier": 0.4255, "Acc.crt screen": 0.0767, "Acc.plate": 0.6782, "Acc.monitor": 0.0136, "Acc.bulletin board": 0.5921, "Acc.shower": 0.0, "Acc.radiator": 0.5621, "Acc.glass": 0.0116, "Acc.clock": 0.084, "Acc.flag": 0.6305} {"mode": "train", "epoch": 13, "iter": 16050, "lr": 0.0, "memory": 14793, "data_time": 2.34313, "decode.loss_ce": 0.46625, "decode.acc_seg": 81.75615, "aux.loss_ce": 0.29605, "aux.acc_seg": 75.00798, "loss": 0.7623, "grad_norm": 14.7371, "time": 2.76142} {"mode": "train", "epoch": 13, "iter": 16100, "lr": 0.0, "memory": 14793, "data_time": 0.00561, "decode.loss_ce": 0.48502, "decode.acc_seg": 81.58679, "aux.loss_ce": 0.30277, "aux.acc_seg": 74.28725, "loss": 0.78779, "grad_norm": 15.00966, "time": 0.41709} {"mode": "train", "epoch": 13, "iter": 16150, "lr": 0.0, "memory": 14793, "data_time": 0.00541, "decode.loss_ce": 0.53824, "decode.acc_seg": 80.1404, "aux.loss_ce": 0.33044, "aux.acc_seg": 73.33223, "loss": 0.86868, "grad_norm": 22.76221, "time": 0.41447} {"mode": "train", "epoch": 13, "iter": 16200, "lr": 0.0, "memory": 14793, "data_time": 0.00518, "decode.loss_ce": 0.49246, "decode.acc_seg": 80.96497, "aux.loss_ce": 0.30955, "aux.acc_seg": 73.61996, "loss": 0.80201, "grad_norm": 12.561, "time": 0.41718} {"mode": "train", "epoch": 13, "iter": 16250, "lr": 0.0, "memory": 14793, "data_time": 0.00778, "decode.loss_ce": 0.4846, "decode.acc_seg": 81.69888, "aux.loss_ce": 0.30219, "aux.acc_seg": 74.1626, "loss": 0.78679, "grad_norm": 12.51452, "time": 0.4304} {"mode": "train", "epoch": 13, "iter": 16300, "lr": 0.0, "memory": 14793, "data_time": 0.0054, "decode.loss_ce": 0.47883, "decode.acc_seg": 81.28819, "aux.loss_ce": 0.29761, "aux.acc_seg": 74.66265, "loss": 0.77644, "grad_norm": 15.26484, "time": 0.41056} {"mode": "train", "epoch": 13, "iter": 16350, "lr": 0.0, "memory": 14793, "data_time": 0.00578, "decode.loss_ce": 0.49382, "decode.acc_seg": 81.1544, "aux.loss_ce": 0.30353, "aux.acc_seg": 73.92157, "loss": 0.79735, "grad_norm": 18.71611, "time": 0.41565} {"mode": "train", "epoch": 13, "iter": 16400, "lr": 0.0, "memory": 14793, "data_time": 0.00576, "decode.loss_ce": 0.46405, "decode.acc_seg": 81.51942, "aux.loss_ce": 0.29452, "aux.acc_seg": 74.26165, "loss": 0.75857, "grad_norm": 12.63639, "time": 0.40708} {"mode": "train", "epoch": 14, "iter": 16450, "lr": 0.0, "memory": 14793, "data_time": 0.05084, "decode.loss_ce": 0.47633, "decode.acc_seg": 81.66415, "aux.loss_ce": 0.29911, "aux.acc_seg": 74.82039, "loss": 0.77544, "grad_norm": 14.06573, "time": 0.46403} {"mode": "train", "epoch": 14, "iter": 16500, "lr": 0.0, "memory": 14793, "data_time": 0.00679, "decode.loss_ce": 0.48395, "decode.acc_seg": 81.7125, "aux.loss_ce": 0.30698, "aux.acc_seg": 73.89255, "loss": 0.79093, "grad_norm": 13.89619, "time": 0.41067} {"mode": "train", "epoch": 14, "iter": 16550, "lr": 0.0, "memory": 14793, "data_time": 0.00536, "decode.loss_ce": 0.47418, "decode.acc_seg": 81.92463, "aux.loss_ce": 0.30872, "aux.acc_seg": 73.50764, "loss": 0.7829, "grad_norm": 11.27965, "time": 0.40741} {"mode": "train", "epoch": 14, "iter": 16600, "lr": 0.0, "memory": 14793, "data_time": 0.00533, "decode.loss_ce": 0.47147, "decode.acc_seg": 82.12189, "aux.loss_ce": 0.29354, "aux.acc_seg": 74.60636, "loss": 0.76501, "grad_norm": 15.3584, "time": 0.4091} {"mode": "train", "epoch": 14, "iter": 16650, "lr": 0.0, "memory": 14793, "data_time": 0.00553, "decode.loss_ce": 0.44104, "decode.acc_seg": 82.94935, "aux.loss_ce": 0.29348, "aux.acc_seg": 74.73284, "loss": 0.73452, "grad_norm": 10.85286, "time": 0.42761} {"mode": "train", "epoch": 14, "iter": 16700, "lr": 0.0, "memory": 14793, "data_time": 0.00539, "decode.loss_ce": 0.44884, "decode.acc_seg": 82.8823, "aux.loss_ce": 0.29605, "aux.acc_seg": 74.67498, "loss": 0.74489, "grad_norm": 16.34532, "time": 0.4153} {"mode": "train", "epoch": 14, "iter": 16750, "lr": 0.0, "memory": 14793, "data_time": 0.00529, "decode.loss_ce": 0.50605, "decode.acc_seg": 81.06457, "aux.loss_ce": 0.31694, "aux.acc_seg": 73.49594, "loss": 0.82299, "grad_norm": 18.3886, "time": 0.41193} {"mode": "train", "epoch": 14, "iter": 16800, "lr": 0.0, "memory": 14793, "data_time": 0.0052, "decode.loss_ce": 0.47589, "decode.acc_seg": 82.41596, "aux.loss_ce": 0.30876, "aux.acc_seg": 74.46536, "loss": 0.78465, "grad_norm": 12.45617, "time": 0.41002} {"mode": "train", "epoch": 14, "iter": 16850, "lr": 0.0, "memory": 14793, "data_time": 0.00552, "decode.loss_ce": 0.44317, "decode.acc_seg": 82.72104, "aux.loss_ce": 0.28913, "aux.acc_seg": 75.39055, "loss": 0.7323, "grad_norm": 11.56738, "time": 0.40565} {"mode": "train", "epoch": 14, "iter": 16900, "lr": 0.0, "memory": 14793, "data_time": 0.00527, "decode.loss_ce": 0.45399, "decode.acc_seg": 82.55821, "aux.loss_ce": 0.29171, "aux.acc_seg": 75.13319, "loss": 0.7457, "grad_norm": 13.92525, "time": 0.41227} {"mode": "train", "epoch": 14, "iter": 16950, "lr": 0.0, "memory": 14793, "data_time": 0.00566, "decode.loss_ce": 0.48226, "decode.acc_seg": 81.84332, "aux.loss_ce": 0.29608, "aux.acc_seg": 75.10964, "loss": 0.77834, "grad_norm": 14.37632, "time": 0.4095} {"mode": "train", "epoch": 14, "iter": 17000, "lr": 0.0, "memory": 14793, "data_time": 0.00597, "decode.loss_ce": 0.47327, "decode.acc_seg": 81.54547, "aux.loss_ce": 0.31465, "aux.acc_seg": 73.02602, "loss": 0.78791, "grad_norm": 15.59405, "time": 0.64052} {"mode": "val", "epoch": 14, "iter": 125, "lr": 0.0, "aAcc": 0.8334, "mIoU": 0.4829, "mAcc": 0.6093, "IoU.wall": 0.7755, "IoU.building": 0.8327, "IoU.sky": 0.9447, "IoU.floor": 0.8105, "IoU.tree": 0.7606, "IoU.ceiling": 0.8405, "IoU.road": 0.8233, "IoU.bed ": 0.8993, "IoU.windowpane": 0.6094, "IoU.grass": 0.6745, "IoU.cabinet": 0.602, "IoU.sidewalk": 0.6514, "IoU.person": 0.8128, "IoU.earth": 0.3556, "IoU.door": 0.4843, "IoU.table": 0.587, "IoU.mountain": 0.6325, "IoU.plant": 0.559, "IoU.curtain": 0.7553, "IoU.chair": 0.573, "IoU.car": 0.8505, "IoU.water": 0.6521, "IoU.painting": 0.6896, "IoU.sofa": 0.6769, "IoU.shelf": 0.4408, "IoU.house": 0.5004, "IoU.sea": 0.7339, "IoU.mirror": 0.6521, "IoU.rug": 0.6182, "IoU.field": 0.2917, "IoU.armchair": 0.4053, "IoU.seat": 0.6259, "IoU.fence": 0.4681, "IoU.desk": 0.4677, "IoU.rock": 0.4759, "IoU.wardrobe": 0.4992, "IoU.lamp": 0.5787, "IoU.bathtub": 0.7563, "IoU.railing": 0.3743, "IoU.cushion": 0.5687, "IoU.base": 0.4014, "IoU.box": 0.2271, "IoU.column": 0.4951, "IoU.signboard": 0.3486, "IoU.chest of drawers": 0.3742, "IoU.counter": 0.3979, "IoU.sand": 0.4745, "IoU.sink": 0.6699, "IoU.skyscraper": 0.6266, "IoU.fireplace": 0.6586, "IoU.refrigerator": 0.6576, "IoU.grandstand": 0.4394, "IoU.path": 0.2529, "IoU.stairs": 0.3725, "IoU.runway": 0.6392, "IoU.case": 0.6026, "IoU.pool table": 0.9195, "IoU.pillow": 0.5493, "IoU.screen door": 0.6698, "IoU.stairway": 0.4998, "IoU.river": 0.3243, "IoU.bridge": 0.6535, "IoU.bookcase": 0.3474, "IoU.blind": 0.42, "IoU.coffee table": 0.5411, "IoU.toilet": 0.8104, "IoU.flower": 0.3762, "IoU.book": 0.466, "IoU.hill": 0.0585, "IoU.bench": 0.5292, "IoU.countertop": 0.5331, "IoU.stove": 0.7577, "IoU.palm": 0.5459, "IoU.kitchen island": 0.2902, "IoU.computer": 0.7408, "IoU.swivel chair": 0.4648, "IoU.boat": 0.7326, "IoU.bar": 0.5548, "IoU.arcade machine": 0.7582, "IoU.hovel": 0.5253, "IoU.bus": 0.8887, "IoU.towel": 0.5964, "IoU.light": 0.3852, "IoU.truck": 0.3572, "IoU.tower": 0.2957, "IoU.chandelier": 0.6017, "IoU.awning": 0.2778, "IoU.streetlight": 0.1899, "IoU.booth": 0.3878, "IoU.television receiver": 0.6922, "IoU.airplane": 0.5963, "IoU.dirt track": 0.0, "IoU.apparel": 0.4307, "IoU.pole": 0.1562, "IoU.land": 0.0, "IoU.bannister": 0.01, "IoU.escalator": 0.5383, "IoU.ottoman": 0.5344, "IoU.bottle": 0.3779, "IoU.buffet": 0.4195, "IoU.poster": 0.0702, "IoU.stage": 0.139, "IoU.van": 0.4189, "IoU.ship": 0.1234, "IoU.fountain": 0.2718, "IoU.conveyer belt": 0.7533, "IoU.canopy": 0.3907, "IoU.washer": 0.7872, "IoU.plaything": 0.2999, "IoU.swimming pool": 0.4669, "IoU.stool": 0.332, "IoU.barrel": 0.5475, "IoU.basket": 0.3082, "IoU.waterfall": 0.6509, "IoU.tent": 0.8736, "IoU.bag": 0.0524, "IoU.minibike": 0.7201, "IoU.cradle": 0.713, "IoU.oven": 0.2866, "IoU.ball": 0.4759, "IoU.food": 0.5153, "IoU.step": 0.0382, "IoU.tank": 0.5813, "IoU.trade name": 0.1773, "IoU.microwave": 0.7758, "IoU.pot": 0.4745, "IoU.animal": 0.5262, "IoU.bicycle": 0.5594, "IoU.lake": 0.0, "IoU.dishwasher": 0.55, "IoU.screen": 0.5545, "IoU.blanket": 0.0103, "IoU.sculpture": 0.5582, "IoU.hood": 0.5951, "IoU.sconce": 0.1184, "IoU.vase": 0.3221, "IoU.traffic light": 0.1286, "IoU.tray": 0.0012, "IoU.ashcan": 0.431, "IoU.fan": 0.5125, "IoU.pier": 0.3545, "IoU.crt screen": 0.0436, "IoU.plate": 0.4692, "IoU.monitor": 0.0167, "IoU.bulletin board": 0.4724, "IoU.shower": 0.0, "IoU.radiator": 0.5232, "IoU.glass": 0.0566, "IoU.clock": 0.0975, "IoU.flag": 0.5431, "Acc.wall": 0.8662, "Acc.building": 0.9181, "Acc.sky": 0.9735, "Acc.floor": 0.8925, "Acc.tree": 0.9002, "Acc.ceiling": 0.9336, "Acc.road": 0.9043, "Acc.bed ": 0.9639, "Acc.windowpane": 0.815, "Acc.grass": 0.8036, "Acc.cabinet": 0.6988, "Acc.sidewalk": 0.826, "Acc.person": 0.9083, "Acc.earth": 0.473, "Acc.door": 0.6683, "Acc.table": 0.738, "Acc.mountain": 0.7583, "Acc.plant": 0.6704, "Acc.curtain": 0.8632, "Acc.chair": 0.7159, "Acc.car": 0.9337, "Acc.water": 0.7943, "Acc.painting": 0.8831, "Acc.sofa": 0.8773, "Acc.shelf": 0.6203, "Acc.house": 0.7696, "Acc.sea": 0.8987, "Acc.mirror": 0.7334, "Acc.rug": 0.751, "Acc.field": 0.5648, "Acc.armchair": 0.6078, "Acc.seat": 0.8352, "Acc.fence": 0.6631, "Acc.desk": 0.7094, "Acc.rock": 0.6595, "Acc.wardrobe": 0.6675, "Acc.lamp": 0.7155, "Acc.bathtub": 0.8567, "Acc.railing": 0.4876, "Acc.cushion": 0.7316, "Acc.base": 0.5699, "Acc.box": 0.2765, "Acc.column": 0.6147, "Acc.signboard": 0.4458, "Acc.chest of drawers": 0.6271, "Acc.counter": 0.5267, "Acc.sand": 0.6097, "Acc.sink": 0.7411, "Acc.skyscraper": 0.8376, "Acc.fireplace": 0.9018, "Acc.refrigerator": 0.8289, "Acc.grandstand": 0.8141, "Acc.path": 0.3572, "Acc.stairs": 0.4652, "Acc.runway": 0.8715, "Acc.case": 0.7598, "Acc.pool table": 0.9795, "Acc.pillow": 0.6554, "Acc.screen door": 0.834, "Acc.stairway": 0.602, "Acc.river": 0.5405, "Acc.bridge": 0.7573, "Acc.bookcase": 0.6247, "Acc.blind": 0.4838, "Acc.coffee table": 0.8363, "Acc.toilet": 0.9177, "Acc.flower": 0.5375, "Acc.book": 0.6335, "Acc.hill": 0.0875, "Acc.bench": 0.6185, "Acc.countertop": 0.7647, "Acc.stove": 0.8749, "Acc.palm": 0.6935, "Acc.kitchen island": 0.7738, "Acc.computer": 0.9248, "Acc.swivel chair": 0.6723, "Acc.boat": 0.8148, "Acc.bar": 0.726, "Acc.arcade machine": 0.816, "Acc.hovel": 0.624, "Acc.bus": 0.9705, "Acc.towel": 0.8165, "Acc.light": 0.4236, "Acc.truck": 0.5047, "Acc.tower": 0.4913, "Acc.chandelier": 0.832, "Acc.awning": 0.3057, "Acc.streetlight": 0.2682, "Acc.booth": 0.4991, "Acc.television receiver": 0.8507, "Acc.airplane": 0.687, "Acc.dirt track": 0.0, "Acc.apparel": 0.6154, "Acc.pole": 0.1835, "Acc.land": 0.0, "Acc.bannister": 0.0114, "Acc.escalator": 0.7838, "Acc.ottoman": 0.7262, "Acc.bottle": 0.6188, "Acc.buffet": 0.5739, "Acc.poster": 0.0787, "Acc.stage": 0.2553, "Acc.van": 0.5255, "Acc.ship": 0.1271, "Acc.fountain": 0.2821, "Acc.conveyer belt": 0.9565, "Acc.canopy": 0.4557, "Acc.washer": 0.853, "Acc.plaything": 0.3949, "Acc.swimming pool": 0.6608, "Acc.stool": 0.4146, "Acc.barrel": 0.8579, "Acc.basket": 0.3877, "Acc.waterfall": 0.9031, "Acc.tent": 0.9938, "Acc.bag": 0.0526, "Acc.minibike": 0.8124, "Acc.cradle": 0.957, "Acc.oven": 0.3129, "Acc.ball": 0.6593, "Acc.food": 0.6091, "Acc.step": 0.0388, "Acc.tank": 0.6421, "Acc.trade name": 0.1824, "Acc.microwave": 0.9534, "Acc.pot": 0.5583, "Acc.animal": 0.5415, "Acc.bicycle": 0.7195, "Acc.lake": 0.0, "Acc.dishwasher": 0.7029, "Acc.screen": 0.8746, "Acc.blanket": 0.0112, "Acc.sculpture": 0.698, "Acc.hood": 0.6943, "Acc.sconce": 0.123, "Acc.vase": 0.48, "Acc.traffic light": 0.1609, "Acc.tray": 0.0012, "Acc.ashcan": 0.5099, "Acc.fan": 0.6151, "Acc.pier": 0.4297, "Acc.crt screen": 0.1281, "Acc.plate": 0.6448, "Acc.monitor": 0.0175, "Acc.bulletin board": 0.5255, "Acc.shower": 0.0, "Acc.radiator": 0.5813, "Acc.glass": 0.0572, "Acc.clock": 0.1087, "Acc.flag": 0.586} {"mode": "train", "epoch": 14, "iter": 17050, "lr": 0.0, "memory": 14793, "data_time": 2.47206, "decode.loss_ce": 0.48587, "decode.acc_seg": 81.15896, "aux.loss_ce": 0.30577, "aux.acc_seg": 73.64935, "loss": 0.79164, "grad_norm": 15.068, "time": 2.90172} {"mode": "train", "epoch": 14, "iter": 17100, "lr": 0.0, "memory": 14793, "data_time": 0.00574, "decode.loss_ce": 0.49316, "decode.acc_seg": 80.71796, "aux.loss_ce": 0.30077, "aux.acc_seg": 73.72818, "loss": 0.79394, "grad_norm": 16.40912, "time": 0.42532} {"mode": "train", "epoch": 14, "iter": 17150, "lr": 0.0, "memory": 14793, "data_time": 0.00577, "decode.loss_ce": 0.46838, "decode.acc_seg": 81.67108, "aux.loss_ce": 0.29095, "aux.acc_seg": 74.57502, "loss": 0.75933, "grad_norm": 13.82564, "time": 0.4085} {"mode": "train", "epoch": 14, "iter": 17200, "lr": 0.0, "memory": 14793, "data_time": 0.00542, "decode.loss_ce": 0.47508, "decode.acc_seg": 81.8202, "aux.loss_ce": 0.29839, "aux.acc_seg": 74.91957, "loss": 0.77347, "grad_norm": 14.0096, "time": 0.40827} {"mode": "train", "epoch": 14, "iter": 17250, "lr": 0.0, "memory": 14793, "data_time": 0.00566, "decode.loss_ce": 0.48129, "decode.acc_seg": 81.55003, "aux.loss_ce": 0.29894, "aux.acc_seg": 74.403, "loss": 0.78023, "grad_norm": 16.33962, "time": 0.40982} {"mode": "train", "epoch": 14, "iter": 17300, "lr": 0.0, "memory": 14793, "data_time": 0.00545, "decode.loss_ce": 0.45645, "decode.acc_seg": 82.42262, "aux.loss_ce": 0.28919, "aux.acc_seg": 75.30711, "loss": 0.74564, "grad_norm": 16.57839, "time": 0.42063} {"mode": "train", "epoch": 14, "iter": 17350, "lr": 0.0, "memory": 14793, "data_time": 0.00531, "decode.loss_ce": 0.46142, "decode.acc_seg": 82.23599, "aux.loss_ce": 0.29146, "aux.acc_seg": 74.71564, "loss": 0.75288, "grad_norm": 19.07466, "time": 0.40641} {"mode": "train", "epoch": 14, "iter": 17400, "lr": 0.0, "memory": 14793, "data_time": 0.00535, "decode.loss_ce": 0.47773, "decode.acc_seg": 81.80754, "aux.loss_ce": 0.30936, "aux.acc_seg": 73.33126, "loss": 0.78709, "grad_norm": 11.39615, "time": 0.40569} {"mode": "train", "epoch": 14, "iter": 17450, "lr": 0.0, "memory": 14793, "data_time": 0.00557, "decode.loss_ce": 0.49873, "decode.acc_seg": 81.20187, "aux.loss_ce": 0.30266, "aux.acc_seg": 74.38933, "loss": 0.80139, "grad_norm": 17.39331, "time": 0.41492} {"mode": "train", "epoch": 14, "iter": 17500, "lr": 0.0, "memory": 14793, "data_time": 0.00804, "decode.loss_ce": 0.46643, "decode.acc_seg": 81.58644, "aux.loss_ce": 0.2977, "aux.acc_seg": 74.05944, "loss": 0.76413, "grad_norm": 12.04668, "time": 0.4312} {"mode": "train", "epoch": 14, "iter": 17550, "lr": 0.0, "memory": 14793, "data_time": 0.00598, "decode.loss_ce": 0.50561, "decode.acc_seg": 80.85914, "aux.loss_ce": 0.30593, "aux.acc_seg": 74.29408, "loss": 0.81154, "grad_norm": 19.9029, "time": 0.40992} {"mode": "train", "epoch": 14, "iter": 17600, "lr": 0.0, "memory": 14793, "data_time": 0.00568, "decode.loss_ce": 0.46291, "decode.acc_seg": 82.09918, "aux.loss_ce": 0.28974, "aux.acc_seg": 75.48157, "loss": 0.75265, "grad_norm": 10.73957, "time": 0.41394} {"mode": "train", "epoch": 14, "iter": 17650, "lr": 0.0, "memory": 14793, "data_time": 0.00595, "decode.loss_ce": 0.47626, "decode.acc_seg": 82.03848, "aux.loss_ce": 0.30672, "aux.acc_seg": 73.99939, "loss": 0.78298, "grad_norm": 15.55534, "time": 0.40938} {"mode": "train", "epoch": 15, "iter": 17700, "lr": 0.0, "memory": 14793, "data_time": 0.05244, "decode.loss_ce": 0.48846, "decode.acc_seg": 81.22623, "aux.loss_ce": 0.29777, "aux.acc_seg": 74.34124, "loss": 0.78623, "grad_norm": 14.33384, "time": 0.45569} {"mode": "train", "epoch": 15, "iter": 17750, "lr": 0.0, "memory": 14793, "data_time": 0.00562, "decode.loss_ce": 0.46533, "decode.acc_seg": 82.65885, "aux.loss_ce": 0.29794, "aux.acc_seg": 74.95645, "loss": 0.76327, "grad_norm": 13.54992, "time": 0.40927} {"mode": "train", "epoch": 15, "iter": 17800, "lr": 0.0, "memory": 14793, "data_time": 0.0059, "decode.loss_ce": 0.44036, "decode.acc_seg": 83.2293, "aux.loss_ce": 0.28653, "aux.acc_seg": 76.16256, "loss": 0.72688, "grad_norm": 17.51183, "time": 0.4125} {"mode": "train", "epoch": 15, "iter": 17850, "lr": 0.0, "memory": 14793, "data_time": 0.00556, "decode.loss_ce": 0.45287, "decode.acc_seg": 81.7982, "aux.loss_ce": 0.28673, "aux.acc_seg": 74.2897, "loss": 0.7396, "grad_norm": 11.65539, "time": 0.42206} {"mode": "train", "epoch": 15, "iter": 17900, "lr": 0.0, "memory": 14793, "data_time": 0.00549, "decode.loss_ce": 0.47378, "decode.acc_seg": 81.73546, "aux.loss_ce": 0.30069, "aux.acc_seg": 74.08152, "loss": 0.77447, "grad_norm": 12.8448, "time": 0.4215} {"mode": "train", "epoch": 15, "iter": 17950, "lr": 0.0, "memory": 14793, "data_time": 0.006, "decode.loss_ce": 0.46006, "decode.acc_seg": 82.42861, "aux.loss_ce": 0.29749, "aux.acc_seg": 74.57653, "loss": 0.75755, "grad_norm": 11.53126, "time": 0.41504} {"mode": "train", "epoch": 15, "iter": 18000, "lr": 0.0, "memory": 14793, "data_time": 0.00534, "decode.loss_ce": 0.44417, "decode.acc_seg": 82.3133, "aux.loss_ce": 0.28656, "aux.acc_seg": 74.71865, "loss": 0.73073, "grad_norm": 18.55291, "time": 0.64789} {"mode": "val", "epoch": 15, "iter": 125, "lr": 0.0, "aAcc": 0.8354, "mIoU": 0.4877, "mAcc": 0.608, "IoU.wall": 0.7717, "IoU.building": 0.8325, "IoU.sky": 0.9438, "IoU.floor": 0.8186, "IoU.tree": 0.757, "IoU.ceiling": 0.838, "IoU.road": 0.8363, "IoU.bed ": 0.8912, "IoU.windowpane": 0.6179, "IoU.grass": 0.6948, "IoU.cabinet": 0.6004, "IoU.sidewalk": 0.643, "IoU.person": 0.8127, "IoU.earth": 0.4185, "IoU.door": 0.496, "IoU.table": 0.5939, "IoU.mountain": 0.6154, "IoU.plant": 0.5483, "IoU.curtain": 0.7555, "IoU.chair": 0.5779, "IoU.car": 0.8477, "IoU.water": 0.6386, "IoU.painting": 0.7075, "IoU.sofa": 0.7007, "IoU.shelf": 0.4048, "IoU.house": 0.5373, "IoU.sea": 0.7121, "IoU.mirror": 0.6607, "IoU.rug": 0.6249, "IoU.field": 0.3099, "IoU.armchair": 0.4265, "IoU.seat": 0.6171, "IoU.fence": 0.4624, "IoU.desk": 0.4802, "IoU.rock": 0.4518, "IoU.wardrobe": 0.5263, "IoU.lamp": 0.5854, "IoU.bathtub": 0.756, "IoU.railing": 0.3707, "IoU.cushion": 0.5147, "IoU.base": 0.4008, "IoU.box": 0.2376, "IoU.column": 0.5025, "IoU.signboard": 0.3707, "IoU.chest of drawers": 0.3815, "IoU.counter": 0.4215, "IoU.sand": 0.5325, "IoU.sink": 0.6959, "IoU.skyscraper": 0.5101, "IoU.fireplace": 0.6642, "IoU.refrigerator": 0.6676, "IoU.grandstand": 0.4779, "IoU.path": 0.2714, "IoU.stairs": 0.3245, "IoU.runway": 0.676, "IoU.case": 0.5558, "IoU.pool table": 0.919, "IoU.pillow": 0.531, "IoU.screen door": 0.6565, "IoU.stairway": 0.4352, "IoU.river": 0.2288, "IoU.bridge": 0.4237, "IoU.bookcase": 0.3292, "IoU.blind": 0.3787, "IoU.coffee table": 0.536, "IoU.toilet": 0.8379, "IoU.flower": 0.3743, "IoU.book": 0.4691, "IoU.hill": 0.0585, "IoU.bench": 0.5303, "IoU.countertop": 0.5602, "IoU.stove": 0.7561, "IoU.palm": 0.5298, "IoU.kitchen island": 0.2603, "IoU.computer": 0.7413, "IoU.swivel chair": 0.461, "IoU.boat": 0.7331, "IoU.bar": 0.5884, "IoU.arcade machine": 0.7477, "IoU.hovel": 0.6391, "IoU.bus": 0.8809, "IoU.towel": 0.6139, "IoU.light": 0.3766, "IoU.truck": 0.375, "IoU.tower": 0.2533, "IoU.chandelier": 0.6205, "IoU.awning": 0.315, "IoU.streetlight": 0.2029, "IoU.booth": 0.3609, "IoU.television receiver": 0.7152, "IoU.airplane": 0.5959, "IoU.dirt track": 0.0152, "IoU.apparel": 0.3859, "IoU.pole": 0.1578, "IoU.land": 0.0, "IoU.bannister": 0.0581, "IoU.escalator": 0.5305, "IoU.ottoman": 0.511, "IoU.bottle": 0.3884, "IoU.buffet": 0.427, "IoU.poster": 0.0999, "IoU.stage": 0.1196, "IoU.van": 0.3584, "IoU.ship": 0.7355, "IoU.fountain": 0.2525, "IoU.conveyer belt": 0.7416, "IoU.canopy": 0.4229, "IoU.washer": 0.7538, "IoU.plaything": 0.3391, "IoU.swimming pool": 0.5577, "IoU.stool": 0.3408, "IoU.barrel": 0.5362, "IoU.basket": 0.3074, "IoU.waterfall": 0.5364, "IoU.tent": 0.9159, "IoU.bag": 0.0611, "IoU.minibike": 0.7088, "IoU.cradle": 0.7205, "IoU.oven": 0.3187, "IoU.ball": 0.4819, "IoU.food": 0.4588, "IoU.step": 0.0465, "IoU.tank": 0.5944, "IoU.trade name": 0.214, "IoU.microwave": 0.7998, "IoU.pot": 0.4671, "IoU.animal": 0.5139, "IoU.bicycle": 0.5695, "IoU.lake": 0.1298, "IoU.dishwasher": 0.5932, "IoU.screen": 0.5414, "IoU.blanket": 0.0272, "IoU.sculpture": 0.5821, "IoU.hood": 0.5557, "IoU.sconce": 0.1286, "IoU.vase": 0.2992, "IoU.traffic light": 0.1912, "IoU.tray": 0.0014, "IoU.ashcan": 0.4686, "IoU.fan": 0.5271, "IoU.pier": 0.3749, "IoU.crt screen": 0.0018, "IoU.plate": 0.4608, "IoU.monitor": 0.0278, "IoU.bulletin board": 0.4796, "IoU.shower": 0.0, "IoU.radiator": 0.526, "IoU.glass": 0.0273, "IoU.clock": 0.1117, "IoU.flag": 0.5265, "Acc.wall": 0.888, "Acc.building": 0.9115, "Acc.sky": 0.9751, "Acc.floor": 0.9032, "Acc.tree": 0.8914, "Acc.ceiling": 0.9218, "Acc.road": 0.8864, "Acc.bed ": 0.9745, "Acc.windowpane": 0.7785, "Acc.grass": 0.8587, "Acc.cabinet": 0.7073, "Acc.sidewalk": 0.8471, "Acc.person": 0.893, "Acc.earth": 0.5901, "Acc.door": 0.6182, "Acc.table": 0.7489, "Acc.mountain": 0.7458, "Acc.plant": 0.6267, "Acc.curtain": 0.885, "Acc.chair": 0.7133, "Acc.car": 0.9431, "Acc.water": 0.7861, "Acc.painting": 0.8633, "Acc.sofa": 0.882, "Acc.shelf": 0.5809, "Acc.house": 0.7178, "Acc.sea": 0.8637, "Acc.mirror": 0.7556, "Acc.rug": 0.7387, "Acc.field": 0.4426, "Acc.armchair": 0.6183, "Acc.seat": 0.8169, "Acc.fence": 0.6024, "Acc.desk": 0.7106, "Acc.rock": 0.5703, "Acc.wardrobe": 0.769, "Acc.lamp": 0.7213, "Acc.bathtub": 0.8589, "Acc.railing": 0.478, "Acc.cushion": 0.5592, "Acc.base": 0.5434, "Acc.box": 0.2933, "Acc.column": 0.6299, "Acc.signboard": 0.5039, "Acc.chest of drawers": 0.6211, "Acc.counter": 0.5631, "Acc.sand": 0.5933, "Acc.sink": 0.7788, "Acc.skyscraper": 0.6171, "Acc.fireplace": 0.9237, "Acc.refrigerator": 0.8279, "Acc.grandstand": 0.8213, "Acc.path": 0.3514, "Acc.stairs": 0.3956, "Acc.runway": 0.9045, "Acc.case": 0.7849, "Acc.pool table": 0.9789, "Acc.pillow": 0.6792, "Acc.screen door": 0.8401, "Acc.stairway": 0.6087, "Acc.river": 0.4543, "Acc.bridge": 0.4773, "Acc.bookcase": 0.6811, "Acc.blind": 0.4137, "Acc.coffee table": 0.8691, "Acc.toilet": 0.9084, "Acc.flower": 0.555, "Acc.book": 0.686, "Acc.hill": 0.1278, "Acc.bench": 0.6287, "Acc.countertop": 0.7055, "Acc.stove": 0.8783, "Acc.palm": 0.7066, "Acc.kitchen island": 0.4921, "Acc.computer": 0.9118, "Acc.swivel chair": 0.6258, "Acc.boat": 0.8674, "Acc.bar": 0.6973, "Acc.arcade machine": 0.8178, "Acc.hovel": 0.7875, "Acc.bus": 0.9703, "Acc.towel": 0.8199, "Acc.light": 0.4093, "Acc.truck": 0.528, "Acc.tower": 0.3345, "Acc.chandelier": 0.8048, "Acc.awning": 0.3578, "Acc.streetlight": 0.2528, "Acc.booth": 0.4767, "Acc.television receiver": 0.8271, "Acc.airplane": 0.6897, "Acc.dirt track": 0.0152, "Acc.apparel": 0.5556, "Acc.pole": 0.1907, "Acc.land": 0.0, "Acc.bannister": 0.0649, "Acc.escalator": 0.8725, "Acc.ottoman": 0.6457, "Acc.bottle": 0.6024, "Acc.buffet": 0.6046, "Acc.poster": 0.1085, "Acc.stage": 0.1999, "Acc.van": 0.4243, "Acc.ship": 0.831, "Acc.fountain": 0.2604, "Acc.conveyer belt": 0.9677, "Acc.canopy": 0.5471, "Acc.washer": 0.7884, "Acc.plaything": 0.4607, "Acc.swimming pool": 0.7495, "Acc.stool": 0.4081, "Acc.barrel": 0.7879, "Acc.basket": 0.375, "Acc.waterfall": 0.7166, "Acc.tent": 0.9897, "Acc.bag": 0.0615, "Acc.minibike": 0.8552, "Acc.cradle": 0.9771, "Acc.oven": 0.3506, "Acc.ball": 0.6634, "Acc.food": 0.5959, "Acc.step": 0.0473, "Acc.tank": 0.6529, "Acc.trade name": 0.2274, "Acc.microwave": 0.9411, "Acc.pot": 0.5235, "Acc.animal": 0.5244, "Acc.bicycle": 0.7361, "Acc.lake": 0.1514, "Acc.dishwasher": 0.6853, "Acc.screen": 0.9206, "Acc.blanket": 0.0297, "Acc.sculpture": 0.6958, "Acc.hood": 0.7306, "Acc.sconce": 0.1347, "Acc.vase": 0.3903, "Acc.traffic light": 0.2894, "Acc.tray": 0.0014, "Acc.ashcan": 0.5744, "Acc.fan": 0.6281, "Acc.pier": 0.4418, "Acc.crt screen": 0.0046, "Acc.plate": 0.6812, "Acc.monitor": 0.0319, "Acc.bulletin board": 0.5164, "Acc.shower": 0.0, "Acc.radiator": 0.5871, "Acc.glass": 0.0275, "Acc.clock": 0.1239, "Acc.flag": 0.5723} {"mode": "train", "epoch": 15, "iter": 18050, "lr": 0.0, "memory": 14793, "data_time": 2.37092, "decode.loss_ce": 0.46159, "decode.acc_seg": 82.63569, "aux.loss_ce": 0.29267, "aux.acc_seg": 75.14378, "loss": 0.75425, "grad_norm": 15.74002, "time": 2.78143} {"mode": "train", "epoch": 15, "iter": 18100, "lr": 0.0, "memory": 14793, "data_time": 0.00584, "decode.loss_ce": 0.44522, "decode.acc_seg": 82.42758, "aux.loss_ce": 0.29182, "aux.acc_seg": 74.89289, "loss": 0.73704, "grad_norm": 15.38942, "time": 0.41674} {"mode": "train", "epoch": 15, "iter": 18150, "lr": 0.0, "memory": 14793, "data_time": 0.00539, "decode.loss_ce": 0.45952, "decode.acc_seg": 82.2325, "aux.loss_ce": 0.28895, "aux.acc_seg": 74.91658, "loss": 0.74847, "grad_norm": 13.0266, "time": 0.41407} {"mode": "train", "epoch": 15, "iter": 18200, "lr": 0.0, "memory": 14793, "data_time": 0.00713, "decode.loss_ce": 0.45981, "decode.acc_seg": 82.30813, "aux.loss_ce": 0.28799, "aux.acc_seg": 75.08111, "loss": 0.7478, "grad_norm": 17.44084, "time": 0.42084} {"mode": "train", "epoch": 15, "iter": 18250, "lr": 0.0, "memory": 14793, "data_time": 0.00592, "decode.loss_ce": 0.46331, "decode.acc_seg": 82.30024, "aux.loss_ce": 0.2915, "aux.acc_seg": 75.15736, "loss": 0.75481, "grad_norm": 16.56215, "time": 0.41385} {"mode": "train", "epoch": 15, "iter": 18300, "lr": 0.0, "memory": 14793, "data_time": 0.00573, "decode.loss_ce": 0.48996, "decode.acc_seg": 81.96732, "aux.loss_ce": 0.31074, "aux.acc_seg": 74.43388, "loss": 0.8007, "grad_norm": 13.10596, "time": 0.42531} {"mode": "train", "epoch": 15, "iter": 18350, "lr": 0.0, "memory": 14793, "data_time": 0.00687, "decode.loss_ce": 0.48615, "decode.acc_seg": 81.5744, "aux.loss_ce": 0.30213, "aux.acc_seg": 74.25933, "loss": 0.78827, "grad_norm": 14.25439, "time": 0.40983} {"mode": "train", "epoch": 15, "iter": 18400, "lr": 0.0, "memory": 14793, "data_time": 0.00572, "decode.loss_ce": 0.46247, "decode.acc_seg": 81.70641, "aux.loss_ce": 0.28354, "aux.acc_seg": 74.74531, "loss": 0.74601, "grad_norm": 11.69288, "time": 0.40969} {"mode": "train", "epoch": 15, "iter": 18450, "lr": 0.0, "memory": 14793, "data_time": 0.0055, "decode.loss_ce": 0.46739, "decode.acc_seg": 82.05415, "aux.loss_ce": 0.30304, "aux.acc_seg": 73.80931, "loss": 0.77044, "grad_norm": 13.88724, "time": 0.41751} {"mode": "train", "epoch": 15, "iter": 18500, "lr": 0.0, "memory": 14793, "data_time": 0.00576, "decode.loss_ce": 0.45962, "decode.acc_seg": 81.86658, "aux.loss_ce": 0.29279, "aux.acc_seg": 74.46319, "loss": 0.75241, "grad_norm": 13.6782, "time": 0.41339} {"mode": "train", "epoch": 15, "iter": 18550, "lr": 0.0, "memory": 14793, "data_time": 0.0053, "decode.loss_ce": 0.47861, "decode.acc_seg": 81.65121, "aux.loss_ce": 0.29799, "aux.acc_seg": 74.51631, "loss": 0.7766, "grad_norm": 18.73192, "time": 0.41769} {"mode": "train", "epoch": 15, "iter": 18600, "lr": 0.0, "memory": 14793, "data_time": 0.00571, "decode.loss_ce": 0.46241, "decode.acc_seg": 82.61603, "aux.loss_ce": 0.28352, "aux.acc_seg": 76.13118, "loss": 0.74594, "grad_norm": 12.7007, "time": 0.41014} {"mode": "train", "epoch": 15, "iter": 18650, "lr": 0.0, "memory": 14793, "data_time": 0.0057, "decode.loss_ce": 0.47825, "decode.acc_seg": 82.07569, "aux.loss_ce": 0.30296, "aux.acc_seg": 74.7546, "loss": 0.78121, "grad_norm": 14.08988, "time": 0.40762} {"mode": "train", "epoch": 15, "iter": 18700, "lr": 0.0, "memory": 14793, "data_time": 0.0057, "decode.loss_ce": 0.47668, "decode.acc_seg": 82.45529, "aux.loss_ce": 0.304, "aux.acc_seg": 74.12005, "loss": 0.78068, "grad_norm": 15.12049, "time": 0.4294} {"mode": "train", "epoch": 15, "iter": 18750, "lr": 0.0, "memory": 14793, "data_time": 0.00584, "decode.loss_ce": 0.46424, "decode.acc_seg": 82.26313, "aux.loss_ce": 0.29067, "aux.acc_seg": 74.9338, "loss": 0.75491, "grad_norm": 11.41224, "time": 0.41611} {"mode": "train", "epoch": 15, "iter": 18800, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.45358, "decode.acc_seg": 82.70427, "aux.loss_ce": 0.28105, "aux.acc_seg": 75.91874, "loss": 0.73463, "grad_norm": 12.17587, "time": 0.40852} {"mode": "train", "epoch": 15, "iter": 18850, "lr": 0.0, "memory": 14793, "data_time": 0.00552, "decode.loss_ce": 0.45313, "decode.acc_seg": 82.18817, "aux.loss_ce": 0.28717, "aux.acc_seg": 75.01028, "loss": 0.7403, "grad_norm": 13.22672, "time": 0.41026} {"mode": "train", "epoch": 15, "iter": 18900, "lr": 0.0, "memory": 14793, "data_time": 0.00521, "decode.loss_ce": 0.44912, "decode.acc_seg": 82.99872, "aux.loss_ce": 0.28067, "aux.acc_seg": 76.33987, "loss": 0.72979, "grad_norm": 12.00618, "time": 0.41512} {"mode": "train", "epoch": 15, "iter": 18950, "lr": 0.0, "memory": 14793, "data_time": 0.00563, "decode.loss_ce": 0.48857, "decode.acc_seg": 81.73592, "aux.loss_ce": 0.2998, "aux.acc_seg": 74.66532, "loss": 0.78836, "grad_norm": 13.32622, "time": 0.41068} {"mode": "train", "epoch": 16, "iter": 19000, "lr": 0.0, "memory": 14793, "data_time": 0.04924, "decode.loss_ce": 0.4689, "decode.acc_seg": 81.54138, "aux.loss_ce": 0.29167, "aux.acc_seg": 74.72784, "loss": 0.76057, "grad_norm": 13.36525, "time": 0.7068} {"mode": "val", "epoch": 16, "iter": 125, "lr": 0.0, "aAcc": 0.8337, "mIoU": 0.4891, "mAcc": 0.6258, "IoU.wall": 0.7778, "IoU.building": 0.8278, "IoU.sky": 0.9452, "IoU.floor": 0.8158, "IoU.tree": 0.7507, "IoU.ceiling": 0.8406, "IoU.road": 0.8297, "IoU.bed ": 0.8999, "IoU.windowpane": 0.6079, "IoU.grass": 0.6797, "IoU.cabinet": 0.609, "IoU.sidewalk": 0.6479, "IoU.person": 0.8147, "IoU.earth": 0.4148, "IoU.door": 0.5107, "IoU.table": 0.5909, "IoU.mountain": 0.6177, "IoU.plant": 0.5643, "IoU.curtain": 0.7448, "IoU.chair": 0.5791, "IoU.car": 0.846, "IoU.water": 0.6362, "IoU.painting": 0.694, "IoU.sofa": 0.7007, "IoU.shelf": 0.4228, "IoU.house": 0.497, "IoU.sea": 0.7054, "IoU.mirror": 0.6492, "IoU.rug": 0.6212, "IoU.field": 0.2946, "IoU.armchair": 0.4046, "IoU.seat": 0.6337, "IoU.fence": 0.4614, "IoU.desk": 0.4793, "IoU.rock": 0.4729, "IoU.wardrobe": 0.4896, "IoU.lamp": 0.5897, "IoU.bathtub": 0.731, "IoU.railing": 0.329, "IoU.cushion": 0.5843, "IoU.base": 0.406, "IoU.box": 0.28, "IoU.column": 0.4982, "IoU.signboard": 0.3687, "IoU.chest of drawers": 0.3978, "IoU.counter": 0.3668, "IoU.sand": 0.5188, "IoU.sink": 0.6765, "IoU.skyscraper": 0.4868, "IoU.fireplace": 0.6624, "IoU.refrigerator": 0.6433, "IoU.grandstand": 0.4208, "IoU.path": 0.2636, "IoU.stairs": 0.3785, "IoU.runway": 0.6363, "IoU.case": 0.594, "IoU.pool table": 0.9175, "IoU.pillow": 0.5933, "IoU.screen door": 0.5355, "IoU.stairway": 0.4945, "IoU.river": 0.2729, "IoU.bridge": 0.6646, "IoU.bookcase": 0.3269, "IoU.blind": 0.2351, "IoU.coffee table": 0.5751, "IoU.toilet": 0.8339, "IoU.flower": 0.4114, "IoU.book": 0.4773, "IoU.hill": 0.0529, "IoU.bench": 0.5465, "IoU.countertop": 0.5585, "IoU.stove": 0.7526, "IoU.palm": 0.5268, "IoU.kitchen island": 0.2765, "IoU.computer": 0.7209, "IoU.swivel chair": 0.464, "IoU.boat": 0.6807, "IoU.bar": 0.476, "IoU.arcade machine": 0.7223, "IoU.hovel": 0.5456, "IoU.bus": 0.8919, "IoU.towel": 0.6209, "IoU.light": 0.4708, "IoU.truck": 0.3618, "IoU.tower": 0.2266, "IoU.chandelier": 0.623, "IoU.awning": 0.3179, "IoU.streetlight": 0.2264, "IoU.booth": 0.3637, "IoU.television receiver": 0.7028, "IoU.airplane": 0.6086, "IoU.dirt track": 0.0596, "IoU.apparel": 0.4641, "IoU.pole": 0.1884, "IoU.land": 0.0006, "IoU.bannister": 0.0669, "IoU.escalator": 0.5265, "IoU.ottoman": 0.5289, "IoU.bottle": 0.3717, "IoU.buffet": 0.4447, "IoU.poster": 0.2403, "IoU.stage": 0.151, "IoU.van": 0.327, "IoU.ship": 0.8645, "IoU.fountain": 0.2581, "IoU.conveyer belt": 0.6828, "IoU.canopy": 0.4188, "IoU.washer": 0.7724, "IoU.plaything": 0.2658, "IoU.swimming pool": 0.4078, "IoU.stool": 0.3469, "IoU.barrel": 0.5256, "IoU.basket": 0.3031, "IoU.waterfall": 0.5687, "IoU.tent": 0.8386, "IoU.bag": 0.0738, "IoU.minibike": 0.7144, "IoU.cradle": 0.7192, "IoU.oven": 0.3103, "IoU.ball": 0.4577, "IoU.food": 0.4516, "IoU.step": 0.0513, "IoU.tank": 0.5504, "IoU.trade name": 0.2934, "IoU.microwave": 0.7203, "IoU.pot": 0.4702, "IoU.animal": 0.5861, "IoU.bicycle": 0.5742, "IoU.lake": 0.0022, "IoU.dishwasher": 0.5275, "IoU.screen": 0.517, "IoU.blanket": 0.0134, "IoU.sculpture": 0.6338, "IoU.hood": 0.5683, "IoU.sconce": 0.1383, "IoU.vase": 0.3257, "IoU.traffic light": 0.2013, "IoU.tray": 0.0017, "IoU.ashcan": 0.4459, "IoU.fan": 0.5502, "IoU.pier": 0.3448, "IoU.crt screen": 0.0316, "IoU.plate": 0.4873, "IoU.monitor": 0.0799, "IoU.bulletin board": 0.5691, "IoU.shower": 0.0, "IoU.radiator": 0.5284, "IoU.glass": 0.0891, "IoU.clock": 0.1247, "IoU.flag": 0.6053, "Acc.wall": 0.8609, "Acc.building": 0.9112, "Acc.sky": 0.9704, "Acc.floor": 0.896, "Acc.tree": 0.9178, "Acc.ceiling": 0.9201, "Acc.road": 0.9032, "Acc.bed ": 0.9647, "Acc.windowpane": 0.8236, "Acc.grass": 0.7631, "Acc.cabinet": 0.7212, "Acc.sidewalk": 0.8229, "Acc.person": 0.9222, "Acc.earth": 0.6197, "Acc.door": 0.6598, "Acc.table": 0.7631, "Acc.mountain": 0.7158, "Acc.plant": 0.6634, "Acc.curtain": 0.8865, "Acc.chair": 0.7092, "Acc.car": 0.946, "Acc.water": 0.8121, "Acc.painting": 0.8795, "Acc.sofa": 0.8952, "Acc.shelf": 0.5481, "Acc.house": 0.6737, "Acc.sea": 0.844, "Acc.mirror": 0.7744, "Acc.rug": 0.7454, "Acc.field": 0.4595, "Acc.armchair": 0.5673, "Acc.seat": 0.8467, "Acc.fence": 0.6414, "Acc.desk": 0.727, "Acc.rock": 0.7219, "Acc.wardrobe": 0.6101, "Acc.lamp": 0.7368, "Acc.bathtub": 0.8546, "Acc.railing": 0.4296, "Acc.cushion": 0.7166, "Acc.base": 0.6895, "Acc.box": 0.3702, "Acc.column": 0.6425, "Acc.signboard": 0.4868, "Acc.chest of drawers": 0.6267, "Acc.counter": 0.4146, "Acc.sand": 0.6693, "Acc.sink": 0.7382, "Acc.skyscraper": 0.6244, "Acc.fireplace": 0.9258, "Acc.refrigerator": 0.8639, "Acc.grandstand": 0.8865, "Acc.path": 0.3437, "Acc.stairs": 0.4562, "Acc.runway": 0.8724, "Acc.case": 0.8892, "Acc.pool table": 0.9805, "Acc.pillow": 0.7283, "Acc.screen door": 0.8659, "Acc.stairway": 0.557, "Acc.river": 0.4514, "Acc.bridge": 0.7609, "Acc.bookcase": 0.5001, "Acc.blind": 0.2482, "Acc.coffee table": 0.8163, "Acc.toilet": 0.9057, "Acc.flower": 0.5548, "Acc.book": 0.6874, "Acc.hill": 0.0898, "Acc.bench": 0.6377, "Acc.countertop": 0.6802, "Acc.stove": 0.893, "Acc.palm": 0.7825, "Acc.kitchen island": 0.7131, "Acc.computer": 0.9237, "Acc.swivel chair": 0.5988, "Acc.boat": 0.838, "Acc.bar": 0.7061, "Acc.arcade machine": 0.8678, "Acc.hovel": 0.8006, "Acc.bus": 0.9682, "Acc.towel": 0.8048, "Acc.light": 0.5619, "Acc.truck": 0.4703, "Acc.tower": 0.3111, "Acc.chandelier": 0.8066, "Acc.awning": 0.3809, "Acc.streetlight": 0.3353, "Acc.booth": 0.6192, "Acc.television receiver": 0.8505, "Acc.airplane": 0.6695, "Acc.dirt track": 0.0974, "Acc.apparel": 0.7132, "Acc.pole": 0.2415, "Acc.land": 0.0008, "Acc.bannister": 0.0771, "Acc.escalator": 0.6995, "Acc.ottoman": 0.7329, "Acc.bottle": 0.6621, "Acc.buffet": 0.5976, "Acc.poster": 0.3015, "Acc.stage": 0.4325, "Acc.van": 0.4006, "Acc.ship": 0.9104, "Acc.fountain": 0.2655, "Acc.conveyer belt": 0.978, "Acc.canopy": 0.6919, "Acc.washer": 0.8376, "Acc.plaything": 0.3727, "Acc.swimming pool": 0.7689, "Acc.stool": 0.4513, "Acc.barrel": 0.8818, "Acc.basket": 0.4034, "Acc.waterfall": 0.7996, "Acc.tent": 0.9946, "Acc.bag": 0.0757, "Acc.minibike": 0.8546, "Acc.cradle": 0.9708, "Acc.oven": 0.4456, "Acc.ball": 0.5478, "Acc.food": 0.5008, "Acc.step": 0.052, "Acc.tank": 0.6238, "Acc.trade name": 0.3537, "Acc.microwave": 0.8381, "Acc.pot": 0.5354, "Acc.animal": 0.602, "Acc.bicycle": 0.7657, "Acc.lake": 0.0023, "Acc.dishwasher": 0.7222, "Acc.screen": 0.9217, "Acc.blanket": 0.0141, "Acc.sculpture": 0.6922, "Acc.hood": 0.6718, "Acc.sconce": 0.1454, "Acc.vase": 0.443, "Acc.traffic light": 0.2993, "Acc.tray": 0.0017, "Acc.ashcan": 0.63, "Acc.fan": 0.6797, "Acc.pier": 0.4394, "Acc.crt screen": 0.0848, "Acc.plate": 0.6452, "Acc.monitor": 0.0903, "Acc.bulletin board": 0.6684, "Acc.shower": 0.0, "Acc.radiator": 0.5976, "Acc.glass": 0.0923, "Acc.clock": 0.1339, "Acc.flag": 0.6984} {"mode": "train", "epoch": 16, "iter": 19050, "lr": 0.0, "memory": 14793, "data_time": 2.39085, "decode.loss_ce": 0.43006, "decode.acc_seg": 83.12832, "aux.loss_ce": 0.28272, "aux.acc_seg": 75.45494, "loss": 0.71278, "grad_norm": 14.073, "time": 2.80338} {"mode": "train", "epoch": 16, "iter": 19100, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.44623, "decode.acc_seg": 82.81422, "aux.loss_ce": 0.28218, "aux.acc_seg": 75.56069, "loss": 0.72841, "grad_norm": 13.12389, "time": 0.43213} {"mode": "train", "epoch": 16, "iter": 19150, "lr": 0.0, "memory": 14793, "data_time": 0.00587, "decode.loss_ce": 0.46124, "decode.acc_seg": 82.56902, "aux.loss_ce": 0.29219, "aux.acc_seg": 75.6843, "loss": 0.75343, "grad_norm": 12.48676, "time": 0.42508} {"mode": "train", "epoch": 16, "iter": 19200, "lr": 0.0, "memory": 14793, "data_time": 0.00558, "decode.loss_ce": 0.46468, "decode.acc_seg": 82.12119, "aux.loss_ce": 0.2923, "aux.acc_seg": 74.49358, "loss": 0.75698, "grad_norm": 17.52609, "time": 0.4189} {"mode": "train", "epoch": 16, "iter": 19250, "lr": 0.0, "memory": 14793, "data_time": 0.00553, "decode.loss_ce": 0.42524, "decode.acc_seg": 83.29107, "aux.loss_ce": 0.27412, "aux.acc_seg": 76.30779, "loss": 0.69936, "grad_norm": 14.5303, "time": 0.41309} {"mode": "train", "epoch": 16, "iter": 19300, "lr": 0.0, "memory": 14793, "data_time": 0.00643, "decode.loss_ce": 0.46637, "decode.acc_seg": 82.8725, "aux.loss_ce": 0.28961, "aux.acc_seg": 75.31988, "loss": 0.75597, "grad_norm": 13.2393, "time": 0.41394} {"mode": "train", "epoch": 16, "iter": 19350, "lr": 0.0, "memory": 14793, "data_time": 0.00654, "decode.loss_ce": 0.4579, "decode.acc_seg": 82.66334, "aux.loss_ce": 0.29225, "aux.acc_seg": 74.69726, "loss": 0.75015, "grad_norm": 14.08035, "time": 0.40784} {"mode": "train", "epoch": 16, "iter": 19400, "lr": 0.0, "memory": 14793, "data_time": 0.00575, "decode.loss_ce": 0.43438, "decode.acc_seg": 83.09067, "aux.loss_ce": 0.28278, "aux.acc_seg": 75.84832, "loss": 0.71716, "grad_norm": 17.3917, "time": 0.40475} {"mode": "train", "epoch": 16, "iter": 19450, "lr": 0.0, "memory": 14793, "data_time": 0.00552, "decode.loss_ce": 0.44755, "decode.acc_seg": 82.90959, "aux.loss_ce": 0.28394, "aux.acc_seg": 76.14076, "loss": 0.73149, "grad_norm": 18.15555, "time": 0.41} {"mode": "train", "epoch": 16, "iter": 19500, "lr": 0.0, "memory": 14793, "data_time": 0.00539, "decode.loss_ce": 0.44848, "decode.acc_seg": 82.33716, "aux.loss_ce": 0.27855, "aux.acc_seg": 75.26739, "loss": 0.72703, "grad_norm": 12.8936, "time": 0.41568} {"mode": "train", "epoch": 16, "iter": 19550, "lr": 0.0, "memory": 14793, "data_time": 0.00663, "decode.loss_ce": 0.44407, "decode.acc_seg": 82.16999, "aux.loss_ce": 0.27344, "aux.acc_seg": 76.37377, "loss": 0.71751, "grad_norm": 16.35349, "time": 0.43054} {"mode": "train", "epoch": 16, "iter": 19600, "lr": 0.0, "memory": 14793, "data_time": 0.0049, "decode.loss_ce": 0.43124, "decode.acc_seg": 83.11746, "aux.loss_ce": 0.27941, "aux.acc_seg": 75.03161, "loss": 0.71065, "grad_norm": 13.09056, "time": 0.42014} {"mode": "train", "epoch": 16, "iter": 19650, "lr": 0.0, "memory": 14793, "data_time": 0.00634, "decode.loss_ce": 0.46116, "decode.acc_seg": 82.62379, "aux.loss_ce": 0.30436, "aux.acc_seg": 74.29263, "loss": 0.76552, "grad_norm": 13.44388, "time": 0.4103} {"mode": "train", "epoch": 16, "iter": 19700, "lr": 0.0, "memory": 14793, "data_time": 0.00744, "decode.loss_ce": 0.44871, "decode.acc_seg": 82.53906, "aux.loss_ce": 0.29198, "aux.acc_seg": 74.70041, "loss": 0.74069, "grad_norm": 13.57636, "time": 0.41112} {"mode": "train", "epoch": 16, "iter": 19750, "lr": 0.0, "memory": 14793, "data_time": 0.00519, "decode.loss_ce": 0.44559, "decode.acc_seg": 82.3356, "aux.loss_ce": 0.27804, "aux.acc_seg": 75.77698, "loss": 0.72363, "grad_norm": 16.56891, "time": 0.41718} {"mode": "train", "epoch": 16, "iter": 19800, "lr": 0.0, "memory": 14793, "data_time": 0.00614, "decode.loss_ce": 0.44751, "decode.acc_seg": 82.61572, "aux.loss_ce": 0.28271, "aux.acc_seg": 75.19299, "loss": 0.73022, "grad_norm": 19.11289, "time": 0.40703} {"mode": "train", "epoch": 16, "iter": 19850, "lr": 0.0, "memory": 14793, "data_time": 0.00527, "decode.loss_ce": 0.44372, "decode.acc_seg": 82.70284, "aux.loss_ce": 0.27271, "aux.acc_seg": 76.41795, "loss": 0.71643, "grad_norm": 12.63322, "time": 0.41975} {"mode": "train", "epoch": 16, "iter": 19900, "lr": 0.0, "memory": 14793, "data_time": 0.00613, "decode.loss_ce": 0.47274, "decode.acc_seg": 81.43762, "aux.loss_ce": 0.29885, "aux.acc_seg": 74.34983, "loss": 0.77159, "grad_norm": 15.23283, "time": 0.41167} {"mode": "train", "epoch": 16, "iter": 19950, "lr": 0.0, "memory": 14793, "data_time": 0.00525, "decode.loss_ce": 0.44648, "decode.acc_seg": 82.40619, "aux.loss_ce": 0.29147, "aux.acc_seg": 74.43881, "loss": 0.73795, "grad_norm": 16.85664, "time": 0.42524} {"mode": "train", "epoch": 16, "iter": 20000, "lr": 0.0, "memory": 14793, "data_time": 0.00563, "decode.loss_ce": 0.44444, "decode.acc_seg": 82.99761, "aux.loss_ce": 0.27805, "aux.acc_seg": 76.17014, "loss": 0.72248, "grad_norm": 11.49817, "time": 0.64185} {"mode": "val", "epoch": 16, "iter": 125, "lr": 0.0, "aAcc": 0.8345, "mIoU": 0.4946, "mAcc": 0.6318, "IoU.wall": 0.7782, "IoU.building": 0.8415, "IoU.sky": 0.9447, "IoU.floor": 0.8214, "IoU.tree": 0.7542, "IoU.ceiling": 0.8418, "IoU.road": 0.8273, "IoU.bed ": 0.904, "IoU.windowpane": 0.6219, "IoU.grass": 0.6857, "IoU.cabinet": 0.5992, "IoU.sidewalk": 0.6444, "IoU.person": 0.8199, "IoU.earth": 0.3264, "IoU.door": 0.5128, "IoU.table": 0.6085, "IoU.mountain": 0.619, "IoU.plant": 0.5469, "IoU.curtain": 0.753, "IoU.chair": 0.5579, "IoU.car": 0.8544, "IoU.water": 0.5944, "IoU.painting": 0.6699, "IoU.sofa": 0.694, "IoU.shelf": 0.4553, "IoU.house": 0.534, "IoU.sea": 0.6575, "IoU.mirror": 0.6631, "IoU.rug": 0.6389, "IoU.field": 0.2801, "IoU.armchair": 0.3934, "IoU.seat": 0.6055, "IoU.fence": 0.4579, "IoU.desk": 0.4672, "IoU.rock": 0.4958, "IoU.wardrobe": 0.4771, "IoU.lamp": 0.5903, "IoU.bathtub": 0.7657, "IoU.railing": 0.3794, "IoU.cushion": 0.5648, "IoU.base": 0.4096, "IoU.box": 0.2727, "IoU.column": 0.513, "IoU.signboard": 0.3725, "IoU.chest of drawers": 0.4253, "IoU.counter": 0.363, "IoU.sand": 0.5111, "IoU.sink": 0.6913, "IoU.skyscraper": 0.49, "IoU.fireplace": 0.6801, "IoU.refrigerator": 0.6648, "IoU.grandstand": 0.4502, "IoU.path": 0.2497, "IoU.stairs": 0.2986, "IoU.runway": 0.6443, "IoU.case": 0.6071, "IoU.pool table": 0.9166, "IoU.pillow": 0.6024, "IoU.screen door": 0.491, "IoU.stairway": 0.4217, "IoU.river": 0.2526, "IoU.bridge": 0.586, "IoU.bookcase": 0.3544, "IoU.blind": 0.4098, "IoU.coffee table": 0.5656, "IoU.toilet": 0.8107, "IoU.flower": 0.3997, "IoU.book": 0.4909, "IoU.hill": 0.0532, "IoU.bench": 0.5355, "IoU.countertop": 0.5518, "IoU.stove": 0.752, "IoU.palm": 0.5252, "IoU.kitchen island": 0.2709, "IoU.computer": 0.7436, "IoU.swivel chair": 0.4657, "IoU.boat": 0.7183, "IoU.bar": 0.5109, "IoU.arcade machine": 0.7406, "IoU.hovel": 0.5757, "IoU.bus": 0.8974, "IoU.towel": 0.6205, "IoU.light": 0.4454, "IoU.truck": 0.3456, "IoU.tower": 0.2838, "IoU.chandelier": 0.6197, "IoU.awning": 0.3082, "IoU.streetlight": 0.2364, "IoU.booth": 0.394, "IoU.television receiver": 0.7177, "IoU.airplane": 0.6063, "IoU.dirt track": 0.0, "IoU.apparel": 0.4398, "IoU.pole": 0.1944, "IoU.land": 0.0031, "IoU.bannister": 0.076, "IoU.escalator": 0.5252, "IoU.ottoman": 0.5527, "IoU.bottle": 0.3936, "IoU.buffet": 0.4567, "IoU.poster": 0.1161, "IoU.stage": 0.1117, "IoU.van": 0.4328, "IoU.ship": 0.8171, "IoU.fountain": 0.3363, "IoU.conveyer belt": 0.7033, "IoU.canopy": 0.4485, "IoU.washer": 0.7784, "IoU.plaything": 0.3394, "IoU.swimming pool": 0.5684, "IoU.stool": 0.3466, "IoU.barrel": 0.5875, "IoU.basket": 0.3045, "IoU.waterfall": 0.6548, "IoU.tent": 0.9235, "IoU.bag": 0.0992, "IoU.minibike": 0.7113, "IoU.cradle": 0.7164, "IoU.oven": 0.2674, "IoU.ball": 0.4996, "IoU.food": 0.4815, "IoU.step": 0.1704, "IoU.tank": 0.5711, "IoU.trade name": 0.3149, "IoU.microwave": 0.5909, "IoU.pot": 0.4401, "IoU.animal": 0.629, "IoU.bicycle": 0.5711, "IoU.lake": 0.0643, "IoU.dishwasher": 0.5645, "IoU.screen": 0.5787, "IoU.blanket": 0.0188, "IoU.sculpture": 0.6031, "IoU.hood": 0.5997, "IoU.sconce": 0.2002, "IoU.vase": 0.3206, "IoU.traffic light": 0.2104, "IoU.tray": 0.0078, "IoU.ashcan": 0.4372, "IoU.fan": 0.5522, "IoU.pier": 0.3569, "IoU.crt screen": 0.0233, "IoU.plate": 0.4612, "IoU.monitor": 0.0758, "IoU.bulletin board": 0.5577, "IoU.shower": 0.0, "IoU.radiator": 0.5203, "IoU.glass": 0.0883, "IoU.clock": 0.1447, "IoU.flag": 0.5233, "Acc.wall": 0.8677, "Acc.building": 0.9306, "Acc.sky": 0.972, "Acc.floor": 0.8952, "Acc.tree": 0.8973, "Acc.ceiling": 0.928, "Acc.road": 0.9169, "Acc.bed ": 0.9676, "Acc.windowpane": 0.79, "Acc.grass": 0.8138, "Acc.cabinet": 0.6919, "Acc.sidewalk": 0.8115, "Acc.person": 0.9172, "Acc.earth": 0.4202, "Acc.door": 0.6824, "Acc.table": 0.7218, "Acc.mountain": 0.7305, "Acc.plant": 0.6587, "Acc.curtain": 0.8708, "Acc.chair": 0.679, "Acc.car": 0.9304, "Acc.water": 0.7189, "Acc.painting": 0.8902, "Acc.sofa": 0.906, "Acc.shelf": 0.6296, "Acc.house": 0.6222, "Acc.sea": 0.9224, "Acc.mirror": 0.7581, "Acc.rug": 0.7576, "Acc.field": 0.6098, "Acc.armchair": 0.6123, "Acc.seat": 0.8887, "Acc.fence": 0.6084, "Acc.desk": 0.6713, "Acc.rock": 0.715, "Acc.wardrobe": 0.6838, "Acc.lamp": 0.7567, "Acc.bathtub": 0.8617, "Acc.railing": 0.5437, "Acc.cushion": 0.644, "Acc.base": 0.6291, "Acc.box": 0.3531, "Acc.column": 0.6495, "Acc.signboard": 0.4947, "Acc.chest of drawers": 0.6559, "Acc.counter": 0.4406, "Acc.sand": 0.6582, "Acc.sink": 0.7915, "Acc.skyscraper": 0.5768, "Acc.fireplace": 0.9184, "Acc.refrigerator": 0.8815, "Acc.grandstand": 0.8479, "Acc.path": 0.3496, "Acc.stairs": 0.3478, "Acc.runway": 0.8659, "Acc.case": 0.8221, "Acc.pool table": 0.9831, "Acc.pillow": 0.7701, "Acc.screen door": 0.8825, "Acc.stairway": 0.5932, "Acc.river": 0.4265, "Acc.bridge": 0.6592, "Acc.bookcase": 0.5678, "Acc.blind": 0.4752, "Acc.coffee table": 0.8565, "Acc.toilet": 0.9338, "Acc.flower": 0.5686, "Acc.book": 0.7319, "Acc.hill": 0.1017, "Acc.bench": 0.6211, "Acc.countertop": 0.7998, "Acc.stove": 0.8492, "Acc.palm": 0.8007, "Acc.kitchen island": 0.5564, "Acc.computer": 0.9186, "Acc.swivel chair": 0.7034, "Acc.boat": 0.8301, "Acc.bar": 0.7092, "Acc.arcade machine": 0.8247, "Acc.hovel": 0.6551, "Acc.bus": 0.9668, "Acc.towel": 0.8358, "Acc.light": 0.5149, "Acc.truck": 0.5064, "Acc.tower": 0.504, "Acc.chandelier": 0.8172, "Acc.awning": 0.3845, "Acc.streetlight": 0.328, "Acc.booth": 0.595, "Acc.television receiver": 0.8691, "Acc.airplane": 0.7089, "Acc.dirt track": 0.0, "Acc.apparel": 0.6953, "Acc.pole": 0.2611, "Acc.land": 0.0037, "Acc.bannister": 0.0874, "Acc.escalator": 0.8422, "Acc.ottoman": 0.7065, "Acc.bottle": 0.6555, "Acc.buffet": 0.5881, "Acc.poster": 0.1375, "Acc.stage": 0.1751, "Acc.van": 0.5904, "Acc.ship": 0.8948, "Acc.fountain": 0.353, "Acc.conveyer belt": 0.9779, "Acc.canopy": 0.5825, "Acc.washer": 0.8464, "Acc.plaything": 0.5884, "Acc.swimming pool": 0.6428, "Acc.stool": 0.587, "Acc.barrel": 0.8738, "Acc.basket": 0.4013, "Acc.waterfall": 0.9115, "Acc.tent": 0.9877, "Acc.bag": 0.1025, "Acc.minibike": 0.8533, "Acc.cradle": 0.9632, "Acc.oven": 0.606, "Acc.ball": 0.622, "Acc.food": 0.5314, "Acc.step": 0.1757, "Acc.tank": 0.6789, "Acc.trade name": 0.4278, "Acc.microwave": 0.6669, "Acc.pot": 0.4978, "Acc.animal": 0.6647, "Acc.bicycle": 0.737, "Acc.lake": 0.0669, "Acc.dishwasher": 0.677, "Acc.screen": 0.899, "Acc.blanket": 0.0199, "Acc.sculpture": 0.7461, "Acc.hood": 0.6898, "Acc.sconce": 0.216, "Acc.vase": 0.5216, "Acc.traffic light": 0.3189, "Acc.tray": 0.008, "Acc.ashcan": 0.591, "Acc.fan": 0.6706, "Acc.pier": 0.4327, "Acc.crt screen": 0.0571, "Acc.plate": 0.7822, "Acc.monitor": 0.0863, "Acc.bulletin board": 0.6218, "Acc.shower": 0.0, "Acc.radiator": 0.5882, "Acc.glass": 0.0918, "Acc.clock": 0.1551, "Acc.flag": 0.5886} {"mode": "train", "epoch": 16, "iter": 20050, "lr": 0.0, "memory": 14793, "data_time": 2.46059, "decode.loss_ce": 0.45548, "decode.acc_seg": 82.89504, "aux.loss_ce": 0.28398, "aux.acc_seg": 75.51924, "loss": 0.73945, "grad_norm": 16.22248, "time": 2.8725} {"mode": "train", "epoch": 16, "iter": 20100, "lr": 0.0, "memory": 14793, "data_time": 0.00575, "decode.loss_ce": 0.44332, "decode.acc_seg": 83.237, "aux.loss_ce": 0.2746, "aux.acc_seg": 76.54413, "loss": 0.71792, "grad_norm": 12.33348, "time": 0.41526} {"mode": "train", "epoch": 16, "iter": 20150, "lr": 0.0, "memory": 14793, "data_time": 0.00556, "decode.loss_ce": 0.46124, "decode.acc_seg": 81.38383, "aux.loss_ce": 0.28564, "aux.acc_seg": 74.7927, "loss": 0.74688, "grad_norm": 10.94604, "time": 0.40857} {"mode": "train", "epoch": 16, "iter": 20200, "lr": 0.0, "memory": 14793, "data_time": 0.00569, "decode.loss_ce": 0.43866, "decode.acc_seg": 82.80062, "aux.loss_ce": 0.27639, "aux.acc_seg": 75.80717, "loss": 0.71505, "grad_norm": 11.21438, "time": 0.41127} {"mode": "train", "epoch": 17, "iter": 20250, "lr": 0.0, "memory": 14793, "data_time": 0.05106, "decode.loss_ce": 0.46155, "decode.acc_seg": 81.8468, "aux.loss_ce": 0.29198, "aux.acc_seg": 74.63769, "loss": 0.75352, "grad_norm": 14.64892, "time": 0.45964} {"mode": "train", "epoch": 17, "iter": 20300, "lr": 0.0, "memory": 14793, "data_time": 0.00549, "decode.loss_ce": 0.44262, "decode.acc_seg": 82.9009, "aux.loss_ce": 0.28623, "aux.acc_seg": 74.90617, "loss": 0.72885, "grad_norm": 14.05124, "time": 0.41407} {"mode": "train", "epoch": 17, "iter": 20350, "lr": 0.0, "memory": 14793, "data_time": 0.00593, "decode.loss_ce": 0.42921, "decode.acc_seg": 82.80199, "aux.loss_ce": 0.26793, "aux.acc_seg": 76.31678, "loss": 0.69714, "grad_norm": 15.90318, "time": 0.42818} {"mode": "train", "epoch": 17, "iter": 20400, "lr": 0.0, "memory": 14793, "data_time": 0.00558, "decode.loss_ce": 0.42927, "decode.acc_seg": 83.45576, "aux.loss_ce": 0.2677, "aux.acc_seg": 76.41359, "loss": 0.69697, "grad_norm": 16.06484, "time": 0.41777} {"mode": "train", "epoch": 17, "iter": 20450, "lr": 0.0, "memory": 14793, "data_time": 0.00555, "decode.loss_ce": 0.44327, "decode.acc_seg": 83.34755, "aux.loss_ce": 0.27277, "aux.acc_seg": 76.62502, "loss": 0.71604, "grad_norm": 13.7832, "time": 0.40782} {"mode": "train", "epoch": 17, "iter": 20500, "lr": 0.0, "memory": 14793, "data_time": 0.00584, "decode.loss_ce": 0.43761, "decode.acc_seg": 82.70036, "aux.loss_ce": 0.27921, "aux.acc_seg": 75.49562, "loss": 0.71682, "grad_norm": 11.9889, "time": 0.41462} {"mode": "train", "epoch": 17, "iter": 20550, "lr": 0.0, "memory": 14793, "data_time": 0.00561, "decode.loss_ce": 0.453, "decode.acc_seg": 82.46611, "aux.loss_ce": 0.27564, "aux.acc_seg": 75.55265, "loss": 0.72864, "grad_norm": 12.77347, "time": 0.41179} {"mode": "train", "epoch": 17, "iter": 20600, "lr": 0.0, "memory": 14793, "data_time": 0.00553, "decode.loss_ce": 0.44831, "decode.acc_seg": 83.41191, "aux.loss_ce": 0.28159, "aux.acc_seg": 76.5178, "loss": 0.7299, "grad_norm": 13.5261, "time": 0.41249} {"mode": "train", "epoch": 17, "iter": 20650, "lr": 0.0, "memory": 14793, "data_time": 0.00568, "decode.loss_ce": 0.444, "decode.acc_seg": 82.97457, "aux.loss_ce": 0.29014, "aux.acc_seg": 75.11622, "loss": 0.73414, "grad_norm": 19.04959, "time": 0.40551} {"mode": "train", "epoch": 17, "iter": 20700, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.43451, "decode.acc_seg": 82.6949, "aux.loss_ce": 0.27748, "aux.acc_seg": 75.93342, "loss": 0.71199, "grad_norm": 12.00971, "time": 0.41226} {"mode": "train", "epoch": 17, "iter": 20750, "lr": 0.0, "memory": 14793, "data_time": 0.00532, "decode.loss_ce": 0.42832, "decode.acc_seg": 82.97115, "aux.loss_ce": 0.2734, "aux.acc_seg": 75.63155, "loss": 0.70172, "grad_norm": 15.33985, "time": 0.42053} {"mode": "train", "epoch": 17, "iter": 20800, "lr": 0.0, "memory": 14793, "data_time": 0.00561, "decode.loss_ce": 0.43504, "decode.acc_seg": 82.42325, "aux.loss_ce": 0.27323, "aux.acc_seg": 76.02414, "loss": 0.70827, "grad_norm": 12.36243, "time": 0.41585} {"mode": "train", "epoch": 17, "iter": 20850, "lr": 0.0, "memory": 14793, "data_time": 0.00653, "decode.loss_ce": 0.44218, "decode.acc_seg": 82.91567, "aux.loss_ce": 0.28099, "aux.acc_seg": 75.66983, "loss": 0.72317, "grad_norm": 16.89027, "time": 0.4092} {"mode": "train", "epoch": 17, "iter": 20900, "lr": 0.0, "memory": 14793, "data_time": 0.00506, "decode.loss_ce": 0.43695, "decode.acc_seg": 83.22267, "aux.loss_ce": 0.2771, "aux.acc_seg": 76.03989, "loss": 0.71406, "grad_norm": 15.38247, "time": 0.40765} {"mode": "train", "epoch": 17, "iter": 20950, "lr": 0.0, "memory": 14793, "data_time": 0.00563, "decode.loss_ce": 0.427, "decode.acc_seg": 83.63783, "aux.loss_ce": 0.27609, "aux.acc_seg": 76.13979, "loss": 0.7031, "grad_norm": 13.43579, "time": 0.41038} {"mode": "train", "epoch": 17, "iter": 21000, "lr": 0.0, "memory": 14793, "data_time": 0.00529, "decode.loss_ce": 0.427, "decode.acc_seg": 82.39763, "aux.loss_ce": 0.26777, "aux.acc_seg": 76.18591, "loss": 0.69477, "grad_norm": 13.10229, "time": 0.64741} {"mode": "val", "epoch": 17, "iter": 125, "lr": 0.0, "aAcc": 0.8344, "mIoU": 0.4956, "mAcc": 0.6249, "IoU.wall": 0.7761, "IoU.building": 0.8405, "IoU.sky": 0.9447, "IoU.floor": 0.8155, "IoU.tree": 0.7536, "IoU.ceiling": 0.8435, "IoU.road": 0.8258, "IoU.bed ": 0.9032, "IoU.windowpane": 0.6196, "IoU.grass": 0.6524, "IoU.cabinet": 0.6212, "IoU.sidewalk": 0.6369, "IoU.person": 0.8151, "IoU.earth": 0.3467, "IoU.door": 0.5078, "IoU.table": 0.6092, "IoU.mountain": 0.6248, "IoU.plant": 0.5338, "IoU.curtain": 0.7486, "IoU.chair": 0.5634, "IoU.car": 0.8457, "IoU.water": 0.6163, "IoU.painting": 0.6861, "IoU.sofa": 0.6814, "IoU.shelf": 0.44, "IoU.house": 0.544, "IoU.sea": 0.6869, "IoU.mirror": 0.6576, "IoU.rug": 0.6218, "IoU.field": 0.2676, "IoU.armchair": 0.429, "IoU.seat": 0.6293, "IoU.fence": 0.476, "IoU.desk": 0.4659, "IoU.rock": 0.4565, "IoU.wardrobe": 0.4957, "IoU.lamp": 0.5932, "IoU.bathtub": 0.7668, "IoU.railing": 0.3983, "IoU.cushion": 0.5926, "IoU.base": 0.3958, "IoU.box": 0.2525, "IoU.column": 0.5162, "IoU.signboard": 0.3695, "IoU.chest of drawers": 0.4052, "IoU.counter": 0.3367, "IoU.sand": 0.5262, "IoU.sink": 0.7073, "IoU.skyscraper": 0.5735, "IoU.fireplace": 0.6391, "IoU.refrigerator": 0.6754, "IoU.grandstand": 0.4415, "IoU.path": 0.2512, "IoU.stairs": 0.3686, "IoU.runway": 0.663, "IoU.case": 0.5841, "IoU.pool table": 0.9097, "IoU.pillow": 0.5639, "IoU.screen door": 0.5693, "IoU.stairway": 0.4656, "IoU.river": 0.2327, "IoU.bridge": 0.6799, "IoU.bookcase": 0.3937, "IoU.blind": 0.3244, "IoU.coffee table": 0.5788, "IoU.toilet": 0.8217, "IoU.flower": 0.3847, "IoU.book": 0.4796, "IoU.hill": 0.0501, "IoU.bench": 0.5533, "IoU.countertop": 0.563, "IoU.stove": 0.7535, "IoU.palm": 0.5192, "IoU.kitchen island": 0.2818, "IoU.computer": 0.7347, "IoU.swivel chair": 0.457, "IoU.boat": 0.7465, "IoU.bar": 0.546, "IoU.arcade machine": 0.7603, "IoU.hovel": 0.5909, "IoU.bus": 0.8881, "IoU.towel": 0.6081, "IoU.light": 0.3859, "IoU.truck": 0.3621, "IoU.tower": 0.2563, "IoU.chandelier": 0.6215, "IoU.awning": 0.3021, "IoU.streetlight": 0.2416, "IoU.booth": 0.3283, "IoU.television receiver": 0.7414, "IoU.airplane": 0.6148, "IoU.dirt track": 0.0309, "IoU.apparel": 0.4544, "IoU.pole": 0.1593, "IoU.land": 0.0171, "IoU.bannister": 0.0819, "IoU.escalator": 0.5404, "IoU.ottoman": 0.5462, "IoU.bottle": 0.3887, "IoU.buffet": 0.4442, "IoU.poster": 0.121, "IoU.stage": 0.1286, "IoU.van": 0.3712, "IoU.ship": 0.8292, "IoU.fountain": 0.2745, "IoU.conveyer belt": 0.7362, "IoU.canopy": 0.4066, "IoU.washer": 0.7561, "IoU.plaything": 0.3091, "IoU.swimming pool": 0.5407, "IoU.stool": 0.3651, "IoU.barrel": 0.6179, "IoU.basket": 0.3051, "IoU.waterfall": 0.5206, "IoU.tent": 0.9157, "IoU.bag": 0.09, "IoU.minibike": 0.7127, "IoU.cradle": 0.7211, "IoU.oven": 0.3199, "IoU.ball": 0.1924, "IoU.food": 0.5165, "IoU.step": 0.0678, "IoU.tank": 0.5802, "IoU.trade name": 0.2632, "IoU.microwave": 0.7263, "IoU.pot": 0.4371, "IoU.animal": 0.5431, "IoU.bicycle": 0.574, "IoU.lake": 0.4556, "IoU.dishwasher": 0.5806, "IoU.screen": 0.561, "IoU.blanket": 0.0425, "IoU.sculpture": 0.6151, "IoU.hood": 0.6092, "IoU.sconce": 0.2065, "IoU.vase": 0.3207, "IoU.traffic light": 0.2147, "IoU.tray": 0.0026, "IoU.ashcan": 0.4619, "IoU.fan": 0.5672, "IoU.pier": 0.3749, "IoU.crt screen": 0.0352, "IoU.plate": 0.4902, "IoU.monitor": 0.0393, "IoU.bulletin board": 0.5371, "IoU.shower": 0.0, "IoU.radiator": 0.5319, "IoU.glass": 0.1047, "IoU.clock": 0.1549, "IoU.flag": 0.4841, "Acc.wall": 0.8659, "Acc.building": 0.9427, "Acc.sky": 0.9681, "Acc.floor": 0.8883, "Acc.tree": 0.8936, "Acc.ceiling": 0.9291, "Acc.road": 0.9004, "Acc.bed ": 0.9663, "Acc.windowpane": 0.8212, "Acc.grass": 0.7783, "Acc.cabinet": 0.7255, "Acc.sidewalk": 0.8365, "Acc.person": 0.9241, "Acc.earth": 0.4465, "Acc.door": 0.6747, "Acc.table": 0.7575, "Acc.mountain": 0.759, "Acc.plant": 0.6292, "Acc.curtain": 0.876, "Acc.chair": 0.6698, "Acc.car": 0.9376, "Acc.water": 0.7434, "Acc.painting": 0.8786, "Acc.sofa": 0.8239, "Acc.shelf": 0.6381, "Acc.house": 0.5925, "Acc.sea": 0.9038, "Acc.mirror": 0.7385, "Acc.rug": 0.7289, "Acc.field": 0.6349, "Acc.armchair": 0.6916, "Acc.seat": 0.8505, "Acc.fence": 0.646, "Acc.desk": 0.7007, "Acc.rock": 0.5953, "Acc.wardrobe": 0.647, "Acc.lamp": 0.7504, "Acc.bathtub": 0.8644, "Acc.railing": 0.5194, "Acc.cushion": 0.7432, "Acc.base": 0.5004, "Acc.box": 0.3269, "Acc.column": 0.6377, "Acc.signboard": 0.4674, "Acc.chest of drawers": 0.5465, "Acc.counter": 0.4331, "Acc.sand": 0.7068, "Acc.sink": 0.7795, "Acc.skyscraper": 0.7317, "Acc.fireplace": 0.9371, "Acc.refrigerator": 0.8522, "Acc.grandstand": 0.8506, "Acc.path": 0.3627, "Acc.stairs": 0.4574, "Acc.runway": 0.8966, "Acc.case": 0.7489, "Acc.pool table": 0.9848, "Acc.pillow": 0.6448, "Acc.screen door": 0.8549, "Acc.stairway": 0.538, "Acc.river": 0.3929, "Acc.bridge": 0.7787, "Acc.bookcase": 0.6595, "Acc.blind": 0.3706, "Acc.coffee table": 0.8497, "Acc.toilet": 0.9284, "Acc.flower": 0.5679, "Acc.book": 0.6849, "Acc.hill": 0.0861, "Acc.bench": 0.6646, "Acc.countertop": 0.739, "Acc.stove": 0.8767, "Acc.palm": 0.7791, "Acc.kitchen island": 0.5292, "Acc.computer": 0.916, "Acc.swivel chair": 0.8121, "Acc.boat": 0.8662, "Acc.bar": 0.7616, "Acc.arcade machine": 0.829, "Acc.hovel": 0.7196, "Acc.bus": 0.9698, "Acc.towel": 0.8194, "Acc.light": 0.4181, "Acc.truck": 0.4992, "Acc.tower": 0.4164, "Acc.chandelier": 0.8298, "Acc.awning": 0.3868, "Acc.streetlight": 0.3432, "Acc.booth": 0.6495, "Acc.television receiver": 0.8494, "Acc.airplane": 0.7133, "Acc.dirt track": 0.0489, "Acc.apparel": 0.5985, "Acc.pole": 0.1916, "Acc.land": 0.0211, "Acc.bannister": 0.0923, "Acc.escalator": 0.8505, "Acc.ottoman": 0.7272, "Acc.bottle": 0.6298, "Acc.buffet": 0.6541, "Acc.poster": 0.1339, "Acc.stage": 0.2881, "Acc.van": 0.4627, "Acc.ship": 0.9549, "Acc.fountain": 0.2841, "Acc.conveyer belt": 0.9747, "Acc.canopy": 0.5347, "Acc.washer": 0.7933, "Acc.plaything": 0.4036, "Acc.swimming pool": 0.7018, "Acc.stool": 0.5121, "Acc.barrel": 0.8516, "Acc.basket": 0.3951, "Acc.waterfall": 0.6942, "Acc.tent": 0.9901, "Acc.bag": 0.0922, "Acc.minibike": 0.8533, "Acc.cradle": 0.9781, "Acc.oven": 0.5048, "Acc.ball": 0.2175, "Acc.food": 0.6352, "Acc.step": 0.0706, "Acc.tank": 0.675, "Acc.trade name": 0.2983, "Acc.microwave": 0.8239, "Acc.pot": 0.4969, "Acc.animal": 0.5551, "Acc.bicycle": 0.7452, "Acc.lake": 0.5013, "Acc.dishwasher": 0.6628, "Acc.screen": 0.9028, "Acc.blanket": 0.0467, "Acc.sculpture": 0.7738, "Acc.hood": 0.6872, "Acc.sconce": 0.2245, "Acc.vase": 0.4537, "Acc.traffic light": 0.3546, "Acc.tray": 0.0026, "Acc.ashcan": 0.5725, "Acc.fan": 0.6851, "Acc.pier": 0.4286, "Acc.crt screen": 0.0948, "Acc.plate": 0.7022, "Acc.monitor": 0.0436, "Acc.bulletin board": 0.6046, "Acc.shower": 0.0, "Acc.radiator": 0.6009, "Acc.glass": 0.1089, "Acc.clock": 0.1727, "Acc.flag": 0.5325} {"mode": "train", "epoch": 17, "iter": 21050, "lr": 0.0, "memory": 14793, "data_time": 2.39577, "decode.loss_ce": 0.46683, "decode.acc_seg": 82.12794, "aux.loss_ce": 0.28595, "aux.acc_seg": 75.63891, "loss": 0.75277, "grad_norm": 12.83745, "time": 2.80523} {"mode": "train", "epoch": 17, "iter": 21100, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.45352, "decode.acc_seg": 82.61455, "aux.loss_ce": 0.28362, "aux.acc_seg": 75.28264, "loss": 0.73713, "grad_norm": 12.79786, "time": 0.41645} {"mode": "train", "epoch": 17, "iter": 21150, "lr": 0.0, "memory": 14793, "data_time": 0.00582, "decode.loss_ce": 0.48208, "decode.acc_seg": 80.89496, "aux.loss_ce": 0.30212, "aux.acc_seg": 73.45074, "loss": 0.78421, "grad_norm": 19.21865, "time": 0.42158} {"mode": "train", "epoch": 17, "iter": 21200, "lr": 0.0, "memory": 14793, "data_time": 0.0058, "decode.loss_ce": 0.44213, "decode.acc_seg": 82.87379, "aux.loss_ce": 0.28663, "aux.acc_seg": 75.37227, "loss": 0.72876, "grad_norm": 15.30399, "time": 0.41994} {"mode": "train", "epoch": 17, "iter": 21250, "lr": 0.0, "memory": 14793, "data_time": 0.00543, "decode.loss_ce": 0.44527, "decode.acc_seg": 83.07181, "aux.loss_ce": 0.27758, "aux.acc_seg": 75.70367, "loss": 0.72285, "grad_norm": 14.70106, "time": 0.40955} {"mode": "train", "epoch": 17, "iter": 21300, "lr": 0.0, "memory": 14793, "data_time": 0.00692, "decode.loss_ce": 0.46645, "decode.acc_seg": 82.66637, "aux.loss_ce": 0.28915, "aux.acc_seg": 75.59985, "loss": 0.7556, "grad_norm": 16.59989, "time": 0.41241} {"mode": "train", "epoch": 17, "iter": 21350, "lr": 0.0, "memory": 14793, "data_time": 0.00558, "decode.loss_ce": 0.43283, "decode.acc_seg": 82.92822, "aux.loss_ce": 0.26641, "aux.acc_seg": 76.80473, "loss": 0.69924, "grad_norm": 14.42531, "time": 0.41153} {"mode": "train", "epoch": 17, "iter": 21400, "lr": 0.0, "memory": 14793, "data_time": 0.00559, "decode.loss_ce": 0.4104, "decode.acc_seg": 83.60763, "aux.loss_ce": 0.25456, "aux.acc_seg": 76.51357, "loss": 0.66496, "grad_norm": 16.22688, "time": 0.40843} {"mode": "train", "epoch": 17, "iter": 21450, "lr": 0.0, "memory": 14793, "data_time": 0.00578, "decode.loss_ce": 0.4667, "decode.acc_seg": 81.49563, "aux.loss_ce": 0.28674, "aux.acc_seg": 74.78335, "loss": 0.75344, "grad_norm": 15.89074, "time": 0.40719} {"mode": "train", "epoch": 18, "iter": 21500, "lr": 0.0, "memory": 14793, "data_time": 0.05058, "decode.loss_ce": 0.43219, "decode.acc_seg": 83.25584, "aux.loss_ce": 0.26809, "aux.acc_seg": 76.61698, "loss": 0.70028, "grad_norm": 17.65247, "time": 0.47049} {"mode": "train", "epoch": 18, "iter": 21550, "lr": 0.0, "memory": 14793, "data_time": 0.00604, "decode.loss_ce": 0.41805, "decode.acc_seg": 83.43018, "aux.loss_ce": 0.28, "aux.acc_seg": 75.70064, "loss": 0.69805, "grad_norm": 17.32611, "time": 0.41898} {"mode": "train", "epoch": 18, "iter": 21600, "lr": 0.0, "memory": 14793, "data_time": 0.00549, "decode.loss_ce": 0.40743, "decode.acc_seg": 83.75353, "aux.loss_ce": 0.26516, "aux.acc_seg": 76.94019, "loss": 0.67259, "grad_norm": 16.6812, "time": 0.43373} {"mode": "train", "epoch": 18, "iter": 21650, "lr": 0.0, "memory": 14793, "data_time": 0.00559, "decode.loss_ce": 0.44566, "decode.acc_seg": 82.19091, "aux.loss_ce": 0.27304, "aux.acc_seg": 75.42273, "loss": 0.7187, "grad_norm": 22.86114, "time": 0.41302} {"mode": "train", "epoch": 18, "iter": 21700, "lr": 0.0, "memory": 14793, "data_time": 0.00522, "decode.loss_ce": 0.42856, "decode.acc_seg": 83.18486, "aux.loss_ce": 0.27837, "aux.acc_seg": 75.7798, "loss": 0.70693, "grad_norm": 13.05139, "time": 0.40909} {"mode": "train", "epoch": 18, "iter": 21750, "lr": 0.0, "memory": 14793, "data_time": 0.0052, "decode.loss_ce": 0.42421, "decode.acc_seg": 83.42739, "aux.loss_ce": 0.27183, "aux.acc_seg": 76.66517, "loss": 0.69603, "grad_norm": 14.91712, "time": 0.41453} {"mode": "train", "epoch": 18, "iter": 21800, "lr": 0.0, "memory": 14793, "data_time": 0.00757, "decode.loss_ce": 0.42284, "decode.acc_seg": 83.10237, "aux.loss_ce": 0.26974, "aux.acc_seg": 75.86934, "loss": 0.69258, "grad_norm": 11.88936, "time": 0.41378} {"mode": "train", "epoch": 18, "iter": 21850, "lr": 0.0, "memory": 14793, "data_time": 0.0051, "decode.loss_ce": 0.43987, "decode.acc_seg": 82.78101, "aux.loss_ce": 0.27852, "aux.acc_seg": 75.88129, "loss": 0.71839, "grad_norm": 15.33922, "time": 0.40601} {"mode": "train", "epoch": 18, "iter": 21900, "lr": 0.0, "memory": 14793, "data_time": 0.00557, "decode.loss_ce": 0.45187, "decode.acc_seg": 82.80558, "aux.loss_ce": 0.27529, "aux.acc_seg": 76.28522, "loss": 0.72716, "grad_norm": 12.69686, "time": 0.41248} {"mode": "train", "epoch": 18, "iter": 21950, "lr": 0.0, "memory": 14793, "data_time": 0.00551, "decode.loss_ce": 0.43579, "decode.acc_seg": 82.89831, "aux.loss_ce": 0.29661, "aux.acc_seg": 74.40158, "loss": 0.73239, "grad_norm": 12.44406, "time": 0.41315} {"mode": "train", "epoch": 18, "iter": 22000, "lr": 0.0, "memory": 14793, "data_time": 0.00713, "decode.loss_ce": 0.43985, "decode.acc_seg": 83.47509, "aux.loss_ce": 0.27339, "aux.acc_seg": 76.55439, "loss": 0.71324, "grad_norm": 19.20408, "time": 0.6693} {"mode": "val", "epoch": 18, "iter": 125, "lr": 0.0, "aAcc": 0.8369, "mIoU": 0.4987, "mAcc": 0.6298, "IoU.wall": 0.779, "IoU.building": 0.8305, "IoU.sky": 0.9451, "IoU.floor": 0.8182, "IoU.tree": 0.7567, "IoU.ceiling": 0.8392, "IoU.road": 0.8361, "IoU.bed ": 0.8992, "IoU.windowpane": 0.6137, "IoU.grass": 0.6916, "IoU.cabinet": 0.6189, "IoU.sidewalk": 0.6553, "IoU.person": 0.8185, "IoU.earth": 0.4088, "IoU.door": 0.5144, "IoU.table": 0.6078, "IoU.mountain": 0.6447, "IoU.plant": 0.551, "IoU.curtain": 0.7565, "IoU.chair": 0.5829, "IoU.car": 0.8493, "IoU.water": 0.6061, "IoU.painting": 0.6894, "IoU.sofa": 0.6901, "IoU.shelf": 0.4374, "IoU.house": 0.513, "IoU.sea": 0.6827, "IoU.mirror": 0.6502, "IoU.rug": 0.6484, "IoU.field": 0.2825, "IoU.armchair": 0.4451, "IoU.seat": 0.6461, "IoU.fence": 0.463, "IoU.desk": 0.4864, "IoU.rock": 0.5035, "IoU.wardrobe": 0.5001, "IoU.lamp": 0.595, "IoU.bathtub": 0.7745, "IoU.railing": 0.3869, "IoU.cushion": 0.5814, "IoU.base": 0.3677, "IoU.box": 0.2673, "IoU.column": 0.5095, "IoU.signboard": 0.3568, "IoU.chest of drawers": 0.4303, "IoU.counter": 0.4325, "IoU.sand": 0.486, "IoU.sink": 0.7196, "IoU.skyscraper": 0.6196, "IoU.fireplace": 0.6794, "IoU.refrigerator": 0.6764, "IoU.grandstand": 0.4662, "IoU.path": 0.2541, "IoU.stairs": 0.3466, "IoU.runway": 0.649, "IoU.case": 0.5692, "IoU.pool table": 0.9237, "IoU.pillow": 0.5927, "IoU.screen door": 0.5495, "IoU.stairway": 0.4473, "IoU.river": 0.2034, "IoU.bridge": 0.5393, "IoU.bookcase": 0.3732, "IoU.blind": 0.3141, "IoU.coffee table": 0.5566, "IoU.toilet": 0.8264, "IoU.flower": 0.421, "IoU.book": 0.4724, "IoU.hill": 0.0528, "IoU.bench": 0.5774, "IoU.countertop": 0.5704, "IoU.stove": 0.7537, "IoU.palm": 0.5432, "IoU.kitchen island": 0.3128, "IoU.computer": 0.7443, "IoU.swivel chair": 0.5136, "IoU.boat": 0.6973, "IoU.bar": 0.573, "IoU.arcade machine": 0.7518, "IoU.hovel": 0.5864, "IoU.bus": 0.86, "IoU.towel": 0.6267, "IoU.light": 0.4027, "IoU.truck": 0.3837, "IoU.tower": 0.2728, "IoU.chandelier": 0.6257, "IoU.awning": 0.2704, "IoU.streetlight": 0.2361, "IoU.booth": 0.4095, "IoU.television receiver": 0.7226, "IoU.airplane": 0.6353, "IoU.dirt track": 0.0575, "IoU.apparel": 0.4634, "IoU.pole": 0.1443, "IoU.land": 0.0052, "IoU.bannister": 0.0786, "IoU.escalator": 0.5279, "IoU.ottoman": 0.5589, "IoU.bottle": 0.3976, "IoU.buffet": 0.4652, "IoU.poster": 0.2426, "IoU.stage": 0.1328, "IoU.van": 0.4045, "IoU.ship": 0.7913, "IoU.fountain": 0.3087, "IoU.conveyer belt": 0.6759, "IoU.canopy": 0.4504, "IoU.washer": 0.7521, "IoU.plaything": 0.3414, "IoU.swimming pool": 0.4728, "IoU.stool": 0.3443, "IoU.barrel": 0.599, "IoU.basket": 0.3167, "IoU.waterfall": 0.6804, "IoU.tent": 0.8866, "IoU.bag": 0.0823, "IoU.minibike": 0.703, "IoU.cradle": 0.7318, "IoU.oven": 0.3268, "IoU.ball": 0.3585, "IoU.food": 0.4713, "IoU.step": 0.0974, "IoU.tank": 0.5867, "IoU.trade name": 0.2686, "IoU.microwave": 0.7819, "IoU.pot": 0.443, "IoU.animal": 0.5976, "IoU.bicycle": 0.5741, "IoU.lake": 0.0436, "IoU.dishwasher": 0.5432, "IoU.screen": 0.5293, "IoU.blanket": 0.0419, "IoU.sculpture": 0.6291, "IoU.hood": 0.5799, "IoU.sconce": 0.1927, "IoU.vase": 0.3272, "IoU.traffic light": 0.2134, "IoU.tray": 0.0034, "IoU.ashcan": 0.4465, "IoU.fan": 0.5547, "IoU.pier": 0.3495, "IoU.crt screen": 0.0013, "IoU.plate": 0.4909, "IoU.monitor": 0.1363, "IoU.bulletin board": 0.494, "IoU.shower": 0.0, "IoU.radiator": 0.5289, "IoU.glass": 0.1133, "IoU.clock": 0.1621, "IoU.flag": 0.5287, "Acc.wall": 0.8737, "Acc.building": 0.9214, "Acc.sky": 0.9696, "Acc.floor": 0.8975, "Acc.tree": 0.9004, "Acc.ceiling": 0.903, "Acc.road": 0.891, "Acc.bed ": 0.9717, "Acc.windowpane": 0.8214, "Acc.grass": 0.8181, "Acc.cabinet": 0.7127, "Acc.sidewalk": 0.8436, "Acc.person": 0.9098, "Acc.earth": 0.5863, "Acc.door": 0.6763, "Acc.table": 0.728, "Acc.mountain": 0.7506, "Acc.plant": 0.6409, "Acc.curtain": 0.8896, "Acc.chair": 0.6951, "Acc.car": 0.9329, "Acc.water": 0.7464, "Acc.painting": 0.8796, "Acc.sofa": 0.8143, "Acc.shelf": 0.6268, "Acc.house": 0.7649, "Acc.sea": 0.9385, "Acc.mirror": 0.7614, "Acc.rug": 0.7868, "Acc.field": 0.44, "Acc.armchair": 0.7251, "Acc.seat": 0.834, "Acc.fence": 0.558, "Acc.desk": 0.7459, "Acc.rock": 0.7157, "Acc.wardrobe": 0.6444, "Acc.lamp": 0.6977, "Acc.bathtub": 0.8487, "Acc.railing": 0.4885, "Acc.cushion": 0.6672, "Acc.base": 0.5046, "Acc.box": 0.3233, "Acc.column": 0.6213, "Acc.signboard": 0.4758, "Acc.chest of drawers": 0.64, "Acc.counter": 0.5587, "Acc.sand": 0.6636, "Acc.sink": 0.8298, "Acc.skyscraper": 0.8628, "Acc.fireplace": 0.9022, "Acc.refrigerator": 0.8575, "Acc.grandstand": 0.8397, "Acc.path": 0.3627, "Acc.stairs": 0.4369, "Acc.runway": 0.8708, "Acc.case": 0.8835, "Acc.pool table": 0.9794, "Acc.pillow": 0.7247, "Acc.screen door": 0.8657, "Acc.stairway": 0.5767, "Acc.river": 0.3137, "Acc.bridge": 0.6202, "Acc.bookcase": 0.6561, "Acc.blind": 0.3376, "Acc.coffee table": 0.8743, "Acc.toilet": 0.9227, "Acc.flower": 0.6229, "Acc.book": 0.6827, "Acc.hill": 0.1113, "Acc.bench": 0.6571, "Acc.countertop": 0.7542, "Acc.stove": 0.8901, "Acc.palm": 0.7181, "Acc.kitchen island": 0.6282, "Acc.computer": 0.8979, "Acc.swivel chair": 0.6873, "Acc.boat": 0.817, "Acc.bar": 0.745, "Acc.arcade machine": 0.8389, "Acc.hovel": 0.7259, "Acc.bus": 0.9674, "Acc.towel": 0.8517, "Acc.light": 0.4441, "Acc.truck": 0.5525, "Acc.tower": 0.4312, "Acc.chandelier": 0.8443, "Acc.awning": 0.3087, "Acc.streetlight": 0.3069, "Acc.booth": 0.5868, "Acc.television receiver": 0.7932, "Acc.airplane": 0.7269, "Acc.dirt track": 0.1933, "Acc.apparel": 0.6356, "Acc.pole": 0.1632, "Acc.land": 0.0072, "Acc.bannister": 0.0894, "Acc.escalator": 0.7704, "Acc.ottoman": 0.752, "Acc.bottle": 0.6325, "Acc.buffet": 0.6206, "Acc.poster": 0.2865, "Acc.stage": 0.2717, "Acc.van": 0.5099, "Acc.ship": 0.8884, "Acc.fountain": 0.3142, "Acc.conveyer belt": 0.9763, "Acc.canopy": 0.5464, "Acc.washer": 0.7932, "Acc.plaything": 0.6056, "Acc.swimming pool": 0.7584, "Acc.stool": 0.4814, "Acc.barrel": 0.792, "Acc.basket": 0.3935, "Acc.waterfall": 0.8642, "Acc.tent": 0.9914, "Acc.bag": 0.0835, "Acc.minibike": 0.8761, "Acc.cradle": 0.9624, "Acc.oven": 0.4158, "Acc.ball": 0.4174, "Acc.food": 0.5715, "Acc.step": 0.1069, "Acc.tank": 0.6878, "Acc.trade name": 0.3009, "Acc.microwave": 0.8892, "Acc.pot": 0.5083, "Acc.animal": 0.6131, "Acc.bicycle": 0.7653, "Acc.lake": 0.0461, "Acc.dishwasher": 0.7066, "Acc.screen": 0.9071, "Acc.blanket": 0.0449, "Acc.sculpture": 0.8035, "Acc.hood": 0.6127, "Acc.sconce": 0.208, "Acc.vase": 0.4905, "Acc.traffic light": 0.3248, "Acc.tray": 0.0035, "Acc.ashcan": 0.5716, "Acc.fan": 0.725, "Acc.pier": 0.4359, "Acc.crt screen": 0.0031, "Acc.plate": 0.7526, "Acc.monitor": 0.1743, "Acc.bulletin board": 0.5659, "Acc.shower": 0.0, "Acc.radiator": 0.5682, "Acc.glass": 0.1192, "Acc.clock": 0.1824, "Acc.flag": 0.5729} {"mode": "train", "epoch": 18, "iter": 22050, "lr": 0.0, "memory": 14793, "data_time": 2.41305, "decode.loss_ce": 0.42906, "decode.acc_seg": 83.09925, "aux.loss_ce": 0.27145, "aux.acc_seg": 75.62771, "loss": 0.70051, "grad_norm": 15.65213, "time": 2.83738} {"mode": "train", "epoch": 18, "iter": 22100, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.43625, "decode.acc_seg": 83.58416, "aux.loss_ce": 0.27982, "aux.acc_seg": 76.25193, "loss": 0.71606, "grad_norm": 13.19301, "time": 0.4094} {"mode": "train", "epoch": 18, "iter": 22150, "lr": 0.0, "memory": 14793, "data_time": 0.00532, "decode.loss_ce": 0.43609, "decode.acc_seg": 83.44286, "aux.loss_ce": 0.27283, "aux.acc_seg": 76.42518, "loss": 0.70892, "grad_norm": 13.66476, "time": 0.40784} {"mode": "train", "epoch": 18, "iter": 22200, "lr": 0.0, "memory": 14793, "data_time": 0.0054, "decode.loss_ce": 0.42187, "decode.acc_seg": 83.89974, "aux.loss_ce": 0.27051, "aux.acc_seg": 76.09011, "loss": 0.69239, "grad_norm": 11.74773, "time": 0.40201} {"mode": "train", "epoch": 18, "iter": 22250, "lr": 0.0, "memory": 14793, "data_time": 0.00576, "decode.loss_ce": 0.42312, "decode.acc_seg": 83.63547, "aux.loss_ce": 0.26573, "aux.acc_seg": 76.91749, "loss": 0.68886, "grad_norm": 13.96085, "time": 0.40578} {"mode": "train", "epoch": 18, "iter": 22300, "lr": 0.0, "memory": 14793, "data_time": 0.00723, "decode.loss_ce": 0.44151, "decode.acc_seg": 82.15432, "aux.loss_ce": 0.28147, "aux.acc_seg": 74.9977, "loss": 0.72298, "grad_norm": 14.49482, "time": 0.4114} {"mode": "train", "epoch": 18, "iter": 22350, "lr": 0.0, "memory": 14793, "data_time": 0.00583, "decode.loss_ce": 0.43879, "decode.acc_seg": 82.81313, "aux.loss_ce": 0.28494, "aux.acc_seg": 74.8914, "loss": 0.72373, "grad_norm": 13.23809, "time": 0.41894} {"mode": "train", "epoch": 18, "iter": 22400, "lr": 0.0, "memory": 14793, "data_time": 0.00559, "decode.loss_ce": 0.42628, "decode.acc_seg": 82.77396, "aux.loss_ce": 0.25941, "aux.acc_seg": 77.00855, "loss": 0.68569, "grad_norm": 11.62187, "time": 0.42158} {"mode": "train", "epoch": 18, "iter": 22450, "lr": 0.0, "memory": 14793, "data_time": 0.0064, "decode.loss_ce": 0.41133, "decode.acc_seg": 83.44122, "aux.loss_ce": 0.26193, "aux.acc_seg": 76.38235, "loss": 0.67325, "grad_norm": 15.53091, "time": 0.42274} {"mode": "train", "epoch": 18, "iter": 22500, "lr": 0.0, "memory": 14793, "data_time": 0.00558, "decode.loss_ce": 0.41698, "decode.acc_seg": 83.40252, "aux.loss_ce": 0.26146, "aux.acc_seg": 76.47396, "loss": 0.67844, "grad_norm": 11.42356, "time": 0.41201} {"mode": "train", "epoch": 18, "iter": 22550, "lr": 0.0, "memory": 14793, "data_time": 0.00592, "decode.loss_ce": 0.45288, "decode.acc_seg": 82.73977, "aux.loss_ce": 0.28335, "aux.acc_seg": 75.47578, "loss": 0.73622, "grad_norm": 13.94247, "time": 0.40655} {"mode": "train", "epoch": 18, "iter": 22600, "lr": 0.0, "memory": 14793, "data_time": 0.00552, "decode.loss_ce": 0.42638, "decode.acc_seg": 82.97734, "aux.loss_ce": 0.2746, "aux.acc_seg": 76.38487, "loss": 0.70098, "grad_norm": 12.49626, "time": 0.40295} {"mode": "train", "epoch": 18, "iter": 22650, "lr": 0.0, "memory": 14793, "data_time": 0.006, "decode.loss_ce": 0.46398, "decode.acc_seg": 82.23529, "aux.loss_ce": 0.28351, "aux.acc_seg": 74.52465, "loss": 0.74749, "grad_norm": 13.65062, "time": 0.40395} {"mode": "train", "epoch": 18, "iter": 22700, "lr": 0.0, "memory": 14793, "data_time": 0.00616, "decode.loss_ce": 0.42602, "decode.acc_seg": 82.9874, "aux.loss_ce": 0.27491, "aux.acc_seg": 76.01438, "loss": 0.70092, "grad_norm": 13.9684, "time": 0.4149} {"mode": "train", "epoch": 18, "iter": 22750, "lr": 0.0, "memory": 14793, "data_time": 0.00568, "decode.loss_ce": 0.41627, "decode.acc_seg": 83.81603, "aux.loss_ce": 0.27184, "aux.acc_seg": 76.1813, "loss": 0.68811, "grad_norm": 13.65736, "time": 0.41135} {"mode": "train", "epoch": 19, "iter": 22800, "lr": 0.0, "memory": 14793, "data_time": 0.05438, "decode.loss_ce": 0.44679, "decode.acc_seg": 82.38023, "aux.loss_ce": 0.28942, "aux.acc_seg": 74.50629, "loss": 0.73621, "grad_norm": 14.40088, "time": 0.47634} {"mode": "train", "epoch": 19, "iter": 22850, "lr": 0.0, "memory": 14793, "data_time": 0.00551, "decode.loss_ce": 0.43615, "decode.acc_seg": 83.08518, "aux.loss_ce": 0.27876, "aux.acc_seg": 75.90389, "loss": 0.71491, "grad_norm": 15.83062, "time": 0.41927} {"mode": "train", "epoch": 19, "iter": 22900, "lr": 0.0, "memory": 14793, "data_time": 0.00604, "decode.loss_ce": 0.41353, "decode.acc_seg": 83.58785, "aux.loss_ce": 0.27118, "aux.acc_seg": 75.97084, "loss": 0.68471, "grad_norm": 13.50661, "time": 0.41035} {"mode": "train", "epoch": 19, "iter": 22950, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.40721, "decode.acc_seg": 83.71294, "aux.loss_ce": 0.26054, "aux.acc_seg": 76.72004, "loss": 0.66775, "grad_norm": 14.06991, "time": 0.4074} {"mode": "train", "epoch": 19, "iter": 23000, "lr": 0.0, "memory": 14793, "data_time": 0.00656, "decode.loss_ce": 0.41235, "decode.acc_seg": 84.17914, "aux.loss_ce": 0.25688, "aux.acc_seg": 77.44964, "loss": 0.66923, "grad_norm": 12.49608, "time": 0.641} {"mode": "val", "epoch": 19, "iter": 125, "lr": 0.0, "aAcc": 0.8378, "mIoU": 0.4985, "mAcc": 0.6302, "IoU.wall": 0.7826, "IoU.building": 0.8321, "IoU.sky": 0.9455, "IoU.floor": 0.8203, "IoU.tree": 0.7561, "IoU.ceiling": 0.8382, "IoU.road": 0.8448, "IoU.bed ": 0.9047, "IoU.windowpane": 0.6309, "IoU.grass": 0.6901, "IoU.cabinet": 0.6161, "IoU.sidewalk": 0.6552, "IoU.person": 0.8208, "IoU.earth": 0.4296, "IoU.door": 0.4968, "IoU.table": 0.5935, "IoU.mountain": 0.6335, "IoU.plant": 0.5504, "IoU.curtain": 0.7668, "IoU.chair": 0.587, "IoU.car": 0.8477, "IoU.water": 0.5766, "IoU.painting": 0.7041, "IoU.sofa": 0.6959, "IoU.shelf": 0.4282, "IoU.house": 0.4993, "IoU.sea": 0.5872, "IoU.mirror": 0.6645, "IoU.rug": 0.6465, "IoU.field": 0.3191, "IoU.armchair": 0.4031, "IoU.seat": 0.6149, "IoU.fence": 0.4441, "IoU.desk": 0.4777, "IoU.rock": 0.5057, "IoU.wardrobe": 0.5, "IoU.lamp": 0.6005, "IoU.bathtub": 0.7533, "IoU.railing": 0.3807, "IoU.cushion": 0.5929, "IoU.base": 0.4154, "IoU.box": 0.2794, "IoU.column": 0.5179, "IoU.signboard": 0.3838, "IoU.chest of drawers": 0.4265, "IoU.counter": 0.3044, "IoU.sand": 0.5103, "IoU.sink": 0.7143, "IoU.skyscraper": 0.5227, "IoU.fireplace": 0.6574, "IoU.refrigerator": 0.7048, "IoU.grandstand": 0.4479, "IoU.path": 0.2711, "IoU.stairs": 0.3586, "IoU.runway": 0.6903, "IoU.case": 0.5027, "IoU.pool table": 0.9116, "IoU.pillow": 0.5881, "IoU.screen door": 0.6446, "IoU.stairway": 0.4388, "IoU.river": 0.2168, "IoU.bridge": 0.5401, "IoU.bookcase": 0.3513, "IoU.blind": 0.4718, "IoU.coffee table": 0.5083, "IoU.toilet": 0.826, "IoU.flower": 0.4331, "IoU.book": 0.4279, "IoU.hill": 0.0506, "IoU.bench": 0.5623, "IoU.countertop": 0.5754, "IoU.stove": 0.7676, "IoU.palm": 0.5257, "IoU.kitchen island": 0.2801, "IoU.computer": 0.7352, "IoU.swivel chair": 0.5352, "IoU.boat": 0.6453, "IoU.bar": 0.5105, "IoU.arcade machine": 0.7546, "IoU.hovel": 0.5321, "IoU.bus": 0.8993, "IoU.towel": 0.6236, "IoU.light": 0.461, "IoU.truck": 0.3742, "IoU.tower": 0.3195, "IoU.chandelier": 0.6306, "IoU.awning": 0.3206, "IoU.streetlight": 0.2374, "IoU.booth": 0.3729, "IoU.television receiver": 0.711, "IoU.airplane": 0.6081, "IoU.dirt track": 0.0008, "IoU.apparel": 0.4392, "IoU.pole": 0.1991, "IoU.land": 0.0009, "IoU.bannister": 0.0812, "IoU.escalator": 0.521, "IoU.ottoman": 0.5269, "IoU.bottle": 0.391, "IoU.buffet": 0.4287, "IoU.poster": 0.1817, "IoU.stage": 0.1432, "IoU.van": 0.3867, "IoU.ship": 0.6631, "IoU.fountain": 0.353, "IoU.conveyer belt": 0.6451, "IoU.canopy": 0.4671, "IoU.washer": 0.7708, "IoU.plaything": 0.2646, "IoU.swimming pool": 0.6007, "IoU.stool": 0.3729, "IoU.barrel": 0.5495, "IoU.basket": 0.3239, "IoU.waterfall": 0.5114, "IoU.tent": 0.9271, "IoU.bag": 0.1125, "IoU.minibike": 0.7172, "IoU.cradle": 0.7154, "IoU.oven": 0.4362, "IoU.ball": 0.46, "IoU.food": 0.4528, "IoU.step": 0.0651, "IoU.tank": 0.5806, "IoU.trade name": 0.272, "IoU.microwave": 0.8008, "IoU.pot": 0.4069, "IoU.animal": 0.6427, "IoU.bicycle": 0.577, "IoU.lake": 0.2138, "IoU.dishwasher": 0.5812, "IoU.screen": 0.5634, "IoU.blanket": 0.0424, "IoU.sculpture": 0.5844, "IoU.hood": 0.6042, "IoU.sconce": 0.2481, "IoU.vase": 0.3369, "IoU.traffic light": 0.2467, "IoU.tray": 0.0076, "IoU.ashcan": 0.4252, "IoU.fan": 0.5764, "IoU.pier": 0.3547, "IoU.crt screen": 0.0408, "IoU.plate": 0.4975, "IoU.monitor": 0.0279, "IoU.bulletin board": 0.548, "IoU.shower": 0.0, "IoU.radiator": 0.5177, "IoU.glass": 0.0895, "IoU.clock": 0.2026, "IoU.flag": 0.5387, "Acc.wall": 0.8738, "Acc.building": 0.9224, "Acc.sky": 0.9744, "Acc.floor": 0.8846, "Acc.tree": 0.8919, "Acc.ceiling": 0.9311, "Acc.road": 0.92, "Acc.bed ": 0.9653, "Acc.windowpane": 0.7665, "Acc.grass": 0.8053, "Acc.cabinet": 0.7198, "Acc.sidewalk": 0.7752, "Acc.person": 0.9216, "Acc.earth": 0.6268, "Acc.door": 0.6924, "Acc.table": 0.7443, "Acc.mountain": 0.7642, "Acc.plant": 0.639, "Acc.curtain": 0.8815, "Acc.chair": 0.6999, "Acc.car": 0.9393, "Acc.water": 0.77, "Acc.painting": 0.8739, "Acc.sofa": 0.9172, "Acc.shelf": 0.5989, "Acc.house": 0.7584, "Acc.sea": 0.7805, "Acc.mirror": 0.7344, "Acc.rug": 0.8058, "Acc.field": 0.4798, "Acc.armchair": 0.5549, "Acc.seat": 0.823, "Acc.fence": 0.5845, "Acc.desk": 0.6748, "Acc.rock": 0.6743, "Acc.wardrobe": 0.6627, "Acc.lamp": 0.7452, "Acc.bathtub": 0.8615, "Acc.railing": 0.5064, "Acc.cushion": 0.7428, "Acc.base": 0.6085, "Acc.box": 0.3474, "Acc.column": 0.671, "Acc.signboard": 0.5119, "Acc.chest of drawers": 0.5789, "Acc.counter": 0.4009, "Acc.sand": 0.6049, "Acc.sink": 0.8109, "Acc.skyscraper": 0.6367, "Acc.fireplace": 0.9285, "Acc.refrigerator": 0.8444, "Acc.grandstand": 0.8391, "Acc.path": 0.3735, "Acc.stairs": 0.4512, "Acc.runway": 0.9533, "Acc.case": 0.6798, "Acc.pool table": 0.9844, "Acc.pillow": 0.6952, "Acc.screen door": 0.8489, "Acc.stairway": 0.5773, "Acc.river": 0.2856, "Acc.bridge": 0.6397, "Acc.bookcase": 0.7349, "Acc.blind": 0.5731, "Acc.coffee table": 0.8905, "Acc.toilet": 0.917, "Acc.flower": 0.6047, "Acc.book": 0.595, "Acc.hill": 0.0853, "Acc.bench": 0.6981, "Acc.countertop": 0.7648, "Acc.stove": 0.9031, "Acc.palm": 0.7744, "Acc.kitchen island": 0.6547, "Acc.computer": 0.9093, "Acc.swivel chair": 0.757, "Acc.boat": 0.7122, "Acc.bar": 0.7355, "Acc.arcade machine": 0.8272, "Acc.hovel": 0.6067, "Acc.bus": 0.9691, "Acc.towel": 0.8493, "Acc.light": 0.5271, "Acc.truck": 0.4876, "Acc.tower": 0.4912, "Acc.chandelier": 0.8208, "Acc.awning": 0.3996, "Acc.streetlight": 0.3028, "Acc.booth": 0.4953, "Acc.television receiver": 0.8542, "Acc.airplane": 0.7386, "Acc.dirt track": 0.0025, "Acc.apparel": 0.5421, "Acc.pole": 0.2594, "Acc.land": 0.0011, "Acc.bannister": 0.0946, "Acc.escalator": 0.8166, "Acc.ottoman": 0.7349, "Acc.bottle": 0.5778, "Acc.buffet": 0.6704, "Acc.poster": 0.2183, "Acc.stage": 0.2204, "Acc.van": 0.5209, "Acc.ship": 0.9869, "Acc.fountain": 0.3793, "Acc.conveyer belt": 0.9786, "Acc.canopy": 0.6192, "Acc.washer": 0.8211, "Acc.plaything": 0.4785, "Acc.swimming pool": 0.732, "Acc.stool": 0.5355, "Acc.barrel": 0.8809, "Acc.basket": 0.4127, "Acc.waterfall": 0.6428, "Acc.tent": 0.9882, "Acc.bag": 0.1177, "Acc.minibike": 0.8486, "Acc.cradle": 0.9618, "Acc.oven": 0.5333, "Acc.ball": 0.5553, "Acc.food": 0.5257, "Acc.step": 0.0679, "Acc.tank": 0.6811, "Acc.trade name": 0.3009, "Acc.microwave": 0.9518, "Acc.pot": 0.4541, "Acc.animal": 0.675, "Acc.bicycle": 0.7532, "Acc.lake": 0.2507, "Acc.dishwasher": 0.6806, "Acc.screen": 0.9067, "Acc.blanket": 0.0465, "Acc.sculpture": 0.747, "Acc.hood": 0.7042, "Acc.sconce": 0.2736, "Acc.vase": 0.4432, "Acc.traffic light": 0.3698, "Acc.tray": 0.008, "Acc.ashcan": 0.5423, "Acc.fan": 0.7394, "Acc.pier": 0.4401, "Acc.crt screen": 0.111, "Acc.plate": 0.715, "Acc.monitor": 0.0302, "Acc.bulletin board": 0.6148, "Acc.shower": 0.0, "Acc.radiator": 0.6071, "Acc.glass": 0.0917, "Acc.clock": 0.2334, "Acc.flag": 0.5978} {"mode": "train", "epoch": 19, "iter": 23050, "lr": 0.0, "memory": 14793, "data_time": 2.15609, "decode.loss_ce": 0.42879, "decode.acc_seg": 83.16306, "aux.loss_ce": 0.27046, "aux.acc_seg": 76.209, "loss": 0.69924, "grad_norm": 12.13185, "time": 2.56251} {"mode": "train", "epoch": 19, "iter": 23100, "lr": 0.0, "memory": 14793, "data_time": 0.00603, "decode.loss_ce": 0.403, "decode.acc_seg": 84.02898, "aux.loss_ce": 0.25584, "aux.acc_seg": 77.42884, "loss": 0.65884, "grad_norm": 17.28912, "time": 0.41507} {"mode": "train", "epoch": 19, "iter": 23150, "lr": 0.0, "memory": 14793, "data_time": 0.00558, "decode.loss_ce": 0.40551, "decode.acc_seg": 84.11662, "aux.loss_ce": 0.26665, "aux.acc_seg": 76.52918, "loss": 0.67216, "grad_norm": 10.96844, "time": 0.42447} {"mode": "train", "epoch": 19, "iter": 23200, "lr": 0.0, "memory": 14793, "data_time": 0.00532, "decode.loss_ce": 0.4158, "decode.acc_seg": 83.23643, "aux.loss_ce": 0.2648, "aux.acc_seg": 75.83706, "loss": 0.6806, "grad_norm": 11.88203, "time": 0.42676} {"mode": "train", "epoch": 19, "iter": 23250, "lr": 0.0, "memory": 14793, "data_time": 0.00536, "decode.loss_ce": 0.42699, "decode.acc_seg": 83.50406, "aux.loss_ce": 0.26751, "aux.acc_seg": 76.69257, "loss": 0.6945, "grad_norm": 10.96369, "time": 0.42378} {"mode": "train", "epoch": 19, "iter": 23300, "lr": 0.0, "memory": 14793, "data_time": 0.0053, "decode.loss_ce": 0.39331, "decode.acc_seg": 84.36548, "aux.loss_ce": 0.25906, "aux.acc_seg": 76.94429, "loss": 0.65237, "grad_norm": 11.76536, "time": 0.41022} {"mode": "train", "epoch": 19, "iter": 23350, "lr": 0.0, "memory": 14793, "data_time": 0.00553, "decode.loss_ce": 0.43869, "decode.acc_seg": 82.78964, "aux.loss_ce": 0.28391, "aux.acc_seg": 74.76867, "loss": 0.7226, "grad_norm": 13.75624, "time": 0.4046} {"mode": "train", "epoch": 19, "iter": 23400, "lr": 0.0, "memory": 14793, "data_time": 0.0055, "decode.loss_ce": 0.41453, "decode.acc_seg": 84.35761, "aux.loss_ce": 0.26139, "aux.acc_seg": 77.05471, "loss": 0.67592, "grad_norm": 14.70709, "time": 0.40646} {"mode": "train", "epoch": 19, "iter": 23450, "lr": 0.0, "memory": 14793, "data_time": 0.00577, "decode.loss_ce": 0.40723, "decode.acc_seg": 84.15812, "aux.loss_ce": 0.24757, "aux.acc_seg": 78.11523, "loss": 0.6548, "grad_norm": 14.33774, "time": 0.41844} {"mode": "train", "epoch": 19, "iter": 23500, "lr": 0.0, "memory": 14793, "data_time": 0.00606, "decode.loss_ce": 0.43264, "decode.acc_seg": 83.30992, "aux.loss_ce": 0.27395, "aux.acc_seg": 76.25969, "loss": 0.70659, "grad_norm": 14.04898, "time": 0.41048} {"mode": "train", "epoch": 19, "iter": 23550, "lr": 0.0, "memory": 14793, "data_time": 0.00547, "decode.loss_ce": 0.42705, "decode.acc_seg": 83.19317, "aux.loss_ce": 0.26403, "aux.acc_seg": 76.41149, "loss": 0.69108, "grad_norm": 13.79747, "time": 0.41809} {"mode": "train", "epoch": 19, "iter": 23600, "lr": 0.0, "memory": 14793, "data_time": 0.00578, "decode.loss_ce": 0.45968, "decode.acc_seg": 82.20754, "aux.loss_ce": 0.28121, "aux.acc_seg": 75.72764, "loss": 0.7409, "grad_norm": 16.22805, "time": 0.42316} {"mode": "train", "epoch": 19, "iter": 23650, "lr": 0.0, "memory": 14793, "data_time": 0.00495, "decode.loss_ce": 0.39625, "decode.acc_seg": 84.39099, "aux.loss_ce": 0.25388, "aux.acc_seg": 77.41412, "loss": 0.65014, "grad_norm": 9.64887, "time": 0.42547} {"mode": "train", "epoch": 19, "iter": 23700, "lr": 0.0, "memory": 14793, "data_time": 0.00494, "decode.loss_ce": 0.44986, "decode.acc_seg": 82.01677, "aux.loss_ce": 0.28468, "aux.acc_seg": 74.69679, "loss": 0.73454, "grad_norm": 12.7364, "time": 0.40738} {"mode": "train", "epoch": 19, "iter": 23750, "lr": 0.0, "memory": 14793, "data_time": 0.00508, "decode.loss_ce": 0.41883, "decode.acc_seg": 83.49991, "aux.loss_ce": 0.27129, "aux.acc_seg": 75.96418, "loss": 0.69013, "grad_norm": 13.80866, "time": 0.40627} {"mode": "train", "epoch": 19, "iter": 23800, "lr": 0.0, "memory": 14793, "data_time": 0.00498, "decode.loss_ce": 0.42808, "decode.acc_seg": 83.65527, "aux.loss_ce": 0.26435, "aux.acc_seg": 77.08025, "loss": 0.69244, "grad_norm": 15.01358, "time": 0.40571} {"mode": "train", "epoch": 19, "iter": 23850, "lr": 0.0, "memory": 14793, "data_time": 0.00607, "decode.loss_ce": 0.43893, "decode.acc_seg": 82.89287, "aux.loss_ce": 0.27088, "aux.acc_seg": 76.17702, "loss": 0.70981, "grad_norm": 15.34713, "time": 0.40954} {"mode": "train", "epoch": 19, "iter": 23900, "lr": 0.0, "memory": 14793, "data_time": 0.00504, "decode.loss_ce": 0.42874, "decode.acc_seg": 83.28017, "aux.loss_ce": 0.26857, "aux.acc_seg": 76.69424, "loss": 0.69731, "grad_norm": 16.08231, "time": 0.41936} {"mode": "train", "epoch": 19, "iter": 23950, "lr": 0.0, "memory": 14793, "data_time": 0.00512, "decode.loss_ce": 0.43736, "decode.acc_seg": 83.17316, "aux.loss_ce": 0.27795, "aux.acc_seg": 75.76972, "loss": 0.71531, "grad_norm": 14.40827, "time": 0.40554} {"mode": "train", "epoch": 19, "iter": 24000, "lr": 0.0, "memory": 14793, "data_time": 0.00604, "decode.loss_ce": 0.42294, "decode.acc_seg": 83.54198, "aux.loss_ce": 0.27114, "aux.acc_seg": 76.04386, "loss": 0.69408, "grad_norm": 11.68581, "time": 0.66094} {"mode": "val", "epoch": 19, "iter": 125, "lr": 0.0, "aAcc": 0.8363, "mIoU": 0.5039, "mAcc": 0.6445, "IoU.wall": 0.7856, "IoU.building": 0.8297, "IoU.sky": 0.9448, "IoU.floor": 0.8229, "IoU.tree": 0.7465, "IoU.ceiling": 0.8392, "IoU.road": 0.8428, "IoU.bed ": 0.9051, "IoU.windowpane": 0.6282, "IoU.grass": 0.677, "IoU.cabinet": 0.5915, "IoU.sidewalk": 0.6571, "IoU.person": 0.8223, "IoU.earth": 0.3676, "IoU.door": 0.524, "IoU.table": 0.6033, "IoU.mountain": 0.5973, "IoU.plant": 0.5408, "IoU.curtain": 0.7526, "IoU.chair": 0.5916, "IoU.car": 0.8499, "IoU.water": 0.6164, "IoU.painting": 0.7129, "IoU.sofa": 0.7017, "IoU.shelf": 0.4525, "IoU.house": 0.4751, "IoU.sea": 0.6701, "IoU.mirror": 0.6616, "IoU.rug": 0.6611, "IoU.field": 0.2564, "IoU.armchair": 0.4507, "IoU.seat": 0.6523, "IoU.fence": 0.4706, "IoU.desk": 0.4842, "IoU.rock": 0.4879, "IoU.wardrobe": 0.5328, "IoU.lamp": 0.6046, "IoU.bathtub": 0.7511, "IoU.railing": 0.3853, "IoU.cushion": 0.6009, "IoU.base": 0.3943, "IoU.box": 0.275, "IoU.column": 0.52, "IoU.signboard": 0.3825, "IoU.chest of drawers": 0.3878, "IoU.counter": 0.3252, "IoU.sand": 0.4984, "IoU.sink": 0.6872, "IoU.skyscraper": 0.6218, "IoU.fireplace": 0.6452, "IoU.refrigerator": 0.6882, "IoU.grandstand": 0.4538, "IoU.path": 0.2745, "IoU.stairs": 0.3093, "IoU.runway": 0.6465, "IoU.case": 0.5894, "IoU.pool table": 0.9258, "IoU.pillow": 0.6088, "IoU.screen door": 0.5785, "IoU.stairway": 0.4091, "IoU.river": 0.2066, "IoU.bridge": 0.5697, "IoU.bookcase": 0.407, "IoU.blind": 0.3678, "IoU.coffee table": 0.5743, "IoU.toilet": 0.8244, "IoU.flower": 0.3704, "IoU.book": 0.4778, "IoU.hill": 0.0529, "IoU.bench": 0.5361, "IoU.countertop": 0.556, "IoU.stove": 0.7605, "IoU.palm": 0.5505, "IoU.kitchen island": 0.303, "IoU.computer": 0.7405, "IoU.swivel chair": 0.5226, "IoU.boat": 0.6718, "IoU.bar": 0.4709, "IoU.arcade machine": 0.763, "IoU.hovel": 0.5039, "IoU.bus": 0.8961, "IoU.towel": 0.6298, "IoU.light": 0.4946, "IoU.truck": 0.4114, "IoU.tower": 0.3451, "IoU.chandelier": 0.6311, "IoU.awning": 0.3031, "IoU.streetlight": 0.2549, "IoU.booth": 0.3944, "IoU.television receiver": 0.6888, "IoU.airplane": 0.6935, "IoU.dirt track": 0.0285, "IoU.apparel": 0.4768, "IoU.pole": 0.1838, "IoU.land": 0.0322, "IoU.bannister": 0.1031, "IoU.escalator": 0.5164, "IoU.ottoman": 0.5548, "IoU.bottle": 0.3766, "IoU.buffet": 0.445, "IoU.poster": 0.1865, "IoU.stage": 0.109, "IoU.van": 0.4198, "IoU.ship": 0.8537, "IoU.fountain": 0.3167, "IoU.conveyer belt": 0.6841, "IoU.canopy": 0.4985, "IoU.washer": 0.7785, "IoU.plaything": 0.3453, "IoU.swimming pool": 0.4821, "IoU.stool": 0.35, "IoU.barrel": 0.5078, "IoU.basket": 0.3401, "IoU.waterfall": 0.5284, "IoU.tent": 0.8856, "IoU.bag": 0.103, "IoU.minibike": 0.689, "IoU.cradle": 0.7153, "IoU.oven": 0.4191, "IoU.ball": 0.4724, "IoU.food": 0.5283, "IoU.step": 0.1084, "IoU.tank": 0.549, "IoU.trade name": 0.287, "IoU.microwave": 0.7843, "IoU.pot": 0.4212, "IoU.animal": 0.6258, "IoU.bicycle": 0.5841, "IoU.lake": 0.4931, "IoU.dishwasher": 0.5615, "IoU.screen": 0.5306, "IoU.blanket": 0.0467, "IoU.sculpture": 0.596, "IoU.hood": 0.6552, "IoU.sconce": 0.2242, "IoU.vase": 0.3414, "IoU.traffic light": 0.2547, "IoU.tray": 0.0162, "IoU.ashcan": 0.4729, "IoU.fan": 0.5852, "IoU.pier": 0.3534, "IoU.crt screen": 0.0246, "IoU.plate": 0.5102, "IoU.monitor": 0.0307, "IoU.bulletin board": 0.4896, "IoU.shower": 0.0, "IoU.radiator": 0.5236, "IoU.glass": 0.1011, "IoU.clock": 0.2352, "IoU.flag": 0.5059, "Acc.wall": 0.8833, "Acc.building": 0.9086, "Acc.sky": 0.9785, "Acc.floor": 0.8941, "Acc.tree": 0.8864, "Acc.ceiling": 0.8892, "Acc.road": 0.9051, "Acc.bed ": 0.966, "Acc.windowpane": 0.7984, "Acc.grass": 0.7906, "Acc.cabinet": 0.6656, "Acc.sidewalk": 0.8246, "Acc.person": 0.9173, "Acc.earth": 0.4916, "Acc.door": 0.6673, "Acc.table": 0.758, "Acc.mountain": 0.7438, "Acc.plant": 0.6666, "Acc.curtain": 0.8784, "Acc.chair": 0.7307, "Acc.car": 0.9228, "Acc.water": 0.7379, "Acc.painting": 0.8698, "Acc.sofa": 0.8424, "Acc.shelf": 0.6193, "Acc.house": 0.7428, "Acc.sea": 0.9068, "Acc.mirror": 0.7869, "Acc.rug": 0.8099, "Acc.field": 0.4882, "Acc.armchair": 0.6797, "Acc.seat": 0.8546, "Acc.fence": 0.635, "Acc.desk": 0.6739, "Acc.rock": 0.7277, "Acc.wardrobe": 0.7313, "Acc.lamp": 0.7461, "Acc.bathtub": 0.8564, "Acc.railing": 0.5187, "Acc.cushion": 0.6975, "Acc.base": 0.6662, "Acc.box": 0.3406, "Acc.column": 0.6702, "Acc.signboard": 0.4855, "Acc.chest of drawers": 0.6682, "Acc.counter": 0.4388, "Acc.sand": 0.6842, "Acc.sink": 0.7498, "Acc.skyscraper": 0.9112, "Acc.fireplace": 0.9351, "Acc.refrigerator": 0.8771, "Acc.grandstand": 0.8567, "Acc.path": 0.3719, "Acc.stairs": 0.3565, "Acc.runway": 0.8794, "Acc.case": 0.7391, "Acc.pool table": 0.98, "Acc.pillow": 0.7525, "Acc.screen door": 0.872, "Acc.stairway": 0.5957, "Acc.river": 0.2795, "Acc.bridge": 0.71, "Acc.bookcase": 0.5831, "Acc.blind": 0.4147, "Acc.coffee table": 0.8554, "Acc.toilet": 0.9209, "Acc.flower": 0.4883, "Acc.book": 0.6694, "Acc.hill": 0.1097, "Acc.bench": 0.6209, "Acc.countertop": 0.76, "Acc.stove": 0.8727, "Acc.palm": 0.7311, "Acc.kitchen island": 0.8051, "Acc.computer": 0.9121, "Acc.swivel chair": 0.7336, "Acc.boat": 0.8563, "Acc.bar": 0.6782, "Acc.arcade machine": 0.8177, "Acc.hovel": 0.7565, "Acc.bus": 0.9709, "Acc.towel": 0.8389, "Acc.light": 0.596, "Acc.truck": 0.5702, "Acc.tower": 0.5863, "Acc.chandelier": 0.8483, "Acc.awning": 0.4106, "Acc.streetlight": 0.3609, "Acc.booth": 0.5673, "Acc.television receiver": 0.8321, "Acc.airplane": 0.8257, "Acc.dirt track": 0.0413, "Acc.apparel": 0.6442, "Acc.pole": 0.2348, "Acc.land": 0.0408, "Acc.bannister": 0.1208, "Acc.escalator": 0.799, "Acc.ottoman": 0.756, "Acc.bottle": 0.5966, "Acc.buffet": 0.6868, "Acc.poster": 0.21, "Acc.stage": 0.2962, "Acc.van": 0.5183, "Acc.ship": 0.9498, "Acc.fountain": 0.3367, "Acc.conveyer belt": 0.9745, "Acc.canopy": 0.5933, "Acc.washer": 0.8239, "Acc.plaything": 0.5681, "Acc.swimming pool": 0.7983, "Acc.stool": 0.4798, "Acc.barrel": 0.887, "Acc.basket": 0.4368, "Acc.waterfall": 0.7051, "Acc.tent": 0.9907, "Acc.bag": 0.1072, "Acc.minibike": 0.8797, "Acc.cradle": 0.9697, "Acc.oven": 0.5949, "Acc.ball": 0.5494, "Acc.food": 0.6095, "Acc.step": 0.114, "Acc.tank": 0.6801, "Acc.trade name": 0.3265, "Acc.microwave": 0.917, "Acc.pot": 0.4763, "Acc.animal": 0.6499, "Acc.bicycle": 0.7486, "Acc.lake": 0.6462, "Acc.dishwasher": 0.6964, "Acc.screen": 0.9156, "Acc.blanket": 0.0533, "Acc.sculpture": 0.7769, "Acc.hood": 0.7665, "Acc.sconce": 0.2438, "Acc.vase": 0.4833, "Acc.traffic light": 0.4034, "Acc.tray": 0.0173, "Acc.ashcan": 0.6023, "Acc.fan": 0.7454, "Acc.pier": 0.4232, "Acc.crt screen": 0.0641, "Acc.plate": 0.7234, "Acc.monitor": 0.036, "Acc.bulletin board": 0.5258, "Acc.shower": 0.0, "Acc.radiator": 0.6113, "Acc.glass": 0.1043, "Acc.clock": 0.2608, "Acc.flag": 0.5614} {"mode": "train", "epoch": 20, "iter": 24050, "lr": 0.0, "memory": 14793, "data_time": 2.44681, "decode.loss_ce": 0.40259, "decode.acc_seg": 84.30013, "aux.loss_ce": 0.2581, "aux.acc_seg": 77.07575, "loss": 0.66069, "grad_norm": 14.70549, "time": 2.87438} {"mode": "train", "epoch": 20, "iter": 24100, "lr": 0.0, "memory": 14793, "data_time": 0.00632, "decode.loss_ce": 0.42095, "decode.acc_seg": 84.12134, "aux.loss_ce": 0.26866, "aux.acc_seg": 76.42371, "loss": 0.68961, "grad_norm": 13.43635, "time": 0.41503} {"mode": "train", "epoch": 20, "iter": 24150, "lr": 0.0, "memory": 14793, "data_time": 0.0067, "decode.loss_ce": 0.42819, "decode.acc_seg": 83.5817, "aux.loss_ce": 0.26896, "aux.acc_seg": 77.44847, "loss": 0.69715, "grad_norm": 14.44507, "time": 0.40528} {"mode": "train", "epoch": 20, "iter": 24200, "lr": 0.0, "memory": 14793, "data_time": 0.00535, "decode.loss_ce": 0.38018, "decode.acc_seg": 84.53852, "aux.loss_ce": 0.25022, "aux.acc_seg": 76.55508, "loss": 0.63041, "grad_norm": 11.63049, "time": 0.4082} {"mode": "train", "epoch": 20, "iter": 24250, "lr": 0.0, "memory": 14793, "data_time": 0.00549, "decode.loss_ce": 0.41061, "decode.acc_seg": 83.64415, "aux.loss_ce": 0.25507, "aux.acc_seg": 76.94937, "loss": 0.66568, "grad_norm": 11.64045, "time": 0.40997} {"mode": "train", "epoch": 20, "iter": 24300, "lr": 0.0, "memory": 14793, "data_time": 0.00527, "decode.loss_ce": 0.41216, "decode.acc_seg": 83.8543, "aux.loss_ce": 0.2606, "aux.acc_seg": 76.66205, "loss": 0.67276, "grad_norm": 21.14503, "time": 0.40543} {"mode": "train", "epoch": 20, "iter": 24350, "lr": 0.0, "memory": 14793, "data_time": 0.00575, "decode.loss_ce": 0.43157, "decode.acc_seg": 83.16232, "aux.loss_ce": 0.26236, "aux.acc_seg": 76.69724, "loss": 0.69393, "grad_norm": 13.58581, "time": 0.41052} {"mode": "train", "epoch": 20, "iter": 24400, "lr": 0.0, "memory": 14793, "data_time": 0.0058, "decode.loss_ce": 0.40581, "decode.acc_seg": 84.27068, "aux.loss_ce": 0.26032, "aux.acc_seg": 77.12594, "loss": 0.66613, "grad_norm": 12.22732, "time": 0.41208} {"mode": "train", "epoch": 20, "iter": 24450, "lr": 0.0, "memory": 14793, "data_time": 0.00526, "decode.loss_ce": 0.40493, "decode.acc_seg": 83.63444, "aux.loss_ce": 0.26106, "aux.acc_seg": 76.57656, "loss": 0.66599, "grad_norm": 12.88454, "time": 0.41426} {"mode": "train", "epoch": 20, "iter": 24500, "lr": 0.0, "memory": 14793, "data_time": 0.0052, "decode.loss_ce": 0.41377, "decode.acc_seg": 84.20083, "aux.loss_ce": 0.25991, "aux.acc_seg": 77.52524, "loss": 0.67367, "grad_norm": 12.90412, "time": 0.41475} {"mode": "train", "epoch": 20, "iter": 24550, "lr": 0.0, "memory": 14793, "data_time": 0.00593, "decode.loss_ce": 0.41662, "decode.acc_seg": 83.85158, "aux.loss_ce": 0.26143, "aux.acc_seg": 77.01929, "loss": 0.67805, "grad_norm": 14.98428, "time": 0.40614} {"mode": "train", "epoch": 20, "iter": 24600, "lr": 0.0, "memory": 14793, "data_time": 0.0055, "decode.loss_ce": 0.40708, "decode.acc_seg": 83.78303, "aux.loss_ce": 0.26427, "aux.acc_seg": 76.87343, "loss": 0.67135, "grad_norm": 22.89001, "time": 0.41055} {"mode": "train", "epoch": 20, "iter": 24650, "lr": 0.0, "memory": 14793, "data_time": 0.0055, "decode.loss_ce": 0.42722, "decode.acc_seg": 83.55661, "aux.loss_ce": 0.27322, "aux.acc_seg": 76.26881, "loss": 0.70043, "grad_norm": 17.57217, "time": 0.40911} {"mode": "train", "epoch": 20, "iter": 24700, "lr": 0.0, "memory": 14793, "data_time": 0.00593, "decode.loss_ce": 0.40878, "decode.acc_seg": 84.10957, "aux.loss_ce": 0.26639, "aux.acc_seg": 76.36297, "loss": 0.67516, "grad_norm": 10.82577, "time": 0.41186} {"mode": "train", "epoch": 20, "iter": 24750, "lr": 0.0, "memory": 14793, "data_time": 0.00605, "decode.loss_ce": 0.3834, "decode.acc_seg": 84.69034, "aux.loss_ce": 0.24122, "aux.acc_seg": 78.57621, "loss": 0.62463, "grad_norm": 17.58382, "time": 0.41185} {"mode": "train", "epoch": 20, "iter": 24800, "lr": 0.0, "memory": 14793, "data_time": 0.00545, "decode.loss_ce": 0.40944, "decode.acc_seg": 84.11657, "aux.loss_ce": 0.25049, "aux.acc_seg": 77.68844, "loss": 0.65993, "grad_norm": 14.39367, "time": 0.41426} {"mode": "train", "epoch": 20, "iter": 24850, "lr": 0.0, "memory": 14793, "data_time": 0.00597, "decode.loss_ce": 0.40521, "decode.acc_seg": 83.99394, "aux.loss_ce": 0.256, "aux.acc_seg": 77.71801, "loss": 0.66122, "grad_norm": 14.00095, "time": 0.4191} {"mode": "train", "epoch": 20, "iter": 24900, "lr": 0.0, "memory": 14793, "data_time": 0.00551, "decode.loss_ce": 0.43091, "decode.acc_seg": 83.23681, "aux.loss_ce": 0.26652, "aux.acc_seg": 76.40805, "loss": 0.69744, "grad_norm": 13.7809, "time": 0.42277} {"mode": "train", "epoch": 20, "iter": 24950, "lr": 0.0, "memory": 14793, "data_time": 0.00547, "decode.loss_ce": 0.40762, "decode.acc_seg": 83.9251, "aux.loss_ce": 0.25172, "aux.acc_seg": 76.82226, "loss": 0.65934, "grad_norm": 12.41245, "time": 0.41025} {"mode": "train", "epoch": 20, "iter": 25000, "lr": 0.0, "memory": 14793, "data_time": 0.00612, "decode.loss_ce": 0.39974, "decode.acc_seg": 84.00276, "aux.loss_ce": 0.25783, "aux.acc_seg": 77.12838, "loss": 0.65757, "grad_norm": 17.11407, "time": 0.66278} {"mode": "val", "epoch": 20, "iter": 125, "lr": 0.0, "aAcc": 0.834, "mIoU": 0.5, "mAcc": 0.6364, "IoU.wall": 0.7825, "IoU.building": 0.8298, "IoU.sky": 0.9463, "IoU.floor": 0.8224, "IoU.tree": 0.7605, "IoU.ceiling": 0.8461, "IoU.road": 0.8339, "IoU.bed ": 0.901, "IoU.windowpane": 0.6228, "IoU.grass": 0.6539, "IoU.cabinet": 0.5923, "IoU.sidewalk": 0.6463, "IoU.person": 0.8253, "IoU.earth": 0.346, "IoU.door": 0.5202, "IoU.table": 0.6136, "IoU.mountain": 0.6149, "IoU.plant": 0.5387, "IoU.curtain": 0.7568, "IoU.chair": 0.5871, "IoU.car": 0.8503, "IoU.water": 0.5448, "IoU.painting": 0.7025, "IoU.sofa": 0.7043, "IoU.shelf": 0.4389, "IoU.house": 0.5035, "IoU.sea": 0.6785, "IoU.mirror": 0.6622, "IoU.rug": 0.662, "IoU.field": 0.2806, "IoU.armchair": 0.4502, "IoU.seat": 0.6317, "IoU.fence": 0.478, "IoU.desk": 0.4663, "IoU.rock": 0.4798, "IoU.wardrobe": 0.4838, "IoU.lamp": 0.607, "IoU.bathtub": 0.7696, "IoU.railing": 0.3995, "IoU.cushion": 0.5979, "IoU.base": 0.3706, "IoU.box": 0.2622, "IoU.column": 0.5266, "IoU.signboard": 0.3828, "IoU.chest of drawers": 0.4136, "IoU.counter": 0.3205, "IoU.sand": 0.4642, "IoU.sink": 0.7148, "IoU.skyscraper": 0.5406, "IoU.fireplace": 0.6085, "IoU.refrigerator": 0.6839, "IoU.grandstand": 0.4533, "IoU.path": 0.2475, "IoU.stairs": 0.1664, "IoU.runway": 0.6475, "IoU.case": 0.5548, "IoU.pool table": 0.9248, "IoU.pillow": 0.6035, "IoU.screen door": 0.6972, "IoU.stairway": 0.3464, "IoU.river": 0.1881, "IoU.bridge": 0.4933, "IoU.bookcase": 0.375, "IoU.blind": 0.4345, "IoU.coffee table": 0.5813, "IoU.toilet": 0.8435, "IoU.flower": 0.3956, "IoU.book": 0.4888, "IoU.hill": 0.049, "IoU.bench": 0.5349, "IoU.countertop": 0.587, "IoU.stove": 0.7796, "IoU.palm": 0.5507, "IoU.kitchen island": 0.3407, "IoU.computer": 0.6961, "IoU.swivel chair": 0.5293, "IoU.boat": 0.6207, "IoU.bar": 0.5353, "IoU.arcade machine": 0.7619, "IoU.hovel": 0.5851, "IoU.bus": 0.8949, "IoU.towel": 0.6435, "IoU.light": 0.4782, "IoU.truck": 0.3584, "IoU.tower": 0.3384, "IoU.chandelier": 0.6315, "IoU.awning": 0.3175, "IoU.streetlight": 0.2469, "IoU.booth": 0.3499, "IoU.television receiver": 0.7181, "IoU.airplane": 0.6173, "IoU.dirt track": 0.0305, "IoU.apparel": 0.4823, "IoU.pole": 0.1833, "IoU.land": 0.0001, "IoU.bannister": 0.0944, "IoU.escalator": 0.5613, "IoU.ottoman": 0.5475, "IoU.bottle": 0.3966, "IoU.buffet": 0.4636, "IoU.poster": 0.2027, "IoU.stage": 0.1735, "IoU.van": 0.4113, "IoU.ship": 0.8872, "IoU.fountain": 0.2381, "IoU.conveyer belt": 0.7609, "IoU.canopy": 0.4429, "IoU.washer": 0.7466, "IoU.plaything": 0.3846, "IoU.swimming pool": 0.5864, "IoU.stool": 0.3488, "IoU.barrel": 0.5585, "IoU.basket": 0.3182, "IoU.waterfall": 0.542, "IoU.tent": 0.9465, "IoU.bag": 0.1043, "IoU.minibike": 0.7065, "IoU.cradle": 0.7234, "IoU.oven": 0.3776, "IoU.ball": 0.1712, "IoU.food": 0.4868, "IoU.step": 0.1463, "IoU.tank": 0.5883, "IoU.trade name": 0.2162, "IoU.microwave": 0.812, "IoU.pot": 0.4246, "IoU.animal": 0.5922, "IoU.bicycle": 0.5658, "IoU.lake": 0.0833, "IoU.dishwasher": 0.5802, "IoU.screen": 0.5385, "IoU.blanket": 0.0628, "IoU.sculpture": 0.6282, "IoU.hood": 0.631, "IoU.sconce": 0.2656, "IoU.vase": 0.357, "IoU.traffic light": 0.2455, "IoU.tray": 0.0051, "IoU.ashcan": 0.4716, "IoU.fan": 0.5595, "IoU.pier": 0.3635, "IoU.crt screen": 0.0109, "IoU.plate": 0.5032, "IoU.monitor": 0.0763, "IoU.bulletin board": 0.5887, "IoU.shower": 0.0, "IoU.radiator": 0.5374, "IoU.glass": 0.1191, "IoU.clock": 0.277, "IoU.flag": 0.5509, "Acc.wall": 0.8718, "Acc.building": 0.9099, "Acc.sky": 0.9735, "Acc.floor": 0.8912, "Acc.tree": 0.8939, "Acc.ceiling": 0.9249, "Acc.road": 0.876, "Acc.bed ": 0.9719, "Acc.windowpane": 0.8118, "Acc.grass": 0.7953, "Acc.cabinet": 0.6838, "Acc.sidewalk": 0.8691, "Acc.person": 0.9141, "Acc.earth": 0.4411, "Acc.door": 0.7106, "Acc.table": 0.7275, "Acc.mountain": 0.7882, "Acc.plant": 0.6381, "Acc.curtain": 0.8489, "Acc.chair": 0.7096, "Acc.car": 0.9394, "Acc.water": 0.6395, "Acc.painting": 0.8834, "Acc.sofa": 0.8423, "Acc.shelf": 0.597, "Acc.house": 0.8717, "Acc.sea": 0.9171, "Acc.mirror": 0.7371, "Acc.rug": 0.7984, "Acc.field": 0.6247, "Acc.armchair": 0.6834, "Acc.seat": 0.8599, "Acc.fence": 0.6507, "Acc.desk": 0.7618, "Acc.rock": 0.5856, "Acc.wardrobe": 0.7234, "Acc.lamp": 0.7439, "Acc.bathtub": 0.8585, "Acc.railing": 0.5318, "Acc.cushion": 0.7146, "Acc.base": 0.6204, "Acc.box": 0.3199, "Acc.column": 0.645, "Acc.signboard": 0.5028, "Acc.chest of drawers": 0.75, "Acc.counter": 0.4681, "Acc.sand": 0.5976, "Acc.sink": 0.7935, "Acc.skyscraper": 0.7066, "Acc.fireplace": 0.9485, "Acc.refrigerator": 0.8828, "Acc.grandstand": 0.8626, "Acc.path": 0.3761, "Acc.stairs": 0.1899, "Acc.runway": 0.8642, "Acc.case": 0.7128, "Acc.pool table": 0.9803, "Acc.pillow": 0.7234, "Acc.screen door": 0.8436, "Acc.stairway": 0.6499, "Acc.river": 0.6033, "Acc.bridge": 0.5794, "Acc.bookcase": 0.6054, "Acc.blind": 0.5198, "Acc.coffee table": 0.8548, "Acc.toilet": 0.9168, "Acc.flower": 0.5514, "Acc.book": 0.6789, "Acc.hill": 0.0794, "Acc.bench": 0.6212, "Acc.countertop": 0.7605, "Acc.stove": 0.893, "Acc.palm": 0.7529, "Acc.kitchen island": 0.7845, "Acc.computer": 0.8515, "Acc.swivel chair": 0.8198, "Acc.boat": 0.8243, "Acc.bar": 0.7839, "Acc.arcade machine": 0.8186, "Acc.hovel": 0.753, "Acc.bus": 0.9683, "Acc.towel": 0.8233, "Acc.light": 0.5575, "Acc.truck": 0.5502, "Acc.tower": 0.4972, "Acc.chandelier": 0.8403, "Acc.awning": 0.3787, "Acc.streetlight": 0.3265, "Acc.booth": 0.4978, "Acc.television receiver": 0.8334, "Acc.airplane": 0.7043, "Acc.dirt track": 0.0335, "Acc.apparel": 0.7076, "Acc.pole": 0.2231, "Acc.land": 0.0001, "Acc.bannister": 0.108, "Acc.escalator": 0.8626, "Acc.ottoman": 0.7174, "Acc.bottle": 0.6508, "Acc.buffet": 0.6499, "Acc.poster": 0.2417, "Acc.stage": 0.3448, "Acc.van": 0.5473, "Acc.ship": 0.9543, "Acc.fountain": 0.2489, "Acc.conveyer belt": 0.9714, "Acc.canopy": 0.5969, "Acc.washer": 0.7804, "Acc.plaything": 0.5345, "Acc.swimming pool": 0.7305, "Acc.stool": 0.5391, "Acc.barrel": 0.8762, "Acc.basket": 0.3708, "Acc.waterfall": 0.6284, "Acc.tent": 0.9846, "Acc.bag": 0.1079, "Acc.minibike": 0.8719, "Acc.cradle": 0.9515, "Acc.oven": 0.4254, "Acc.ball": 0.1857, "Acc.food": 0.5446, "Acc.step": 0.1601, "Acc.tank": 0.678, "Acc.trade name": 0.2298, "Acc.microwave": 0.9432, "Acc.pot": 0.4809, "Acc.animal": 0.6115, "Acc.bicycle": 0.7952, "Acc.lake": 0.0833, "Acc.dishwasher": 0.7303, "Acc.screen": 0.9, "Acc.blanket": 0.0699, "Acc.sculpture": 0.7827, "Acc.hood": 0.7231, "Acc.sconce": 0.2936, "Acc.vase": 0.4878, "Acc.traffic light": 0.3608, "Acc.tray": 0.0053, "Acc.ashcan": 0.6049, "Acc.fan": 0.776, "Acc.pier": 0.4216, "Acc.crt screen": 0.0282, "Acc.plate": 0.7455, "Acc.monitor": 0.1085, "Acc.bulletin board": 0.6797, "Acc.shower": 0.0, "Acc.radiator": 0.6277, "Acc.glass": 0.1248, "Acc.clock": 0.3154, "Acc.flag": 0.6205} {"mode": "train", "epoch": 20, "iter": 25050, "lr": 0.0, "memory": 14793, "data_time": 2.18276, "decode.loss_ce": 0.39679, "decode.acc_seg": 83.85886, "aux.loss_ce": 0.24814, "aux.acc_seg": 77.31131, "loss": 0.64493, "grad_norm": 12.19481, "time": 2.59031} {"mode": "train", "epoch": 20, "iter": 25100, "lr": 0.0, "memory": 14793, "data_time": 0.00635, "decode.loss_ce": 0.41816, "decode.acc_seg": 83.08275, "aux.loss_ce": 0.26857, "aux.acc_seg": 75.81547, "loss": 0.68673, "grad_norm": 15.36131, "time": 0.41181} {"mode": "train", "epoch": 20, "iter": 25150, "lr": 0.0, "memory": 14793, "data_time": 0.00539, "decode.loss_ce": 0.42519, "decode.acc_seg": 83.16714, "aux.loss_ce": 0.28016, "aux.acc_seg": 75.62836, "loss": 0.70535, "grad_norm": 17.40831, "time": 0.41431} {"mode": "train", "epoch": 20, "iter": 25200, "lr": 0.0, "memory": 14793, "data_time": 0.00535, "decode.loss_ce": 0.41334, "decode.acc_seg": 83.11512, "aux.loss_ce": 0.25453, "aux.acc_seg": 76.86366, "loss": 0.66787, "grad_norm": 12.45043, "time": 0.40443} {"mode": "train", "epoch": 20, "iter": 25250, "lr": 0.0, "memory": 14793, "data_time": 0.00558, "decode.loss_ce": 0.41452, "decode.acc_seg": 84.02648, "aux.loss_ce": 0.27021, "aux.acc_seg": 76.55798, "loss": 0.68473, "grad_norm": 13.68834, "time": 0.42965} {"mode": "train", "epoch": 21, "iter": 25300, "lr": 0.0, "memory": 14793, "data_time": 0.05146, "decode.loss_ce": 0.38756, "decode.acc_seg": 84.52994, "aux.loss_ce": 0.24502, "aux.acc_seg": 77.98923, "loss": 0.63258, "grad_norm": 14.90662, "time": 0.47273} {"mode": "train", "epoch": 21, "iter": 25350, "lr": 0.0, "memory": 14793, "data_time": 0.0057, "decode.loss_ce": 0.42162, "decode.acc_seg": 83.66121, "aux.loss_ce": 0.28374, "aux.acc_seg": 75.92848, "loss": 0.70537, "grad_norm": 13.71718, "time": 0.40779} {"mode": "train", "epoch": 21, "iter": 25400, "lr": 0.0, "memory": 14793, "data_time": 0.00593, "decode.loss_ce": 0.41601, "decode.acc_seg": 83.24466, "aux.loss_ce": 0.26859, "aux.acc_seg": 76.04635, "loss": 0.6846, "grad_norm": 12.7364, "time": 0.41576} {"mode": "train", "epoch": 21, "iter": 25450, "lr": 0.0, "memory": 14793, "data_time": 0.00661, "decode.loss_ce": 0.40789, "decode.acc_seg": 84.07099, "aux.loss_ce": 0.27748, "aux.acc_seg": 75.5732, "loss": 0.68537, "grad_norm": 12.91093, "time": 0.40815} {"mode": "train", "epoch": 21, "iter": 25500, "lr": 0.0, "memory": 14793, "data_time": 0.00549, "decode.loss_ce": 0.37636, "decode.acc_seg": 85.07656, "aux.loss_ce": 0.25092, "aux.acc_seg": 77.93153, "loss": 0.62728, "grad_norm": 11.84111, "time": 0.41105} {"mode": "train", "epoch": 21, "iter": 25550, "lr": 0.0, "memory": 14793, "data_time": 0.00567, "decode.loss_ce": 0.39489, "decode.acc_seg": 84.31024, "aux.loss_ce": 0.25658, "aux.acc_seg": 77.39691, "loss": 0.65147, "grad_norm": 13.76314, "time": 0.40296} {"mode": "train", "epoch": 21, "iter": 25600, "lr": 0.0, "memory": 14793, "data_time": 0.00674, "decode.loss_ce": 0.42022, "decode.acc_seg": 84.02279, "aux.loss_ce": 0.26798, "aux.acc_seg": 76.63254, "loss": 0.6882, "grad_norm": 13.30071, "time": 0.40832} {"mode": "train", "epoch": 21, "iter": 25650, "lr": 0.0, "memory": 14793, "data_time": 0.00518, "decode.loss_ce": 0.39736, "decode.acc_seg": 84.28194, "aux.loss_ce": 0.25768, "aux.acc_seg": 76.63405, "loss": 0.65505, "grad_norm": 12.94787, "time": 0.41828} {"mode": "train", "epoch": 21, "iter": 25700, "lr": 0.0, "memory": 14793, "data_time": 0.00495, "decode.loss_ce": 0.40432, "decode.acc_seg": 83.33815, "aux.loss_ce": 0.26351, "aux.acc_seg": 76.40001, "loss": 0.66783, "grad_norm": 13.29238, "time": 0.41694} {"mode": "train", "epoch": 21, "iter": 25750, "lr": 0.0, "memory": 14793, "data_time": 0.00572, "decode.loss_ce": 0.41257, "decode.acc_seg": 83.93539, "aux.loss_ce": 0.26181, "aux.acc_seg": 77.14917, "loss": 0.67438, "grad_norm": 11.75046, "time": 0.40799} {"mode": "train", "epoch": 21, "iter": 25800, "lr": 0.0, "memory": 14793, "data_time": 0.00512, "decode.loss_ce": 0.41554, "decode.acc_seg": 83.75342, "aux.loss_ce": 0.26068, "aux.acc_seg": 76.82282, "loss": 0.67622, "grad_norm": 12.05923, "time": 0.40597} {"mode": "train", "epoch": 21, "iter": 25850, "lr": 0.0, "memory": 14793, "data_time": 0.00599, "decode.loss_ce": 0.42393, "decode.acc_seg": 83.54155, "aux.loss_ce": 0.26131, "aux.acc_seg": 77.08391, "loss": 0.68524, "grad_norm": 15.31661, "time": 0.40485} {"mode": "train", "epoch": 21, "iter": 25900, "lr": 0.0, "memory": 14793, "data_time": 0.00507, "decode.loss_ce": 0.40039, "decode.acc_seg": 84.25538, "aux.loss_ce": 0.26394, "aux.acc_seg": 76.61252, "loss": 0.66433, "grad_norm": 10.65757, "time": 0.41195} {"mode": "train", "epoch": 21, "iter": 25950, "lr": 0.0, "memory": 14793, "data_time": 0.00488, "decode.loss_ce": 0.39292, "decode.acc_seg": 84.27891, "aux.loss_ce": 0.25211, "aux.acc_seg": 77.7878, "loss": 0.64503, "grad_norm": 13.71855, "time": 0.41406} {"mode": "train", "epoch": 21, "iter": 26000, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.41363, "decode.acc_seg": 84.06951, "aux.loss_ce": 0.25802, "aux.acc_seg": 77.14168, "loss": 0.67165, "grad_norm": 16.38121, "time": 0.6479} {"mode": "val", "epoch": 21, "iter": 125, "lr": 0.0, "aAcc": 0.8385, "mIoU": 0.5066, "mAcc": 0.6469, "IoU.wall": 0.784, "IoU.building": 0.8311, "IoU.sky": 0.9458, "IoU.floor": 0.8217, "IoU.tree": 0.7504, "IoU.ceiling": 0.8423, "IoU.road": 0.844, "IoU.bed ": 0.9016, "IoU.windowpane": 0.628, "IoU.grass": 0.6879, "IoU.cabinet": 0.6085, "IoU.sidewalk": 0.6482, "IoU.person": 0.8235, "IoU.earth": 0.4099, "IoU.door": 0.5227, "IoU.table": 0.6082, "IoU.mountain": 0.6362, "IoU.plant": 0.5408, "IoU.curtain": 0.7522, "IoU.chair": 0.59, "IoU.car": 0.8519, "IoU.water": 0.6163, "IoU.painting": 0.7136, "IoU.sofa": 0.7062, "IoU.shelf": 0.4498, "IoU.house": 0.5119, "IoU.sea": 0.625, "IoU.mirror": 0.6712, "IoU.rug": 0.657, "IoU.field": 0.2862, "IoU.armchair": 0.4165, "IoU.seat": 0.637, "IoU.fence": 0.4667, "IoU.desk": 0.4506, "IoU.rock": 0.5092, "IoU.wardrobe": 0.5266, "IoU.lamp": 0.6088, "IoU.bathtub": 0.7623, "IoU.railing": 0.3891, "IoU.cushion": 0.5988, "IoU.base": 0.41, "IoU.box": 0.2789, "IoU.column": 0.5092, "IoU.signboard": 0.3857, "IoU.chest of drawers": 0.4257, "IoU.counter": 0.3424, "IoU.sand": 0.4922, "IoU.sink": 0.725, "IoU.skyscraper": 0.5811, "IoU.fireplace": 0.6902, "IoU.refrigerator": 0.7116, "IoU.grandstand": 0.4247, "IoU.path": 0.2465, "IoU.stairs": 0.3157, "IoU.runway": 0.6847, "IoU.case": 0.6203, "IoU.pool table": 0.9164, "IoU.pillow": 0.6017, "IoU.screen door": 0.6091, "IoU.stairway": 0.4193, "IoU.river": 0.1889, "IoU.bridge": 0.535, "IoU.bookcase": 0.3731, "IoU.blind": 0.4629, "IoU.coffee table": 0.54, "IoU.toilet": 0.8246, "IoU.flower": 0.394, "IoU.book": 0.4863, "IoU.hill": 0.0563, "IoU.bench": 0.537, "IoU.countertop": 0.559, "IoU.stove": 0.7664, "IoU.palm": 0.5464, "IoU.kitchen island": 0.3312, "IoU.computer": 0.7346, "IoU.swivel chair": 0.5251, "IoU.boat": 0.5803, "IoU.bar": 0.5389, "IoU.arcade machine": 0.7452, "IoU.hovel": 0.6076, "IoU.bus": 0.882, "IoU.towel": 0.64, "IoU.light": 0.5039, "IoU.truck": 0.4038, "IoU.tower": 0.354, "IoU.chandelier": 0.6361, "IoU.awning": 0.2991, "IoU.streetlight": 0.2734, "IoU.booth": 0.329, "IoU.television receiver": 0.6987, "IoU.airplane": 0.6155, "IoU.dirt track": 0.012, "IoU.apparel": 0.5195, "IoU.pole": 0.1998, "IoU.land": 0.0006, "IoU.bannister": 0.1299, "IoU.escalator": 0.5318, "IoU.ottoman": 0.5102, "IoU.bottle": 0.4066, "IoU.buffet": 0.4721, "IoU.poster": 0.1654, "IoU.stage": 0.1684, "IoU.van": 0.4252, "IoU.ship": 0.8767, "IoU.fountain": 0.264, "IoU.conveyer belt": 0.7385, "IoU.canopy": 0.4472, "IoU.washer": 0.7592, "IoU.plaything": 0.235, "IoU.swimming pool": 0.5144, "IoU.stool": 0.3436, "IoU.barrel": 0.565, "IoU.basket": 0.3458, "IoU.waterfall": 0.4865, "IoU.tent": 0.9419, "IoU.bag": 0.1164, "IoU.minibike": 0.6848, "IoU.cradle": 0.7374, "IoU.oven": 0.3855, "IoU.ball": 0.2344, "IoU.food": 0.5204, "IoU.step": 0.0984, "IoU.tank": 0.5518, "IoU.trade name": 0.2877, "IoU.microwave": 0.8033, "IoU.pot": 0.4559, "IoU.animal": 0.6215, "IoU.bicycle": 0.5802, "IoU.lake": 0.5672, "IoU.dishwasher": 0.5758, "IoU.screen": 0.5477, "IoU.blanket": 0.0755, "IoU.sculpture": 0.6028, "IoU.hood": 0.6412, "IoU.sconce": 0.2616, "IoU.vase": 0.3609, "IoU.traffic light": 0.2606, "IoU.tray": 0.0162, "IoU.ashcan": 0.452, "IoU.fan": 0.5733, "IoU.pier": 0.3674, "IoU.crt screen": 0.0169, "IoU.plate": 0.5065, "IoU.monitor": 0.0612, "IoU.bulletin board": 0.5254, "IoU.shower": 0.0, "IoU.radiator": 0.549, "IoU.glass": 0.1091, "IoU.clock": 0.3046, "IoU.flag": 0.4875, "Acc.wall": 0.87, "Acc.building": 0.9076, "Acc.sky": 0.9719, "Acc.floor": 0.89, "Acc.tree": 0.9143, "Acc.ceiling": 0.9259, "Acc.road": 0.9106, "Acc.bed ": 0.9692, "Acc.windowpane": 0.7622, "Acc.grass": 0.828, "Acc.cabinet": 0.6944, "Acc.sidewalk": 0.7891, "Acc.person": 0.9196, "Acc.earth": 0.5587, "Acc.door": 0.7352, "Acc.table": 0.7537, "Acc.mountain": 0.7469, "Acc.plant": 0.628, "Acc.curtain": 0.8959, "Acc.chair": 0.7052, "Acc.car": 0.9378, "Acc.water": 0.8004, "Acc.painting": 0.8759, "Acc.sofa": 0.91, "Acc.shelf": 0.6234, "Acc.house": 0.7501, "Acc.sea": 0.7205, "Acc.mirror": 0.7923, "Acc.rug": 0.8101, "Acc.field": 0.4554, "Acc.armchair": 0.5713, "Acc.seat": 0.8208, "Acc.fence": 0.5908, "Acc.desk": 0.74, "Acc.rock": 0.6561, "Acc.wardrobe": 0.7134, "Acc.lamp": 0.7486, "Acc.bathtub": 0.8587, "Acc.railing": 0.5455, "Acc.cushion": 0.7081, "Acc.base": 0.6999, "Acc.box": 0.3509, "Acc.column": 0.7095, "Acc.signboard": 0.4774, "Acc.chest of drawers": 0.6595, "Acc.counter": 0.4014, "Acc.sand": 0.6851, "Acc.sink": 0.8027, "Acc.skyscraper": 0.8554, "Acc.fireplace": 0.9242, "Acc.refrigerator": 0.8361, "Acc.grandstand": 0.8868, "Acc.path": 0.3833, "Acc.stairs": 0.3771, "Acc.runway": 0.9247, "Acc.case": 0.8443, "Acc.pool table": 0.9842, "Acc.pillow": 0.7322, "Acc.screen door": 0.8576, "Acc.stairway": 0.5924, "Acc.river": 0.4015, "Acc.bridge": 0.7058, "Acc.bookcase": 0.5785, "Acc.blind": 0.5522, "Acc.coffee table": 0.876, "Acc.toilet": 0.922, "Acc.flower": 0.5526, "Acc.book": 0.6985, "Acc.hill": 0.0858, "Acc.bench": 0.6433, "Acc.countertop": 0.7816, "Acc.stove": 0.8941, "Acc.palm": 0.7943, "Acc.kitchen island": 0.7714, "Acc.computer": 0.9297, "Acc.swivel chair": 0.7121, "Acc.boat": 0.8594, "Acc.bar": 0.7527, "Acc.arcade machine": 0.8221, "Acc.hovel": 0.7167, "Acc.bus": 0.9796, "Acc.towel": 0.8595, "Acc.light": 0.6147, "Acc.truck": 0.5646, "Acc.tower": 0.5404, "Acc.chandelier": 0.8301, "Acc.awning": 0.3347, "Acc.streetlight": 0.38, "Acc.booth": 0.4255, "Acc.television receiver": 0.8864, "Acc.airplane": 0.7425, "Acc.dirt track": 0.0223, "Acc.apparel": 0.6699, "Acc.pole": 0.273, "Acc.land": 0.0009, "Acc.bannister": 0.1661, "Acc.escalator": 0.8834, "Acc.ottoman": 0.6767, "Acc.bottle": 0.6369, "Acc.buffet": 0.6398, "Acc.poster": 0.1899, "Acc.stage": 0.45, "Acc.van": 0.5416, "Acc.ship": 0.9444, "Acc.fountain": 0.2778, "Acc.conveyer belt": 0.9778, "Acc.canopy": 0.6377, "Acc.washer": 0.8123, "Acc.plaything": 0.2977, "Acc.swimming pool": 0.8892, "Acc.stool": 0.59, "Acc.barrel": 0.8224, "Acc.basket": 0.4752, "Acc.waterfall": 0.6485, "Acc.tent": 0.9837, "Acc.bag": 0.1216, "Acc.minibike": 0.8975, "Acc.cradle": 0.9816, "Acc.oven": 0.4203, "Acc.ball": 0.2644, "Acc.food": 0.6269, "Acc.step": 0.1109, "Acc.tank": 0.6131, "Acc.trade name": 0.3296, "Acc.microwave": 0.9571, "Acc.pot": 0.5383, "Acc.animal": 0.6426, "Acc.bicycle": 0.755, "Acc.lake": 0.6277, "Acc.dishwasher": 0.7139, "Acc.screen": 0.9071, "Acc.blanket": 0.0841, "Acc.sculpture": 0.7624, "Acc.hood": 0.7219, "Acc.sconce": 0.2948, "Acc.vase": 0.5522, "Acc.traffic light": 0.438, "Acc.tray": 0.0182, "Acc.ashcan": 0.5968, "Acc.fan": 0.759, "Acc.pier": 0.5145, "Acc.crt screen": 0.0411, "Acc.plate": 0.7322, "Acc.monitor": 0.0707, "Acc.bulletin board": 0.5837, "Acc.shower": 0.0, "Acc.radiator": 0.6484, "Acc.glass": 0.1137, "Acc.clock": 0.3463, "Acc.flag": 0.545} {"mode": "train", "epoch": 21, "iter": 26050, "lr": 0.0, "memory": 14793, "data_time": 2.42009, "decode.loss_ce": 0.39146, "decode.acc_seg": 84.6265, "aux.loss_ce": 0.25189, "aux.acc_seg": 77.97497, "loss": 0.64335, "grad_norm": 15.27617, "time": 2.83993} {"mode": "train", "epoch": 21, "iter": 26100, "lr": 0.0, "memory": 14793, "data_time": 0.00552, "decode.loss_ce": 0.39687, "decode.acc_seg": 84.03356, "aux.loss_ce": 0.24399, "aux.acc_seg": 77.50968, "loss": 0.64086, "grad_norm": 14.21943, "time": 0.42174} {"mode": "train", "epoch": 21, "iter": 26150, "lr": 0.0, "memory": 14793, "data_time": 0.00559, "decode.loss_ce": 0.39139, "decode.acc_seg": 84.48837, "aux.loss_ce": 0.24981, "aux.acc_seg": 77.49429, "loss": 0.6412, "grad_norm": 13.81277, "time": 0.42058} {"mode": "train", "epoch": 21, "iter": 26200, "lr": 0.0, "memory": 14793, "data_time": 0.00683, "decode.loss_ce": 0.39943, "decode.acc_seg": 84.46397, "aux.loss_ce": 0.26423, "aux.acc_seg": 77.14684, "loss": 0.66366, "grad_norm": 12.85285, "time": 0.41343} {"mode": "train", "epoch": 21, "iter": 26250, "lr": 0.0, "memory": 14793, "data_time": 0.00584, "decode.loss_ce": 0.39566, "decode.acc_seg": 83.96176, "aux.loss_ce": 0.25455, "aux.acc_seg": 77.09669, "loss": 0.65021, "grad_norm": 14.02735, "time": 0.41281} {"mode": "train", "epoch": 21, "iter": 26300, "lr": 0.0, "memory": 14793, "data_time": 0.00684, "decode.loss_ce": 0.39255, "decode.acc_seg": 83.90359, "aux.loss_ce": 0.24905, "aux.acc_seg": 76.89519, "loss": 0.6416, "grad_norm": 20.27701, "time": 0.42092} {"mode": "train", "epoch": 21, "iter": 26350, "lr": 0.0, "memory": 14793, "data_time": 0.00551, "decode.loss_ce": 0.41122, "decode.acc_seg": 83.20399, "aux.loss_ce": 0.25493, "aux.acc_seg": 76.81845, "loss": 0.66615, "grad_norm": 15.49265, "time": 0.40935} {"mode": "train", "epoch": 21, "iter": 26400, "lr": 0.0, "memory": 14793, "data_time": 0.00547, "decode.loss_ce": 0.39059, "decode.acc_seg": 84.70236, "aux.loss_ce": 0.24726, "aux.acc_seg": 77.61285, "loss": 0.63785, "grad_norm": 12.87029, "time": 0.40841} {"mode": "train", "epoch": 21, "iter": 26450, "lr": 0.0, "memory": 14793, "data_time": 0.00616, "decode.loss_ce": 0.41399, "decode.acc_seg": 83.83124, "aux.loss_ce": 0.26355, "aux.acc_seg": 76.55585, "loss": 0.67754, "grad_norm": 17.98504, "time": 0.40669} {"mode": "train", "epoch": 21, "iter": 26500, "lr": 0.0, "memory": 14793, "data_time": 0.0075, "decode.loss_ce": 0.39136, "decode.acc_seg": 84.77131, "aux.loss_ce": 0.25243, "aux.acc_seg": 77.79735, "loss": 0.64379, "grad_norm": 13.22604, "time": 0.42555} {"mode": "train", "epoch": 22, "iter": 26550, "lr": 0.0, "memory": 14793, "data_time": 0.05549, "decode.loss_ce": 0.39992, "decode.acc_seg": 84.26779, "aux.loss_ce": 0.24724, "aux.acc_seg": 78.0922, "loss": 0.64716, "grad_norm": 13.54392, "time": 0.47355} {"mode": "train", "epoch": 22, "iter": 26600, "lr": 0.0, "memory": 14793, "data_time": 0.00676, "decode.loss_ce": 0.39607, "decode.acc_seg": 83.60911, "aux.loss_ce": 0.25199, "aux.acc_seg": 76.52164, "loss": 0.64806, "grad_norm": 12.99651, "time": 0.50175} {"mode": "train", "epoch": 22, "iter": 26650, "lr": 0.0, "memory": 14793, "data_time": 0.00571, "decode.loss_ce": 0.37889, "decode.acc_seg": 84.73632, "aux.loss_ce": 0.25239, "aux.acc_seg": 77.78756, "loss": 0.63128, "grad_norm": 12.66136, "time": 0.40931} {"mode": "train", "epoch": 22, "iter": 26700, "lr": 0.0, "memory": 14793, "data_time": 0.00703, "decode.loss_ce": 0.40795, "decode.acc_seg": 83.6533, "aux.loss_ce": 0.25162, "aux.acc_seg": 77.42085, "loss": 0.65957, "grad_norm": 15.00871, "time": 0.41283} {"mode": "train", "epoch": 22, "iter": 26750, "lr": 0.0, "memory": 14793, "data_time": 0.00565, "decode.loss_ce": 0.36362, "decode.acc_seg": 85.90577, "aux.loss_ce": 0.24039, "aux.acc_seg": 78.64357, "loss": 0.60401, "grad_norm": 15.5636, "time": 0.40547} {"mode": "train", "epoch": 22, "iter": 26800, "lr": 0.0, "memory": 14793, "data_time": 0.00547, "decode.loss_ce": 0.4156, "decode.acc_seg": 84.16771, "aux.loss_ce": 0.26603, "aux.acc_seg": 77.00019, "loss": 0.68162, "grad_norm": 13.70035, "time": 0.41175} {"mode": "train", "epoch": 22, "iter": 26850, "lr": 0.0, "memory": 14793, "data_time": 0.00524, "decode.loss_ce": 0.38573, "decode.acc_seg": 85.00482, "aux.loss_ce": 0.25927, "aux.acc_seg": 77.69779, "loss": 0.64499, "grad_norm": 13.59717, "time": 0.42102} {"mode": "train", "epoch": 22, "iter": 26900, "lr": 0.0, "memory": 14793, "data_time": 0.00514, "decode.loss_ce": 0.40107, "decode.acc_seg": 83.97465, "aux.loss_ce": 0.26025, "aux.acc_seg": 76.92607, "loss": 0.66133, "grad_norm": 13.66091, "time": 0.41754} {"mode": "train", "epoch": 22, "iter": 26950, "lr": 0.0, "memory": 14793, "data_time": 0.00503, "decode.loss_ce": 0.38869, "decode.acc_seg": 84.63991, "aux.loss_ce": 0.24953, "aux.acc_seg": 77.49786, "loss": 0.63822, "grad_norm": 15.31169, "time": 0.42597} {"mode": "train", "epoch": 22, "iter": 27000, "lr": 0.0, "memory": 14793, "data_time": 0.0063, "decode.loss_ce": 0.38521, "decode.acc_seg": 85.30491, "aux.loss_ce": 0.25525, "aux.acc_seg": 77.95265, "loss": 0.64045, "grad_norm": 18.13118, "time": 0.64169} {"mode": "val", "epoch": 22, "iter": 125, "lr": 0.0, "aAcc": 0.8413, "mIoU": 0.5136, "mAcc": 0.6434, "IoU.wall": 0.785, "IoU.building": 0.8389, "IoU.sky": 0.9465, "IoU.floor": 0.8251, "IoU.tree": 0.7599, "IoU.ceiling": 0.8469, "IoU.road": 0.8364, "IoU.bed ": 0.904, "IoU.windowpane": 0.6337, "IoU.grass": 0.6733, "IoU.cabinet": 0.6201, "IoU.sidewalk": 0.6509, "IoU.person": 0.8257, "IoU.earth": 0.3997, "IoU.door": 0.5322, "IoU.table": 0.6144, "IoU.mountain": 0.613, "IoU.plant": 0.5631, "IoU.curtain": 0.7562, "IoU.chair": 0.5967, "IoU.car": 0.8474, "IoU.water": 0.6268, "IoU.painting": 0.6882, "IoU.sofa": 0.7067, "IoU.shelf": 0.4427, "IoU.house": 0.5286, "IoU.sea": 0.6849, "IoU.mirror": 0.6914, "IoU.rug": 0.6663, "IoU.field": 0.3064, "IoU.armchair": 0.4501, "IoU.seat": 0.6494, "IoU.fence": 0.4762, "IoU.desk": 0.4594, "IoU.rock": 0.4898, "IoU.wardrobe": 0.5374, "IoU.lamp": 0.6139, "IoU.bathtub": 0.7958, "IoU.railing": 0.3879, "IoU.cushion": 0.6024, "IoU.base": 0.4155, "IoU.box": 0.3228, "IoU.column": 0.52, "IoU.signboard": 0.3829, "IoU.chest of drawers": 0.4268, "IoU.counter": 0.3124, "IoU.sand": 0.5082, "IoU.sink": 0.7275, "IoU.skyscraper": 0.5199, "IoU.fireplace": 0.6655, "IoU.refrigerator": 0.7142, "IoU.grandstand": 0.4747, "IoU.path": 0.276, "IoU.stairs": 0.3505, "IoU.runway": 0.6431, "IoU.case": 0.6377, "IoU.pool table": 0.9269, "IoU.pillow": 0.588, "IoU.screen door": 0.6037, "IoU.stairway": 0.4511, "IoU.river": 0.2567, "IoU.bridge": 0.5211, "IoU.bookcase": 0.3843, "IoU.blind": 0.4327, "IoU.coffee table": 0.5795, "IoU.toilet": 0.84, "IoU.flower": 0.4225, "IoU.book": 0.4861, "IoU.hill": 0.0598, "IoU.bench": 0.5942, "IoU.countertop": 0.5622, "IoU.stove": 0.7673, "IoU.palm": 0.5523, "IoU.kitchen island": 0.2823, "IoU.computer": 0.7343, "IoU.swivel chair": 0.5155, "IoU.boat": 0.7457, "IoU.bar": 0.4986, "IoU.arcade machine": 0.774, "IoU.hovel": 0.5518, "IoU.bus": 0.8931, "IoU.towel": 0.6617, "IoU.light": 0.4776, "IoU.truck": 0.3773, "IoU.tower": 0.3531, "IoU.chandelier": 0.6379, "IoU.awning": 0.3189, "IoU.streetlight": 0.2571, "IoU.booth": 0.3447, "IoU.television receiver": 0.7121, "IoU.airplane": 0.6459, "IoU.dirt track": 0.0718, "IoU.apparel": 0.5187, "IoU.pole": 0.1573, "IoU.land": 0.0241, "IoU.bannister": 0.1178, "IoU.escalator": 0.5486, "IoU.ottoman": 0.5654, "IoU.bottle": 0.4022, "IoU.buffet": 0.455, "IoU.poster": 0.1839, "IoU.stage": 0.1273, "IoU.van": 0.3545, "IoU.ship": 0.7902, "IoU.fountain": 0.3451, "IoU.conveyer belt": 0.7965, "IoU.canopy": 0.4009, "IoU.washer": 0.7597, "IoU.plaything": 0.266, "IoU.swimming pool": 0.6177, "IoU.stool": 0.362, "IoU.barrel": 0.5956, "IoU.basket": 0.3488, "IoU.waterfall": 0.5307, "IoU.tent": 0.9291, "IoU.bag": 0.2061, "IoU.minibike": 0.707, "IoU.cradle": 0.7205, "IoU.oven": 0.3828, "IoU.ball": 0.2842, "IoU.food": 0.5613, "IoU.step": 0.1317, "IoU.tank": 0.596, "IoU.trade name": 0.3024, "IoU.microwave": 0.7704, "IoU.pot": 0.4122, "IoU.animal": 0.6291, "IoU.bicycle": 0.5796, "IoU.lake": 0.4708, "IoU.dishwasher": 0.584, "IoU.screen": 0.5598, "IoU.blanket": 0.0638, "IoU.sculpture": 0.6156, "IoU.hood": 0.6373, "IoU.sconce": 0.2876, "IoU.vase": 0.3565, "IoU.traffic light": 0.2555, "IoU.tray": 0.0184, "IoU.ashcan": 0.4616, "IoU.fan": 0.5813, "IoU.pier": 0.3544, "IoU.crt screen": 0.0444, "IoU.plate": 0.5067, "IoU.monitor": 0.0213, "IoU.bulletin board": 0.584, "IoU.shower": 0.0, "IoU.radiator": 0.5497, "IoU.glass": 0.1305, "IoU.clock": 0.3097, "IoU.flag": 0.5176, "Acc.wall": 0.8677, "Acc.building": 0.9349, "Acc.sky": 0.9743, "Acc.floor": 0.8928, "Acc.tree": 0.8869, "Acc.ceiling": 0.9315, "Acc.road": 0.9086, "Acc.bed ": 0.9706, "Acc.windowpane": 0.8165, "Acc.grass": 0.7814, "Acc.cabinet": 0.7228, "Acc.sidewalk": 0.823, "Acc.person": 0.9192, "Acc.earth": 0.537, "Acc.door": 0.6992, "Acc.table": 0.7319, "Acc.mountain": 0.7433, "Acc.plant": 0.6938, "Acc.curtain": 0.8975, "Acc.chair": 0.71, "Acc.car": 0.9429, "Acc.water": 0.7906, "Acc.painting": 0.8961, "Acc.sofa": 0.8538, "Acc.shelf": 0.6297, "Acc.house": 0.6451, "Acc.sea": 0.8863, "Acc.mirror": 0.7815, "Acc.rug": 0.8011, "Acc.field": 0.5865, "Acc.armchair": 0.6686, "Acc.seat": 0.8293, "Acc.fence": 0.6076, "Acc.desk": 0.7718, "Acc.rock": 0.7254, "Acc.wardrobe": 0.7072, "Acc.lamp": 0.7576, "Acc.bathtub": 0.8505, "Acc.railing": 0.5644, "Acc.cushion": 0.7242, "Acc.base": 0.5747, "Acc.box": 0.4423, "Acc.column": 0.6418, "Acc.signboard": 0.511, "Acc.chest of drawers": 0.6575, "Acc.counter": 0.3776, "Acc.sand": 0.6415, "Acc.sink": 0.8036, "Acc.skyscraper": 0.629, "Acc.fireplace": 0.9327, "Acc.refrigerator": 0.8682, "Acc.grandstand": 0.8693, "Acc.path": 0.3571, "Acc.stairs": 0.4695, "Acc.runway": 0.8637, "Acc.case": 0.7909, "Acc.pool table": 0.9792, "Acc.pillow": 0.6893, "Acc.screen door": 0.8683, "Acc.stairway": 0.5439, "Acc.river": 0.3598, "Acc.bridge": 0.6136, "Acc.bookcase": 0.6466, "Acc.blind": 0.491, "Acc.coffee table": 0.8535, "Acc.toilet": 0.9194, "Acc.flower": 0.5595, "Acc.book": 0.6746, "Acc.hill": 0.0729, "Acc.bench": 0.7631, "Acc.countertop": 0.7656, "Acc.stove": 0.9062, "Acc.palm": 0.7282, "Acc.kitchen island": 0.6209, "Acc.computer": 0.9218, "Acc.swivel chair": 0.6972, "Acc.boat": 0.8256, "Acc.bar": 0.7495, "Acc.arcade machine": 0.8273, "Acc.hovel": 0.7548, "Acc.bus": 0.9683, "Acc.towel": 0.8479, "Acc.light": 0.549, "Acc.truck": 0.4966, "Acc.tower": 0.5523, "Acc.chandelier": 0.8355, "Acc.awning": 0.3793, "Acc.streetlight": 0.3684, "Acc.booth": 0.4474, "Acc.television receiver": 0.8578, "Acc.airplane": 0.7515, "Acc.dirt track": 0.1032, "Acc.apparel": 0.7415, "Acc.pole": 0.1887, "Acc.land": 0.0317, "Acc.bannister": 0.1547, "Acc.escalator": 0.8646, "Acc.ottoman": 0.7464, "Acc.bottle": 0.6904, "Acc.buffet": 0.5298, "Acc.poster": 0.2147, "Acc.stage": 0.3637, "Acc.van": 0.4381, "Acc.ship": 0.9014, "Acc.fountain": 0.3676, "Acc.conveyer belt": 0.9699, "Acc.canopy": 0.5511, "Acc.washer": 0.8006, "Acc.plaything": 0.374, "Acc.swimming pool": 0.7772, "Acc.stool": 0.5638, "Acc.barrel": 0.869, "Acc.basket": 0.4682, "Acc.waterfall": 0.7202, "Acc.tent": 0.9859, "Acc.bag": 0.2295, "Acc.minibike": 0.8702, "Acc.cradle": 0.9777, "Acc.oven": 0.5135, "Acc.ball": 0.3211, "Acc.food": 0.6291, "Acc.step": 0.1494, "Acc.tank": 0.6737, "Acc.trade name": 0.3493, "Acc.microwave": 0.8792, "Acc.pot": 0.4606, "Acc.animal": 0.6525, "Acc.bicycle": 0.7244, "Acc.lake": 0.5236, "Acc.dishwasher": 0.6937, "Acc.screen": 0.9052, "Acc.blanket": 0.0728, "Acc.sculpture": 0.7606, "Acc.hood": 0.6891, "Acc.sconce": 0.3277, "Acc.vase": 0.4684, "Acc.traffic light": 0.3877, "Acc.tray": 0.0202, "Acc.ashcan": 0.626, "Acc.fan": 0.7128, "Acc.pier": 0.4511, "Acc.crt screen": 0.1272, "Acc.plate": 0.7369, "Acc.monitor": 0.0233, "Acc.bulletin board": 0.6662, "Acc.shower": 0.0, "Acc.radiator": 0.6406, "Acc.glass": 0.1384, "Acc.clock": 0.3453, "Acc.flag": 0.5658} {"mode": "train", "epoch": 22, "iter": 27050, "lr": 0.0, "memory": 14793, "data_time": 2.37667, "decode.loss_ce": 0.42471, "decode.acc_seg": 83.51746, "aux.loss_ce": 0.27272, "aux.acc_seg": 76.49406, "loss": 0.69743, "grad_norm": 13.00865, "time": 2.79056} {"mode": "train", "epoch": 22, "iter": 27100, "lr": 0.0, "memory": 14793, "data_time": 0.00573, "decode.loss_ce": 0.40663, "decode.acc_seg": 84.32459, "aux.loss_ce": 0.25535, "aux.acc_seg": 77.82337, "loss": 0.66197, "grad_norm": 15.56549, "time": 0.40944} {"mode": "train", "epoch": 22, "iter": 27150, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.39222, "decode.acc_seg": 84.72579, "aux.loss_ce": 0.25804, "aux.acc_seg": 77.49909, "loss": 0.65026, "grad_norm": 16.0268, "time": 0.42113} {"mode": "train", "epoch": 22, "iter": 27200, "lr": 0.0, "memory": 14793, "data_time": 0.00582, "decode.loss_ce": 0.38756, "decode.acc_seg": 84.77914, "aux.loss_ce": 0.26055, "aux.acc_seg": 77.36338, "loss": 0.64811, "grad_norm": 16.34138, "time": 0.41146} {"mode": "train", "epoch": 22, "iter": 27250, "lr": 0.0, "memory": 14793, "data_time": 0.00559, "decode.loss_ce": 0.40506, "decode.acc_seg": 84.21059, "aux.loss_ce": 0.25901, "aux.acc_seg": 77.39178, "loss": 0.66407, "grad_norm": 13.72809, "time": 0.41087} {"mode": "train", "epoch": 22, "iter": 27300, "lr": 0.0, "memory": 14793, "data_time": 0.00539, "decode.loss_ce": 0.39574, "decode.acc_seg": 83.9855, "aux.loss_ce": 0.25894, "aux.acc_seg": 76.16051, "loss": 0.65468, "grad_norm": 21.17238, "time": 0.42475} {"mode": "train", "epoch": 22, "iter": 27350, "lr": 0.0, "memory": 14793, "data_time": 0.00682, "decode.loss_ce": 0.40131, "decode.acc_seg": 84.17028, "aux.loss_ce": 0.25307, "aux.acc_seg": 77.70798, "loss": 0.65438, "grad_norm": 14.17887, "time": 0.42402} {"mode": "train", "epoch": 22, "iter": 27400, "lr": 0.0, "memory": 14793, "data_time": 0.00634, "decode.loss_ce": 0.3977, "decode.acc_seg": 84.37953, "aux.loss_ce": 0.25182, "aux.acc_seg": 77.72582, "loss": 0.64952, "grad_norm": 12.83085, "time": 0.42002} {"mode": "train", "epoch": 22, "iter": 27450, "lr": 0.0, "memory": 14793, "data_time": 0.00635, "decode.loss_ce": 0.43927, "decode.acc_seg": 82.7596, "aux.loss_ce": 0.27359, "aux.acc_seg": 75.85626, "loss": 0.71286, "grad_norm": 16.11015, "time": 0.41197} {"mode": "train", "epoch": 22, "iter": 27500, "lr": 0.0, "memory": 14793, "data_time": 0.00545, "decode.loss_ce": 0.38847, "decode.acc_seg": 84.21806, "aux.loss_ce": 0.25089, "aux.acc_seg": 76.86833, "loss": 0.63936, "grad_norm": 13.31122, "time": 0.40823} {"mode": "train", "epoch": 22, "iter": 27550, "lr": 0.0, "memory": 14793, "data_time": 0.00552, "decode.loss_ce": 0.40985, "decode.acc_seg": 83.6131, "aux.loss_ce": 0.26572, "aux.acc_seg": 76.20202, "loss": 0.67557, "grad_norm": 11.45389, "time": 0.41238} {"mode": "train", "epoch": 22, "iter": 27600, "lr": 0.0, "memory": 14793, "data_time": 0.00566, "decode.loss_ce": 0.39729, "decode.acc_seg": 83.94446, "aux.loss_ce": 0.25544, "aux.acc_seg": 76.91704, "loss": 0.65273, "grad_norm": 16.52194, "time": 0.41581} {"mode": "train", "epoch": 22, "iter": 27650, "lr": 0.0, "memory": 14793, "data_time": 0.00605, "decode.loss_ce": 0.39466, "decode.acc_seg": 84.26408, "aux.loss_ce": 0.25346, "aux.acc_seg": 77.30724, "loss": 0.64812, "grad_norm": 12.99733, "time": 0.41208} {"mode": "train", "epoch": 22, "iter": 27700, "lr": 0.0, "memory": 14793, "data_time": 0.00539, "decode.loss_ce": 0.3984, "decode.acc_seg": 84.64557, "aux.loss_ce": 0.2441, "aux.acc_seg": 78.27704, "loss": 0.6425, "grad_norm": 12.21631, "time": 0.4149} {"mode": "train", "epoch": 22, "iter": 27750, "lr": 0.0, "memory": 14793, "data_time": 0.00504, "decode.loss_ce": 0.38418, "decode.acc_seg": 84.76064, "aux.loss_ce": 0.24479, "aux.acc_seg": 78.17548, "loss": 0.62897, "grad_norm": 12.65382, "time": 0.41866} {"mode": "train", "epoch": 22, "iter": 27800, "lr": 0.0, "memory": 14793, "data_time": 0.00507, "decode.loss_ce": 0.40733, "decode.acc_seg": 83.37007, "aux.loss_ce": 0.24851, "aux.acc_seg": 76.71336, "loss": 0.65584, "grad_norm": 14.58837, "time": 0.41696} {"mode": "train", "epoch": 23, "iter": 27850, "lr": 0.0, "memory": 14793, "data_time": 0.05157, "decode.loss_ce": 0.40562, "decode.acc_seg": 84.37897, "aux.loss_ce": 0.25458, "aux.acc_seg": 77.24372, "loss": 0.6602, "grad_norm": 13.9972, "time": 0.45052} {"mode": "train", "epoch": 23, "iter": 27900, "lr": 0.0, "memory": 14793, "data_time": 0.00512, "decode.loss_ce": 0.38329, "decode.acc_seg": 84.95059, "aux.loss_ce": 0.25911, "aux.acc_seg": 76.84927, "loss": 0.6424, "grad_norm": 13.5704, "time": 0.41804} {"mode": "train", "epoch": 23, "iter": 27950, "lr": 0.0, "memory": 14793, "data_time": 0.00528, "decode.loss_ce": 0.41066, "decode.acc_seg": 84.07158, "aux.loss_ce": 0.24855, "aux.acc_seg": 77.69667, "loss": 0.6592, "grad_norm": 14.56395, "time": 0.40964} {"mode": "train", "epoch": 23, "iter": 28000, "lr": 0.0, "memory": 14793, "data_time": 0.00581, "decode.loss_ce": 0.38346, "decode.acc_seg": 84.62794, "aux.loss_ce": 0.24974, "aux.acc_seg": 77.49083, "loss": 0.63319, "grad_norm": 12.18051, "time": 0.64671} {"mode": "val", "epoch": 23, "iter": 125, "lr": 0.0, "aAcc": 0.8394, "mIoU": 0.5133, "mAcc": 0.6445, "IoU.wall": 0.7824, "IoU.building": 0.8355, "IoU.sky": 0.9464, "IoU.floor": 0.8214, "IoU.tree": 0.7621, "IoU.ceiling": 0.8502, "IoU.road": 0.8345, "IoU.bed ": 0.9022, "IoU.windowpane": 0.6194, "IoU.grass": 0.6783, "IoU.cabinet": 0.6131, "IoU.sidewalk": 0.6253, "IoU.person": 0.8235, "IoU.earth": 0.3929, "IoU.door": 0.5201, "IoU.table": 0.6039, "IoU.mountain": 0.6152, "IoU.plant": 0.5619, "IoU.curtain": 0.7506, "IoU.chair": 0.6049, "IoU.car": 0.8468, "IoU.water": 0.6144, "IoU.painting": 0.7006, "IoU.sofa": 0.7273, "IoU.shelf": 0.4588, "IoU.house": 0.5396, "IoU.sea": 0.6931, "IoU.mirror": 0.6843, "IoU.rug": 0.5903, "IoU.field": 0.2697, "IoU.armchair": 0.4481, "IoU.seat": 0.63, "IoU.fence": 0.4749, "IoU.desk": 0.4821, "IoU.rock": 0.5007, "IoU.wardrobe": 0.5419, "IoU.lamp": 0.6095, "IoU.bathtub": 0.772, "IoU.railing": 0.3865, "IoU.cushion": 0.5956, "IoU.base": 0.3544, "IoU.box": 0.2768, "IoU.column": 0.5087, "IoU.signboard": 0.3661, "IoU.chest of drawers": 0.3922, "IoU.counter": 0.4311, "IoU.sand": 0.5075, "IoU.sink": 0.7176, "IoU.skyscraper": 0.5026, "IoU.fireplace": 0.7214, "IoU.refrigerator": 0.6884, "IoU.grandstand": 0.5105, "IoU.path": 0.282, "IoU.stairs": 0.3139, "IoU.runway": 0.6381, "IoU.case": 0.6079, "IoU.pool table": 0.9304, "IoU.pillow": 0.5815, "IoU.screen door": 0.5508, "IoU.stairway": 0.4287, "IoU.river": 0.2293, "IoU.bridge": 0.7214, "IoU.bookcase": 0.3873, "IoU.blind": 0.4151, "IoU.coffee table": 0.5799, "IoU.toilet": 0.8277, "IoU.flower": 0.4548, "IoU.book": 0.4828, "IoU.hill": 0.0689, "IoU.bench": 0.5559, "IoU.countertop": 0.5824, "IoU.stove": 0.7719, "IoU.palm": 0.5474, "IoU.kitchen island": 0.2932, "IoU.computer": 0.722, "IoU.swivel chair": 0.536, "IoU.boat": 0.6474, "IoU.bar": 0.5355, "IoU.arcade machine": 0.7607, "IoU.hovel": 0.5869, "IoU.bus": 0.8874, "IoU.towel": 0.6333, "IoU.light": 0.4742, "IoU.truck": 0.3871, "IoU.tower": 0.3375, "IoU.chandelier": 0.6458, "IoU.awning": 0.3121, "IoU.streetlight": 0.2577, "IoU.booth": 0.3564, "IoU.television receiver": 0.7308, "IoU.airplane": 0.6398, "IoU.dirt track": 0.0304, "IoU.apparel": 0.4674, "IoU.pole": 0.2015, "IoU.land": 0.0183, "IoU.bannister": 0.0821, "IoU.escalator": 0.5441, "IoU.ottoman": 0.5669, "IoU.bottle": 0.4009, "IoU.buffet": 0.4424, "IoU.poster": 0.3161, "IoU.stage": 0.1485, "IoU.van": 0.2951, "IoU.ship": 0.8898, "IoU.fountain": 0.4056, "IoU.conveyer belt": 0.7857, "IoU.canopy": 0.4497, "IoU.washer": 0.7682, "IoU.plaything": 0.333, "IoU.swimming pool": 0.6266, "IoU.stool": 0.3496, "IoU.barrel": 0.6264, "IoU.basket": 0.3577, "IoU.waterfall": 0.6423, "IoU.tent": 0.9479, "IoU.bag": 0.1561, "IoU.minibike": 0.7036, "IoU.cradle": 0.7265, "IoU.oven": 0.401, "IoU.ball": 0.5204, "IoU.food": 0.488, "IoU.step": 0.1705, "IoU.tank": 0.5233, "IoU.trade name": 0.1671, "IoU.microwave": 0.771, "IoU.pot": 0.4028, "IoU.animal": 0.5692, "IoU.bicycle": 0.5821, "IoU.lake": 0.4778, "IoU.dishwasher": 0.5864, "IoU.screen": 0.5212, "IoU.blanket": 0.0794, "IoU.sculpture": 0.6082, "IoU.hood": 0.635, "IoU.sconce": 0.2625, "IoU.vase": 0.3588, "IoU.traffic light": 0.2659, "IoU.tray": 0.01, "IoU.ashcan": 0.441, "IoU.fan": 0.5838, "IoU.pier": 0.3455, "IoU.crt screen": 0.0295, "IoU.plate": 0.512, "IoU.monitor": 0.0334, "IoU.bulletin board": 0.5385, "IoU.shower": 0.0, "IoU.radiator": 0.5329, "IoU.glass": 0.1167, "IoU.clock": 0.3025, "IoU.flag": 0.4829, "Acc.wall": 0.858, "Acc.building": 0.9276, "Acc.sky": 0.9753, "Acc.floor": 0.9134, "Acc.tree": 0.8773, "Acc.ceiling": 0.9184, "Acc.road": 0.9355, "Acc.bed ": 0.9711, "Acc.windowpane": 0.8003, "Acc.grass": 0.8303, "Acc.cabinet": 0.7214, "Acc.sidewalk": 0.7413, "Acc.person": 0.9161, "Acc.earth": 0.5297, "Acc.door": 0.7282, "Acc.table": 0.7228, "Acc.mountain": 0.7827, "Acc.plant": 0.6872, "Acc.curtain": 0.8968, "Acc.chair": 0.7475, "Acc.car": 0.9404, "Acc.water": 0.7686, "Acc.painting": 0.8963, "Acc.sofa": 0.8739, "Acc.shelf": 0.7015, "Acc.house": 0.7466, "Acc.sea": 0.8758, "Acc.mirror": 0.7851, "Acc.rug": 0.6697, "Acc.field": 0.4394, "Acc.armchair": 0.6125, "Acc.seat": 0.8451, "Acc.fence": 0.6102, "Acc.desk": 0.7726, "Acc.rock": 0.6399, "Acc.wardrobe": 0.725, "Acc.lamp": 0.773, "Acc.bathtub": 0.8617, "Acc.railing": 0.5374, "Acc.cushion": 0.6763, "Acc.base": 0.4596, "Acc.box": 0.3318, "Acc.column": 0.6842, "Acc.signboard": 0.5117, "Acc.chest of drawers": 0.5493, "Acc.counter": 0.5234, "Acc.sand": 0.6922, "Acc.sink": 0.7835, "Acc.skyscraper": 0.7074, "Acc.fireplace": 0.91, "Acc.refrigerator": 0.8287, "Acc.grandstand": 0.8203, "Acc.path": 0.3609, "Acc.stairs": 0.3679, "Acc.runway": 0.8547, "Acc.case": 0.8247, "Acc.pool table": 0.9734, "Acc.pillow": 0.7039, "Acc.screen door": 0.8916, "Acc.stairway": 0.5833, "Acc.river": 0.3667, "Acc.bridge": 0.8269, "Acc.bookcase": 0.652, "Acc.blind": 0.4635, "Acc.coffee table": 0.8029, "Acc.toilet": 0.9213, "Acc.flower": 0.6093, "Acc.book": 0.702, "Acc.hill": 0.1078, "Acc.bench": 0.6481, "Acc.countertop": 0.767, "Acc.stove": 0.8851, "Acc.palm": 0.7815, "Acc.kitchen island": 0.8968, "Acc.computer": 0.9156, "Acc.swivel chair": 0.7409, "Acc.boat": 0.8237, "Acc.bar": 0.6364, "Acc.arcade machine": 0.8274, "Acc.hovel": 0.7397, "Acc.bus": 0.9754, "Acc.towel": 0.8538, "Acc.light": 0.5346, "Acc.truck": 0.5229, "Acc.tower": 0.5237, "Acc.chandelier": 0.8358, "Acc.awning": 0.3464, "Acc.streetlight": 0.3485, "Acc.booth": 0.5486, "Acc.television receiver": 0.8822, "Acc.airplane": 0.7236, "Acc.dirt track": 0.0352, "Acc.apparel": 0.6549, "Acc.pole": 0.2646, "Acc.land": 0.0237, "Acc.bannister": 0.0938, "Acc.escalator": 0.8427, "Acc.ottoman": 0.7448, "Acc.bottle": 0.6061, "Acc.buffet": 0.6429, "Acc.poster": 0.4766, "Acc.stage": 0.3279, "Acc.van": 0.3523, "Acc.ship": 0.9683, "Acc.fountain": 0.5318, "Acc.conveyer belt": 0.964, "Acc.canopy": 0.5822, "Acc.washer": 0.8048, "Acc.plaything": 0.4689, "Acc.swimming pool": 0.6897, "Acc.stool": 0.5234, "Acc.barrel": 0.8705, "Acc.basket": 0.486, "Acc.waterfall": 0.7516, "Acc.tent": 0.9763, "Acc.bag": 0.1646, "Acc.minibike": 0.8668, "Acc.cradle": 0.95, "Acc.oven": 0.5663, "Acc.ball": 0.6701, "Acc.food": 0.6152, "Acc.step": 0.1943, "Acc.tank": 0.6115, "Acc.trade name": 0.1748, "Acc.microwave": 0.8832, "Acc.pot": 0.4502, "Acc.animal": 0.5854, "Acc.bicycle": 0.7369, "Acc.lake": 0.5519, "Acc.dishwasher": 0.7133, "Acc.screen": 0.8802, "Acc.blanket": 0.0892, "Acc.sculpture": 0.7952, "Acc.hood": 0.6889, "Acc.sconce": 0.2967, "Acc.vase": 0.5086, "Acc.traffic light": 0.3919, "Acc.tray": 0.0104, "Acc.ashcan": 0.567, "Acc.fan": 0.7625, "Acc.pier": 0.4622, "Acc.crt screen": 0.0775, "Acc.plate": 0.7104, "Acc.monitor": 0.042, "Acc.bulletin board": 0.5815, "Acc.shower": 0.0, "Acc.radiator": 0.6145, "Acc.glass": 0.1218, "Acc.clock": 0.3254, "Acc.flag": 0.5257} {"mode": "train", "epoch": 23, "iter": 28050, "lr": 0.0, "memory": 14793, "data_time": 2.1723, "decode.loss_ce": 0.39788, "decode.acc_seg": 84.42419, "aux.loss_ce": 0.2528, "aux.acc_seg": 77.75487, "loss": 0.65068, "grad_norm": 13.77942, "time": 2.58365} {"mode": "train", "epoch": 23, "iter": 28100, "lr": 0.0, "memory": 14793, "data_time": 0.00564, "decode.loss_ce": 0.36671, "decode.acc_seg": 85.69166, "aux.loss_ce": 0.24275, "aux.acc_seg": 78.62491, "loss": 0.60945, "grad_norm": 14.17741, "time": 0.41735} {"mode": "train", "epoch": 23, "iter": 28150, "lr": 0.0, "memory": 14793, "data_time": 0.00597, "decode.loss_ce": 0.3836, "decode.acc_seg": 84.70626, "aux.loss_ce": 0.25552, "aux.acc_seg": 77.18228, "loss": 0.63912, "grad_norm": 13.40292, "time": 0.42457} {"mode": "train", "epoch": 23, "iter": 28200, "lr": 0.0, "memory": 14793, "data_time": 0.00637, "decode.loss_ce": 0.38179, "decode.acc_seg": 84.93369, "aux.loss_ce": 0.23808, "aux.acc_seg": 78.27973, "loss": 0.61987, "grad_norm": 13.46425, "time": 0.42348} {"mode": "train", "epoch": 23, "iter": 28250, "lr": 0.0, "memory": 14793, "data_time": 0.00598, "decode.loss_ce": 0.38177, "decode.acc_seg": 84.84316, "aux.loss_ce": 0.24718, "aux.acc_seg": 77.59048, "loss": 0.62896, "grad_norm": 13.13653, "time": 0.4121} {"mode": "train", "epoch": 23, "iter": 28300, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.38938, "decode.acc_seg": 84.20372, "aux.loss_ce": 0.24974, "aux.acc_seg": 77.43072, "loss": 0.63912, "grad_norm": 14.03274, "time": 0.41151} {"mode": "train", "epoch": 23, "iter": 28350, "lr": 0.0, "memory": 14793, "data_time": 0.00577, "decode.loss_ce": 0.40473, "decode.acc_seg": 84.47831, "aux.loss_ce": 0.25253, "aux.acc_seg": 77.88407, "loss": 0.65725, "grad_norm": 13.93269, "time": 0.40755} {"mode": "train", "epoch": 23, "iter": 28400, "lr": 0.0, "memory": 14793, "data_time": 0.00573, "decode.loss_ce": 0.42123, "decode.acc_seg": 83.6227, "aux.loss_ce": 0.26668, "aux.acc_seg": 76.65671, "loss": 0.68791, "grad_norm": 14.97723, "time": 0.40822} {"mode": "train", "epoch": 23, "iter": 28450, "lr": 0.0, "memory": 14793, "data_time": 0.00552, "decode.loss_ce": 0.3649, "decode.acc_seg": 84.98227, "aux.loss_ce": 0.23384, "aux.acc_seg": 78.28225, "loss": 0.59874, "grad_norm": 12.09649, "time": 0.41482} {"mode": "train", "epoch": 23, "iter": 28500, "lr": 0.0, "memory": 14793, "data_time": 0.00558, "decode.loss_ce": 0.396, "decode.acc_seg": 84.65908, "aux.loss_ce": 0.24868, "aux.acc_seg": 78.34481, "loss": 0.64469, "grad_norm": 14.18519, "time": 0.41189} {"mode": "train", "epoch": 23, "iter": 28550, "lr": 0.0, "memory": 14793, "data_time": 0.00566, "decode.loss_ce": 0.3861, "decode.acc_seg": 84.83269, "aux.loss_ce": 0.24446, "aux.acc_seg": 77.98022, "loss": 0.63057, "grad_norm": 14.54386, "time": 0.41998} {"mode": "train", "epoch": 23, "iter": 28600, "lr": 0.0, "memory": 14793, "data_time": 0.00556, "decode.loss_ce": 0.38942, "decode.acc_seg": 84.61861, "aux.loss_ce": 0.24994, "aux.acc_seg": 77.76457, "loss": 0.63936, "grad_norm": 11.27212, "time": 0.42973} {"mode": "train", "epoch": 23, "iter": 28650, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.38674, "decode.acc_seg": 84.99225, "aux.loss_ce": 0.25648, "aux.acc_seg": 77.16154, "loss": 0.64322, "grad_norm": 15.2761, "time": 0.41267} {"mode": "train", "epoch": 23, "iter": 28700, "lr": 0.0, "memory": 14793, "data_time": 0.00661, "decode.loss_ce": 0.40644, "decode.acc_seg": 83.93734, "aux.loss_ce": 0.26198, "aux.acc_seg": 76.61719, "loss": 0.66842, "grad_norm": 15.34169, "time": 0.41219} {"mode": "train", "epoch": 23, "iter": 28750, "lr": 0.0, "memory": 14793, "data_time": 0.00618, "decode.loss_ce": 0.40175, "decode.acc_seg": 84.15614, "aux.loss_ce": 0.2534, "aux.acc_seg": 77.26726, "loss": 0.65516, "grad_norm": 15.60602, "time": 0.41662} {"mode": "train", "epoch": 23, "iter": 28800, "lr": 0.0, "memory": 14793, "data_time": 0.00629, "decode.loss_ce": 0.39539, "decode.acc_seg": 84.07448, "aux.loss_ce": 0.24325, "aux.acc_seg": 77.77008, "loss": 0.63864, "grad_norm": 13.98097, "time": 0.41507} {"mode": "train", "epoch": 23, "iter": 28850, "lr": 0.0, "memory": 14793, "data_time": 0.00509, "decode.loss_ce": 0.3655, "decode.acc_seg": 85.27089, "aux.loss_ce": 0.24292, "aux.acc_seg": 78.09964, "loss": 0.60842, "grad_norm": 12.44735, "time": 0.41339} {"mode": "train", "epoch": 23, "iter": 28900, "lr": 0.0, "memory": 14793, "data_time": 0.00514, "decode.loss_ce": 0.40356, "decode.acc_seg": 84.0349, "aux.loss_ce": 0.25549, "aux.acc_seg": 77.34336, "loss": 0.65904, "grad_norm": 16.45005, "time": 0.4142} {"mode": "train", "epoch": 23, "iter": 28950, "lr": 0.0, "memory": 14793, "data_time": 0.00507, "decode.loss_ce": 0.37215, "decode.acc_seg": 85.06534, "aux.loss_ce": 0.24253, "aux.acc_seg": 78.22895, "loss": 0.61469, "grad_norm": 14.64123, "time": 0.41655} {"mode": "train", "epoch": 23, "iter": 29000, "lr": 0.0, "memory": 14793, "data_time": 0.0053, "decode.loss_ce": 0.40885, "decode.acc_seg": 83.8498, "aux.loss_ce": 0.26459, "aux.acc_seg": 75.85093, "loss": 0.67344, "grad_norm": 15.84029, "time": 0.64338} {"mode": "val", "epoch": 23, "iter": 125, "lr": 0.0, "aAcc": 0.8407, "mIoU": 0.517, "mAcc": 0.6498, "IoU.wall": 0.7906, "IoU.building": 0.8349, "IoU.sky": 0.9433, "IoU.floor": 0.83, "IoU.tree": 0.7507, "IoU.ceiling": 0.8448, "IoU.road": 0.8422, "IoU.bed ": 0.9005, "IoU.windowpane": 0.6384, "IoU.grass": 0.6681, "IoU.cabinet": 0.6287, "IoU.sidewalk": 0.6605, "IoU.person": 0.8242, "IoU.earth": 0.3784, "IoU.door": 0.5331, "IoU.table": 0.6164, "IoU.mountain": 0.6141, "IoU.plant": 0.5471, "IoU.curtain": 0.7692, "IoU.chair": 0.6024, "IoU.car": 0.8505, "IoU.water": 0.5828, "IoU.painting": 0.7206, "IoU.sofa": 0.7227, "IoU.shelf": 0.4239, "IoU.house": 0.4888, "IoU.sea": 0.67, "IoU.mirror": 0.6839, "IoU.rug": 0.6494, "IoU.field": 0.2736, "IoU.armchair": 0.4642, "IoU.seat": 0.6345, "IoU.fence": 0.485, "IoU.desk": 0.4805, "IoU.rock": 0.503, "IoU.wardrobe": 0.5452, "IoU.lamp": 0.6165, "IoU.bathtub": 0.7895, "IoU.railing": 0.3726, "IoU.cushion": 0.6124, "IoU.base": 0.4008, "IoU.box": 0.3093, "IoU.column": 0.5124, "IoU.signboard": 0.3692, "IoU.chest of drawers": 0.3942, "IoU.counter": 0.379, "IoU.sand": 0.4994, "IoU.sink": 0.7329, "IoU.skyscraper": 0.6102, "IoU.fireplace": 0.6697, "IoU.refrigerator": 0.7126, "IoU.grandstand": 0.449, "IoU.path": 0.2645, "IoU.stairs": 0.3516, "IoU.runway": 0.6721, "IoU.case": 0.5298, "IoU.pool table": 0.9277, "IoU.pillow": 0.5778, "IoU.screen door": 0.6813, "IoU.stairway": 0.4997, "IoU.river": 0.2298, "IoU.bridge": 0.6582, "IoU.bookcase": 0.3709, "IoU.blind": 0.3997, "IoU.coffee table": 0.5811, "IoU.toilet": 0.8328, "IoU.flower": 0.4126, "IoU.book": 0.4673, "IoU.hill": 0.0713, "IoU.bench": 0.5525, "IoU.countertop": 0.5496, "IoU.stove": 0.7785, "IoU.palm": 0.5301, "IoU.kitchen island": 0.3405, "IoU.computer": 0.7509, "IoU.swivel chair": 0.4872, "IoU.boat": 0.5872, "IoU.bar": 0.5584, "IoU.arcade machine": 0.7665, "IoU.hovel": 0.4834, "IoU.bus": 0.9182, "IoU.towel": 0.6423, "IoU.light": 0.509, "IoU.truck": 0.3891, "IoU.tower": 0.3076, "IoU.chandelier": 0.6349, "IoU.awning": 0.33, "IoU.streetlight": 0.2666, "IoU.booth": 0.363, "IoU.television receiver": 0.7298, "IoU.airplane": 0.6404, "IoU.dirt track": 0.0286, "IoU.apparel": 0.5158, "IoU.pole": 0.1652, "IoU.land": 0.0155, "IoU.bannister": 0.1093, "IoU.escalator": 0.5531, "IoU.ottoman": 0.5033, "IoU.bottle": 0.3887, "IoU.buffet": 0.4811, "IoU.poster": 0.244, "IoU.stage": 0.155, "IoU.van": 0.3782, "IoU.ship": 0.8729, "IoU.fountain": 0.3722, "IoU.conveyer belt": 0.7603, "IoU.canopy": 0.4369, "IoU.washer": 0.757, "IoU.plaything": 0.2823, "IoU.swimming pool": 0.5701, "IoU.stool": 0.4177, "IoU.barrel": 0.6133, "IoU.basket": 0.3619, "IoU.waterfall": 0.6464, "IoU.tent": 0.9435, "IoU.bag": 0.2185, "IoU.minibike": 0.7217, "IoU.cradle": 0.7302, "IoU.oven": 0.366, "IoU.ball": 0.4658, "IoU.food": 0.5897, "IoU.step": 0.1217, "IoU.tank": 0.6003, "IoU.trade name": 0.271, "IoU.microwave": 0.7659, "IoU.pot": 0.4339, "IoU.animal": 0.5858, "IoU.bicycle": 0.5935, "IoU.lake": 0.4255, "IoU.dishwasher": 0.5815, "IoU.screen": 0.514, "IoU.blanket": 0.0658, "IoU.sculpture": 0.6449, "IoU.hood": 0.6037, "IoU.sconce": 0.3209, "IoU.vase": 0.3574, "IoU.traffic light": 0.2484, "IoU.tray": 0.0149, "IoU.ashcan": 0.4609, "IoU.fan": 0.5936, "IoU.pier": 0.3685, "IoU.crt screen": 0.0004, "IoU.plate": 0.5148, "IoU.monitor": 0.121, "IoU.bulletin board": 0.5643, "IoU.shower": 0.0, "IoU.radiator": 0.5697, "IoU.glass": 0.1262, "IoU.clock": 0.3223, "IoU.flag": 0.621, "Acc.wall": 0.879, "Acc.building": 0.9246, "Acc.sky": 0.9786, "Acc.floor": 0.9043, "Acc.tree": 0.8712, "Acc.ceiling": 0.9098, "Acc.road": 0.9066, "Acc.bed ": 0.9724, "Acc.windowpane": 0.8015, "Acc.grass": 0.8332, "Acc.cabinet": 0.7338, "Acc.sidewalk": 0.8196, "Acc.person": 0.9179, "Acc.earth": 0.505, "Acc.door": 0.7021, "Acc.table": 0.7823, "Acc.mountain": 0.7338, "Acc.plant": 0.6533, "Acc.curtain": 0.8622, "Acc.chair": 0.7299, "Acc.car": 0.9407, "Acc.water": 0.6756, "Acc.painting": 0.8837, "Acc.sofa": 0.8469, "Acc.shelf": 0.5821, "Acc.house": 0.6587, "Acc.sea": 0.8795, "Acc.mirror": 0.7723, "Acc.rug": 0.7829, "Acc.field": 0.457, "Acc.armchair": 0.6774, "Acc.seat": 0.8389, "Acc.fence": 0.6303, "Acc.desk": 0.674, "Acc.rock": 0.7556, "Acc.wardrobe": 0.6791, "Acc.lamp": 0.7472, "Acc.bathtub": 0.8525, "Acc.railing": 0.4911, "Acc.cushion": 0.7338, "Acc.base": 0.5844, "Acc.box": 0.4244, "Acc.column": 0.666, "Acc.signboard": 0.5146, "Acc.chest of drawers": 0.6179, "Acc.counter": 0.5603, "Acc.sand": 0.7592, "Acc.sink": 0.8184, "Acc.skyscraper": 0.8168, "Acc.fireplace": 0.9322, "Acc.refrigerator": 0.8164, "Acc.grandstand": 0.8751, "Acc.path": 0.3818, "Acc.stairs": 0.4326, "Acc.runway": 0.9098, "Acc.case": 0.7397, "Acc.pool table": 0.9793, "Acc.pillow": 0.6797, "Acc.screen door": 0.8398, "Acc.stairway": 0.6449, "Acc.river": 0.5425, "Acc.bridge": 0.7666, "Acc.bookcase": 0.6402, "Acc.blind": 0.457, "Acc.coffee table": 0.8334, "Acc.toilet": 0.926, "Acc.flower": 0.5526, "Acc.book": 0.7131, "Acc.hill": 0.1155, "Acc.bench": 0.6605, "Acc.countertop": 0.7498, "Acc.stove": 0.8943, "Acc.palm": 0.8055, "Acc.kitchen island": 0.647, "Acc.computer": 0.9158, "Acc.swivel chair": 0.6359, "Acc.boat": 0.8391, "Acc.bar": 0.6873, "Acc.arcade machine": 0.8318, "Acc.hovel": 0.7035, "Acc.bus": 0.9747, "Acc.towel": 0.8594, "Acc.light": 0.6507, "Acc.truck": 0.5289, "Acc.tower": 0.6417, "Acc.chandelier": 0.8858, "Acc.awning": 0.426, "Acc.streetlight": 0.3749, "Acc.booth": 0.6162, "Acc.television receiver": 0.8422, "Acc.airplane": 0.7173, "Acc.dirt track": 0.0374, "Acc.apparel": 0.6705, "Acc.pole": 0.1974, "Acc.land": 0.0211, "Acc.bannister": 0.1281, "Acc.escalator": 0.8606, "Acc.ottoman": 0.633, "Acc.bottle": 0.5726, "Acc.buffet": 0.6227, "Acc.poster": 0.2947, "Acc.stage": 0.4638, "Acc.van": 0.4675, "Acc.ship": 0.9431, "Acc.fountain": 0.4364, "Acc.conveyer belt": 0.9717, "Acc.canopy": 0.6344, "Acc.washer": 0.7887, "Acc.plaything": 0.369, "Acc.swimming pool": 0.7421, "Acc.stool": 0.5648, "Acc.barrel": 0.7939, "Acc.basket": 0.465, "Acc.waterfall": 0.739, "Acc.tent": 0.9814, "Acc.bag": 0.2437, "Acc.minibike": 0.8542, "Acc.cradle": 0.9636, "Acc.oven": 0.4925, "Acc.ball": 0.5441, "Acc.food": 0.622, "Acc.step": 0.1384, "Acc.tank": 0.6757, "Acc.trade name": 0.3111, "Acc.microwave": 0.8737, "Acc.pot": 0.5001, "Acc.animal": 0.6008, "Acc.bicycle": 0.7571, "Acc.lake": 0.4732, "Acc.dishwasher": 0.7068, "Acc.screen": 0.9014, "Acc.blanket": 0.0759, "Acc.sculpture": 0.7771, "Acc.hood": 0.6369, "Acc.sconce": 0.3722, "Acc.vase": 0.5191, "Acc.traffic light": 0.3541, "Acc.tray": 0.0157, "Acc.ashcan": 0.5813, "Acc.fan": 0.7759, "Acc.pier": 0.4842, "Acc.crt screen": 0.0009, "Acc.plate": 0.75, "Acc.monitor": 0.1821, "Acc.bulletin board": 0.6629, "Acc.shower": 0.0, "Acc.radiator": 0.615, "Acc.glass": 0.1327, "Acc.clock": 0.3615, "Acc.flag": 0.7004} {"mode": "train", "epoch": 23, "iter": 29050, "lr": 0.0, "memory": 14793, "data_time": 2.31274, "decode.loss_ce": 0.42192, "decode.acc_seg": 83.73194, "aux.loss_ce": 0.26415, "aux.acc_seg": 77.13521, "loss": 0.68607, "grad_norm": 14.81304, "time": 2.73508} {"mode": "train", "epoch": 24, "iter": 29100, "lr": 0.0, "memory": 14793, "data_time": 0.05066, "decode.loss_ce": 0.39066, "decode.acc_seg": 84.579, "aux.loss_ce": 0.25073, "aux.acc_seg": 77.88863, "loss": 0.64139, "grad_norm": 15.31185, "time": 0.47611} {"mode": "train", "epoch": 24, "iter": 29150, "lr": 0.0, "memory": 14793, "data_time": 0.00592, "decode.loss_ce": 0.39873, "decode.acc_seg": 84.73099, "aux.loss_ce": 0.2574, "aux.acc_seg": 77.47008, "loss": 0.65612, "grad_norm": 15.57049, "time": 0.41121} {"mode": "train", "epoch": 24, "iter": 29200, "lr": 0.0, "memory": 14793, "data_time": 0.00568, "decode.loss_ce": 0.38669, "decode.acc_seg": 84.67967, "aux.loss_ce": 0.24871, "aux.acc_seg": 77.56893, "loss": 0.6354, "grad_norm": 15.54348, "time": 0.41005} {"mode": "train", "epoch": 24, "iter": 29250, "lr": 0.0, "memory": 14793, "data_time": 0.006, "decode.loss_ce": 0.37437, "decode.acc_seg": 85.29944, "aux.loss_ce": 0.25148, "aux.acc_seg": 78.13087, "loss": 0.62584, "grad_norm": 11.73291, "time": 0.40716} {"mode": "train", "epoch": 24, "iter": 29300, "lr": 0.0, "memory": 14793, "data_time": 0.00558, "decode.loss_ce": 0.39908, "decode.acc_seg": 84.54955, "aux.loss_ce": 0.25995, "aux.acc_seg": 77.06525, "loss": 0.65903, "grad_norm": 14.7903, "time": 0.41687} {"mode": "train", "epoch": 24, "iter": 29350, "lr": 0.0, "memory": 14793, "data_time": 0.00596, "decode.loss_ce": 0.38696, "decode.acc_seg": 84.75122, "aux.loss_ce": 0.24338, "aux.acc_seg": 78.18698, "loss": 0.63034, "grad_norm": 14.22336, "time": 0.41642} {"mode": "train", "epoch": 24, "iter": 29400, "lr": 0.0, "memory": 14793, "data_time": 0.00637, "decode.loss_ce": 0.38762, "decode.acc_seg": 84.4028, "aux.loss_ce": 0.24968, "aux.acc_seg": 77.29122, "loss": 0.6373, "grad_norm": 15.76625, "time": 0.42174} {"mode": "train", "epoch": 24, "iter": 29450, "lr": 0.0, "memory": 14793, "data_time": 0.00552, "decode.loss_ce": 0.39416, "decode.acc_seg": 83.62821, "aux.loss_ce": 0.24439, "aux.acc_seg": 77.49502, "loss": 0.63854, "grad_norm": 17.51791, "time": 0.40785} {"mode": "train", "epoch": 24, "iter": 29500, "lr": 0.0, "memory": 14793, "data_time": 0.00525, "decode.loss_ce": 0.39973, "decode.acc_seg": 84.46343, "aux.loss_ce": 0.25445, "aux.acc_seg": 77.4244, "loss": 0.65419, "grad_norm": 17.44455, "time": 0.4101} {"mode": "train", "epoch": 24, "iter": 29550, "lr": 0.0, "memory": 14793, "data_time": 0.00579, "decode.loss_ce": 0.3982, "decode.acc_seg": 84.45194, "aux.loss_ce": 0.2535, "aux.acc_seg": 77.3388, "loss": 0.6517, "grad_norm": 16.5128, "time": 0.41139} {"mode": "train", "epoch": 24, "iter": 29600, "lr": 0.0, "memory": 14793, "data_time": 0.006, "decode.loss_ce": 0.35571, "decode.acc_seg": 85.89885, "aux.loss_ce": 0.23813, "aux.acc_seg": 78.50081, "loss": 0.59385, "grad_norm": 12.01461, "time": 0.40661} {"mode": "train", "epoch": 24, "iter": 29650, "lr": 0.0, "memory": 14793, "data_time": 0.00532, "decode.loss_ce": 0.37049, "decode.acc_seg": 85.28444, "aux.loss_ce": 0.23497, "aux.acc_seg": 79.24572, "loss": 0.60546, "grad_norm": 13.38105, "time": 0.4121} {"mode": "train", "epoch": 24, "iter": 29700, "lr": 0.0, "memory": 14793, "data_time": 0.00518, "decode.loss_ce": 0.41289, "decode.acc_seg": 84.16549, "aux.loss_ce": 0.26217, "aux.acc_seg": 77.15273, "loss": 0.67505, "grad_norm": 14.94233, "time": 0.41323} {"mode": "train", "epoch": 24, "iter": 29750, "lr": 0.0, "memory": 14793, "data_time": 0.00535, "decode.loss_ce": 0.38424, "decode.acc_seg": 84.80594, "aux.loss_ce": 0.24394, "aux.acc_seg": 78.0928, "loss": 0.62818, "grad_norm": 15.24107, "time": 0.41031} {"mode": "train", "epoch": 24, "iter": 29800, "lr": 0.0, "memory": 14793, "data_time": 0.00508, "decode.loss_ce": 0.38584, "decode.acc_seg": 85.08289, "aux.loss_ce": 0.25244, "aux.acc_seg": 77.76038, "loss": 0.63828, "grad_norm": 13.61608, "time": 0.4193} {"mode": "train", "epoch": 24, "iter": 29850, "lr": 0.0, "memory": 14793, "data_time": 0.00505, "decode.loss_ce": 0.37826, "decode.acc_seg": 85.08826, "aux.loss_ce": 0.23513, "aux.acc_seg": 78.80806, "loss": 0.61339, "grad_norm": 12.93771, "time": 0.41778} {"mode": "train", "epoch": 24, "iter": 29900, "lr": 0.0, "memory": 14793, "data_time": 0.00513, "decode.loss_ce": 0.40447, "decode.acc_seg": 83.87972, "aux.loss_ce": 0.25253, "aux.acc_seg": 77.24981, "loss": 0.657, "grad_norm": 13.81902, "time": 0.41298} {"mode": "train", "epoch": 24, "iter": 29950, "lr": 0.0, "memory": 14793, "data_time": 0.00529, "decode.loss_ce": 0.38829, "decode.acc_seg": 84.97567, "aux.loss_ce": 0.24854, "aux.acc_seg": 78.05677, "loss": 0.63682, "grad_norm": 14.63775, "time": 0.41308} {"mode": "train", "epoch": 24, "iter": 30000, "lr": 0.0, "memory": 14793, "data_time": 0.00523, "decode.loss_ce": 0.38614, "decode.acc_seg": 84.5372, "aux.loss_ce": 0.24353, "aux.acc_seg": 77.78916, "loss": 0.62967, "grad_norm": 11.6331, "time": 0.64429} {"mode": "val", "epoch": 24, "iter": 125, "lr": 0.0, "aAcc": 0.841, "mIoU": 0.5204, "mAcc": 0.6534, "IoU.wall": 0.7871, "IoU.building": 0.8374, "IoU.sky": 0.9465, "IoU.floor": 0.8257, "IoU.tree": 0.7538, "IoU.ceiling": 0.8479, "IoU.road": 0.8339, "IoU.bed ": 0.9015, "IoU.windowpane": 0.6343, "IoU.grass": 0.6667, "IoU.cabinet": 0.6076, "IoU.sidewalk": 0.6484, "IoU.person": 0.8233, "IoU.earth": 0.3737, "IoU.door": 0.5306, "IoU.table": 0.6214, "IoU.mountain": 0.5998, "IoU.plant": 0.5376, "IoU.curtain": 0.7641, "IoU.chair": 0.6104, "IoU.car": 0.8511, "IoU.water": 0.6272, "IoU.painting": 0.7113, "IoU.sofa": 0.7192, "IoU.shelf": 0.4142, "IoU.house": 0.5355, "IoU.sea": 0.6936, "IoU.mirror": 0.6877, "IoU.rug": 0.663, "IoU.field": 0.3024, "IoU.armchair": 0.439, "IoU.seat": 0.6469, "IoU.fence": 0.469, "IoU.desk": 0.473, "IoU.rock": 0.4944, "IoU.wardrobe": 0.5139, "IoU.lamp": 0.616, "IoU.bathtub": 0.7886, "IoU.railing": 0.3872, "IoU.cushion": 0.6093, "IoU.base": 0.4222, "IoU.box": 0.3088, "IoU.column": 0.5099, "IoU.signboard": 0.3799, "IoU.chest of drawers": 0.3864, "IoU.counter": 0.3186, "IoU.sand": 0.5177, "IoU.sink": 0.7175, "IoU.skyscraper": 0.5169, "IoU.fireplace": 0.6803, "IoU.refrigerator": 0.7175, "IoU.grandstand": 0.4554, "IoU.path": 0.2458, "IoU.stairs": 0.3498, "IoU.runway": 0.6783, "IoU.case": 0.6239, "IoU.pool table": 0.9311, "IoU.pillow": 0.563, "IoU.screen door": 0.6321, "IoU.stairway": 0.5054, "IoU.river": 0.2382, "IoU.bridge": 0.438, "IoU.bookcase": 0.3697, "IoU.blind": 0.4313, "IoU.coffee table": 0.5871, "IoU.toilet": 0.8426, "IoU.flower": 0.4435, "IoU.book": 0.4483, "IoU.hill": 0.0622, "IoU.bench": 0.5672, "IoU.countertop": 0.5686, "IoU.stove": 0.7801, "IoU.palm": 0.5059, "IoU.kitchen island": 0.2985, "IoU.computer": 0.737, "IoU.swivel chair": 0.532, "IoU.boat": 0.5797, "IoU.bar": 0.5327, "IoU.arcade machine": 0.7589, "IoU.hovel": 0.5485, "IoU.bus": 0.918, "IoU.towel": 0.6583, "IoU.light": 0.4813, "IoU.truck": 0.3972, "IoU.tower": 0.3297, "IoU.chandelier": 0.6231, "IoU.awning": 0.3063, "IoU.streetlight": 0.264, "IoU.booth": 0.3379, "IoU.television receiver": 0.7451, "IoU.airplane": 0.6603, "IoU.dirt track": 0.0722, "IoU.apparel": 0.4966, "IoU.pole": 0.1968, "IoU.land": 0.0339, "IoU.bannister": 0.1129, "IoU.escalator": 0.5368, "IoU.ottoman": 0.5629, "IoU.bottle": 0.3907, "IoU.buffet": 0.5038, "IoU.poster": 0.2665, "IoU.stage": 0.18, "IoU.van": 0.4275, "IoU.ship": 0.8486, "IoU.fountain": 0.3966, "IoU.conveyer belt": 0.801, "IoU.canopy": 0.4167, "IoU.washer": 0.732, "IoU.plaything": 0.2839, "IoU.swimming pool": 0.5725, "IoU.stool": 0.392, "IoU.barrel": 0.6116, "IoU.basket": 0.3487, "IoU.waterfall": 0.7454, "IoU.tent": 0.9338, "IoU.bag": 0.1636, "IoU.minibike": 0.7001, "IoU.cradle": 0.7565, "IoU.oven": 0.4274, "IoU.ball": 0.4826, "IoU.food": 0.6426, "IoU.step": 0.0401, "IoU.tank": 0.577, "IoU.trade name": 0.2365, "IoU.microwave": 0.806, "IoU.pot": 0.4317, "IoU.animal": 0.6274, "IoU.bicycle": 0.596, "IoU.lake": 0.5303, "IoU.dishwasher": 0.6114, "IoU.screen": 0.5158, "IoU.blanket": 0.0861, "IoU.sculpture": 0.6294, "IoU.hood": 0.6483, "IoU.sconce": 0.3346, "IoU.vase": 0.3588, "IoU.traffic light": 0.2868, "IoU.tray": 0.0251, "IoU.ashcan": 0.4658, "IoU.fan": 0.6019, "IoU.pier": 0.3617, "IoU.crt screen": 0.0009, "IoU.plate": 0.5224, "IoU.monitor": 0.1982, "IoU.bulletin board": 0.62, "IoU.shower": 0.0, "IoU.radiator": 0.5639, "IoU.glass": 0.1325, "IoU.clock": 0.3452, "IoU.flag": 0.6211, "Acc.wall": 0.8694, "Acc.building": 0.9326, "Acc.sky": 0.9724, "Acc.floor": 0.907, "Acc.tree": 0.882, "Acc.ceiling": 0.9249, "Acc.road": 0.8868, "Acc.bed ": 0.9747, "Acc.windowpane": 0.7971, "Acc.grass": 0.838, "Acc.cabinet": 0.7022, "Acc.sidewalk": 0.8705, "Acc.person": 0.918, "Acc.earth": 0.472, "Acc.door": 0.7261, "Acc.table": 0.7598, "Acc.mountain": 0.7939, "Acc.plant": 0.618, "Acc.curtain": 0.8824, "Acc.chair": 0.7572, "Acc.car": 0.9354, "Acc.water": 0.7532, "Acc.painting": 0.896, "Acc.sofa": 0.8769, "Acc.shelf": 0.5669, "Acc.house": 0.6443, "Acc.sea": 0.915, "Acc.mirror": 0.7845, "Acc.rug": 0.7876, "Acc.field": 0.4484, "Acc.armchair": 0.6194, "Acc.seat": 0.8454, "Acc.fence": 0.647, "Acc.desk": 0.7701, "Acc.rock": 0.6557, "Acc.wardrobe": 0.6995, "Acc.lamp": 0.7401, "Acc.bathtub": 0.8537, "Acc.railing": 0.5436, "Acc.cushion": 0.7824, "Acc.base": 0.6201, "Acc.box": 0.3919, "Acc.column": 0.6561, "Acc.signboard": 0.5088, "Acc.chest of drawers": 0.7205, "Acc.counter": 0.3638, "Acc.sand": 0.7929, "Acc.sink": 0.7951, "Acc.skyscraper": 0.6987, "Acc.fireplace": 0.939, "Acc.refrigerator": 0.823, "Acc.grandstand": 0.8625, "Acc.path": 0.3743, "Acc.stairs": 0.4144, "Acc.runway": 0.9169, "Acc.case": 0.8065, "Acc.pool table": 0.9761, "Acc.pillow": 0.6447, "Acc.screen door": 0.8639, "Acc.stairway": 0.5941, "Acc.river": 0.3429, "Acc.bridge": 0.5031, "Acc.bookcase": 0.6944, "Acc.blind": 0.5058, "Acc.coffee table": 0.8391, "Acc.toilet": 0.919, "Acc.flower": 0.6245, "Acc.book": 0.6196, "Acc.hill": 0.0868, "Acc.bench": 0.6884, "Acc.countertop": 0.7285, "Acc.stove": 0.8807, "Acc.palm": 0.8337, "Acc.kitchen island": 0.5681, "Acc.computer": 0.9172, "Acc.swivel chair": 0.7068, "Acc.boat": 0.8549, "Acc.bar": 0.7068, "Acc.arcade machine": 0.8337, "Acc.hovel": 0.6108, "Acc.bus": 0.973, "Acc.towel": 0.8499, "Acc.light": 0.5464, "Acc.truck": 0.5939, "Acc.tower": 0.5996, "Acc.chandelier": 0.8798, "Acc.awning": 0.3342, "Acc.streetlight": 0.3717, "Acc.booth": 0.4382, "Acc.television receiver": 0.8667, "Acc.airplane": 0.7787, "Acc.dirt track": 0.1655, "Acc.apparel": 0.6514, "Acc.pole": 0.2587, "Acc.land": 0.0536, "Acc.bannister": 0.1395, "Acc.escalator": 0.8413, "Acc.ottoman": 0.7571, "Acc.bottle": 0.6143, "Acc.buffet": 0.6093, "Acc.poster": 0.3332, "Acc.stage": 0.3921, "Acc.van": 0.5355, "Acc.ship": 0.9567, "Acc.fountain": 0.4165, "Acc.conveyer belt": 0.9467, "Acc.canopy": 0.4835, "Acc.washer": 0.7555, "Acc.plaything": 0.4247, "Acc.swimming pool": 0.7935, "Acc.stool": 0.5745, "Acc.barrel": 0.8109, "Acc.basket": 0.4415, "Acc.waterfall": 0.8767, "Acc.tent": 0.9842, "Acc.bag": 0.173, "Acc.minibike": 0.8799, "Acc.cradle": 0.9726, "Acc.oven": 0.512, "Acc.ball": 0.566, "Acc.food": 0.7618, "Acc.step": 0.0423, "Acc.tank": 0.6802, "Acc.trade name": 0.2551, "Acc.microwave": 0.9359, "Acc.pot": 0.4852, "Acc.animal": 0.6479, "Acc.bicycle": 0.7567, "Acc.lake": 0.7033, "Acc.dishwasher": 0.7354, "Acc.screen": 0.8887, "Acc.blanket": 0.0973, "Acc.sculpture": 0.7814, "Acc.hood": 0.7196, "Acc.sconce": 0.381, "Acc.vase": 0.527, "Acc.traffic light": 0.458, "Acc.tray": 0.0292, "Acc.ashcan": 0.597, "Acc.fan": 0.7807, "Acc.pier": 0.4575, "Acc.crt screen": 0.0018, "Acc.plate": 0.7368, "Acc.monitor": 0.3059, "Acc.bulletin board": 0.7109, "Acc.shower": 0.0, "Acc.radiator": 0.6527, "Acc.glass": 0.14, "Acc.clock": 0.3946, "Acc.flag": 0.7186} {"mode": "train", "epoch": 24, "iter": 30050, "lr": 0.0, "memory": 14793, "data_time": 2.31084, "decode.loss_ce": 0.40191, "decode.acc_seg": 83.74186, "aux.loss_ce": 0.25895, "aux.acc_seg": 76.59475, "loss": 0.66086, "grad_norm": 14.99091, "time": 2.72614} {"mode": "train", "epoch": 24, "iter": 30100, "lr": 0.0, "memory": 14793, "data_time": 0.00543, "decode.loss_ce": 0.39781, "decode.acc_seg": 83.89012, "aux.loss_ce": 0.24939, "aux.acc_seg": 77.52463, "loss": 0.6472, "grad_norm": 16.1337, "time": 0.40545} {"mode": "train", "epoch": 24, "iter": 30150, "lr": 0.0, "memory": 14793, "data_time": 0.00542, "decode.loss_ce": 0.37917, "decode.acc_seg": 85.02202, "aux.loss_ce": 0.23984, "aux.acc_seg": 78.54852, "loss": 0.61901, "grad_norm": 14.58916, "time": 0.41162} {"mode": "train", "epoch": 24, "iter": 30200, "lr": 0.0, "memory": 14793, "data_time": 0.00545, "decode.loss_ce": 0.4158, "decode.acc_seg": 84.13637, "aux.loss_ce": 0.26706, "aux.acc_seg": 77.01545, "loss": 0.68286, "grad_norm": 16.54657, "time": 0.41992} {"mode": "train", "epoch": 24, "iter": 30250, "lr": 0.0, "memory": 14793, "data_time": 0.00556, "decode.loss_ce": 0.36897, "decode.acc_seg": 85.30188, "aux.loss_ce": 0.23812, "aux.acc_seg": 78.77284, "loss": 0.60708, "grad_norm": 11.62837, "time": 0.41473} {"mode": "train", "epoch": 24, "iter": 30300, "lr": 0.0, "memory": 14793, "data_time": 0.00634, "decode.loss_ce": 0.38998, "decode.acc_seg": 84.64693, "aux.loss_ce": 0.25472, "aux.acc_seg": 77.38847, "loss": 0.64469, "grad_norm": 16.43006, "time": 0.41416} {"mode": "train", "epoch": 25, "iter": 30350, "lr": 0.0, "memory": 14793, "data_time": 0.04924, "decode.loss_ce": 0.38406, "decode.acc_seg": 84.42747, "aux.loss_ce": 0.24753, "aux.acc_seg": 77.28674, "loss": 0.63159, "grad_norm": 12.96917, "time": 0.46094} {"mode": "train", "epoch": 25, "iter": 30400, "lr": 0.0, "memory": 14793, "data_time": 0.00568, "decode.loss_ce": 0.36409, "decode.acc_seg": 85.23363, "aux.loss_ce": 0.24348, "aux.acc_seg": 77.56893, "loss": 0.60756, "grad_norm": 11.96192, "time": 0.41586} {"mode": "train", "epoch": 25, "iter": 30450, "lr": 0.0, "memory": 14793, "data_time": 0.00665, "decode.loss_ce": 0.37269, "decode.acc_seg": 85.41128, "aux.loss_ce": 0.2384, "aux.acc_seg": 78.74853, "loss": 0.61109, "grad_norm": 14.45128, "time": 0.40568} {"mode": "train", "epoch": 25, "iter": 30500, "lr": 0.0, "memory": 14793, "data_time": 0.00559, "decode.loss_ce": 0.37233, "decode.acc_seg": 85.05267, "aux.loss_ce": 0.24635, "aux.acc_seg": 77.90618, "loss": 0.61868, "grad_norm": 12.58485, "time": 0.4147} {"mode": "train", "epoch": 25, "iter": 30550, "lr": 0.0, "memory": 14793, "data_time": 0.00536, "decode.loss_ce": 0.35776, "decode.acc_seg": 85.4432, "aux.loss_ce": 0.23227, "aux.acc_seg": 78.51124, "loss": 0.59004, "grad_norm": 12.57145, "time": 0.41167} {"mode": "train", "epoch": 25, "iter": 30600, "lr": 0.0, "memory": 14793, "data_time": 0.00539, "decode.loss_ce": 0.38795, "decode.acc_seg": 85.16279, "aux.loss_ce": 0.2564, "aux.acc_seg": 78.28007, "loss": 0.64434, "grad_norm": 13.25055, "time": 0.42413} {"mode": "train", "epoch": 25, "iter": 30650, "lr": 0.0, "memory": 14793, "data_time": 0.0055, "decode.loss_ce": 0.36849, "decode.acc_seg": 84.89672, "aux.loss_ce": 0.22833, "aux.acc_seg": 78.80939, "loss": 0.59682, "grad_norm": 12.9806, "time": 0.42337} {"mode": "train", "epoch": 25, "iter": 30700, "lr": 0.0, "memory": 14793, "data_time": 0.00538, "decode.loss_ce": 0.36092, "decode.acc_seg": 85.45944, "aux.loss_ce": 0.24272, "aux.acc_seg": 78.109, "loss": 0.60364, "grad_norm": 15.47189, "time": 0.42158} {"mode": "train", "epoch": 25, "iter": 30750, "lr": 0.0, "memory": 14793, "data_time": 0.00556, "decode.loss_ce": 0.36005, "decode.acc_seg": 85.37882, "aux.loss_ce": 0.23882, "aux.acc_seg": 77.94412, "loss": 0.59887, "grad_norm": 14.72529, "time": 0.41772} {"mode": "train", "epoch": 25, "iter": 30800, "lr": 0.0, "memory": 14793, "data_time": 0.00553, "decode.loss_ce": 0.36956, "decode.acc_seg": 85.43848, "aux.loss_ce": 0.24157, "aux.acc_seg": 78.36445, "loss": 0.61113, "grad_norm": 18.72481, "time": 0.41497} {"mode": "train", "epoch": 25, "iter": 30850, "lr": 0.0, "memory": 14793, "data_time": 0.00589, "decode.loss_ce": 0.37342, "decode.acc_seg": 85.56604, "aux.loss_ce": 0.23975, "aux.acc_seg": 78.75531, "loss": 0.61317, "grad_norm": 14.00733, "time": 0.41128} {"mode": "train", "epoch": 25, "iter": 30900, "lr": 0.0, "memory": 14793, "data_time": 0.00547, "decode.loss_ce": 0.39558, "decode.acc_seg": 84.89697, "aux.loss_ce": 0.24914, "aux.acc_seg": 78.25791, "loss": 0.64472, "grad_norm": 15.60294, "time": 0.40979} {"mode": "train", "epoch": 25, "iter": 30950, "lr": 0.0, "memory": 14793, "data_time": 0.00509, "decode.loss_ce": 0.35719, "decode.acc_seg": 85.81376, "aux.loss_ce": 0.22679, "aux.acc_seg": 79.8599, "loss": 0.58398, "grad_norm": 12.65286, "time": 0.41452} {"mode": "train", "epoch": 25, "iter": 31000, "lr": 0.0, "memory": 14793, "data_time": 0.00641, "decode.loss_ce": 0.36111, "decode.acc_seg": 84.56231, "aux.loss_ce": 0.22998, "aux.acc_seg": 78.22403, "loss": 0.59109, "grad_norm": 11.10652, "time": 0.64432} {"mode": "val", "epoch": 25, "iter": 125, "lr": 0.0, "aAcc": 0.8423, "mIoU": 0.5206, "mAcc": 0.6551, "IoU.wall": 0.7866, "IoU.building": 0.8408, "IoU.sky": 0.9466, "IoU.floor": 0.8279, "IoU.tree": 0.7569, "IoU.ceiling": 0.8417, "IoU.road": 0.8357, "IoU.bed ": 0.9084, "IoU.windowpane": 0.6349, "IoU.grass": 0.6843, "IoU.cabinet": 0.6367, "IoU.sidewalk": 0.6544, "IoU.person": 0.8259, "IoU.earth": 0.4024, "IoU.door": 0.5197, "IoU.table": 0.6154, "IoU.mountain": 0.6153, "IoU.plant": 0.5423, "IoU.curtain": 0.7741, "IoU.chair": 0.6166, "IoU.car": 0.8435, "IoU.water": 0.6239, "IoU.painting": 0.7035, "IoU.sofa": 0.709, "IoU.shelf": 0.4146, "IoU.house": 0.5268, "IoU.sea": 0.727, "IoU.mirror": 0.686, "IoU.rug": 0.6537, "IoU.field": 0.281, "IoU.armchair": 0.454, "IoU.seat": 0.6362, "IoU.fence": 0.4812, "IoU.desk": 0.5077, "IoU.rock": 0.485, "IoU.wardrobe": 0.5105, "IoU.lamp": 0.6206, "IoU.bathtub": 0.791, "IoU.railing": 0.3917, "IoU.cushion": 0.6122, "IoU.base": 0.3525, "IoU.box": 0.2914, "IoU.column": 0.5189, "IoU.signboard": 0.3669, "IoU.chest of drawers": 0.4037, "IoU.counter": 0.348, "IoU.sand": 0.4927, "IoU.sink": 0.7265, "IoU.skyscraper": 0.6186, "IoU.fireplace": 0.5977, "IoU.refrigerator": 0.725, "IoU.grandstand": 0.4464, "IoU.path": 0.2552, "IoU.stairs": 0.3839, "IoU.runway": 0.6461, "IoU.case": 0.6096, "IoU.pool table": 0.9235, "IoU.pillow": 0.579, "IoU.screen door": 0.6162, "IoU.stairway": 0.4978, "IoU.river": 0.1935, "IoU.bridge": 0.5908, "IoU.bookcase": 0.3286, "IoU.blind": 0.4558, "IoU.coffee table": 0.5665, "IoU.toilet": 0.8422, "IoU.flower": 0.3969, "IoU.book": 0.4695, "IoU.hill": 0.0626, "IoU.bench": 0.5725, "IoU.countertop": 0.5723, "IoU.stove": 0.7753, "IoU.palm": 0.5478, "IoU.kitchen island": 0.3332, "IoU.computer": 0.7347, "IoU.swivel chair": 0.5304, "IoU.boat": 0.6507, "IoU.bar": 0.5457, "IoU.arcade machine": 0.7611, "IoU.hovel": 0.4749, "IoU.bus": 0.917, "IoU.towel": 0.6538, "IoU.light": 0.4866, "IoU.truck": 0.3813, "IoU.tower": 0.2657, "IoU.chandelier": 0.6384, "IoU.awning": 0.3168, "IoU.streetlight": 0.2636, "IoU.booth": 0.3794, "IoU.television receiver": 0.7301, "IoU.airplane": 0.6469, "IoU.dirt track": 0.0443, "IoU.apparel": 0.5204, "IoU.pole": 0.2276, "IoU.land": 0.0042, "IoU.bannister": 0.1221, "IoU.escalator": 0.5604, "IoU.ottoman": 0.5722, "IoU.bottle": 0.4026, "IoU.buffet": 0.5264, "IoU.poster": 0.3583, "IoU.stage": 0.1673, "IoU.van": 0.2285, "IoU.ship": 0.7941, "IoU.fountain": 0.3858, "IoU.conveyer belt": 0.771, "IoU.canopy": 0.4622, "IoU.washer": 0.7546, "IoU.plaything": 0.3045, "IoU.swimming pool": 0.5996, "IoU.stool": 0.4265, "IoU.barrel": 0.5617, "IoU.basket": 0.3758, "IoU.waterfall": 0.7201, "IoU.tent": 0.9317, "IoU.bag": 0.1626, "IoU.minibike": 0.7101, "IoU.cradle": 0.7307, "IoU.oven": 0.4152, "IoU.ball": 0.521, "IoU.food": 0.659, "IoU.step": 0.0684, "IoU.tank": 0.6025, "IoU.trade name": 0.2404, "IoU.microwave": 0.7724, "IoU.pot": 0.4149, "IoU.animal": 0.62, "IoU.bicycle": 0.5995, "IoU.lake": 0.4687, "IoU.dishwasher": 0.5886, "IoU.screen": 0.5247, "IoU.blanket": 0.0744, "IoU.sculpture": 0.5919, "IoU.hood": 0.5947, "IoU.sconce": 0.3224, "IoU.vase": 0.3494, "IoU.traffic light": 0.2741, "IoU.tray": 0.062, "IoU.ashcan": 0.4957, "IoU.fan": 0.6084, "IoU.pier": 0.3825, "IoU.crt screen": 0.0372, "IoU.plate": 0.5024, "IoU.monitor": 0.1039, "IoU.bulletin board": 0.5973, "IoU.shower": 0.0, "IoU.radiator": 0.5987, "IoU.glass": 0.1303, "IoU.clock": 0.3611, "IoU.flag": 0.6686, "Acc.wall": 0.8739, "Acc.building": 0.9255, "Acc.sky": 0.9742, "Acc.floor": 0.8985, "Acc.tree": 0.8978, "Acc.ceiling": 0.93, "Acc.road": 0.9149, "Acc.bed ": 0.9672, "Acc.windowpane": 0.7906, "Acc.grass": 0.8285, "Acc.cabinet": 0.7337, "Acc.sidewalk": 0.8142, "Acc.person": 0.9114, "Acc.earth": 0.5325, "Acc.door": 0.668, "Acc.table": 0.7344, "Acc.mountain": 0.7855, "Acc.plant": 0.6523, "Acc.curtain": 0.8543, "Acc.chair": 0.7461, "Acc.car": 0.9365, "Acc.water": 0.7756, "Acc.painting": 0.896, "Acc.sofa": 0.8668, "Acc.shelf": 0.6025, "Acc.house": 0.6366, "Acc.sea": 0.9047, "Acc.mirror": 0.7918, "Acc.rug": 0.8137, "Acc.field": 0.4251, "Acc.armchair": 0.6476, "Acc.seat": 0.8408, "Acc.fence": 0.6118, "Acc.desk": 0.7597, "Acc.rock": 0.6117, "Acc.wardrobe": 0.685, "Acc.lamp": 0.7723, "Acc.bathtub": 0.851, "Acc.railing": 0.5625, "Acc.cushion": 0.7358, "Acc.base": 0.5721, "Acc.box": 0.3851, "Acc.column": 0.672, "Acc.signboard": 0.5281, "Acc.chest of drawers": 0.5521, "Acc.counter": 0.4362, "Acc.sand": 0.6373, "Acc.sink": 0.8013, "Acc.skyscraper": 0.8323, "Acc.fireplace": 0.9536, "Acc.refrigerator": 0.8643, "Acc.grandstand": 0.8843, "Acc.path": 0.3874, "Acc.stairs": 0.5104, "Acc.runway": 0.8697, "Acc.case": 0.676, "Acc.pool table": 0.9827, "Acc.pillow": 0.6673, "Acc.screen door": 0.8653, "Acc.stairway": 0.5611, "Acc.river": 0.3008, "Acc.bridge": 0.7014, "Acc.bookcase": 0.6815, "Acc.blind": 0.5586, "Acc.coffee table": 0.8514, "Acc.toilet": 0.9158, "Acc.flower": 0.572, "Acc.book": 0.7112, "Acc.hill": 0.1005, "Acc.bench": 0.687, "Acc.countertop": 0.7382, "Acc.stove": 0.8917, "Acc.palm": 0.7727, "Acc.kitchen island": 0.7203, "Acc.computer": 0.9099, "Acc.swivel chair": 0.7162, "Acc.boat": 0.8791, "Acc.bar": 0.7181, "Acc.arcade machine": 0.8501, "Acc.hovel": 0.7322, "Acc.bus": 0.9729, "Acc.towel": 0.8456, "Acc.light": 0.5512, "Acc.truck": 0.5471, "Acc.tower": 0.4185, "Acc.chandelier": 0.7896, "Acc.awning": 0.3694, "Acc.streetlight": 0.3472, "Acc.booth": 0.52, "Acc.television receiver": 0.8651, "Acc.airplane": 0.7573, "Acc.dirt track": 0.0646, "Acc.apparel": 0.7312, "Acc.pole": 0.2973, "Acc.land": 0.0056, "Acc.bannister": 0.1431, "Acc.escalator": 0.8646, "Acc.ottoman": 0.7735, "Acc.bottle": 0.6262, "Acc.buffet": 0.6522, "Acc.poster": 0.5261, "Acc.stage": 0.3269, "Acc.van": 0.2668, "Acc.ship": 0.9457, "Acc.fountain": 0.4338, "Acc.conveyer belt": 0.9689, "Acc.canopy": 0.5378, "Acc.washer": 0.7758, "Acc.plaything": 0.4448, "Acc.swimming pool": 0.7896, "Acc.stool": 0.581, "Acc.barrel": 0.7683, "Acc.basket": 0.5056, "Acc.waterfall": 0.8943, "Acc.tent": 0.9881, "Acc.bag": 0.1768, "Acc.minibike": 0.8614, "Acc.cradle": 0.9706, "Acc.oven": 0.5777, "Acc.ball": 0.6236, "Acc.food": 0.824, "Acc.step": 0.0768, "Acc.tank": 0.6744, "Acc.trade name": 0.2568, "Acc.microwave": 0.8986, "Acc.pot": 0.4728, "Acc.animal": 0.6439, "Acc.bicycle": 0.7718, "Acc.lake": 0.5256, "Acc.dishwasher": 0.7629, "Acc.screen": 0.8957, "Acc.blanket": 0.0865, "Acc.sculpture": 0.8022, "Acc.hood": 0.7154, "Acc.sconce": 0.3668, "Acc.vase": 0.5844, "Acc.traffic light": 0.3743, "Acc.tray": 0.0815, "Acc.ashcan": 0.6223, "Acc.fan": 0.7586, "Acc.pier": 0.4503, "Acc.crt screen": 0.0956, "Acc.plate": 0.7999, "Acc.monitor": 0.122, "Acc.bulletin board": 0.7021, "Acc.shower": 0.0, "Acc.radiator": 0.6754, "Acc.glass": 0.138, "Acc.clock": 0.4212, "Acc.flag": 0.7504} {"mode": "train", "epoch": 25, "iter": 31050, "lr": 0.0, "memory": 14793, "data_time": 2.33104, "decode.loss_ce": 0.41062, "decode.acc_seg": 84.00076, "aux.loss_ce": 0.25655, "aux.acc_seg": 77.2447, "loss": 0.66716, "grad_norm": 19.50045, "time": 2.7516} {"mode": "train", "epoch": 25, "iter": 31100, "lr": 0.0, "memory": 14793, "data_time": 0.00575, "decode.loss_ce": 0.38689, "decode.acc_seg": 84.88179, "aux.loss_ce": 0.25291, "aux.acc_seg": 77.31913, "loss": 0.6398, "grad_norm": 21.99697, "time": 0.41776} {"mode": "train", "epoch": 25, "iter": 31150, "lr": 0.0, "memory": 14793, "data_time": 0.00669, "decode.loss_ce": 0.37641, "decode.acc_seg": 85.1773, "aux.loss_ce": 0.24398, "aux.acc_seg": 78.14538, "loss": 0.62039, "grad_norm": 13.7111, "time": 0.41013} {"mode": "train", "epoch": 25, "iter": 31200, "lr": 0.0, "memory": 14793, "data_time": 0.00566, "decode.loss_ce": 0.39169, "decode.acc_seg": 84.96432, "aux.loss_ce": 0.24914, "aux.acc_seg": 78.39377, "loss": 0.64084, "grad_norm": 12.54993, "time": 0.40927} {"mode": "train", "epoch": 25, "iter": 31250, "lr": 0.0, "memory": 14793, "data_time": 0.00579, "decode.loss_ce": 0.39637, "decode.acc_seg": 83.87223, "aux.loss_ce": 0.24393, "aux.acc_seg": 77.40914, "loss": 0.64029, "grad_norm": 17.70869, "time": 0.41391} {"mode": "train", "epoch": 25, "iter": 31300, "lr": 0.0, "memory": 14793, "data_time": 0.00564, "decode.loss_ce": 0.38724, "decode.acc_seg": 84.86892, "aux.loss_ce": 0.23627, "aux.acc_seg": 78.77037, "loss": 0.62351, "grad_norm": 13.45557, "time": 0.41322} {"mode": "train", "epoch": 25, "iter": 31350, "lr": 0.0, "memory": 14793, "data_time": 0.00564, "decode.loss_ce": 0.3905, "decode.acc_seg": 84.99077, "aux.loss_ce": 0.24713, "aux.acc_seg": 78.52991, "loss": 0.63763, "grad_norm": 13.62167, "time": 0.40598} {"mode": "train", "epoch": 25, "iter": 31400, "lr": 0.0, "memory": 14793, "data_time": 0.00545, "decode.loss_ce": 0.39203, "decode.acc_seg": 84.08918, "aux.loss_ce": 0.24512, "aux.acc_seg": 77.72842, "loss": 0.63714, "grad_norm": 12.21695, "time": 0.42311} {"mode": "train", "epoch": 25, "iter": 31450, "lr": 0.0, "memory": 14793, "data_time": 0.00633, "decode.loss_ce": 0.3927, "decode.acc_seg": 84.04449, "aux.loss_ce": 0.25456, "aux.acc_seg": 76.74405, "loss": 0.64726, "grad_norm": 19.71119, "time": 0.4224} {"mode": "train", "epoch": 25, "iter": 31500, "lr": 0.0, "memory": 14793, "data_time": 0.00555, "decode.loss_ce": 0.37012, "decode.acc_seg": 85.16656, "aux.loss_ce": 0.23056, "aux.acc_seg": 78.45818, "loss": 0.60068, "grad_norm": 14.56793, "time": 0.41408} {"mode": "train", "epoch": 25, "iter": 31550, "lr": 0.0, "memory": 14793, "data_time": 0.00572, "decode.loss_ce": 0.38827, "decode.acc_seg": 84.868, "aux.loss_ce": 0.24361, "aux.acc_seg": 78.46763, "loss": 0.63188, "grad_norm": 15.09387, "time": 0.41163} {"mode": "train", "epoch": 25, "iter": 31600, "lr": 0.0, "memory": 14793, "data_time": 0.00603, "decode.loss_ce": 0.39827, "decode.acc_seg": 84.2838, "aux.loss_ce": 0.2515, "aux.acc_seg": 77.2064, "loss": 0.64978, "grad_norm": 14.87371, "time": 0.4115} {"mode": "train", "epoch": 26, "iter": 31650, "lr": 0.0, "memory": 14793, "data_time": 0.05014, "decode.loss_ce": 0.35642, "decode.acc_seg": 85.87235, "aux.loss_ce": 0.23327, "aux.acc_seg": 78.86537, "loss": 0.58969, "grad_norm": 14.67673, "time": 0.45499} {"mode": "train", "epoch": 26, "iter": 31700, "lr": 0.0, "memory": 14793, "data_time": 0.00617, "decode.loss_ce": 0.35805, "decode.acc_seg": 85.74421, "aux.loss_ce": 0.22944, "aux.acc_seg": 79.21627, "loss": 0.58749, "grad_norm": 18.45591, "time": 0.41333} {"mode": "train", "epoch": 26, "iter": 31750, "lr": 0.0, "memory": 14793, "data_time": 0.00567, "decode.loss_ce": 0.38202, "decode.acc_seg": 84.9436, "aux.loss_ce": 0.25175, "aux.acc_seg": 77.37847, "loss": 0.63376, "grad_norm": 14.91024, "time": 0.41957} {"mode": "train", "epoch": 26, "iter": 31800, "lr": 0.0, "memory": 14793, "data_time": 0.00553, "decode.loss_ce": 0.39933, "decode.acc_seg": 83.70126, "aux.loss_ce": 0.25392, "aux.acc_seg": 77.11611, "loss": 0.65326, "grad_norm": 14.27998, "time": 0.42189} {"mode": "train", "epoch": 26, "iter": 31850, "lr": 0.0, "memory": 14793, "data_time": 0.0061, "decode.loss_ce": 0.37829, "decode.acc_seg": 84.98826, "aux.loss_ce": 0.24251, "aux.acc_seg": 78.44375, "loss": 0.6208, "grad_norm": 10.95062, "time": 0.42101} {"mode": "train", "epoch": 26, "iter": 31900, "lr": 0.0, "memory": 14793, "data_time": 0.00548, "decode.loss_ce": 0.37045, "decode.acc_seg": 85.1922, "aux.loss_ce": 0.23468, "aux.acc_seg": 78.38064, "loss": 0.60513, "grad_norm": 14.47208, "time": 0.42069} {"mode": "train", "epoch": 26, "iter": 31950, "lr": 0.0, "memory": 14793, "data_time": 0.00565, "decode.loss_ce": 0.36655, "decode.acc_seg": 85.39147, "aux.loss_ce": 0.23867, "aux.acc_seg": 77.79145, "loss": 0.60522, "grad_norm": 14.19461, "time": 0.40997} {"mode": "train", "epoch": 26, "iter": 32000, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.41634, "decode.acc_seg": 83.74041, "aux.loss_ce": 0.26696, "aux.acc_seg": 76.52959, "loss": 0.6833, "grad_norm": 15.35178, "time": 0.66203} {"mode": "val", "epoch": 26, "iter": 125, "lr": 0.0, "aAcc": 0.8417, "mIoU": 0.5238, "mAcc": 0.6579, "IoU.wall": 0.7914, "IoU.building": 0.8319, "IoU.sky": 0.9469, "IoU.floor": 0.826, "IoU.tree": 0.7563, "IoU.ceiling": 0.8496, "IoU.road": 0.8383, "IoU.bed ": 0.906, "IoU.windowpane": 0.6293, "IoU.grass": 0.6822, "IoU.cabinet": 0.6218, "IoU.sidewalk": 0.6577, "IoU.person": 0.8265, "IoU.earth": 0.3878, "IoU.door": 0.5265, "IoU.table": 0.6276, "IoU.mountain": 0.6266, "IoU.plant": 0.5354, "IoU.curtain": 0.7653, "IoU.chair": 0.6034, "IoU.car": 0.8499, "IoU.water": 0.5901, "IoU.painting": 0.7151, "IoU.sofa": 0.7191, "IoU.shelf": 0.3996, "IoU.house": 0.4855, "IoU.sea": 0.6837, "IoU.mirror": 0.6913, "IoU.rug": 0.6632, "IoU.field": 0.3018, "IoU.armchair": 0.4505, "IoU.seat": 0.6134, "IoU.fence": 0.4712, "IoU.desk": 0.4807, "IoU.rock": 0.4836, "IoU.wardrobe": 0.523, "IoU.lamp": 0.6262, "IoU.bathtub": 0.772, "IoU.railing": 0.405, "IoU.cushion": 0.6115, "IoU.base": 0.4357, "IoU.box": 0.3133, "IoU.column": 0.5262, "IoU.signboard": 0.3714, "IoU.chest of drawers": 0.3981, "IoU.counter": 0.382, "IoU.sand": 0.4953, "IoU.sink": 0.7363, "IoU.skyscraper": 0.6481, "IoU.fireplace": 0.7186, "IoU.refrigerator": 0.7101, "IoU.grandstand": 0.4697, "IoU.path": 0.2491, "IoU.stairs": 0.3595, "IoU.runway": 0.6886, "IoU.case": 0.6068, "IoU.pool table": 0.9233, "IoU.pillow": 0.5783, "IoU.screen door": 0.6698, "IoU.stairway": 0.4815, "IoU.river": 0.1665, "IoU.bridge": 0.4776, "IoU.bookcase": 0.3499, "IoU.blind": 0.3904, "IoU.coffee table": 0.5918, "IoU.toilet": 0.8449, "IoU.flower": 0.4099, "IoU.book": 0.4459, "IoU.hill": 0.0694, "IoU.bench": 0.5473, "IoU.countertop": 0.559, "IoU.stove": 0.7784, "IoU.palm": 0.5315, "IoU.kitchen island": 0.3399, "IoU.computer": 0.7398, "IoU.swivel chair": 0.5317, "IoU.boat": 0.7311, "IoU.bar": 0.5266, "IoU.arcade machine": 0.7472, "IoU.hovel": 0.5747, "IoU.bus": 0.8853, "IoU.towel": 0.6416, "IoU.light": 0.491, "IoU.truck": 0.383, "IoU.tower": 0.2648, "IoU.chandelier": 0.6509, "IoU.awning": 0.304, "IoU.streetlight": 0.2721, "IoU.booth": 0.3482, "IoU.television receiver": 0.754, "IoU.airplane": 0.6789, "IoU.dirt track": 0.1217, "IoU.apparel": 0.5154, "IoU.pole": 0.2034, "IoU.land": 0.0273, "IoU.bannister": 0.1035, "IoU.escalator": 0.5473, "IoU.ottoman": 0.5573, "IoU.bottle": 0.4188, "IoU.buffet": 0.4916, "IoU.poster": 0.3025, "IoU.stage": 0.1337, "IoU.van": 0.4209, "IoU.ship": 0.7205, "IoU.fountain": 0.4227, "IoU.conveyer belt": 0.8, "IoU.canopy": 0.4287, "IoU.washer": 0.7537, "IoU.plaything": 0.3399, "IoU.swimming pool": 0.5652, "IoU.stool": 0.4247, "IoU.barrel": 0.5618, "IoU.basket": 0.3651, "IoU.waterfall": 0.6377, "IoU.tent": 0.9406, "IoU.bag": 0.2046, "IoU.minibike": 0.739, "IoU.cradle": 0.7272, "IoU.oven": 0.4551, "IoU.ball": 0.524, "IoU.food": 0.5941, "IoU.step": 0.0953, "IoU.tank": 0.5907, "IoU.trade name": 0.3111, "IoU.microwave": 0.7701, "IoU.pot": 0.4138, "IoU.animal": 0.5906, "IoU.bicycle": 0.5884, "IoU.lake": 0.6045, "IoU.dishwasher": 0.5516, "IoU.screen": 0.5585, "IoU.blanket": 0.0717, "IoU.sculpture": 0.6281, "IoU.hood": 0.5942, "IoU.sconce": 0.3964, "IoU.vase": 0.3657, "IoU.traffic light": 0.2792, "IoU.tray": 0.0146, "IoU.ashcan": 0.5062, "IoU.fan": 0.6064, "IoU.pier": 0.381, "IoU.crt screen": 0.0024, "IoU.plate": 0.5123, "IoU.monitor": 0.2757, "IoU.bulletin board": 0.6085, "IoU.shower": 0.0, "IoU.radiator": 0.5927, "IoU.glass": 0.1246, "IoU.clock": 0.3647, "IoU.flag": 0.5661, "Acc.wall": 0.8777, "Acc.building": 0.9224, "Acc.sky": 0.9735, "Acc.floor": 0.8965, "Acc.tree": 0.9019, "Acc.ceiling": 0.9277, "Acc.road": 0.8855, "Acc.bed ": 0.9687, "Acc.windowpane": 0.8025, "Acc.grass": 0.8251, "Acc.cabinet": 0.7291, "Acc.sidewalk": 0.8613, "Acc.person": 0.9103, "Acc.earth": 0.5168, "Acc.door": 0.7092, "Acc.table": 0.7715, "Acc.mountain": 0.7564, "Acc.plant": 0.6228, "Acc.curtain": 0.8728, "Acc.chair": 0.7052, "Acc.car": 0.9345, "Acc.water": 0.7057, "Acc.painting": 0.8872, "Acc.sofa": 0.8853, "Acc.shelf": 0.5235, "Acc.house": 0.733, "Acc.sea": 0.8638, "Acc.mirror": 0.7985, "Acc.rug": 0.824, "Acc.field": 0.483, "Acc.armchair": 0.6412, "Acc.seat": 0.8253, "Acc.fence": 0.6551, "Acc.desk": 0.7233, "Acc.rock": 0.6497, "Acc.wardrobe": 0.7054, "Acc.lamp": 0.7453, "Acc.bathtub": 0.8629, "Acc.railing": 0.5432, "Acc.cushion": 0.7217, "Acc.base": 0.5943, "Acc.box": 0.4313, "Acc.column": 0.645, "Acc.signboard": 0.4806, "Acc.chest of drawers": 0.6418, "Acc.counter": 0.4813, "Acc.sand": 0.6724, "Acc.sink": 0.8525, "Acc.skyscraper": 0.8447, "Acc.fireplace": 0.9211, "Acc.refrigerator": 0.8405, "Acc.grandstand": 0.8666, "Acc.path": 0.3871, "Acc.stairs": 0.4562, "Acc.runway": 0.9427, "Acc.case": 0.8063, "Acc.pool table": 0.9822, "Acc.pillow": 0.6708, "Acc.screen door": 0.856, "Acc.stairway": 0.5443, "Acc.river": 0.4087, "Acc.bridge": 0.5636, "Acc.bookcase": 0.6795, "Acc.blind": 0.4273, "Acc.coffee table": 0.832, "Acc.toilet": 0.914, "Acc.flower": 0.5561, "Acc.book": 0.6851, "Acc.hill": 0.0915, "Acc.bench": 0.6561, "Acc.countertop": 0.7675, "Acc.stove": 0.9157, "Acc.palm": 0.78, "Acc.kitchen island": 0.7077, "Acc.computer": 0.9029, "Acc.swivel chair": 0.8282, "Acc.boat": 0.873, "Acc.bar": 0.6688, "Acc.arcade machine": 0.8291, "Acc.hovel": 0.7365, "Acc.bus": 0.9784, "Acc.towel": 0.8488, "Acc.light": 0.5535, "Acc.truck": 0.6153, "Acc.tower": 0.4205, "Acc.chandelier": 0.8158, "Acc.awning": 0.3439, "Acc.streetlight": 0.3914, "Acc.booth": 0.4467, "Acc.television receiver": 0.8586, "Acc.airplane": 0.7859, "Acc.dirt track": 0.1253, "Acc.apparel": 0.6655, "Acc.pole": 0.2607, "Acc.land": 0.0372, "Acc.bannister": 0.1183, "Acc.escalator": 0.8531, "Acc.ottoman": 0.7065, "Acc.bottle": 0.635, "Acc.buffet": 0.5969, "Acc.poster": 0.4134, "Acc.stage": 0.2853, "Acc.van": 0.5049, "Acc.ship": 0.9607, "Acc.fountain": 0.4495, "Acc.conveyer belt": 0.9606, "Acc.canopy": 0.6037, "Acc.washer": 0.7972, "Acc.plaything": 0.522, "Acc.swimming pool": 0.7676, "Acc.stool": 0.5767, "Acc.barrel": 0.8058, "Acc.basket": 0.4567, "Acc.waterfall": 0.8943, "Acc.tent": 0.9863, "Acc.bag": 0.2357, "Acc.minibike": 0.8613, "Acc.cradle": 0.9791, "Acc.oven": 0.6382, "Acc.ball": 0.6231, "Acc.food": 0.6653, "Acc.step": 0.1047, "Acc.tank": 0.6774, "Acc.trade name": 0.3699, "Acc.microwave": 0.9201, "Acc.pot": 0.4604, "Acc.animal": 0.6114, "Acc.bicycle": 0.7542, "Acc.lake": 0.7072, "Acc.dishwasher": 0.7214, "Acc.screen": 0.8847, "Acc.blanket": 0.0832, "Acc.sculpture": 0.7933, "Acc.hood": 0.706, "Acc.sconce": 0.4669, "Acc.vase": 0.4747, "Acc.traffic light": 0.4038, "Acc.tray": 0.0161, "Acc.ashcan": 0.6256, "Acc.fan": 0.7416, "Acc.pier": 0.4483, "Acc.crt screen": 0.004, "Acc.plate": 0.7299, "Acc.monitor": 0.4487, "Acc.bulletin board": 0.7256, "Acc.shower": 0.0, "Acc.radiator": 0.6753, "Acc.glass": 0.1308, "Acc.clock": 0.4126, "Acc.flag": 0.6459} {"mode": "train", "epoch": 26, "iter": 32050, "lr": 0.0, "memory": 14793, "data_time": 2.46733, "decode.loss_ce": 0.36408, "decode.acc_seg": 85.38253, "aux.loss_ce": 0.24169, "aux.acc_seg": 78.48222, "loss": 0.60577, "grad_norm": 11.72893, "time": 2.883} {"mode": "train", "epoch": 26, "iter": 32100, "lr": 0.0, "memory": 14793, "data_time": 0.00605, "decode.loss_ce": 0.35312, "decode.acc_seg": 85.73021, "aux.loss_ce": 0.22712, "aux.acc_seg": 79.23384, "loss": 0.58023, "grad_norm": 11.71146, "time": 0.4141} {"mode": "train", "epoch": 26, "iter": 32150, "lr": 0.0, "memory": 14793, "data_time": 0.00575, "decode.loss_ce": 0.36407, "decode.acc_seg": 85.70751, "aux.loss_ce": 0.23112, "aux.acc_seg": 78.71633, "loss": 0.59519, "grad_norm": 11.43041, "time": 0.40694} {"mode": "train", "epoch": 26, "iter": 32200, "lr": 0.0, "memory": 14793, "data_time": 0.00551, "decode.loss_ce": 0.36594, "decode.acc_seg": 85.1885, "aux.loss_ce": 0.24076, "aux.acc_seg": 78.08936, "loss": 0.60671, "grad_norm": 14.03875, "time": 0.41534} {"mode": "train", "epoch": 26, "iter": 32250, "lr": 0.0, "memory": 14793, "data_time": 0.00564, "decode.loss_ce": 0.36525, "decode.acc_seg": 85.65125, "aux.loss_ce": 0.24198, "aux.acc_seg": 78.57489, "loss": 0.60723, "grad_norm": 15.08108, "time": 0.41785} {"mode": "train", "epoch": 26, "iter": 32300, "lr": 0.0, "memory": 14793, "data_time": 0.00577, "decode.loss_ce": 0.39848, "decode.acc_seg": 84.88778, "aux.loss_ce": 0.24717, "aux.acc_seg": 78.37782, "loss": 0.64565, "grad_norm": 22.24333, "time": 0.42404} {"mode": "train", "epoch": 26, "iter": 32350, "lr": 0.0, "memory": 14793, "data_time": 0.0061, "decode.loss_ce": 0.36539, "decode.acc_seg": 85.21649, "aux.loss_ce": 0.23724, "aux.acc_seg": 78.41353, "loss": 0.60263, "grad_norm": 13.39634, "time": 0.41728} {"mode": "train", "epoch": 26, "iter": 32400, "lr": 0.0, "memory": 14793, "data_time": 0.00551, "decode.loss_ce": 0.36816, "decode.acc_seg": 85.45362, "aux.loss_ce": 0.24781, "aux.acc_seg": 77.81206, "loss": 0.61597, "grad_norm": 15.05801, "time": 0.40541} {"mode": "train", "epoch": 26, "iter": 32450, "lr": 0.0, "memory": 14793, "data_time": 0.00534, "decode.loss_ce": 0.38151, "decode.acc_seg": 84.47652, "aux.loss_ce": 0.24178, "aux.acc_seg": 77.52679, "loss": 0.62329, "grad_norm": 12.9521, "time": 0.40722} {"mode": "train", "epoch": 26, "iter": 32500, "lr": 0.0, "memory": 14793, "data_time": 0.00546, "decode.loss_ce": 0.36271, "decode.acc_seg": 85.91118, "aux.loss_ce": 0.232, "aux.acc_seg": 79.09086, "loss": 0.59471, "grad_norm": 19.90291, "time": 0.40641} {"mode": "train", "epoch": 26, "iter": 32550, "lr": 0.0, "memory": 14793, "data_time": 0.00554, "decode.loss_ce": 0.38765, "decode.acc_seg": 84.79878, "aux.loss_ce": 0.24446, "aux.acc_seg": 77.74191, "loss": 0.63211, "grad_norm": 15.1644, "time": 0.41116} {"mode": "train", "epoch": 26, "iter": 32600, "lr": 0.0, "memory": 14793, "data_time": 0.00569, "decode.loss_ce": 0.35974, "decode.acc_seg": 85.10673, "aux.loss_ce": 0.2301, "aux.acc_seg": 78.57979, "loss": 0.58983, "grad_norm": 12.64045, "time": 0.41559} {"mode": "train", "epoch": 26, "iter": 32650, "lr": 0.0, "memory": 14793, "data_time": 0.00554, "decode.loss_ce": 0.36253, "decode.acc_seg": 85.51078, "aux.loss_ce": 0.23832, "aux.acc_seg": 78.70924, "loss": 0.60085, "grad_norm": 14.60514, "time": 0.4202} {"mode": "train", "epoch": 26, "iter": 32700, "lr": 0.0, "memory": 14793, "data_time": 0.00638, "decode.loss_ce": 0.38243, "decode.acc_seg": 85.18084, "aux.loss_ce": 0.24187, "aux.acc_seg": 78.43327, "loss": 0.6243, "grad_norm": 16.21709, "time": 0.42822} {"mode": "train", "epoch": 26, "iter": 32750, "lr": 0.0, "memory": 14793, "data_time": 0.00616, "decode.loss_ce": 0.38094, "decode.acc_seg": 84.98259, "aux.loss_ce": 0.24778, "aux.acc_seg": 78.02431, "loss": 0.62872, "grad_norm": 12.85639, "time": 0.41473} {"mode": "train", "epoch": 26, "iter": 32800, "lr": 0.0, "memory": 14793, "data_time": 0.00548, "decode.loss_ce": 0.36319, "decode.acc_seg": 85.24612, "aux.loss_ce": 0.24015, "aux.acc_seg": 77.76878, "loss": 0.60334, "grad_norm": 12.02049, "time": 0.40854} {"mode": "train", "epoch": 26, "iter": 32850, "lr": 0.0, "memory": 14793, "data_time": 0.00561, "decode.loss_ce": 0.37005, "decode.acc_seg": 85.69846, "aux.loss_ce": 0.23984, "aux.acc_seg": 79.02763, "loss": 0.60989, "grad_norm": 13.90833, "time": 0.41209} {"mode": "train", "epoch": 27, "iter": 32900, "lr": 0.0, "memory": 14793, "data_time": 0.05526, "decode.loss_ce": 0.39101, "decode.acc_seg": 84.64988, "aux.loss_ce": 0.2632, "aux.acc_seg": 76.9219, "loss": 0.65421, "grad_norm": 13.24543, "time": 0.45303} {"mode": "train", "epoch": 27, "iter": 32950, "lr": 0.0, "memory": 14793, "data_time": 0.00543, "decode.loss_ce": 0.34222, "decode.acc_seg": 86.29935, "aux.loss_ce": 0.22268, "aux.acc_seg": 79.49485, "loss": 0.5649, "grad_norm": 16.50068, "time": 0.41267} {"mode": "train", "epoch": 27, "iter": 33000, "lr": 0.0, "memory": 14793, "data_time": 0.00559, "decode.loss_ce": 0.35373, "decode.acc_seg": 85.98465, "aux.loss_ce": 0.22968, "aux.acc_seg": 79.42625, "loss": 0.58341, "grad_norm": 10.33306, "time": 0.676} {"mode": "val", "epoch": 27, "iter": 125, "lr": 0.0, "aAcc": 0.8418, "mIoU": 0.5185, "mAcc": 0.6466, "IoU.wall": 0.7876, "IoU.building": 0.8403, "IoU.sky": 0.9468, "IoU.floor": 0.8246, "IoU.tree": 0.7492, "IoU.ceiling": 0.8473, "IoU.road": 0.8399, "IoU.bed ": 0.9071, "IoU.windowpane": 0.6296, "IoU.grass": 0.6697, "IoU.cabinet": 0.6076, "IoU.sidewalk": 0.6531, "IoU.person": 0.8272, "IoU.earth": 0.3634, "IoU.door": 0.5351, "IoU.table": 0.6247, "IoU.mountain": 0.6039, "IoU.plant": 0.5183, "IoU.curtain": 0.7686, "IoU.chair": 0.6103, "IoU.car": 0.8498, "IoU.water": 0.6622, "IoU.painting": 0.7283, "IoU.sofa": 0.7084, "IoU.shelf": 0.4229, "IoU.house": 0.5439, "IoU.sea": 0.7435, "IoU.mirror": 0.6822, "IoU.rug": 0.663, "IoU.field": 0.2913, "IoU.armchair": 0.4142, "IoU.seat": 0.6495, "IoU.fence": 0.4546, "IoU.desk": 0.4785, "IoU.rock": 0.5031, "IoU.wardrobe": 0.4862, "IoU.lamp": 0.6253, "IoU.bathtub": 0.7831, "IoU.railing": 0.4006, "IoU.cushion": 0.6115, "IoU.base": 0.4126, "IoU.box": 0.2865, "IoU.column": 0.5093, "IoU.signboard": 0.3737, "IoU.chest of drawers": 0.4138, "IoU.counter": 0.3035, "IoU.sand": 0.5846, "IoU.sink": 0.7525, "IoU.skyscraper": 0.4703, "IoU.fireplace": 0.7235, "IoU.refrigerator": 0.7297, "IoU.grandstand": 0.4551, "IoU.path": 0.2573, "IoU.stairs": 0.3668, "IoU.runway": 0.6948, "IoU.case": 0.5881, "IoU.pool table": 0.9237, "IoU.pillow": 0.6058, "IoU.screen door": 0.6354, "IoU.stairway": 0.4981, "IoU.river": 0.2027, "IoU.bridge": 0.4368, "IoU.bookcase": 0.3658, "IoU.blind": 0.4203, "IoU.coffee table": 0.5952, "IoU.toilet": 0.846, "IoU.flower": 0.4001, "IoU.book": 0.4796, "IoU.hill": 0.058, "IoU.bench": 0.5665, "IoU.countertop": 0.57, "IoU.stove": 0.7875, "IoU.palm": 0.5444, "IoU.kitchen island": 0.3471, "IoU.computer": 0.7407, "IoU.swivel chair": 0.4961, "IoU.boat": 0.6408, "IoU.bar": 0.4832, "IoU.arcade machine": 0.7514, "IoU.hovel": 0.5718, "IoU.bus": 0.8795, "IoU.towel": 0.6534, "IoU.light": 0.5013, "IoU.truck": 0.3906, "IoU.tower": 0.2736, "IoU.chandelier": 0.6502, "IoU.awning": 0.3353, "IoU.streetlight": 0.2593, "IoU.booth": 0.3652, "IoU.television receiver": 0.7428, "IoU.airplane": 0.6702, "IoU.dirt track": 0.0524, "IoU.apparel": 0.5752, "IoU.pole": 0.2444, "IoU.land": 0.0019, "IoU.bannister": 0.1316, "IoU.escalator": 0.5709, "IoU.ottoman": 0.56, "IoU.bottle": 0.383, "IoU.buffet": 0.4957, "IoU.poster": 0.3062, "IoU.stage": 0.1645, "IoU.van": 0.3612, "IoU.ship": 0.8444, "IoU.fountain": 0.3751, "IoU.conveyer belt": 0.789, "IoU.canopy": 0.3933, "IoU.washer": 0.722, "IoU.plaything": 0.3782, "IoU.swimming pool": 0.6033, "IoU.stool": 0.4038, "IoU.barrel": 0.5492, "IoU.basket": 0.3733, "IoU.waterfall": 0.6562, "IoU.tent": 0.9338, "IoU.bag": 0.1501, "IoU.minibike": 0.725, "IoU.cradle": 0.7259, "IoU.oven": 0.459, "IoU.ball": 0.1366, "IoU.food": 0.5469, "IoU.step": 0.1237, "IoU.tank": 0.5995, "IoU.trade name": 0.2626, "IoU.microwave": 0.7838, "IoU.pot": 0.3836, "IoU.animal": 0.63, "IoU.bicycle": 0.5893, "IoU.lake": 0.577, "IoU.dishwasher": 0.6202, "IoU.screen": 0.5279, "IoU.blanket": 0.0778, "IoU.sculpture": 0.6566, "IoU.hood": 0.5636, "IoU.sconce": 0.3935, "IoU.vase": 0.365, "IoU.traffic light": 0.2733, "IoU.tray": 0.0119, "IoU.ashcan": 0.4935, "IoU.fan": 0.6056, "IoU.pier": 0.3881, "IoU.crt screen": 0.0334, "IoU.plate": 0.5261, "IoU.monitor": 0.0776, "IoU.bulletin board": 0.5965, "IoU.shower": 0.0, "IoU.radiator": 0.5739, "IoU.glass": 0.13, "IoU.clock": 0.3093, "IoU.flag": 0.5209, "Acc.wall": 0.8859, "Acc.building": 0.9338, "Acc.sky": 0.976, "Acc.floor": 0.9013, "Acc.tree": 0.9091, "Acc.ceiling": 0.9149, "Acc.road": 0.8916, "Acc.bed ": 0.9675, "Acc.windowpane": 0.8114, "Acc.grass": 0.8119, "Acc.cabinet": 0.6964, "Acc.sidewalk": 0.8363, "Acc.person": 0.9209, "Acc.earth": 0.4687, "Acc.door": 0.6921, "Acc.table": 0.7546, "Acc.mountain": 0.76, "Acc.plant": 0.6105, "Acc.curtain": 0.8507, "Acc.chair": 0.7347, "Acc.car": 0.9446, "Acc.water": 0.7978, "Acc.painting": 0.8749, "Acc.sofa": 0.9204, "Acc.shelf": 0.572, "Acc.house": 0.6338, "Acc.sea": 0.8756, "Acc.mirror": 0.7572, "Acc.rug": 0.8058, "Acc.field": 0.4407, "Acc.armchair": 0.5362, "Acc.seat": 0.8404, "Acc.fence": 0.6289, "Acc.desk": 0.738, "Acc.rock": 0.6973, "Acc.wardrobe": 0.7152, "Acc.lamp": 0.7587, "Acc.bathtub": 0.8525, "Acc.railing": 0.5427, "Acc.cushion": 0.7159, "Acc.base": 0.5892, "Acc.box": 0.3464, "Acc.column": 0.6963, "Acc.signboard": 0.4509, "Acc.chest of drawers": 0.6978, "Acc.counter": 0.3633, "Acc.sand": 0.8361, "Acc.sink": 0.8343, "Acc.skyscraper": 0.5625, "Acc.fireplace": 0.9215, "Acc.refrigerator": 0.8481, "Acc.grandstand": 0.8666, "Acc.path": 0.395, "Acc.stairs": 0.4854, "Acc.runway": 0.961, "Acc.case": 0.8568, "Acc.pool table": 0.9817, "Acc.pillow": 0.7258, "Acc.screen door": 0.8591, "Acc.stairway": 0.5656, "Acc.river": 0.3812, "Acc.bridge": 0.5, "Acc.bookcase": 0.6466, "Acc.blind": 0.4966, "Acc.coffee table": 0.8393, "Acc.toilet": 0.9146, "Acc.flower": 0.5387, "Acc.book": 0.7307, "Acc.hill": 0.0937, "Acc.bench": 0.6707, "Acc.countertop": 0.7168, "Acc.stove": 0.8742, "Acc.palm": 0.7451, "Acc.kitchen island": 0.6772, "Acc.computer": 0.9177, "Acc.swivel chair": 0.6219, "Acc.boat": 0.8762, "Acc.bar": 0.6737, "Acc.arcade machine": 0.8347, "Acc.hovel": 0.711, "Acc.bus": 0.9768, "Acc.towel": 0.85, "Acc.light": 0.5706, "Acc.truck": 0.5403, "Acc.tower": 0.4053, "Acc.chandelier": 0.8345, "Acc.awning": 0.4235, "Acc.streetlight": 0.333, "Acc.booth": 0.4115, "Acc.television receiver": 0.8453, "Acc.airplane": 0.7637, "Acc.dirt track": 0.0774, "Acc.apparel": 0.7032, "Acc.pole": 0.3355, "Acc.land": 0.003, "Acc.bannister": 0.1655, "Acc.escalator": 0.8374, "Acc.ottoman": 0.7059, "Acc.bottle": 0.6031, "Acc.buffet": 0.6108, "Acc.poster": 0.3948, "Acc.stage": 0.333, "Acc.van": 0.439, "Acc.ship": 0.9533, "Acc.fountain": 0.3886, "Acc.conveyer belt": 0.9716, "Acc.canopy": 0.523, "Acc.washer": 0.7576, "Acc.plaything": 0.5754, "Acc.swimming pool": 0.7409, "Acc.stool": 0.5917, "Acc.barrel": 0.79, "Acc.basket": 0.4951, "Acc.waterfall": 0.9051, "Acc.tent": 0.9882, "Acc.bag": 0.1609, "Acc.minibike": 0.8651, "Acc.cradle": 0.9763, "Acc.oven": 0.7002, "Acc.ball": 0.1412, "Acc.food": 0.6705, "Acc.step": 0.1367, "Acc.tank": 0.6785, "Acc.trade name": 0.2957, "Acc.microwave": 0.9063, "Acc.pot": 0.4142, "Acc.animal": 0.6594, "Acc.bicycle": 0.7595, "Acc.lake": 0.7323, "Acc.dishwasher": 0.722, "Acc.screen": 0.8998, "Acc.blanket": 0.0939, "Acc.sculpture": 0.785, "Acc.hood": 0.7345, "Acc.sconce": 0.4504, "Acc.vase": 0.4974, "Acc.traffic light": 0.3862, "Acc.tray": 0.0129, "Acc.ashcan": 0.6068, "Acc.fan": 0.7586, "Acc.pier": 0.4998, "Acc.crt screen": 0.0898, "Acc.plate": 0.7486, "Acc.monitor": 0.0878, "Acc.bulletin board": 0.6727, "Acc.shower": 0.0, "Acc.radiator": 0.6694, "Acc.glass": 0.1367, "Acc.clock": 0.3406, "Acc.flag": 0.5778} {"mode": "train", "epoch": 27, "iter": 33050, "lr": 0.0, "memory": 14793, "data_time": 2.10449, "decode.loss_ce": 0.37342, "decode.acc_seg": 85.30545, "aux.loss_ce": 0.23809, "aux.acc_seg": 78.72915, "loss": 0.61151, "grad_norm": 14.23093, "time": 2.51573} {"mode": "train", "epoch": 27, "iter": 33100, "lr": 0.0, "memory": 14793, "data_time": 0.00688, "decode.loss_ce": 0.37768, "decode.acc_seg": 85.44215, "aux.loss_ce": 0.23217, "aux.acc_seg": 79.24139, "loss": 0.60985, "grad_norm": 13.33213, "time": 0.42197} {"mode": "train", "epoch": 27, "iter": 33150, "lr": 0.0, "memory": 14793, "data_time": 0.00739, "decode.loss_ce": 0.38477, "decode.acc_seg": 84.88214, "aux.loss_ce": 0.25106, "aux.acc_seg": 77.66252, "loss": 0.63583, "grad_norm": 14.45752, "time": 0.41921} {"mode": "train", "epoch": 27, "iter": 33200, "lr": 0.0, "memory": 14793, "data_time": 0.006, "decode.loss_ce": 0.36456, "decode.acc_seg": 85.52607, "aux.loss_ce": 0.23635, "aux.acc_seg": 78.57408, "loss": 0.60091, "grad_norm": 14.13849, "time": 0.41001} {"mode": "train", "epoch": 27, "iter": 33250, "lr": 0.0, "memory": 14793, "data_time": 0.00594, "decode.loss_ce": 0.34963, "decode.acc_seg": 86.0706, "aux.loss_ce": 0.22687, "aux.acc_seg": 79.23044, "loss": 0.5765, "grad_norm": 11.7517, "time": 0.4176} {"mode": "train", "epoch": 27, "iter": 33300, "lr": 0.0, "memory": 14793, "data_time": 0.00572, "decode.loss_ce": 0.37258, "decode.acc_seg": 84.97406, "aux.loss_ce": 0.24533, "aux.acc_seg": 78.09046, "loss": 0.61791, "grad_norm": 17.28183, "time": 0.41031} {"mode": "train", "epoch": 27, "iter": 33350, "lr": 0.0, "memory": 14793, "data_time": 0.00554, "decode.loss_ce": 0.37771, "decode.acc_seg": 84.85443, "aux.loss_ce": 0.24056, "aux.acc_seg": 78.18404, "loss": 0.61827, "grad_norm": 34.71719, "time": 0.41611} {"mode": "train", "epoch": 27, "iter": 33400, "lr": 0.0, "memory": 14793, "data_time": 0.00601, "decode.loss_ce": 0.38864, "decode.acc_seg": 84.89817, "aux.loss_ce": 0.25193, "aux.acc_seg": 77.80057, "loss": 0.64057, "grad_norm": 13.93107, "time": 0.4138} {"mode": "train", "epoch": 27, "iter": 33450, "lr": 0.0, "memory": 14793, "data_time": 0.00562, "decode.loss_ce": 0.38249, "decode.acc_seg": 84.45879, "aux.loss_ce": 0.24175, "aux.acc_seg": 77.73745, "loss": 0.62424, "grad_norm": 13.65796, "time": 0.41823} {"mode": "train", "epoch": 27, "iter": 33500, "lr": 0.0, "memory": 14793, "data_time": 0.00602, "decode.loss_ce": 0.37307, "decode.acc_seg": 84.89865, "aux.loss_ce": 0.22883, "aux.acc_seg": 78.65397, "loss": 0.60191, "grad_norm": 13.59801, "time": 0.4131} {"mode": "train", "epoch": 27, "iter": 33550, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.3562, "decode.acc_seg": 85.91157, "aux.loss_ce": 0.23331, "aux.acc_seg": 79.09057, "loss": 0.58951, "grad_norm": 10.93338, "time": 0.42232} {"mode": "train", "epoch": 27, "iter": 33600, "lr": 0.0, "memory": 14793, "data_time": 0.00622, "decode.loss_ce": 0.37702, "decode.acc_seg": 84.87554, "aux.loss_ce": 0.23943, "aux.acc_seg": 78.27674, "loss": 0.61645, "grad_norm": 14.98454, "time": 0.41302} {"mode": "train", "epoch": 27, "iter": 33650, "lr": 0.0, "memory": 14793, "data_time": 0.00579, "decode.loss_ce": 0.36332, "decode.acc_seg": 85.43502, "aux.loss_ce": 0.23247, "aux.acc_seg": 78.68893, "loss": 0.59579, "grad_norm": 13.32443, "time": 0.40952} {"mode": "train", "epoch": 27, "iter": 33700, "lr": 0.0, "memory": 14793, "data_time": 0.00559, "decode.loss_ce": 0.3615, "decode.acc_seg": 86.03979, "aux.loss_ce": 0.2367, "aux.acc_seg": 78.49173, "loss": 0.5982, "grad_norm": 16.47605, "time": 0.41582} {"mode": "train", "epoch": 27, "iter": 33750, "lr": 0.0, "memory": 14793, "data_time": 0.00532, "decode.loss_ce": 0.3547, "decode.acc_seg": 85.39791, "aux.loss_ce": 0.22511, "aux.acc_seg": 79.00081, "loss": 0.5798, "grad_norm": 14.51492, "time": 0.40875} {"mode": "train", "epoch": 27, "iter": 33800, "lr": 0.0, "memory": 14793, "data_time": 0.00523, "decode.loss_ce": 0.38349, "decode.acc_seg": 85.23614, "aux.loss_ce": 0.2463, "aux.acc_seg": 78.17522, "loss": 0.62979, "grad_norm": 23.9914, "time": 0.41016} {"mode": "train", "epoch": 27, "iter": 33850, "lr": 0.0, "memory": 14793, "data_time": 0.00621, "decode.loss_ce": 0.35933, "decode.acc_seg": 85.80889, "aux.loss_ce": 0.23253, "aux.acc_seg": 79.29636, "loss": 0.59186, "grad_norm": 13.15578, "time": 0.41569} {"mode": "train", "epoch": 27, "iter": 33900, "lr": 0.0, "memory": 14793, "data_time": 0.00582, "decode.loss_ce": 0.36087, "decode.acc_seg": 85.32641, "aux.loss_ce": 0.23736, "aux.acc_seg": 78.05593, "loss": 0.59823, "grad_norm": 18.17434, "time": 0.42156} {"mode": "train", "epoch": 27, "iter": 33950, "lr": 0.0, "memory": 14793, "data_time": 0.00697, "decode.loss_ce": 0.37409, "decode.acc_seg": 84.99533, "aux.loss_ce": 0.23651, "aux.acc_seg": 78.22984, "loss": 0.61059, "grad_norm": 14.57846, "time": 0.42711} {"mode": "train", "epoch": 27, "iter": 34000, "lr": 0.0, "memory": 14793, "data_time": 0.00623, "decode.loss_ce": 0.3679, "decode.acc_seg": 85.37335, "aux.loss_ce": 0.23897, "aux.acc_seg": 78.37883, "loss": 0.60687, "grad_norm": 12.6628, "time": 0.68641} {"mode": "val", "epoch": 27, "iter": 125, "lr": 0.0, "aAcc": 0.8402, "mIoU": 0.5206, "mAcc": 0.6515, "IoU.wall": 0.7888, "IoU.building": 0.8352, "IoU.sky": 0.9438, "IoU.floor": 0.8244, "IoU.tree": 0.7555, "IoU.ceiling": 0.8467, "IoU.road": 0.8283, "IoU.bed ": 0.9045, "IoU.windowpane": 0.6266, "IoU.grass": 0.6677, "IoU.cabinet": 0.6351, "IoU.sidewalk": 0.6561, "IoU.person": 0.8285, "IoU.earth": 0.3595, "IoU.door": 0.539, "IoU.table": 0.6229, "IoU.mountain": 0.5941, "IoU.plant": 0.5344, "IoU.curtain": 0.7553, "IoU.chair": 0.5965, "IoU.car": 0.8462, "IoU.water": 0.5825, "IoU.painting": 0.7261, "IoU.sofa": 0.7316, "IoU.shelf": 0.4311, "IoU.house": 0.4188, "IoU.sea": 0.6202, "IoU.mirror": 0.6942, "IoU.rug": 0.6703, "IoU.field": 0.3016, "IoU.armchair": 0.4737, "IoU.seat": 0.6359, "IoU.fence": 0.4688, "IoU.desk": 0.5254, "IoU.rock": 0.4785, "IoU.wardrobe": 0.5481, "IoU.lamp": 0.6327, "IoU.bathtub": 0.7945, "IoU.railing": 0.3861, "IoU.cushion": 0.6099, "IoU.base": 0.4475, "IoU.box": 0.2933, "IoU.column": 0.5322, "IoU.signboard": 0.383, "IoU.chest of drawers": 0.4177, "IoU.counter": 0.3093, "IoU.sand": 0.5151, "IoU.sink": 0.7543, "IoU.skyscraper": 0.5092, "IoU.fireplace": 0.697, "IoU.refrigerator": 0.7332, "IoU.grandstand": 0.4835, "IoU.path": 0.2612, "IoU.stairs": 0.3193, "IoU.runway": 0.6529, "IoU.case": 0.5787, "IoU.pool table": 0.9293, "IoU.pillow": 0.5993, "IoU.screen door": 0.6159, "IoU.stairway": 0.4459, "IoU.river": 0.2068, "IoU.bridge": 0.5444, "IoU.bookcase": 0.3901, "IoU.blind": 0.3782, "IoU.coffee table": 0.5798, "IoU.toilet": 0.8453, "IoU.flower": 0.4588, "IoU.book": 0.463, "IoU.hill": 0.0585, "IoU.bench": 0.62, "IoU.countertop": 0.5756, "IoU.stove": 0.7816, "IoU.palm": 0.5523, "IoU.kitchen island": 0.3447, "IoU.computer": 0.7313, "IoU.swivel chair": 0.5167, "IoU.boat": 0.6348, "IoU.bar": 0.4876, "IoU.arcade machine": 0.7647, "IoU.hovel": 0.4698, "IoU.bus": 0.9069, "IoU.towel": 0.636, "IoU.light": 0.4891, "IoU.truck": 0.3945, "IoU.tower": 0.2738, "IoU.chandelier": 0.6434, "IoU.awning": 0.3155, "IoU.streetlight": 0.2722, "IoU.booth": 0.352, "IoU.television receiver": 0.7452, "IoU.airplane": 0.7092, "IoU.dirt track": 0.0588, "IoU.apparel": 0.5204, "IoU.pole": 0.1937, "IoU.land": 0.0004, "IoU.bannister": 0.1234, "IoU.escalator": 0.5284, "IoU.ottoman": 0.5248, "IoU.bottle": 0.3967, "IoU.buffet": 0.5067, "IoU.poster": 0.2483, "IoU.stage": 0.1921, "IoU.van": 0.4201, "IoU.ship": 0.8081, "IoU.fountain": 0.2896, "IoU.conveyer belt": 0.7862, "IoU.canopy": 0.4004, "IoU.washer": 0.7245, "IoU.plaything": 0.2921, "IoU.swimming pool": 0.6716, "IoU.stool": 0.4272, "IoU.barrel": 0.5264, "IoU.basket": 0.3848, "IoU.waterfall": 0.6074, "IoU.tent": 0.928, "IoU.bag": 0.1851, "IoU.minibike": 0.7316, "IoU.cradle": 0.7432, "IoU.oven": 0.4208, "IoU.ball": 0.4394, "IoU.food": 0.5625, "IoU.step": 0.1893, "IoU.tank": 0.5982, "IoU.trade name": 0.2442, "IoU.microwave": 0.8022, "IoU.pot": 0.4361, "IoU.animal": 0.6363, "IoU.bicycle": 0.5502, "IoU.lake": 0.5204, "IoU.dishwasher": 0.6293, "IoU.screen": 0.5442, "IoU.blanket": 0.0736, "IoU.sculpture": 0.6428, "IoU.hood": 0.586, "IoU.sconce": 0.3818, "IoU.vase": 0.3704, "IoU.traffic light": 0.2923, "IoU.tray": 0.0199, "IoU.ashcan": 0.486, "IoU.fan": 0.6026, "IoU.pier": 0.6878, "IoU.crt screen": 0.0258, "IoU.plate": 0.5189, "IoU.monitor": 0.0711, "IoU.bulletin board": 0.6144, "IoU.shower": 0.0, "IoU.radiator": 0.5985, "IoU.glass": 0.146, "IoU.clock": 0.3435, "IoU.flag": 0.4948, "Acc.wall": 0.8804, "Acc.building": 0.9387, "Acc.sky": 0.9683, "Acc.floor": 0.8895, "Acc.tree": 0.898, "Acc.ceiling": 0.9176, "Acc.road": 0.8751, "Acc.bed ": 0.9668, "Acc.windowpane": 0.817, "Acc.grass": 0.8333, "Acc.cabinet": 0.7382, "Acc.sidewalk": 0.8615, "Acc.person": 0.9195, "Acc.earth": 0.4688, "Acc.door": 0.6927, "Acc.table": 0.7883, "Acc.mountain": 0.7533, "Acc.plant": 0.6265, "Acc.curtain": 0.8571, "Acc.chair": 0.6994, "Acc.car": 0.9438, "Acc.water": 0.7611, "Acc.painting": 0.8648, "Acc.sofa": 0.8729, "Acc.shelf": 0.6131, "Acc.house": 0.4873, "Acc.sea": 0.8124, "Acc.mirror": 0.7875, "Acc.rug": 0.8418, "Acc.field": 0.464, "Acc.armchair": 0.6737, "Acc.seat": 0.8145, "Acc.fence": 0.6572, "Acc.desk": 0.7309, "Acc.rock": 0.6825, "Acc.wardrobe": 0.6938, "Acc.lamp": 0.7578, "Acc.bathtub": 0.8562, "Acc.railing": 0.5103, "Acc.cushion": 0.7263, "Acc.base": 0.6405, "Acc.box": 0.3676, "Acc.column": 0.6565, "Acc.signboard": 0.4787, "Acc.chest of drawers": 0.6151, "Acc.counter": 0.3959, "Acc.sand": 0.7153, "Acc.sink": 0.8357, "Acc.skyscraper": 0.6719, "Acc.fireplace": 0.9396, "Acc.refrigerator": 0.8341, "Acc.grandstand": 0.8313, "Acc.path": 0.3737, "Acc.stairs": 0.3814, "Acc.runway": 0.8782, "Acc.case": 0.7989, "Acc.pool table": 0.9775, "Acc.pillow": 0.7094, "Acc.screen door": 0.8784, "Acc.stairway": 0.6062, "Acc.river": 0.3126, "Acc.bridge": 0.6612, "Acc.bookcase": 0.6497, "Acc.blind": 0.4264, "Acc.coffee table": 0.8557, "Acc.toilet": 0.9249, "Acc.flower": 0.6297, "Acc.book": 0.7565, "Acc.hill": 0.1152, "Acc.bench": 0.759, "Acc.countertop": 0.7517, "Acc.stove": 0.9112, "Acc.palm": 0.7347, "Acc.kitchen island": 0.6401, "Acc.computer": 0.9178, "Acc.swivel chair": 0.8447, "Acc.boat": 0.8974, "Acc.bar": 0.6678, "Acc.arcade machine": 0.8289, "Acc.hovel": 0.7376, "Acc.bus": 0.973, "Acc.towel": 0.8789, "Acc.light": 0.5457, "Acc.truck": 0.5561, "Acc.tower": 0.448, "Acc.chandelier": 0.7904, "Acc.awning": 0.4344, "Acc.streetlight": 0.3842, "Acc.booth": 0.4601, "Acc.television receiver": 0.8541, "Acc.airplane": 0.8371, "Acc.dirt track": 0.1099, "Acc.apparel": 0.7074, "Acc.pole": 0.2478, "Acc.land": 0.0006, "Acc.bannister": 0.1518, "Acc.escalator": 0.8198, "Acc.ottoman": 0.7229, "Acc.bottle": 0.6687, "Acc.buffet": 0.6072, "Acc.poster": 0.3017, "Acc.stage": 0.3656, "Acc.van": 0.5336, "Acc.ship": 0.98, "Acc.fountain": 0.2966, "Acc.conveyer belt": 0.9701, "Acc.canopy": 0.6012, "Acc.washer": 0.7527, "Acc.plaything": 0.4359, "Acc.swimming pool": 0.717, "Acc.stool": 0.5828, "Acc.barrel": 0.725, "Acc.basket": 0.4708, "Acc.waterfall": 0.7166, "Acc.tent": 0.9885, "Acc.bag": 0.2052, "Acc.minibike": 0.8532, "Acc.cradle": 0.9655, "Acc.oven": 0.5203, "Acc.ball": 0.5059, "Acc.food": 0.7085, "Acc.step": 0.2273, "Acc.tank": 0.6786, "Acc.trade name": 0.262, "Acc.microwave": 0.9239, "Acc.pot": 0.4985, "Acc.animal": 0.6645, "Acc.bicycle": 0.6667, "Acc.lake": 0.5873, "Acc.dishwasher": 0.7041, "Acc.screen": 0.8956, "Acc.blanket": 0.0859, "Acc.sculpture": 0.7926, "Acc.hood": 0.7083, "Acc.sconce": 0.4331, "Acc.vase": 0.5004, "Acc.traffic light": 0.4657, "Acc.tray": 0.0243, "Acc.ashcan": 0.6487, "Acc.fan": 0.7602, "Acc.pier": 0.8599, "Acc.crt screen": 0.0719, "Acc.plate": 0.7515, "Acc.monitor": 0.0967, "Acc.bulletin board": 0.6417, "Acc.shower": 0.0, "Acc.radiator": 0.7348, "Acc.glass": 0.1567, "Acc.clock": 0.3857, "Acc.flag": 0.5583} {"mode": "train", "epoch": 27, "iter": 34050, "lr": 0.0, "memory": 14793, "data_time": 2.20733, "decode.loss_ce": 0.36293, "decode.acc_seg": 85.61176, "aux.loss_ce": 0.22947, "aux.acc_seg": 78.95964, "loss": 0.5924, "grad_norm": 12.79715, "time": 2.61488} {"mode": "train", "epoch": 27, "iter": 34100, "lr": 0.0, "memory": 14793, "data_time": 0.00681, "decode.loss_ce": 0.37537, "decode.acc_seg": 85.2606, "aux.loss_ce": 0.2382, "aux.acc_seg": 78.88524, "loss": 0.61357, "grad_norm": 13.25088, "time": 0.41532} {"mode": "train", "epoch": 28, "iter": 34150, "lr": 0.0, "memory": 14793, "data_time": 0.05203, "decode.loss_ce": 0.38328, "decode.acc_seg": 85.19703, "aux.loss_ce": 0.2434, "aux.acc_seg": 78.28261, "loss": 0.62668, "grad_norm": 14.20312, "time": 0.45504} {"mode": "train", "epoch": 28, "iter": 34200, "lr": 0.0, "memory": 14793, "data_time": 0.00569, "decode.loss_ce": 0.34569, "decode.acc_seg": 85.87348, "aux.loss_ce": 0.22822, "aux.acc_seg": 79.07537, "loss": 0.5739, "grad_norm": 13.62833, "time": 0.41308} {"mode": "train", "epoch": 28, "iter": 34250, "lr": 0.0, "memory": 14793, "data_time": 0.00572, "decode.loss_ce": 0.36079, "decode.acc_seg": 85.58648, "aux.loss_ce": 0.22889, "aux.acc_seg": 79.61597, "loss": 0.58968, "grad_norm": 13.07157, "time": 0.41814} {"mode": "train", "epoch": 28, "iter": 34300, "lr": 0.0, "memory": 14793, "data_time": 0.00561, "decode.loss_ce": 0.33713, "decode.acc_seg": 86.42035, "aux.loss_ce": 0.22803, "aux.acc_seg": 79.08869, "loss": 0.56515, "grad_norm": 13.78962, "time": 0.4141} {"mode": "train", "epoch": 28, "iter": 34350, "lr": 0.0, "memory": 14793, "data_time": 0.00584, "decode.loss_ce": 0.35947, "decode.acc_seg": 85.48314, "aux.loss_ce": 0.2394, "aux.acc_seg": 78.3327, "loss": 0.59886, "grad_norm": 12.75251, "time": 0.42274} {"mode": "train", "epoch": 28, "iter": 34400, "lr": 0.0, "memory": 14793, "data_time": 0.00588, "decode.loss_ce": 0.36023, "decode.acc_seg": 85.45813, "aux.loss_ce": 0.22739, "aux.acc_seg": 78.92003, "loss": 0.58762, "grad_norm": 12.68455, "time": 0.41393} {"mode": "train", "epoch": 28, "iter": 34450, "lr": 0.0, "memory": 14793, "data_time": 0.00576, "decode.loss_ce": 0.34948, "decode.acc_seg": 86.24542, "aux.loss_ce": 0.23476, "aux.acc_seg": 78.8055, "loss": 0.58424, "grad_norm": 13.0807, "time": 0.40711} {"mode": "train", "epoch": 28, "iter": 34500, "lr": 0.0, "memory": 14793, "data_time": 0.00539, "decode.loss_ce": 0.35432, "decode.acc_seg": 86.02138, "aux.loss_ce": 0.22907, "aux.acc_seg": 79.06955, "loss": 0.58338, "grad_norm": 12.63064, "time": 0.41321} {"mode": "train", "epoch": 28, "iter": 34550, "lr": 0.0, "memory": 14793, "data_time": 0.00587, "decode.loss_ce": 0.38125, "decode.acc_seg": 85.28716, "aux.loss_ce": 0.23841, "aux.acc_seg": 78.84846, "loss": 0.61966, "grad_norm": 17.43579, "time": 0.40859} {"mode": "train", "epoch": 28, "iter": 34600, "lr": 0.0, "memory": 14793, "data_time": 0.00559, "decode.loss_ce": 0.35838, "decode.acc_seg": 85.4001, "aux.loss_ce": 0.24695, "aux.acc_seg": 77.83885, "loss": 0.60533, "grad_norm": 12.87133, "time": 0.4055} {"mode": "train", "epoch": 28, "iter": 34650, "lr": 0.0, "memory": 14793, "data_time": 0.00662, "decode.loss_ce": 0.35684, "decode.acc_seg": 85.23043, "aux.loss_ce": 0.22981, "aux.acc_seg": 78.69431, "loss": 0.58665, "grad_norm": 13.99073, "time": 0.41428} {"mode": "train", "epoch": 28, "iter": 34700, "lr": 0.0, "memory": 14793, "data_time": 0.0071, "decode.loss_ce": 0.37722, "decode.acc_seg": 85.45609, "aux.loss_ce": 0.24489, "aux.acc_seg": 78.37272, "loss": 0.62211, "grad_norm": 13.26184, "time": 0.41825} {"mode": "train", "epoch": 28, "iter": 34750, "lr": 0.0, "memory": 14793, "data_time": 0.00603, "decode.loss_ce": 0.36564, "decode.acc_seg": 85.21186, "aux.loss_ce": 0.22975, "aux.acc_seg": 78.74997, "loss": 0.59539, "grad_norm": 15.09182, "time": 0.4226} {"mode": "train", "epoch": 28, "iter": 34800, "lr": 0.0, "memory": 14793, "data_time": 0.00578, "decode.loss_ce": 0.35166, "decode.acc_seg": 86.01504, "aux.loss_ce": 0.2208, "aux.acc_seg": 80.30625, "loss": 0.57247, "grad_norm": 11.7464, "time": 0.41995} {"mode": "train", "epoch": 28, "iter": 34850, "lr": 0.0, "memory": 14793, "data_time": 0.00535, "decode.loss_ce": 0.36647, "decode.acc_seg": 85.15484, "aux.loss_ce": 0.23792, "aux.acc_seg": 78.6126, "loss": 0.60439, "grad_norm": 11.29893, "time": 0.4018} {"mode": "train", "epoch": 28, "iter": 34900, "lr": 0.0, "memory": 14793, "data_time": 0.00519, "decode.loss_ce": 0.36863, "decode.acc_seg": 85.35841, "aux.loss_ce": 0.22903, "aux.acc_seg": 79.2054, "loss": 0.59766, "grad_norm": 12.65442, "time": 0.41222} {"mode": "train", "epoch": 28, "iter": 34950, "lr": 0.0, "memory": 14793, "data_time": 0.0052, "decode.loss_ce": 0.40897, "decode.acc_seg": 84.15228, "aux.loss_ce": 0.25358, "aux.acc_seg": 77.49698, "loss": 0.66255, "grad_norm": 18.05554, "time": 0.41445} {"mode": "train", "epoch": 28, "iter": 35000, "lr": 0.0, "memory": 14793, "data_time": 0.00557, "decode.loss_ce": 0.36555, "decode.acc_seg": 85.19621, "aux.loss_ce": 0.23834, "aux.acc_seg": 77.61775, "loss": 0.60389, "grad_norm": 14.50345, "time": 0.62914} {"mode": "val", "epoch": 28, "iter": 125, "lr": 0.0, "aAcc": 0.8406, "mIoU": 0.5223, "mAcc": 0.6571, "IoU.wall": 0.7906, "IoU.building": 0.8305, "IoU.sky": 0.9456, "IoU.floor": 0.8245, "IoU.tree": 0.7591, "IoU.ceiling": 0.8491, "IoU.road": 0.8489, "IoU.bed ": 0.9068, "IoU.windowpane": 0.6246, "IoU.grass": 0.6687, "IoU.cabinet": 0.6242, "IoU.sidewalk": 0.6554, "IoU.person": 0.8284, "IoU.earth": 0.3989, "IoU.door": 0.532, "IoU.table": 0.6248, "IoU.mountain": 0.5912, "IoU.plant": 0.5497, "IoU.curtain": 0.7649, "IoU.chair": 0.6096, "IoU.car": 0.8547, "IoU.water": 0.5829, "IoU.painting": 0.7119, "IoU.sofa": 0.7039, "IoU.shelf": 0.401, "IoU.house": 0.4897, "IoU.sea": 0.6138, "IoU.mirror": 0.702, "IoU.rug": 0.6641, "IoU.field": 0.3013, "IoU.armchair": 0.4614, "IoU.seat": 0.643, "IoU.fence": 0.4697, "IoU.desk": 0.5026, "IoU.rock": 0.4866, "IoU.wardrobe": 0.5529, "IoU.lamp": 0.6229, "IoU.bathtub": 0.7887, "IoU.railing": 0.3788, "IoU.cushion": 0.6081, "IoU.base": 0.3948, "IoU.box": 0.3011, "IoU.column": 0.526, "IoU.signboard": 0.369, "IoU.chest of drawers": 0.4019, "IoU.counter": 0.2851, "IoU.sand": 0.5939, "IoU.sink": 0.7509, "IoU.skyscraper": 0.4875, "IoU.fireplace": 0.7242, "IoU.refrigerator": 0.738, "IoU.grandstand": 0.5132, "IoU.path": 0.2691, "IoU.stairs": 0.3773, "IoU.runway": 0.6782, "IoU.case": 0.4795, "IoU.pool table": 0.9353, "IoU.pillow": 0.6096, "IoU.screen door": 0.6685, "IoU.stairway": 0.5057, "IoU.river": 0.1554, "IoU.bridge": 0.4249, "IoU.bookcase": 0.3446, "IoU.blind": 0.4351, "IoU.coffee table": 0.5719, "IoU.toilet": 0.8384, "IoU.flower": 0.4559, "IoU.book": 0.4487, "IoU.hill": 0.0755, "IoU.bench": 0.58, "IoU.countertop": 0.5699, "IoU.stove": 0.7823, "IoU.palm": 0.5606, "IoU.kitchen island": 0.3449, "IoU.computer": 0.7386, "IoU.swivel chair": 0.5423, "IoU.boat": 0.6511, "IoU.bar": 0.4865, "IoU.arcade machine": 0.7816, "IoU.hovel": 0.5889, "IoU.bus": 0.8874, "IoU.towel": 0.6326, "IoU.light": 0.497, "IoU.truck": 0.4018, "IoU.tower": 0.3304, "IoU.chandelier": 0.6442, "IoU.awning": 0.3199, "IoU.streetlight": 0.2744, "IoU.booth": 0.3386, "IoU.television receiver": 0.7577, "IoU.airplane": 0.6942, "IoU.dirt track": 0.0734, "IoU.apparel": 0.4933, "IoU.pole": 0.2027, "IoU.land": 0.0, "IoU.bannister": 0.1228, "IoU.escalator": 0.584, "IoU.ottoman": 0.5431, "IoU.bottle": 0.3958, "IoU.buffet": 0.4944, "IoU.poster": 0.3045, "IoU.stage": 0.1633, "IoU.van": 0.4485, "IoU.ship": 0.7624, "IoU.fountain": 0.3089, "IoU.conveyer belt": 0.7796, "IoU.canopy": 0.4358, "IoU.washer": 0.725, "IoU.plaything": 0.3781, "IoU.swimming pool": 0.6036, "IoU.stool": 0.4376, "IoU.barrel": 0.5805, "IoU.basket": 0.3554, "IoU.waterfall": 0.6551, "IoU.tent": 0.9341, "IoU.bag": 0.1977, "IoU.minibike": 0.7294, "IoU.cradle": 0.7361, "IoU.oven": 0.3938, "IoU.ball": 0.469, "IoU.food": 0.5614, "IoU.step": 0.1643, "IoU.tank": 0.6065, "IoU.trade name": 0.2393, "IoU.microwave": 0.7942, "IoU.pot": 0.4397, "IoU.animal": 0.5879, "IoU.bicycle": 0.5862, "IoU.lake": 0.5775, "IoU.dishwasher": 0.5867, "IoU.screen": 0.5247, "IoU.blanket": 0.0766, "IoU.sculpture": 0.6597, "IoU.hood": 0.6205, "IoU.sconce": 0.3614, "IoU.vase": 0.3776, "IoU.traffic light": 0.3032, "IoU.tray": 0.0183, "IoU.ashcan": 0.4964, "IoU.fan": 0.5829, "IoU.pier": 0.3573, "IoU.crt screen": 0.0025, "IoU.plate": 0.5271, "IoU.monitor": 0.1354, "IoU.bulletin board": 0.5938, "IoU.shower": 0.0003, "IoU.radiator": 0.5841, "IoU.glass": 0.1313, "IoU.clock": 0.381, "IoU.flag": 0.6254, "Acc.wall": 0.8716, "Acc.building": 0.9124, "Acc.sky": 0.9747, "Acc.floor": 0.8963, "Acc.tree": 0.8932, "Acc.ceiling": 0.9231, "Acc.road": 0.909, "Acc.bed ": 0.9688, "Acc.windowpane": 0.7855, "Acc.grass": 0.8158, "Acc.cabinet": 0.7385, "Acc.sidewalk": 0.8258, "Acc.person": 0.9179, "Acc.earth": 0.5326, "Acc.door": 0.7339, "Acc.table": 0.7729, "Acc.mountain": 0.758, "Acc.plant": 0.6688, "Acc.curtain": 0.8676, "Acc.chair": 0.754, "Acc.car": 0.926, "Acc.water": 0.7671, "Acc.painting": 0.8843, "Acc.sofa": 0.8131, "Acc.shelf": 0.5612, "Acc.house": 0.7888, "Acc.sea": 0.6984, "Acc.mirror": 0.794, "Acc.rug": 0.8226, "Acc.field": 0.4606, "Acc.armchair": 0.7362, "Acc.seat": 0.859, "Acc.fence": 0.6198, "Acc.desk": 0.772, "Acc.rock": 0.7006, "Acc.wardrobe": 0.7264, "Acc.lamp": 0.7752, "Acc.bathtub": 0.8663, "Acc.railing": 0.4922, "Acc.cushion": 0.7092, "Acc.base": 0.4958, "Acc.box": 0.384, "Acc.column": 0.6587, "Acc.signboard": 0.5122, "Acc.chest of drawers": 0.5956, "Acc.counter": 0.3919, "Acc.sand": 0.8331, "Acc.sink": 0.8079, "Acc.skyscraper": 0.6268, "Acc.fireplace": 0.9245, "Acc.refrigerator": 0.8266, "Acc.grandstand": 0.8361, "Acc.path": 0.3688, "Acc.stairs": 0.4731, "Acc.runway": 0.9166, "Acc.case": 0.6331, "Acc.pool table": 0.9781, "Acc.pillow": 0.7423, "Acc.screen door": 0.8527, "Acc.stairway": 0.5816, "Acc.river": 0.3783, "Acc.bridge": 0.5005, "Acc.bookcase": 0.6883, "Acc.blind": 0.53, "Acc.coffee table": 0.8772, "Acc.toilet": 0.9306, "Acc.flower": 0.6001, "Acc.book": 0.6728, "Acc.hill": 0.0917, "Acc.bench": 0.6626, "Acc.countertop": 0.7656, "Acc.stove": 0.8999, "Acc.palm": 0.7594, "Acc.kitchen island": 0.7851, "Acc.computer": 0.899, "Acc.swivel chair": 0.722, "Acc.boat": 0.8584, "Acc.bar": 0.6906, "Acc.arcade machine": 0.8338, "Acc.hovel": 0.7648, "Acc.bus": 0.9755, "Acc.towel": 0.8596, "Acc.light": 0.559, "Acc.truck": 0.5755, "Acc.tower": 0.6561, "Acc.chandelier": 0.8416, "Acc.awning": 0.4058, "Acc.streetlight": 0.3838, "Acc.booth": 0.4461, "Acc.television receiver": 0.8745, "Acc.airplane": 0.7971, "Acc.dirt track": 0.0807, "Acc.apparel": 0.6749, "Acc.pole": 0.2535, "Acc.land": 0.0, "Acc.bannister": 0.1458, "Acc.escalator": 0.8289, "Acc.ottoman": 0.6967, "Acc.bottle": 0.6492, "Acc.buffet": 0.6681, "Acc.poster": 0.3874, "Acc.stage": 0.4085, "Acc.van": 0.5817, "Acc.ship": 0.9834, "Acc.fountain": 0.3215, "Acc.conveyer belt": 0.9715, "Acc.canopy": 0.6141, "Acc.washer": 0.755, "Acc.plaything": 0.6655, "Acc.swimming pool": 0.7152, "Acc.stool": 0.5516, "Acc.barrel": 0.8292, "Acc.basket": 0.4494, "Acc.waterfall": 0.7563, "Acc.tent": 0.9871, "Acc.bag": 0.2255, "Acc.minibike": 0.8735, "Acc.cradle": 0.9689, "Acc.oven": 0.5134, "Acc.ball": 0.7001, "Acc.food": 0.6317, "Acc.step": 0.1868, "Acc.tank": 0.6786, "Acc.trade name": 0.2767, "Acc.microwave": 0.8939, "Acc.pot": 0.4994, "Acc.animal": 0.6055, "Acc.bicycle": 0.7797, "Acc.lake": 0.6556, "Acc.dishwasher": 0.6991, "Acc.screen": 0.9024, "Acc.blanket": 0.0881, "Acc.sculpture": 0.777, "Acc.hood": 0.7099, "Acc.sconce": 0.4127, "Acc.vase": 0.5075, "Acc.traffic light": 0.5135, "Acc.tray": 0.0201, "Acc.ashcan": 0.6193, "Acc.fan": 0.8047, "Acc.pier": 0.4746, "Acc.crt screen": 0.0058, "Acc.plate": 0.7098, "Acc.monitor": 0.1795, "Acc.bulletin board": 0.6838, "Acc.shower": 0.0003, "Acc.radiator": 0.6699, "Acc.glass": 0.1377, "Acc.clock": 0.4417, "Acc.flag": 0.719} {"mode": "train", "epoch": 28, "iter": 35050, "lr": 0.0, "memory": 14793, "data_time": 2.11639, "decode.loss_ce": 0.38302, "decode.acc_seg": 85.07975, "aux.loss_ce": 0.23717, "aux.acc_seg": 78.35406, "loss": 0.62019, "grad_norm": 12.48499, "time": 2.5196} {"mode": "train", "epoch": 28, "iter": 35100, "lr": 0.0, "memory": 14793, "data_time": 0.00577, "decode.loss_ce": 0.37566, "decode.acc_seg": 84.97806, "aux.loss_ce": 0.23674, "aux.acc_seg": 78.49514, "loss": 0.6124, "grad_norm": 13.49878, "time": 0.41646} {"mode": "train", "epoch": 28, "iter": 35150, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.37779, "decode.acc_seg": 84.6887, "aux.loss_ce": 0.23644, "aux.acc_seg": 78.33654, "loss": 0.61422, "grad_norm": 12.3329, "time": 0.41448} {"mode": "train", "epoch": 28, "iter": 35200, "lr": 0.0, "memory": 14793, "data_time": 0.00602, "decode.loss_ce": 0.36256, "decode.acc_seg": 85.24313, "aux.loss_ce": 0.23929, "aux.acc_seg": 77.9462, "loss": 0.60184, "grad_norm": 15.48286, "time": 0.42557} {"mode": "train", "epoch": 28, "iter": 35250, "lr": 0.0, "memory": 14793, "data_time": 0.00704, "decode.loss_ce": 0.36648, "decode.acc_seg": 85.38683, "aux.loss_ce": 0.23148, "aux.acc_seg": 78.84974, "loss": 0.59796, "grad_norm": 18.57673, "time": 0.41295} {"mode": "train", "epoch": 28, "iter": 35300, "lr": 0.0, "memory": 14793, "data_time": 0.00637, "decode.loss_ce": 0.34463, "decode.acc_seg": 86.11911, "aux.loss_ce": 0.22456, "aux.acc_seg": 79.59371, "loss": 0.56919, "grad_norm": 11.70364, "time": 0.41311} {"mode": "train", "epoch": 28, "iter": 35350, "lr": 0.0, "memory": 14793, "data_time": 0.00551, "decode.loss_ce": 0.3665, "decode.acc_seg": 85.36638, "aux.loss_ce": 0.23488, "aux.acc_seg": 78.44277, "loss": 0.60138, "grad_norm": 13.49004, "time": 0.41708} {"mode": "train", "epoch": 29, "iter": 35400, "lr": 0.0, "memory": 14793, "data_time": 0.05302, "decode.loss_ce": 0.35502, "decode.acc_seg": 85.43158, "aux.loss_ce": 0.23449, "aux.acc_seg": 78.67876, "loss": 0.58951, "grad_norm": 14.80094, "time": 0.45967} {"mode": "train", "epoch": 29, "iter": 35450, "lr": 0.0, "memory": 14793, "data_time": 0.00631, "decode.loss_ce": 0.36242, "decode.acc_seg": 85.66826, "aux.loss_ce": 0.24287, "aux.acc_seg": 77.98167, "loss": 0.60529, "grad_norm": 15.08575, "time": 0.41449} {"mode": "train", "epoch": 29, "iter": 35500, "lr": 0.0, "memory": 14793, "data_time": 0.00791, "decode.loss_ce": 0.35881, "decode.acc_seg": 85.57419, "aux.loss_ce": 0.23027, "aux.acc_seg": 78.9005, "loss": 0.58908, "grad_norm": 16.17807, "time": 0.42211} {"mode": "train", "epoch": 29, "iter": 35550, "lr": 0.0, "memory": 14793, "data_time": 0.007, "decode.loss_ce": 0.34502, "decode.acc_seg": 85.87716, "aux.loss_ce": 0.22676, "aux.acc_seg": 79.04252, "loss": 0.57179, "grad_norm": 12.92259, "time": 0.42557} {"mode": "train", "epoch": 29, "iter": 35600, "lr": 0.0, "memory": 14793, "data_time": 0.00524, "decode.loss_ce": 0.35036, "decode.acc_seg": 86.36558, "aux.loss_ce": 0.2283, "aux.acc_seg": 79.87511, "loss": 0.57866, "grad_norm": 13.20038, "time": 0.42478} {"mode": "train", "epoch": 29, "iter": 35650, "lr": 0.0, "memory": 14793, "data_time": 0.00494, "decode.loss_ce": 0.35302, "decode.acc_seg": 86.17983, "aux.loss_ce": 0.22877, "aux.acc_seg": 79.21876, "loss": 0.58179, "grad_norm": 20.04526, "time": 0.41896} {"mode": "train", "epoch": 29, "iter": 35700, "lr": 0.0, "memory": 14793, "data_time": 0.00576, "decode.loss_ce": 0.34201, "decode.acc_seg": 86.38941, "aux.loss_ce": 0.23579, "aux.acc_seg": 78.518, "loss": 0.5778, "grad_norm": 12.89565, "time": 0.40696} {"mode": "train", "epoch": 29, "iter": 35750, "lr": 0.0, "memory": 14793, "data_time": 0.00523, "decode.loss_ce": 0.33141, "decode.acc_seg": 85.88416, "aux.loss_ce": 0.22067, "aux.acc_seg": 78.98615, "loss": 0.55208, "grad_norm": 14.25373, "time": 0.40869} {"mode": "train", "epoch": 29, "iter": 35800, "lr": 0.0, "memory": 14793, "data_time": 0.00592, "decode.loss_ce": 0.35937, "decode.acc_seg": 85.69435, "aux.loss_ce": 0.23244, "aux.acc_seg": 78.80184, "loss": 0.59182, "grad_norm": 15.67896, "time": 0.41044} {"mode": "train", "epoch": 29, "iter": 35850, "lr": 0.0, "memory": 14793, "data_time": 0.00623, "decode.loss_ce": 0.35167, "decode.acc_seg": 86.09368, "aux.loss_ce": 0.23456, "aux.acc_seg": 79.17047, "loss": 0.58623, "grad_norm": 14.6027, "time": 0.41647} {"mode": "train", "epoch": 29, "iter": 35900, "lr": 0.0, "memory": 14793, "data_time": 0.00614, "decode.loss_ce": 0.36798, "decode.acc_seg": 85.48194, "aux.loss_ce": 0.24328, "aux.acc_seg": 78.12113, "loss": 0.61126, "grad_norm": 14.42656, "time": 0.42095} {"mode": "train", "epoch": 29, "iter": 35950, "lr": 0.0, "memory": 14793, "data_time": 0.00503, "decode.loss_ce": 0.3401, "decode.acc_seg": 86.1859, "aux.loss_ce": 0.22425, "aux.acc_seg": 79.34104, "loss": 0.56435, "grad_norm": 14.28841, "time": 0.4145} {"mode": "train", "epoch": 29, "iter": 36000, "lr": 0.0, "memory": 14793, "data_time": 0.00538, "decode.loss_ce": 0.33571, "decode.acc_seg": 86.54841, "aux.loss_ce": 0.21857, "aux.acc_seg": 80.54306, "loss": 0.55428, "grad_norm": 13.00915, "time": 0.64679} {"mode": "val", "epoch": 29, "iter": 125, "lr": 0.0, "aAcc": 0.8426, "mIoU": 0.5208, "mAcc": 0.6457, "IoU.wall": 0.7881, "IoU.building": 0.8371, "IoU.sky": 0.9472, "IoU.floor": 0.8245, "IoU.tree": 0.76, "IoU.ceiling": 0.8453, "IoU.road": 0.8458, "IoU.bed ": 0.9069, "IoU.windowpane": 0.6311, "IoU.grass": 0.6794, "IoU.cabinet": 0.6399, "IoU.sidewalk": 0.6586, "IoU.person": 0.8304, "IoU.earth": 0.3646, "IoU.door": 0.5307, "IoU.table": 0.6321, "IoU.mountain": 0.5843, "IoU.plant": 0.5364, "IoU.curtain": 0.7591, "IoU.chair": 0.6158, "IoU.car": 0.8439, "IoU.water": 0.6024, "IoU.painting": 0.7314, "IoU.sofa": 0.7174, "IoU.shelf": 0.4323, "IoU.house": 0.495, "IoU.sea": 0.7062, "IoU.mirror": 0.712, "IoU.rug": 0.6677, "IoU.field": 0.3106, "IoU.armchair": 0.452, "IoU.seat": 0.6548, "IoU.fence": 0.4675, "IoU.desk": 0.5172, "IoU.rock": 0.4807, "IoU.wardrobe": 0.5651, "IoU.lamp": 0.6328, "IoU.bathtub": 0.8012, "IoU.railing": 0.4074, "IoU.cushion": 0.6165, "IoU.base": 0.4338, "IoU.box": 0.2949, "IoU.column": 0.533, "IoU.signboard": 0.3676, "IoU.chest of drawers": 0.4128, "IoU.counter": 0.3209, "IoU.sand": 0.4991, "IoU.sink": 0.7766, "IoU.skyscraper": 0.4939, "IoU.fireplace": 0.7177, "IoU.refrigerator": 0.7191, "IoU.grandstand": 0.474, "IoU.path": 0.2731, "IoU.stairs": 0.3442, "IoU.runway": 0.6897, "IoU.case": 0.5621, "IoU.pool table": 0.9358, "IoU.pillow": 0.6168, "IoU.screen door": 0.7101, "IoU.stairway": 0.4583, "IoU.river": 0.1387, "IoU.bridge": 0.4299, "IoU.bookcase": 0.4004, "IoU.blind": 0.4217, "IoU.coffee table": 0.5799, "IoU.toilet": 0.8461, "IoU.flower": 0.4651, "IoU.book": 0.4831, "IoU.hill": 0.0642, "IoU.bench": 0.6304, "IoU.countertop": 0.5827, "IoU.stove": 0.7995, "IoU.palm": 0.5513, "IoU.kitchen island": 0.3382, "IoU.computer": 0.746, "IoU.swivel chair": 0.5645, "IoU.boat": 0.6606, "IoU.bar": 0.4747, "IoU.arcade machine": 0.7744, "IoU.hovel": 0.5035, "IoU.bus": 0.9215, "IoU.towel": 0.649, "IoU.light": 0.4612, "IoU.truck": 0.398, "IoU.tower": 0.2589, "IoU.chandelier": 0.6519, "IoU.awning": 0.3198, "IoU.streetlight": 0.2607, "IoU.booth": 0.4062, "IoU.television receiver": 0.7353, "IoU.airplane": 0.671, "IoU.dirt track": 0.0067, "IoU.apparel": 0.5103, "IoU.pole": 0.2344, "IoU.land": 0.0025, "IoU.bannister": 0.1307, "IoU.escalator": 0.5343, "IoU.ottoman": 0.557, "IoU.bottle": 0.3911, "IoU.buffet": 0.5049, "IoU.poster": 0.3441, "IoU.stage": 0.1478, "IoU.van": 0.2796, "IoU.ship": 0.7642, "IoU.fountain": 0.3493, "IoU.conveyer belt": 0.7542, "IoU.canopy": 0.3895, "IoU.washer": 0.7323, "IoU.plaything": 0.3066, "IoU.swimming pool": 0.7051, "IoU.stool": 0.4348, "IoU.barrel": 0.5693, "IoU.basket": 0.381, "IoU.waterfall": 0.6924, "IoU.tent": 0.9398, "IoU.bag": 0.1754, "IoU.minibike": 0.7402, "IoU.cradle": 0.7643, "IoU.oven": 0.3863, "IoU.ball": 0.0382, "IoU.food": 0.5685, "IoU.step": 0.2121, "IoU.tank": 0.605, "IoU.trade name": 0.295, "IoU.microwave": 0.7349, "IoU.pot": 0.4271, "IoU.animal": 0.5822, "IoU.bicycle": 0.5832, "IoU.lake": 0.5962, "IoU.dishwasher": 0.5969, "IoU.screen": 0.5255, "IoU.blanket": 0.1156, "IoU.sculpture": 0.6293, "IoU.hood": 0.5755, "IoU.sconce": 0.371, "IoU.vase": 0.3725, "IoU.traffic light": 0.3008, "IoU.tray": 0.0201, "IoU.ashcan": 0.4986, "IoU.fan": 0.6137, "IoU.pier": 0.3912, "IoU.crt screen": 0.0354, "IoU.plate": 0.5311, "IoU.monitor": 0.0626, "IoU.bulletin board": 0.6059, "IoU.shower": 0.0008, "IoU.radiator": 0.5943, "IoU.glass": 0.1133, "IoU.clock": 0.3693, "IoU.flag": 0.5745, "Acc.wall": 0.8724, "Acc.building": 0.9326, "Acc.sky": 0.9759, "Acc.floor": 0.9, "Acc.tree": 0.8814, "Acc.ceiling": 0.9368, "Acc.road": 0.8972, "Acc.bed ": 0.9697, "Acc.windowpane": 0.7997, "Acc.grass": 0.8006, "Acc.cabinet": 0.76, "Acc.sidewalk": 0.8493, "Acc.person": 0.9213, "Acc.earth": 0.4859, "Acc.door": 0.7219, "Acc.table": 0.7809, "Acc.mountain": 0.7608, "Acc.plant": 0.6639, "Acc.curtain": 0.8906, "Acc.chair": 0.74, "Acc.car": 0.9478, "Acc.water": 0.7247, "Acc.painting": 0.8699, "Acc.sofa": 0.878, "Acc.shelf": 0.6099, "Acc.house": 0.6802, "Acc.sea": 0.9046, "Acc.mirror": 0.8433, "Acc.rug": 0.8051, "Acc.field": 0.4716, "Acc.armchair": 0.6117, "Acc.seat": 0.8184, "Acc.fence": 0.6579, "Acc.desk": 0.7109, "Acc.rock": 0.7452, "Acc.wardrobe": 0.7324, "Acc.lamp": 0.7517, "Acc.bathtub": 0.8607, "Acc.railing": 0.5606, "Acc.cushion": 0.7405, "Acc.base": 0.5715, "Acc.box": 0.3853, "Acc.column": 0.6492, "Acc.signboard": 0.4555, "Acc.chest of drawers": 0.5834, "Acc.counter": 0.3978, "Acc.sand": 0.6737, "Acc.sink": 0.8469, "Acc.skyscraper": 0.5973, "Acc.fireplace": 0.9193, "Acc.refrigerator": 0.8095, "Acc.grandstand": 0.8663, "Acc.path": 0.3629, "Acc.stairs": 0.4139, "Acc.runway": 0.9349, "Acc.case": 0.7732, "Acc.pool table": 0.9757, "Acc.pillow": 0.745, "Acc.screen door": 0.8672, "Acc.stairway": 0.5641, "Acc.river": 0.2503, "Acc.bridge": 0.491, "Acc.bookcase": 0.6305, "Acc.blind": 0.4881, "Acc.coffee table": 0.8547, "Acc.toilet": 0.9254, "Acc.flower": 0.6081, "Acc.book": 0.6925, "Acc.hill": 0.1238, "Acc.bench": 0.7811, "Acc.countertop": 0.7418, "Acc.stove": 0.8782, "Acc.palm": 0.7247, "Acc.kitchen island": 0.6502, "Acc.computer": 0.8981, "Acc.swivel chair": 0.77, "Acc.boat": 0.8858, "Acc.bar": 0.6474, "Acc.arcade machine": 0.8262, "Acc.hovel": 0.7172, "Acc.bus": 0.9734, "Acc.towel": 0.8694, "Acc.light": 0.5025, "Acc.truck": 0.5128, "Acc.tower": 0.4068, "Acc.chandelier": 0.8545, "Acc.awning": 0.3644, "Acc.streetlight": 0.3444, "Acc.booth": 0.5293, "Acc.television receiver": 0.8006, "Acc.airplane": 0.7316, "Acc.dirt track": 0.0079, "Acc.apparel": 0.6851, "Acc.pole": 0.2965, "Acc.land": 0.0038, "Acc.bannister": 0.1599, "Acc.escalator": 0.812, "Acc.ottoman": 0.7499, "Acc.bottle": 0.6215, "Acc.buffet": 0.6461, "Acc.poster": 0.453, "Acc.stage": 0.2541, "Acc.van": 0.3212, "Acc.ship": 0.9676, "Acc.fountain": 0.3778, "Acc.conveyer belt": 0.9766, "Acc.canopy": 0.5053, "Acc.washer": 0.759, "Acc.plaything": 0.4564, "Acc.swimming pool": 0.727, "Acc.stool": 0.5689, "Acc.barrel": 0.788, "Acc.basket": 0.488, "Acc.waterfall": 0.7892, "Acc.tent": 0.9834, "Acc.bag": 0.1941, "Acc.minibike": 0.8447, "Acc.cradle": 0.9728, "Acc.oven": 0.6113, "Acc.ball": 0.0383, "Acc.food": 0.7271, "Acc.step": 0.2725, "Acc.tank": 0.6787, "Acc.trade name": 0.336, "Acc.microwave": 0.8288, "Acc.pot": 0.49, "Acc.animal": 0.596, "Acc.bicycle": 0.7655, "Acc.lake": 0.7685, "Acc.dishwasher": 0.7207, "Acc.screen": 0.9129, "Acc.blanket": 0.1403, "Acc.sculpture": 0.7958, "Acc.hood": 0.7232, "Acc.sconce": 0.4287, "Acc.vase": 0.5284, "Acc.traffic light": 0.4171, "Acc.tray": 0.0223, "Acc.ashcan": 0.6066, "Acc.fan": 0.7119, "Acc.pier": 0.4719, "Acc.crt screen": 0.0973, "Acc.plate": 0.7388, "Acc.monitor": 0.0692, "Acc.bulletin board": 0.6989, "Acc.shower": 0.0008, "Acc.radiator": 0.7115, "Acc.glass": 0.117, "Acc.clock": 0.4247, "Acc.flag": 0.6622} {"mode": "train", "epoch": 29, "iter": 36050, "lr": 0.0, "memory": 14793, "data_time": 2.12888, "decode.loss_ce": 0.3603, "decode.acc_seg": 85.57647, "aux.loss_ce": 0.23443, "aux.acc_seg": 78.8908, "loss": 0.59472, "grad_norm": 14.38371, "time": 2.54697} {"mode": "train", "epoch": 29, "iter": 36100, "lr": 0.0, "memory": 14793, "data_time": 0.00571, "decode.loss_ce": 0.35097, "decode.acc_seg": 86.28902, "aux.loss_ce": 0.2343, "aux.acc_seg": 79.13512, "loss": 0.58527, "grad_norm": 12.46847, "time": 0.40727} {"mode": "train", "epoch": 29, "iter": 36150, "lr": 0.0, "memory": 14793, "data_time": 0.00563, "decode.loss_ce": 0.3467, "decode.acc_seg": 86.29146, "aux.loss_ce": 0.22903, "aux.acc_seg": 79.60678, "loss": 0.57572, "grad_norm": 15.21847, "time": 0.40954} {"mode": "train", "epoch": 29, "iter": 36200, "lr": 0.0, "memory": 14793, "data_time": 0.00561, "decode.loss_ce": 0.35417, "decode.acc_seg": 86.00275, "aux.loss_ce": 0.22446, "aux.acc_seg": 79.50108, "loss": 0.57863, "grad_norm": 13.03797, "time": 0.40723} {"mode": "train", "epoch": 29, "iter": 36250, "lr": 0.0, "memory": 14793, "data_time": 0.00558, "decode.loss_ce": 0.34747, "decode.acc_seg": 86.62847, "aux.loss_ce": 0.22312, "aux.acc_seg": 79.96681, "loss": 0.57059, "grad_norm": 12.27882, "time": 0.41083} {"mode": "train", "epoch": 29, "iter": 36300, "lr": 0.0, "memory": 14793, "data_time": 0.00577, "decode.loss_ce": 0.37875, "decode.acc_seg": 84.48913, "aux.loss_ce": 0.23053, "aux.acc_seg": 77.71839, "loss": 0.60927, "grad_norm": 13.90709, "time": 0.40972} {"mode": "train", "epoch": 29, "iter": 36350, "lr": 0.0, "memory": 14793, "data_time": 0.00622, "decode.loss_ce": 0.34793, "decode.acc_seg": 86.04025, "aux.loss_ce": 0.23084, "aux.acc_seg": 78.7099, "loss": 0.57877, "grad_norm": 14.45758, "time": 0.4244} {"mode": "train", "epoch": 29, "iter": 36400, "lr": 0.0, "memory": 14793, "data_time": 0.00559, "decode.loss_ce": 0.35902, "decode.acc_seg": 85.70505, "aux.loss_ce": 0.23439, "aux.acc_seg": 78.71133, "loss": 0.59341, "grad_norm": 12.83483, "time": 0.41785} {"mode": "train", "epoch": 29, "iter": 36450, "lr": 0.0, "memory": 14793, "data_time": 0.00547, "decode.loss_ce": 0.35947, "decode.acc_seg": 85.54923, "aux.loss_ce": 0.23427, "aux.acc_seg": 78.47534, "loss": 0.59374, "grad_norm": 12.41755, "time": 0.42369} {"mode": "train", "epoch": 29, "iter": 36500, "lr": 0.0, "memory": 14793, "data_time": 0.00588, "decode.loss_ce": 0.37073, "decode.acc_seg": 85.3874, "aux.loss_ce": 0.24448, "aux.acc_seg": 78.28609, "loss": 0.61521, "grad_norm": 12.01119, "time": 0.40856} {"mode": "train", "epoch": 29, "iter": 36550, "lr": 0.0, "memory": 14793, "data_time": 0.00574, "decode.loss_ce": 0.34965, "decode.acc_seg": 85.59415, "aux.loss_ce": 0.2247, "aux.acc_seg": 78.92715, "loss": 0.57435, "grad_norm": 13.51874, "time": 0.40989} {"mode": "train", "epoch": 29, "iter": 36600, "lr": 0.0, "memory": 14793, "data_time": 0.00666, "decode.loss_ce": 0.34902, "decode.acc_seg": 85.83841, "aux.loss_ce": 0.23238, "aux.acc_seg": 78.72726, "loss": 0.58139, "grad_norm": 10.96126, "time": 0.41147} {"mode": "train", "epoch": 29, "iter": 36650, "lr": 0.0, "memory": 14793, "data_time": 0.00572, "decode.loss_ce": 0.36517, "decode.acc_seg": 85.17433, "aux.loss_ce": 0.23906, "aux.acc_seg": 78.25173, "loss": 0.60423, "grad_norm": 15.14023, "time": 0.413} {"mode": "train", "epoch": 30, "iter": 36700, "lr": 0.0, "memory": 14793, "data_time": 0.05197, "decode.loss_ce": 0.33897, "decode.acc_seg": 86.09441, "aux.loss_ce": 0.22906, "aux.acc_seg": 78.56686, "loss": 0.56803, "grad_norm": 12.64303, "time": 0.45461} {"mode": "train", "epoch": 30, "iter": 36750, "lr": 0.0, "memory": 14793, "data_time": 0.00656, "decode.loss_ce": 0.33305, "decode.acc_seg": 86.33485, "aux.loss_ce": 0.22726, "aux.acc_seg": 78.84378, "loss": 0.56031, "grad_norm": 13.66602, "time": 0.4227} {"mode": "train", "epoch": 30, "iter": 36800, "lr": 0.0, "memory": 14793, "data_time": 0.00524, "decode.loss_ce": 0.34021, "decode.acc_seg": 86.45037, "aux.loss_ce": 0.22128, "aux.acc_seg": 79.72942, "loss": 0.56149, "grad_norm": 11.60432, "time": 0.4222} {"mode": "train", "epoch": 30, "iter": 36850, "lr": 0.0, "memory": 14793, "data_time": 0.00518, "decode.loss_ce": 0.33662, "decode.acc_seg": 85.93068, "aux.loss_ce": 0.21481, "aux.acc_seg": 79.85195, "loss": 0.55142, "grad_norm": 12.96519, "time": 0.42048} {"mode": "train", "epoch": 30, "iter": 36900, "lr": 0.0, "memory": 14793, "data_time": 0.00527, "decode.loss_ce": 0.35006, "decode.acc_seg": 85.948, "aux.loss_ce": 0.2296, "aux.acc_seg": 79.2949, "loss": 0.57966, "grad_norm": 13.05731, "time": 0.40777} {"mode": "train", "epoch": 30, "iter": 36950, "lr": 0.0, "memory": 14793, "data_time": 0.00537, "decode.loss_ce": 0.34096, "decode.acc_seg": 85.86075, "aux.loss_ce": 0.22552, "aux.acc_seg": 79.02462, "loss": 0.56649, "grad_norm": 14.16301, "time": 0.40457} {"mode": "train", "epoch": 30, "iter": 37000, "lr": 0.0, "memory": 14793, "data_time": 0.00565, "decode.loss_ce": 0.36163, "decode.acc_seg": 85.13808, "aux.loss_ce": 0.23833, "aux.acc_seg": 78.24576, "loss": 0.59996, "grad_norm": 13.86996, "time": 0.64328} {"mode": "val", "epoch": 30, "iter": 125, "lr": 0.0, "aAcc": 0.8399, "mIoU": 0.5212, "mAcc": 0.6525, "IoU.wall": 0.7891, "IoU.building": 0.8287, "IoU.sky": 0.9468, "IoU.floor": 0.8275, "IoU.tree": 0.7555, "IoU.ceiling": 0.8472, "IoU.road": 0.847, "IoU.bed ": 0.9073, "IoU.windowpane": 0.6269, "IoU.grass": 0.669, "IoU.cabinet": 0.6219, "IoU.sidewalk": 0.6538, "IoU.person": 0.828, "IoU.earth": 0.3842, "IoU.door": 0.5286, "IoU.table": 0.6235, "IoU.mountain": 0.6002, "IoU.plant": 0.541, "IoU.curtain": 0.7483, "IoU.chair": 0.6046, "IoU.car": 0.8475, "IoU.water": 0.5973, "IoU.painting": 0.717, "IoU.sofa": 0.7067, "IoU.shelf": 0.4162, "IoU.house": 0.4793, "IoU.sea": 0.6252, "IoU.mirror": 0.7177, "IoU.rug": 0.659, "IoU.field": 0.2952, "IoU.armchair": 0.4316, "IoU.seat": 0.6405, "IoU.fence": 0.4644, "IoU.desk": 0.5137, "IoU.rock": 0.4944, "IoU.wardrobe": 0.5308, "IoU.lamp": 0.6336, "IoU.bathtub": 0.7949, "IoU.railing": 0.3877, "IoU.cushion": 0.612, "IoU.base": 0.446, "IoU.box": 0.3024, "IoU.column": 0.5282, "IoU.signboard": 0.3709, "IoU.chest of drawers": 0.3953, "IoU.counter": 0.3101, "IoU.sand": 0.4954, "IoU.sink": 0.7587, "IoU.skyscraper": 0.4656, "IoU.fireplace": 0.7486, "IoU.refrigerator": 0.7186, "IoU.grandstand": 0.435, "IoU.path": 0.2446, "IoU.stairs": 0.3654, "IoU.runway": 0.6628, "IoU.case": 0.5807, "IoU.pool table": 0.9251, "IoU.pillow": 0.5935, "IoU.screen door": 0.7576, "IoU.stairway": 0.4298, "IoU.river": 0.1254, "IoU.bridge": 0.4094, "IoU.bookcase": 0.3411, "IoU.blind": 0.4329, "IoU.coffee table": 0.5611, "IoU.toilet": 0.8501, "IoU.flower": 0.4344, "IoU.book": 0.4709, "IoU.hill": 0.0713, "IoU.bench": 0.6142, "IoU.countertop": 0.5251, "IoU.stove": 0.7775, "IoU.palm": 0.5294, "IoU.kitchen island": 0.3249, "IoU.computer": 0.7502, "IoU.swivel chair": 0.525, "IoU.boat": 0.6572, "IoU.bar": 0.4748, "IoU.arcade machine": 0.7606, "IoU.hovel": 0.5945, "IoU.bus": 0.8901, "IoU.towel": 0.655, "IoU.light": 0.5355, "IoU.truck": 0.4015, "IoU.tower": 0.2945, "IoU.chandelier": 0.656, "IoU.awning": 0.3146, "IoU.streetlight": 0.2661, "IoU.booth": 0.3908, "IoU.television receiver": 0.7436, "IoU.airplane": 0.652, "IoU.dirt track": 0.0969, "IoU.apparel": 0.5074, "IoU.pole": 0.1968, "IoU.land": 0.0105, "IoU.bannister": 0.1459, "IoU.escalator": 0.5305, "IoU.ottoman": 0.5342, "IoU.bottle": 0.3899, "IoU.buffet": 0.5046, "IoU.poster": 0.3072, "IoU.stage": 0.1312, "IoU.van": 0.4232, "IoU.ship": 0.8958, "IoU.fountain": 0.3544, "IoU.conveyer belt": 0.8049, "IoU.canopy": 0.3738, "IoU.washer": 0.753, "IoU.plaything": 0.2929, "IoU.swimming pool": 0.6521, "IoU.stool": 0.4401, "IoU.barrel": 0.5461, "IoU.basket": 0.3794, "IoU.waterfall": 0.623, "IoU.tent": 0.9143, "IoU.bag": 0.2008, "IoU.minibike": 0.7258, "IoU.cradle": 0.728, "IoU.oven": 0.4484, "IoU.ball": 0.5367, "IoU.food": 0.604, "IoU.step": 0.1635, "IoU.tank": 0.5796, "IoU.trade name": 0.1723, "IoU.microwave": 0.8167, "IoU.pot": 0.4301, "IoU.animal": 0.6052, "IoU.bicycle": 0.5811, "IoU.lake": 0.4913, "IoU.dishwasher": 0.6038, "IoU.screen": 0.5217, "IoU.blanket": 0.0784, "IoU.sculpture": 0.6392, "IoU.hood": 0.5662, "IoU.sconce": 0.4409, "IoU.vase": 0.3717, "IoU.traffic light": 0.3056, "IoU.tray": 0.0466, "IoU.ashcan": 0.494, "IoU.fan": 0.6117, "IoU.pier": 0.4448, "IoU.crt screen": 0.0441, "IoU.plate": 0.5315, "IoU.monitor": 0.079, "IoU.bulletin board": 0.6057, "IoU.shower": 0.0, "IoU.radiator": 0.5944, "IoU.glass": 0.1354, "IoU.clock": 0.3536, "IoU.flag": 0.5126, "Acc.wall": 0.8715, "Acc.building": 0.9196, "Acc.sky": 0.976, "Acc.floor": 0.8961, "Acc.tree": 0.8842, "Acc.ceiling": 0.9083, "Acc.road": 0.9088, "Acc.bed ": 0.9719, "Acc.windowpane": 0.8272, "Acc.grass": 0.8163, "Acc.cabinet": 0.7251, "Acc.sidewalk": 0.7995, "Acc.person": 0.9203, "Acc.earth": 0.5197, "Acc.door": 0.7161, "Acc.table": 0.7745, "Acc.mountain": 0.7448, "Acc.plant": 0.6563, "Acc.curtain": 0.8986, "Acc.chair": 0.7317, "Acc.car": 0.9374, "Acc.water": 0.7966, "Acc.painting": 0.8857, "Acc.sofa": 0.9119, "Acc.shelf": 0.5605, "Acc.house": 0.7573, "Acc.sea": 0.7434, "Acc.mirror": 0.8405, "Acc.rug": 0.7977, "Acc.field": 0.4567, "Acc.armchair": 0.6106, "Acc.seat": 0.8574, "Acc.fence": 0.6421, "Acc.desk": 0.7045, "Acc.rock": 0.7337, "Acc.wardrobe": 0.6911, "Acc.lamp": 0.7625, "Acc.bathtub": 0.8658, "Acc.railing": 0.5106, "Acc.cushion": 0.7134, "Acc.base": 0.5872, "Acc.box": 0.3875, "Acc.column": 0.6561, "Acc.signboard": 0.5018, "Acc.chest of drawers": 0.6599, "Acc.counter": 0.372, "Acc.sand": 0.6838, "Acc.sink": 0.8325, "Acc.skyscraper": 0.5501, "Acc.fireplace": 0.9036, "Acc.refrigerator": 0.8313, "Acc.grandstand": 0.8791, "Acc.path": 0.372, "Acc.stairs": 0.4749, "Acc.runway": 0.904, "Acc.case": 0.7608, "Acc.pool table": 0.98, "Acc.pillow": 0.6861, "Acc.screen door": 0.8577, "Acc.stairway": 0.4855, "Acc.river": 0.2115, "Acc.bridge": 0.4998, "Acc.bookcase": 0.6362, "Acc.blind": 0.5077, "Acc.coffee table": 0.8737, "Acc.toilet": 0.922, "Acc.flower": 0.5793, "Acc.book": 0.7222, "Acc.hill": 0.1295, "Acc.bench": 0.7238, "Acc.countertop": 0.835, "Acc.stove": 0.8874, "Acc.palm": 0.7125, "Acc.kitchen island": 0.689, "Acc.computer": 0.8976, "Acc.swivel chair": 0.6583, "Acc.boat": 0.8729, "Acc.bar": 0.7075, "Acc.arcade machine": 0.829, "Acc.hovel": 0.7224, "Acc.bus": 0.9781, "Acc.towel": 0.8376, "Acc.light": 0.6427, "Acc.truck": 0.5646, "Acc.tower": 0.5355, "Acc.chandelier": 0.8346, "Acc.awning": 0.3618, "Acc.streetlight": 0.3702, "Acc.booth": 0.5215, "Acc.television receiver": 0.8379, "Acc.airplane": 0.7437, "Acc.dirt track": 0.1749, "Acc.apparel": 0.6366, "Acc.pole": 0.2419, "Acc.land": 0.0138, "Acc.bannister": 0.185, "Acc.escalator": 0.8028, "Acc.ottoman": 0.7567, "Acc.bottle": 0.6844, "Acc.buffet": 0.631, "Acc.poster": 0.3777, "Acc.stage": 0.2455, "Acc.van": 0.5494, "Acc.ship": 0.9749, "Acc.fountain": 0.3871, "Acc.conveyer belt": 0.9658, "Acc.canopy": 0.6341, "Acc.washer": 0.7901, "Acc.plaything": 0.4071, "Acc.swimming pool": 0.7859, "Acc.stool": 0.6152, "Acc.barrel": 0.8272, "Acc.basket": 0.4895, "Acc.waterfall": 0.7985, "Acc.tent": 0.9861, "Acc.bag": 0.2317, "Acc.minibike": 0.8651, "Acc.cradle": 0.9808, "Acc.oven": 0.5118, "Acc.ball": 0.6604, "Acc.food": 0.7123, "Acc.step": 0.1892, "Acc.tank": 0.6762, "Acc.trade name": 0.1777, "Acc.microwave": 0.9545, "Acc.pot": 0.4879, "Acc.animal": 0.623, "Acc.bicycle": 0.72, "Acc.lake": 0.5979, "Acc.dishwasher": 0.677, "Acc.screen": 0.9208, "Acc.blanket": 0.0949, "Acc.sculpture": 0.8052, "Acc.hood": 0.6524, "Acc.sconce": 0.5301, "Acc.vase": 0.5361, "Acc.traffic light": 0.4384, "Acc.tray": 0.0581, "Acc.ashcan": 0.6351, "Acc.fan": 0.7256, "Acc.pier": 0.5333, "Acc.crt screen": 0.1221, "Acc.plate": 0.7203, "Acc.monitor": 0.0917, "Acc.bulletin board": 0.7117, "Acc.shower": 0.0, "Acc.radiator": 0.7024, "Acc.glass": 0.1428, "Acc.clock": 0.3865, "Acc.flag": 0.5793} {"mode": "train", "epoch": 30, "iter": 37050, "lr": 0.0, "memory": 14793, "data_time": 2.11803, "decode.loss_ce": 0.32499, "decode.acc_seg": 86.77342, "aux.loss_ce": 0.22067, "aux.acc_seg": 79.59672, "loss": 0.54566, "grad_norm": 11.15125, "time": 2.53259} {"mode": "train", "epoch": 30, "iter": 37100, "lr": 0.0, "memory": 14793, "data_time": 0.00549, "decode.loss_ce": 0.3619, "decode.acc_seg": 85.28512, "aux.loss_ce": 0.23173, "aux.acc_seg": 78.89307, "loss": 0.59363, "grad_norm": 12.86019, "time": 0.41339} {"mode": "train", "epoch": 30, "iter": 37150, "lr": 0.0, "memory": 14793, "data_time": 0.00572, "decode.loss_ce": 0.34749, "decode.acc_seg": 86.13637, "aux.loss_ce": 0.22937, "aux.acc_seg": 78.80849, "loss": 0.57686, "grad_norm": 12.58636, "time": 0.41844} {"mode": "train", "epoch": 30, "iter": 37200, "lr": 0.0, "memory": 14793, "data_time": 0.0057, "decode.loss_ce": 0.33796, "decode.acc_seg": 86.45359, "aux.loss_ce": 0.21946, "aux.acc_seg": 79.67613, "loss": 0.55742, "grad_norm": 13.05249, "time": 0.41293} {"mode": "train", "epoch": 30, "iter": 37250, "lr": 0.0, "memory": 14793, "data_time": 0.00603, "decode.loss_ce": 0.35747, "decode.acc_seg": 85.69564, "aux.loss_ce": 0.24026, "aux.acc_seg": 78.08534, "loss": 0.59773, "grad_norm": 18.47415, "time": 0.43095} {"mode": "train", "epoch": 30, "iter": 37300, "lr": 0.0, "memory": 14793, "data_time": 0.00559, "decode.loss_ce": 0.35333, "decode.acc_seg": 85.9319, "aux.loss_ce": 0.23391, "aux.acc_seg": 78.54548, "loss": 0.58724, "grad_norm": 11.42731, "time": 0.41547} {"mode": "train", "epoch": 30, "iter": 37350, "lr": 0.0, "memory": 14793, "data_time": 0.00551, "decode.loss_ce": 0.3701, "decode.acc_seg": 85.08943, "aux.loss_ce": 0.23916, "aux.acc_seg": 78.27553, "loss": 0.60926, "grad_norm": 16.4219, "time": 0.40833} {"mode": "train", "epoch": 30, "iter": 37400, "lr": 0.0, "memory": 14793, "data_time": 0.00629, "decode.loss_ce": 0.34188, "decode.acc_seg": 86.00562, "aux.loss_ce": 0.22611, "aux.acc_seg": 79.53352, "loss": 0.56799, "grad_norm": 10.71021, "time": 0.41466} {"mode": "train", "epoch": 30, "iter": 37450, "lr": 0.0, "memory": 14793, "data_time": 0.00556, "decode.loss_ce": 0.34938, "decode.acc_seg": 86.22295, "aux.loss_ce": 0.21818, "aux.acc_seg": 79.92147, "loss": 0.56756, "grad_norm": 12.12161, "time": 0.40398} {"mode": "train", "epoch": 30, "iter": 37500, "lr": 0.0, "memory": 14793, "data_time": 0.00551, "decode.loss_ce": 0.33035, "decode.acc_seg": 86.587, "aux.loss_ce": 0.22602, "aux.acc_seg": 79.13686, "loss": 0.55638, "grad_norm": 13.46061, "time": 0.40843} {"mode": "train", "epoch": 30, "iter": 37550, "lr": 0.0, "memory": 14793, "data_time": 0.00667, "decode.loss_ce": 0.3517, "decode.acc_seg": 86.25049, "aux.loss_ce": 0.22958, "aux.acc_seg": 79.59563, "loss": 0.58127, "grad_norm": 11.56192, "time": 0.4146} {"mode": "train", "epoch": 30, "iter": 37600, "lr": 0.0, "memory": 14793, "data_time": 0.00565, "decode.loss_ce": 0.34819, "decode.acc_seg": 86.32614, "aux.loss_ce": 0.23039, "aux.acc_seg": 79.36252, "loss": 0.57858, "grad_norm": 11.19708, "time": 0.41949} {"mode": "train", "epoch": 30, "iter": 37650, "lr": 0.0, "memory": 14793, "data_time": 0.00519, "decode.loss_ce": 0.35553, "decode.acc_seg": 85.63152, "aux.loss_ce": 0.22624, "aux.acc_seg": 79.10956, "loss": 0.58178, "grad_norm": 18.1641, "time": 0.41713} {"mode": "train", "epoch": 30, "iter": 37700, "lr": 0.0, "memory": 14793, "data_time": 0.00468, "decode.loss_ce": 0.36615, "decode.acc_seg": 85.51437, "aux.loss_ce": 0.2395, "aux.acc_seg": 78.55535, "loss": 0.60565, "grad_norm": 16.82146, "time": 0.41421} {"mode": "train", "epoch": 30, "iter": 37750, "lr": 0.0, "memory": 14793, "data_time": 0.00619, "decode.loss_ce": 0.36126, "decode.acc_seg": 86.21582, "aux.loss_ce": 0.24293, "aux.acc_seg": 78.51779, "loss": 0.60419, "grad_norm": 14.50131, "time": 0.40666} {"mode": "train", "epoch": 30, "iter": 37800, "lr": 0.0, "memory": 14793, "data_time": 0.00514, "decode.loss_ce": 0.34946, "decode.acc_seg": 85.63254, "aux.loss_ce": 0.21988, "aux.acc_seg": 79.39502, "loss": 0.56933, "grad_norm": 13.14666, "time": 0.40638} {"mode": "train", "epoch": 30, "iter": 37850, "lr": 0.0, "memory": 14793, "data_time": 0.00486, "decode.loss_ce": 0.37195, "decode.acc_seg": 84.95828, "aux.loss_ce": 0.2352, "aux.acc_seg": 79.04592, "loss": 0.60715, "grad_norm": 16.80264, "time": 0.41226} {"mode": "train", "epoch": 30, "iter": 37900, "lr": 0.0, "memory": 14793, "data_time": 0.00523, "decode.loss_ce": 0.35232, "decode.acc_seg": 86.11871, "aux.loss_ce": 0.23749, "aux.acc_seg": 78.86937, "loss": 0.58981, "grad_norm": 15.88478, "time": 0.40907} {"mode": "train", "epoch": 31, "iter": 37950, "lr": 0.0, "memory": 14793, "data_time": 0.0526, "decode.loss_ce": 0.37123, "decode.acc_seg": 85.1148, "aux.loss_ce": 0.24081, "aux.acc_seg": 78.14068, "loss": 0.61205, "grad_norm": 14.98207, "time": 0.46405} {"mode": "train", "epoch": 31, "iter": 38000, "lr": 0.0, "memory": 14793, "data_time": 0.0055, "decode.loss_ce": 0.34998, "decode.acc_seg": 85.83887, "aux.loss_ce": 0.23404, "aux.acc_seg": 78.67725, "loss": 0.58402, "grad_norm": 14.18937, "time": 0.65234} {"mode": "val", "epoch": 31, "iter": 125, "lr": 0.0, "aAcc": 0.8416, "mIoU": 0.5222, "mAcc": 0.6505, "IoU.wall": 0.7877, "IoU.building": 0.8352, "IoU.sky": 0.9464, "IoU.floor": 0.8262, "IoU.tree": 0.7575, "IoU.ceiling": 0.8447, "IoU.road": 0.8388, "IoU.bed ": 0.9089, "IoU.windowpane": 0.6316, "IoU.grass": 0.6555, "IoU.cabinet": 0.6359, "IoU.sidewalk": 0.6498, "IoU.person": 0.828, "IoU.earth": 0.3622, "IoU.door": 0.5225, "IoU.table": 0.6383, "IoU.mountain": 0.6051, "IoU.plant": 0.5425, "IoU.curtain": 0.7717, "IoU.chair": 0.6101, "IoU.car": 0.8533, "IoU.water": 0.6122, "IoU.painting": 0.7334, "IoU.sofa": 0.7163, "IoU.shelf": 0.4499, "IoU.house": 0.4631, "IoU.sea": 0.734, "IoU.mirror": 0.7103, "IoU.rug": 0.6361, "IoU.field": 0.2901, "IoU.armchair": 0.4714, "IoU.seat": 0.661, "IoU.fence": 0.4776, "IoU.desk": 0.5251, "IoU.rock": 0.4931, "IoU.wardrobe": 0.4975, "IoU.lamp": 0.6329, "IoU.bathtub": 0.7995, "IoU.railing": 0.3818, "IoU.cushion": 0.6144, "IoU.base": 0.4148, "IoU.box": 0.3238, "IoU.column": 0.5215, "IoU.signboard": 0.3871, "IoU.chest of drawers": 0.4027, "IoU.counter": 0.3064, "IoU.sand": 0.499, "IoU.sink": 0.7679, "IoU.skyscraper": 0.5502, "IoU.fireplace": 0.6968, "IoU.refrigerator": 0.7114, "IoU.grandstand": 0.4827, "IoU.path": 0.2694, "IoU.stairs": 0.3475, "IoU.runway": 0.6947, "IoU.case": 0.5684, "IoU.pool table": 0.9268, "IoU.pillow": 0.617, "IoU.screen door": 0.6521, "IoU.stairway": 0.4961, "IoU.river": 0.1622, "IoU.bridge": 0.3945, "IoU.bookcase": 0.4331, "IoU.blind": 0.4238, "IoU.coffee table": 0.5873, "IoU.toilet": 0.8512, "IoU.flower": 0.4486, "IoU.book": 0.4827, "IoU.hill": 0.0766, "IoU.bench": 0.6056, "IoU.countertop": 0.5704, "IoU.stove": 0.7952, "IoU.palm": 0.5249, "IoU.kitchen island": 0.3337, "IoU.computer": 0.7088, "IoU.swivel chair": 0.557, "IoU.boat": 0.6154, "IoU.bar": 0.4753, "IoU.arcade machine": 0.7643, "IoU.hovel": 0.4734, "IoU.bus": 0.9063, "IoU.towel": 0.672, "IoU.light": 0.5192, "IoU.truck": 0.4206, "IoU.tower": 0.3502, "IoU.chandelier": 0.6338, "IoU.awning": 0.3177, "IoU.streetlight": 0.2742, "IoU.booth": 0.3762, "IoU.television receiver": 0.7613, "IoU.airplane": 0.686, "IoU.dirt track": 0.0904, "IoU.apparel": 0.5045, "IoU.pole": 0.1944, "IoU.land": 0.0002, "IoU.bannister": 0.1593, "IoU.escalator": 0.5401, "IoU.ottoman": 0.5545, "IoU.bottle": 0.4096, "IoU.buffet": 0.53, "IoU.poster": 0.2932, "IoU.stage": 0.1514, "IoU.van": 0.4254, "IoU.ship": 0.8632, "IoU.fountain": 0.2656, "IoU.conveyer belt": 0.8142, "IoU.canopy": 0.4061, "IoU.washer": 0.7205, "IoU.plaything": 0.3178, "IoU.swimming pool": 0.6685, "IoU.stool": 0.4562, "IoU.barrel": 0.5276, "IoU.basket": 0.3707, "IoU.waterfall": 0.5801, "IoU.tent": 0.9055, "IoU.bag": 0.1911, "IoU.minibike": 0.7184, "IoU.cradle": 0.7497, "IoU.oven": 0.3627, "IoU.ball": 0.505, "IoU.food": 0.5138, "IoU.step": 0.1378, "IoU.tank": 0.6152, "IoU.trade name": 0.2786, "IoU.microwave": 0.7192, "IoU.pot": 0.4211, "IoU.animal": 0.5767, "IoU.bicycle": 0.5919, "IoU.lake": 0.5458, "IoU.dishwasher": 0.6055, "IoU.screen": 0.5605, "IoU.blanket": 0.0818, "IoU.sculpture": 0.6782, "IoU.hood": 0.5692, "IoU.sconce": 0.4334, "IoU.vase": 0.3828, "IoU.traffic light": 0.3121, "IoU.tray": 0.0297, "IoU.ashcan": 0.4783, "IoU.fan": 0.6157, "IoU.pier": 0.3676, "IoU.crt screen": 0.0056, "IoU.plate": 0.5433, "IoU.monitor": 0.0932, "IoU.bulletin board": 0.5536, "IoU.shower": 0.0, "IoU.radiator": 0.5924, "IoU.glass": 0.1284, "IoU.clock": 0.3707, "IoU.flag": 0.4613, "Acc.wall": 0.8733, "Acc.building": 0.9132, "Acc.sky": 0.9713, "Acc.floor": 0.9122, "Acc.tree": 0.9014, "Acc.ceiling": 0.9393, "Acc.road": 0.894, "Acc.bed ": 0.9689, "Acc.windowpane": 0.8096, "Acc.grass": 0.7866, "Acc.cabinet": 0.7808, "Acc.sidewalk": 0.8542, "Acc.person": 0.9252, "Acc.earth": 0.4769, "Acc.door": 0.7174, "Acc.table": 0.794, "Acc.mountain": 0.7418, "Acc.plant": 0.664, "Acc.curtain": 0.8829, "Acc.chair": 0.7099, "Acc.car": 0.9374, "Acc.water": 0.7775, "Acc.painting": 0.8657, "Acc.sofa": 0.8346, "Acc.shelf": 0.6617, "Acc.house": 0.7224, "Acc.sea": 0.8958, "Acc.mirror": 0.8145, "Acc.rug": 0.7231, "Acc.field": 0.4788, "Acc.armchair": 0.6957, "Acc.seat": 0.8493, "Acc.fence": 0.6585, "Acc.desk": 0.6802, "Acc.rock": 0.735, "Acc.wardrobe": 0.5857, "Acc.lamp": 0.7335, "Acc.bathtub": 0.8642, "Acc.railing": 0.4996, "Acc.cushion": 0.7126, "Acc.base": 0.5394, "Acc.box": 0.4272, "Acc.column": 0.6029, "Acc.signboard": 0.4862, "Acc.chest of drawers": 0.5882, "Acc.counter": 0.3996, "Acc.sand": 0.6955, "Acc.sink": 0.8502, "Acc.skyscraper": 0.7206, "Acc.fireplace": 0.9266, "Acc.refrigerator": 0.8311, "Acc.grandstand": 0.8419, "Acc.path": 0.3738, "Acc.stairs": 0.4496, "Acc.runway": 0.9768, "Acc.case": 0.7112, "Acc.pool table": 0.9795, "Acc.pillow": 0.7733, "Acc.screen door": 0.8743, "Acc.stairway": 0.6039, "Acc.river": 0.2779, "Acc.bridge": 0.4604, "Acc.bookcase": 0.6495, "Acc.blind": 0.4734, "Acc.coffee table": 0.8466, "Acc.toilet": 0.9205, "Acc.flower": 0.5929, "Acc.book": 0.646, "Acc.hill": 0.0965, "Acc.bench": 0.7221, "Acc.countertop": 0.809, "Acc.stove": 0.8692, "Acc.palm": 0.7041, "Acc.kitchen island": 0.7196, "Acc.computer": 0.9218, "Acc.swivel chair": 0.7564, "Acc.boat": 0.847, "Acc.bar": 0.6783, "Acc.arcade machine": 0.8379, "Acc.hovel": 0.6724, "Acc.bus": 0.973, "Acc.towel": 0.8401, "Acc.light": 0.6228, "Acc.truck": 0.6031, "Acc.tower": 0.5734, "Acc.chandelier": 0.8809, "Acc.awning": 0.3713, "Acc.streetlight": 0.3697, "Acc.booth": 0.5405, "Acc.television receiver": 0.8689, "Acc.airplane": 0.7939, "Acc.dirt track": 0.1753, "Acc.apparel": 0.6123, "Acc.pole": 0.2324, "Acc.land": 0.0003, "Acc.bannister": 0.2006, "Acc.escalator": 0.8404, "Acc.ottoman": 0.7247, "Acc.bottle": 0.661, "Acc.buffet": 0.6437, "Acc.poster": 0.3414, "Acc.stage": 0.2353, "Acc.van": 0.5377, "Acc.ship": 0.9695, "Acc.fountain": 0.2733, "Acc.conveyer belt": 0.9599, "Acc.canopy": 0.6109, "Acc.washer": 0.7446, "Acc.plaything": 0.4566, "Acc.swimming pool": 0.758, "Acc.stool": 0.6113, "Acc.barrel": 0.8289, "Acc.basket": 0.5211, "Acc.waterfall": 0.7113, "Acc.tent": 0.9887, "Acc.bag": 0.209, "Acc.minibike": 0.8819, "Acc.cradle": 0.9774, "Acc.oven": 0.5834, "Acc.ball": 0.601, "Acc.food": 0.5465, "Acc.step": 0.1602, "Acc.tank": 0.6776, "Acc.trade name": 0.313, "Acc.microwave": 0.7992, "Acc.pot": 0.4817, "Acc.animal": 0.5942, "Acc.bicycle": 0.8039, "Acc.lake": 0.6939, "Acc.dishwasher": 0.6726, "Acc.screen": 0.8548, "Acc.blanket": 0.0949, "Acc.sculpture": 0.8064, "Acc.hood": 0.6591, "Acc.sconce": 0.5148, "Acc.vase": 0.5459, "Acc.traffic light": 0.4776, "Acc.tray": 0.0329, "Acc.ashcan": 0.6502, "Acc.fan": 0.7735, "Acc.pier": 0.5163, "Acc.crt screen": 0.0142, "Acc.plate": 0.7438, "Acc.monitor": 0.1016, "Acc.bulletin board": 0.6233, "Acc.shower": 0.0, "Acc.radiator": 0.6364, "Acc.glass": 0.1339, "Acc.clock": 0.4271, "Acc.flag": 0.4952} {"mode": "train", "epoch": 31, "iter": 38050, "lr": 0.0, "memory": 14793, "data_time": 2.18224, "decode.loss_ce": 0.35949, "decode.acc_seg": 85.4829, "aux.loss_ce": 0.2274, "aux.acc_seg": 78.76149, "loss": 0.58689, "grad_norm": 18.40145, "time": 2.59247} {"mode": "train", "epoch": 31, "iter": 38100, "lr": 0.0, "memory": 14793, "data_time": 0.00605, "decode.loss_ce": 0.34403, "decode.acc_seg": 86.6612, "aux.loss_ce": 0.22746, "aux.acc_seg": 80.14456, "loss": 0.57149, "grad_norm": 12.63183, "time": 0.41711} {"mode": "train", "epoch": 31, "iter": 38150, "lr": 0.0, "memory": 14793, "data_time": 0.00624, "decode.loss_ce": 0.35571, "decode.acc_seg": 85.74381, "aux.loss_ce": 0.23307, "aux.acc_seg": 78.77449, "loss": 0.58877, "grad_norm": 15.69252, "time": 0.41801} {"mode": "train", "epoch": 31, "iter": 38200, "lr": 0.0, "memory": 14793, "data_time": 0.00666, "decode.loss_ce": 0.32866, "decode.acc_seg": 86.91942, "aux.loss_ce": 0.22685, "aux.acc_seg": 79.15513, "loss": 0.55551, "grad_norm": 12.34488, "time": 0.41001} {"mode": "train", "epoch": 31, "iter": 38250, "lr": 0.0, "memory": 14793, "data_time": 0.00562, "decode.loss_ce": 0.34207, "decode.acc_seg": 86.19184, "aux.loss_ce": 0.22596, "aux.acc_seg": 78.83245, "loss": 0.56803, "grad_norm": 15.09441, "time": 0.41693} {"mode": "train", "epoch": 31, "iter": 38300, "lr": 0.0, "memory": 14793, "data_time": 0.00556, "decode.loss_ce": 0.34164, "decode.acc_seg": 86.55261, "aux.loss_ce": 0.22087, "aux.acc_seg": 80.47758, "loss": 0.56251, "grad_norm": 16.85386, "time": 0.40879} {"mode": "train", "epoch": 31, "iter": 38350, "lr": 0.0, "memory": 14793, "data_time": 0.0058, "decode.loss_ce": 0.33691, "decode.acc_seg": 86.58109, "aux.loss_ce": 0.22767, "aux.acc_seg": 79.01281, "loss": 0.56457, "grad_norm": 16.06746, "time": 0.40763} {"mode": "train", "epoch": 31, "iter": 38400, "lr": 0.0, "memory": 14793, "data_time": 0.00642, "decode.loss_ce": 0.3441, "decode.acc_seg": 86.36891, "aux.loss_ce": 0.21172, "aux.acc_seg": 80.48862, "loss": 0.55583, "grad_norm": 15.09829, "time": 0.41375} {"mode": "train", "epoch": 31, "iter": 38450, "lr": 0.0, "memory": 14793, "data_time": 0.0057, "decode.loss_ce": 0.32535, "decode.acc_seg": 86.46026, "aux.loss_ce": 0.21745, "aux.acc_seg": 79.72252, "loss": 0.5428, "grad_norm": 12.51368, "time": 0.42118} {"mode": "train", "epoch": 31, "iter": 38500, "lr": 0.0, "memory": 14793, "data_time": 0.00551, "decode.loss_ce": 0.36274, "decode.acc_seg": 85.60058, "aux.loss_ce": 0.23886, "aux.acc_seg": 78.56037, "loss": 0.6016, "grad_norm": 16.08578, "time": 0.41269} {"mode": "train", "epoch": 31, "iter": 38550, "lr": 0.0, "memory": 14793, "data_time": 0.0054, "decode.loss_ce": 0.35439, "decode.acc_seg": 86.14984, "aux.loss_ce": 0.22944, "aux.acc_seg": 79.06622, "loss": 0.58383, "grad_norm": 14.37807, "time": 0.40139} {"mode": "train", "epoch": 31, "iter": 38600, "lr": 0.0, "memory": 14793, "data_time": 0.0057, "decode.loss_ce": 0.34599, "decode.acc_seg": 85.86523, "aux.loss_ce": 0.23449, "aux.acc_seg": 78.30601, "loss": 0.58048, "grad_norm": 13.33315, "time": 0.41016} {"mode": "train", "epoch": 31, "iter": 38650, "lr": 0.0, "memory": 14793, "data_time": 0.00549, "decode.loss_ce": 0.36179, "decode.acc_seg": 85.30928, "aux.loss_ce": 0.24411, "aux.acc_seg": 77.96289, "loss": 0.6059, "grad_norm": 18.61654, "time": 0.41053} {"mode": "train", "epoch": 31, "iter": 38700, "lr": 0.0, "memory": 14793, "data_time": 0.0057, "decode.loss_ce": 0.34084, "decode.acc_seg": 86.29107, "aux.loss_ce": 0.23053, "aux.acc_seg": 79.33099, "loss": 0.57137, "grad_norm": 13.37317, "time": 0.4137} {"mode": "train", "epoch": 31, "iter": 38750, "lr": 0.0, "memory": 14793, "data_time": 0.00566, "decode.loss_ce": 0.33011, "decode.acc_seg": 86.61828, "aux.loss_ce": 0.22174, "aux.acc_seg": 79.41782, "loss": 0.55185, "grad_norm": 13.45911, "time": 0.41601} {"mode": "train", "epoch": 31, "iter": 38800, "lr": 0.0, "memory": 14793, "data_time": 0.00562, "decode.loss_ce": 0.35706, "decode.acc_seg": 85.8427, "aux.loss_ce": 0.23796, "aux.acc_seg": 78.21961, "loss": 0.59502, "grad_norm": 19.33148, "time": 0.42105} {"mode": "train", "epoch": 31, "iter": 38850, "lr": 0.0, "memory": 14793, "data_time": 0.00555, "decode.loss_ce": 0.34293, "decode.acc_seg": 86.19039, "aux.loss_ce": 0.23273, "aux.acc_seg": 78.72704, "loss": 0.57566, "grad_norm": 14.50794, "time": 0.41031} {"mode": "train", "epoch": 31, "iter": 38900, "lr": 0.0, "memory": 14793, "data_time": 0.0054, "decode.loss_ce": 0.34342, "decode.acc_seg": 86.30943, "aux.loss_ce": 0.21993, "aux.acc_seg": 80.03356, "loss": 0.56335, "grad_norm": 15.55896, "time": 0.41997} {"mode": "train", "epoch": 31, "iter": 38950, "lr": 0.0, "memory": 14793, "data_time": 0.00599, "decode.loss_ce": 0.35307, "decode.acc_seg": 85.56127, "aux.loss_ce": 0.2286, "aux.acc_seg": 78.91364, "loss": 0.58168, "grad_norm": 15.86893, "time": 0.41356} {"mode": "train", "epoch": 31, "iter": 39000, "lr": 0.0, "memory": 14793, "data_time": 0.00596, "decode.loss_ce": 0.3583, "decode.acc_seg": 85.90072, "aux.loss_ce": 0.23713, "aux.acc_seg": 78.78833, "loss": 0.59543, "grad_norm": 12.30228, "time": 0.63964} {"mode": "val", "epoch": 31, "iter": 125, "lr": 0.0, "aAcc": 0.8408, "mIoU": 0.5232, "mAcc": 0.6575, "IoU.wall": 0.7911, "IoU.building": 0.8365, "IoU.sky": 0.9451, "IoU.floor": 0.8287, "IoU.tree": 0.7496, "IoU.ceiling": 0.8475, "IoU.road": 0.8484, "IoU.bed ": 0.9062, "IoU.windowpane": 0.6288, "IoU.grass": 0.6555, "IoU.cabinet": 0.628, "IoU.sidewalk": 0.6707, "IoU.person": 0.8287, "IoU.earth": 0.3617, "IoU.door": 0.5307, "IoU.table": 0.6281, "IoU.mountain": 0.6083, "IoU.plant": 0.5236, "IoU.curtain": 0.7679, "IoU.chair": 0.6184, "IoU.car": 0.8478, "IoU.water": 0.5888, "IoU.painting": 0.7062, "IoU.sofa": 0.7207, "IoU.shelf": 0.4601, "IoU.house": 0.4687, "IoU.sea": 0.6948, "IoU.mirror": 0.6984, "IoU.rug": 0.6707, "IoU.field": 0.2803, "IoU.armchair": 0.4698, "IoU.seat": 0.668, "IoU.fence": 0.4705, "IoU.desk": 0.491, "IoU.rock": 0.4929, "IoU.wardrobe": 0.5168, "IoU.lamp": 0.6283, "IoU.bathtub": 0.7973, "IoU.railing": 0.3932, "IoU.cushion": 0.6218, "IoU.base": 0.3836, "IoU.box": 0.3238, "IoU.column": 0.5207, "IoU.signboard": 0.3765, "IoU.chest of drawers": 0.3956, "IoU.counter": 0.3076, "IoU.sand": 0.4978, "IoU.sink": 0.7542, "IoU.skyscraper": 0.4588, "IoU.fireplace": 0.6898, "IoU.refrigerator": 0.7252, "IoU.grandstand": 0.4766, "IoU.path": 0.2536, "IoU.stairs": 0.3657, "IoU.runway": 0.6738, "IoU.case": 0.5912, "IoU.pool table": 0.928, "IoU.pillow": 0.6225, "IoU.screen door": 0.7001, "IoU.stairway": 0.4607, "IoU.river": 0.116, "IoU.bridge": 0.3984, "IoU.bookcase": 0.3983, "IoU.blind": 0.4366, "IoU.coffee table": 0.5799, "IoU.toilet": 0.8397, "IoU.flower": 0.3954, "IoU.book": 0.4743, "IoU.hill": 0.0724, "IoU.bench": 0.6351, "IoU.countertop": 0.5817, "IoU.stove": 0.7838, "IoU.palm": 0.545, "IoU.kitchen island": 0.3338, "IoU.computer": 0.7418, "IoU.swivel chair": 0.5682, "IoU.boat": 0.7038, "IoU.bar": 0.5038, "IoU.arcade machine": 0.8008, "IoU.hovel": 0.4542, "IoU.bus": 0.9089, "IoU.towel": 0.6575, "IoU.light": 0.5068, "IoU.truck": 0.4091, "IoU.tower": 0.3804, "IoU.chandelier": 0.6523, "IoU.awning": 0.3001, "IoU.streetlight": 0.2936, "IoU.booth": 0.339, "IoU.television receiver": 0.7567, "IoU.airplane": 0.6997, "IoU.dirt track": 0.0242, "IoU.apparel": 0.5224, "IoU.pole": 0.213, "IoU.land": 0.0003, "IoU.bannister": 0.1517, "IoU.escalator": 0.5389, "IoU.ottoman": 0.5604, "IoU.bottle": 0.3955, "IoU.buffet": 0.5253, "IoU.poster": 0.3437, "IoU.stage": 0.1787, "IoU.van": 0.403, "IoU.ship": 0.8603, "IoU.fountain": 0.3269, "IoU.conveyer belt": 0.7174, "IoU.canopy": 0.4153, "IoU.washer": 0.7258, "IoU.plaything": 0.2934, "IoU.swimming pool": 0.5355, "IoU.stool": 0.4381, "IoU.barrel": 0.5316, "IoU.basket": 0.3659, "IoU.waterfall": 0.6114, "IoU.tent": 0.8574, "IoU.bag": 0.1704, "IoU.minibike": 0.7177, "IoU.cradle": 0.7516, "IoU.oven": 0.4201, "IoU.ball": 0.5078, "IoU.food": 0.6119, "IoU.step": 0.146, "IoU.tank": 0.6053, "IoU.trade name": 0.2695, "IoU.microwave": 0.8085, "IoU.pot": 0.4203, "IoU.animal": 0.5925, "IoU.bicycle": 0.5791, "IoU.lake": 0.5153, "IoU.dishwasher": 0.6082, "IoU.screen": 0.5305, "IoU.blanket": 0.0938, "IoU.sculpture": 0.6702, "IoU.hood": 0.5807, "IoU.sconce": 0.4429, "IoU.vase": 0.373, "IoU.traffic light": 0.3111, "IoU.tray": 0.0636, "IoU.ashcan": 0.4972, "IoU.fan": 0.6195, "IoU.pier": 0.3916, "IoU.crt screen": 0.0022, "IoU.plate": 0.5164, "IoU.monitor": 0.1496, "IoU.bulletin board": 0.6035, "IoU.shower": 0.0, "IoU.radiator": 0.6247, "IoU.glass": 0.1551, "IoU.clock": 0.384, "IoU.flag": 0.5493, "Acc.wall": 0.8792, "Acc.building": 0.9302, "Acc.sky": 0.9787, "Acc.floor": 0.8956, "Acc.tree": 0.8674, "Acc.ceiling": 0.9138, "Acc.road": 0.907, "Acc.bed ": 0.9679, "Acc.windowpane": 0.8041, "Acc.grass": 0.7913, "Acc.cabinet": 0.7397, "Acc.sidewalk": 0.8182, "Acc.person": 0.9296, "Acc.earth": 0.5004, "Acc.door": 0.7007, "Acc.table": 0.7516, "Acc.mountain": 0.7221, "Acc.plant": 0.6178, "Acc.curtain": 0.8642, "Acc.chair": 0.7456, "Acc.car": 0.9405, "Acc.water": 0.7196, "Acc.painting": 0.8892, "Acc.sofa": 0.8433, "Acc.shelf": 0.6636, "Acc.house": 0.6554, "Acc.sea": 0.9172, "Acc.mirror": 0.8003, "Acc.rug": 0.8064, "Acc.field": 0.5415, "Acc.armchair": 0.6926, "Acc.seat": 0.865, "Acc.fence": 0.6682, "Acc.desk": 0.713, "Acc.rock": 0.6802, "Acc.wardrobe": 0.6941, "Acc.lamp": 0.7932, "Acc.bathtub": 0.8643, "Acc.railing": 0.5144, "Acc.cushion": 0.7393, "Acc.base": 0.4724, "Acc.box": 0.4588, "Acc.column": 0.6318, "Acc.signboard": 0.508, "Acc.chest of drawers": 0.6365, "Acc.counter": 0.3864, "Acc.sand": 0.6652, "Acc.sink": 0.8377, "Acc.skyscraper": 0.5421, "Acc.fireplace": 0.9396, "Acc.refrigerator": 0.8176, "Acc.grandstand": 0.8516, "Acc.path": 0.384, "Acc.stairs": 0.4764, "Acc.runway": 0.933, "Acc.case": 0.7266, "Acc.pool table": 0.984, "Acc.pillow": 0.7884, "Acc.screen door": 0.8649, "Acc.stairway": 0.552, "Acc.river": 0.2006, "Acc.bridge": 0.4699, "Acc.bookcase": 0.6598, "Acc.blind": 0.5149, "Acc.coffee table": 0.8618, "Acc.toilet": 0.9359, "Acc.flower": 0.5346, "Acc.book": 0.6974, "Acc.hill": 0.1802, "Acc.bench": 0.7645, "Acc.countertop": 0.762, "Acc.stove": 0.8895, "Acc.palm": 0.6943, "Acc.kitchen island": 0.641, "Acc.computer": 0.909, "Acc.swivel chair": 0.7382, "Acc.boat": 0.8932, "Acc.bar": 0.7075, "Acc.arcade machine": 0.8608, "Acc.hovel": 0.7132, "Acc.bus": 0.9751, "Acc.towel": 0.8601, "Acc.light": 0.5751, "Acc.truck": 0.5431, "Acc.tower": 0.6026, "Acc.chandelier": 0.8562, "Acc.awning": 0.3306, "Acc.streetlight": 0.4211, "Acc.booth": 0.427, "Acc.television receiver": 0.879, "Acc.airplane": 0.8301, "Acc.dirt track": 0.0291, "Acc.apparel": 0.6315, "Acc.pole": 0.2657, "Acc.land": 0.0004, "Acc.bannister": 0.1844, "Acc.escalator": 0.8667, "Acc.ottoman": 0.7115, "Acc.bottle": 0.6694, "Acc.buffet": 0.6521, "Acc.poster": 0.4336, "Acc.stage": 0.395, "Acc.van": 0.5142, "Acc.ship": 0.9699, "Acc.fountain": 0.3338, "Acc.conveyer belt": 0.9793, "Acc.canopy": 0.6166, "Acc.washer": 0.7547, "Acc.plaything": 0.4752, "Acc.swimming pool": 0.8045, "Acc.stool": 0.6276, "Acc.barrel": 0.852, "Acc.basket": 0.467, "Acc.waterfall": 0.7638, "Acc.tent": 0.9878, "Acc.bag": 0.1859, "Acc.minibike": 0.8729, "Acc.cradle": 0.9801, "Acc.oven": 0.4605, "Acc.ball": 0.5964, "Acc.food": 0.7294, "Acc.step": 0.1727, "Acc.tank": 0.6782, "Acc.trade name": 0.3063, "Acc.microwave": 0.9597, "Acc.pot": 0.4783, "Acc.animal": 0.6095, "Acc.bicycle": 0.8072, "Acc.lake": 0.6924, "Acc.dishwasher": 0.7066, "Acc.screen": 0.8901, "Acc.blanket": 0.1047, "Acc.sculpture": 0.8167, "Acc.hood": 0.7365, "Acc.sconce": 0.5419, "Acc.vase": 0.6205, "Acc.traffic light": 0.4692, "Acc.tray": 0.0792, "Acc.ashcan": 0.6187, "Acc.fan": 0.7698, "Acc.pier": 0.4565, "Acc.crt screen": 0.0055, "Acc.plate": 0.8202, "Acc.monitor": 0.1771, "Acc.bulletin board": 0.6828, "Acc.shower": 0.0, "Acc.radiator": 0.7024, "Acc.glass": 0.1699, "Acc.clock": 0.4396, "Acc.flag": 0.5904} {"mode": "train", "epoch": 31, "iter": 39050, "lr": 0.0, "memory": 14793, "data_time": 2.14031, "decode.loss_ce": 0.36562, "decode.acc_seg": 85.70151, "aux.loss_ce": 0.23799, "aux.acc_seg": 79.09455, "loss": 0.60361, "grad_norm": 15.20343, "time": 2.54741} {"mode": "train", "epoch": 31, "iter": 39100, "lr": 0.0, "memory": 14793, "data_time": 0.00577, "decode.loss_ce": 0.36317, "decode.acc_seg": 85.65065, "aux.loss_ce": 0.23979, "aux.acc_seg": 78.65483, "loss": 0.60296, "grad_norm": 14.45044, "time": 0.41666} {"mode": "train", "epoch": 31, "iter": 39150, "lr": 0.0, "memory": 14793, "data_time": 0.00809, "decode.loss_ce": 0.3501, "decode.acc_seg": 86.30124, "aux.loss_ce": 0.23474, "aux.acc_seg": 78.83605, "loss": 0.58483, "grad_norm": 12.89433, "time": 0.40539} {"mode": "train", "epoch": 32, "iter": 39200, "lr": 0.0, "memory": 14793, "data_time": 0.0504, "decode.loss_ce": 0.34161, "decode.acc_seg": 86.57107, "aux.loss_ce": 0.22614, "aux.acc_seg": 80.20774, "loss": 0.56774, "grad_norm": 14.30952, "time": 0.45599} {"mode": "train", "epoch": 32, "iter": 39250, "lr": 0.0, "memory": 14793, "data_time": 0.0054, "decode.loss_ce": 0.33908, "decode.acc_seg": 86.09108, "aux.loss_ce": 0.23506, "aux.acc_seg": 78.50193, "loss": 0.57415, "grad_norm": 10.86444, "time": 0.41575} {"mode": "train", "epoch": 32, "iter": 39300, "lr": 0.0, "memory": 14793, "data_time": 0.00621, "decode.loss_ce": 0.31818, "decode.acc_seg": 87.28895, "aux.loss_ce": 0.22062, "aux.acc_seg": 79.91761, "loss": 0.5388, "grad_norm": 14.10511, "time": 0.42079} {"mode": "train", "epoch": 32, "iter": 39350, "lr": 0.0, "memory": 14793, "data_time": 0.00562, "decode.loss_ce": 0.34259, "decode.acc_seg": 86.31425, "aux.loss_ce": 0.22044, "aux.acc_seg": 79.84315, "loss": 0.56304, "grad_norm": 15.58212, "time": 0.41061} {"mode": "train", "epoch": 32, "iter": 39400, "lr": 0.0, "memory": 14793, "data_time": 0.00651, "decode.loss_ce": 0.33926, "decode.acc_seg": 86.33005, "aux.loss_ce": 0.22969, "aux.acc_seg": 78.88969, "loss": 0.56895, "grad_norm": 14.89585, "time": 0.40686} {"mode": "train", "epoch": 32, "iter": 39450, "lr": 0.0, "memory": 14793, "data_time": 0.00557, "decode.loss_ce": 0.33696, "decode.acc_seg": 86.32613, "aux.loss_ce": 0.22617, "aux.acc_seg": 79.27863, "loss": 0.56313, "grad_norm": 12.17989, "time": 0.40872} {"mode": "train", "epoch": 32, "iter": 39500, "lr": 0.0, "memory": 14793, "data_time": 0.00557, "decode.loss_ce": 0.32267, "decode.acc_seg": 86.91305, "aux.loss_ce": 0.21081, "aux.acc_seg": 80.39947, "loss": 0.53348, "grad_norm": 12.8106, "time": 0.40519} {"mode": "train", "epoch": 32, "iter": 39550, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.32964, "decode.acc_seg": 86.54864, "aux.loss_ce": 0.22197, "aux.acc_seg": 79.58477, "loss": 0.55162, "grad_norm": 14.00029, "time": 0.40534} {"mode": "train", "epoch": 32, "iter": 39600, "lr": 0.0, "memory": 14793, "data_time": 0.00578, "decode.loss_ce": 0.34047, "decode.acc_seg": 85.86214, "aux.loss_ce": 0.22134, "aux.acc_seg": 79.92763, "loss": 0.56181, "grad_norm": 13.94765, "time": 0.41247} {"mode": "train", "epoch": 32, "iter": 39650, "lr": 0.0, "memory": 14793, "data_time": 0.00632, "decode.loss_ce": 0.32622, "decode.acc_seg": 86.56036, "aux.loss_ce": 0.22041, "aux.acc_seg": 79.78386, "loss": 0.54664, "grad_norm": 11.40928, "time": 0.41897} {"mode": "train", "epoch": 32, "iter": 39700, "lr": 0.0, "memory": 14793, "data_time": 0.00558, "decode.loss_ce": 0.3526, "decode.acc_seg": 86.25575, "aux.loss_ce": 0.22446, "aux.acc_seg": 79.56448, "loss": 0.57706, "grad_norm": 14.62308, "time": 0.41728} {"mode": "train", "epoch": 32, "iter": 39750, "lr": 0.0, "memory": 14793, "data_time": 0.0052, "decode.loss_ce": 0.3417, "decode.acc_seg": 86.43685, "aux.loss_ce": 0.22521, "aux.acc_seg": 79.42931, "loss": 0.56691, "grad_norm": 16.15694, "time": 0.41822} {"mode": "train", "epoch": 32, "iter": 39800, "lr": 0.0, "memory": 14793, "data_time": 0.00497, "decode.loss_ce": 0.35502, "decode.acc_seg": 86.08105, "aux.loss_ce": 0.23392, "aux.acc_seg": 78.76362, "loss": 0.58895, "grad_norm": 16.64571, "time": 0.40764} {"mode": "train", "epoch": 32, "iter": 39850, "lr": 0.0, "memory": 14793, "data_time": 0.00505, "decode.loss_ce": 0.34508, "decode.acc_seg": 85.9187, "aux.loss_ce": 0.21952, "aux.acc_seg": 79.37799, "loss": 0.5646, "grad_norm": 13.46534, "time": 0.40381} {"mode": "train", "epoch": 32, "iter": 39900, "lr": 0.0, "memory": 14793, "data_time": 0.00498, "decode.loss_ce": 0.33318, "decode.acc_seg": 86.76952, "aux.loss_ce": 0.21857, "aux.acc_seg": 80.35701, "loss": 0.55175, "grad_norm": 15.08018, "time": 0.40908} {"mode": "train", "epoch": 32, "iter": 39950, "lr": 0.0, "memory": 14793, "data_time": 0.00612, "decode.loss_ce": 0.33843, "decode.acc_seg": 86.22058, "aux.loss_ce": 0.21888, "aux.acc_seg": 79.94682, "loss": 0.55732, "grad_norm": 11.00228, "time": 0.41148} {"mode": "train", "epoch": 32, "iter": 40000, "lr": 0.0, "memory": 14793, "data_time": 0.00548, "decode.loss_ce": 0.34759, "decode.acc_seg": 86.46113, "aux.loss_ce": 0.22415, "aux.acc_seg": 79.80401, "loss": 0.57175, "grad_norm": 10.91437, "time": 0.6406} {"mode": "val", "epoch": 32, "iter": 125, "lr": 0.0, "aAcc": 0.839, "mIoU": 0.5254, "mAcc": 0.6611, "IoU.wall": 0.7867, "IoU.building": 0.8345, "IoU.sky": 0.9454, "IoU.floor": 0.8283, "IoU.tree": 0.7544, "IoU.ceiling": 0.8448, "IoU.road": 0.8443, "IoU.bed ": 0.903, "IoU.windowpane": 0.6293, "IoU.grass": 0.6561, "IoU.cabinet": 0.6318, "IoU.sidewalk": 0.6605, "IoU.person": 0.8282, "IoU.earth": 0.3726, "IoU.door": 0.5401, "IoU.table": 0.6273, "IoU.mountain": 0.6036, "IoU.plant": 0.5099, "IoU.curtain": 0.7676, "IoU.chair": 0.6079, "IoU.car": 0.8488, "IoU.water": 0.5933, "IoU.painting": 0.7071, "IoU.sofa": 0.7201, "IoU.shelf": 0.4169, "IoU.house": 0.4674, "IoU.sea": 0.7083, "IoU.mirror": 0.702, "IoU.rug": 0.6474, "IoU.field": 0.2649, "IoU.armchair": 0.4822, "IoU.seat": 0.6599, "IoU.fence": 0.4679, "IoU.desk": 0.511, "IoU.rock": 0.4869, "IoU.wardrobe": 0.5196, "IoU.lamp": 0.6367, "IoU.bathtub": 0.7892, "IoU.railing": 0.3912, "IoU.cushion": 0.6086, "IoU.base": 0.3936, "IoU.box": 0.2911, "IoU.column": 0.5249, "IoU.signboard": 0.3689, "IoU.chest of drawers": 0.416, "IoU.counter": 0.3763, "IoU.sand": 0.4482, "IoU.sink": 0.769, "IoU.skyscraper": 0.5728, "IoU.fireplace": 0.6834, "IoU.refrigerator": 0.7345, "IoU.grandstand": 0.4513, "IoU.path": 0.2409, "IoU.stairs": 0.3655, "IoU.runway": 0.7053, "IoU.case": 0.5571, "IoU.pool table": 0.9334, "IoU.pillow": 0.5727, "IoU.screen door": 0.6289, "IoU.stairway": 0.3872, "IoU.river": 0.1668, "IoU.bridge": 0.4348, "IoU.bookcase": 0.3592, "IoU.blind": 0.4458, "IoU.coffee table": 0.5878, "IoU.toilet": 0.8436, "IoU.flower": 0.4227, "IoU.book": 0.5033, "IoU.hill": 0.0629, "IoU.bench": 0.6381, "IoU.countertop": 0.6044, "IoU.stove": 0.7886, "IoU.palm": 0.5185, "IoU.kitchen island": 0.2961, "IoU.computer": 0.7203, "IoU.swivel chair": 0.5234, "IoU.boat": 0.6901, "IoU.bar": 0.5192, "IoU.arcade machine": 0.7686, "IoU.hovel": 0.4293, "IoU.bus": 0.9138, "IoU.towel": 0.6513, "IoU.light": 0.4993, "IoU.truck": 0.4043, "IoU.tower": 0.2839, "IoU.chandelier": 0.6563, "IoU.awning": 0.3276, "IoU.streetlight": 0.2655, "IoU.booth": 0.424, "IoU.television receiver": 0.7691, "IoU.airplane": 0.6603, "IoU.dirt track": 0.0837, "IoU.apparel": 0.5068, "IoU.pole": 0.2238, "IoU.land": 0.0001, "IoU.bannister": 0.1396, "IoU.escalator": 0.5285, "IoU.ottoman": 0.5616, "IoU.bottle": 0.39, "IoU.buffet": 0.5031, "IoU.poster": 0.3345, "IoU.stage": 0.1886, "IoU.van": 0.4432, "IoU.ship": 0.8552, "IoU.fountain": 0.3501, "IoU.conveyer belt": 0.8104, "IoU.canopy": 0.398, "IoU.washer": 0.7297, "IoU.plaything": 0.3198, "IoU.swimming pool": 0.6951, "IoU.stool": 0.444, "IoU.barrel": 0.5866, "IoU.basket": 0.3776, "IoU.waterfall": 0.6919, "IoU.tent": 0.9356, "IoU.bag": 0.1646, "IoU.minibike": 0.7174, "IoU.cradle": 0.7587, "IoU.oven": 0.4403, "IoU.ball": 0.5313, "IoU.food": 0.5275, "IoU.step": 0.1249, "IoU.tank": 0.6193, "IoU.trade name": 0.24, "IoU.microwave": 0.7768, "IoU.pot": 0.4363, "IoU.animal": 0.5804, "IoU.bicycle": 0.5847, "IoU.lake": 0.5528, "IoU.dishwasher": 0.5669, "IoU.screen": 0.5406, "IoU.blanket": 0.0972, "IoU.sculpture": 0.6715, "IoU.hood": 0.6314, "IoU.sconce": 0.4077, "IoU.vase": 0.3908, "IoU.traffic light": 0.3204, "IoU.tray": 0.0245, "IoU.ashcan": 0.5037, "IoU.fan": 0.6206, "IoU.pier": 0.4384, "IoU.crt screen": 0.0011, "IoU.plate": 0.5156, "IoU.monitor": 0.1717, "IoU.bulletin board": 0.5863, "IoU.shower": 0.0256, "IoU.radiator": 0.5847, "IoU.glass": 0.1373, "IoU.clock": 0.3969, "IoU.flag": 0.6201, "Acc.wall": 0.8696, "Acc.building": 0.9161, "Acc.sky": 0.9732, "Acc.floor": 0.9045, "Acc.tree": 0.8904, "Acc.ceiling": 0.9245, "Acc.road": 0.8897, "Acc.bed ": 0.975, "Acc.windowpane": 0.8085, "Acc.grass": 0.761, "Acc.cabinet": 0.7428, "Acc.sidewalk": 0.8475, "Acc.person": 0.9254, "Acc.earth": 0.5175, "Acc.door": 0.7258, "Acc.table": 0.7622, "Acc.mountain": 0.7287, "Acc.plant": 0.5981, "Acc.curtain": 0.8757, "Acc.chair": 0.7258, "Acc.car": 0.9336, "Acc.water": 0.7304, "Acc.painting": 0.889, "Acc.sofa": 0.8299, "Acc.shelf": 0.6416, "Acc.house": 0.7311, "Acc.sea": 0.9025, "Acc.mirror": 0.8047, "Acc.rug": 0.7484, "Acc.field": 0.509, "Acc.armchair": 0.75, "Acc.seat": 0.8437, "Acc.fence": 0.6572, "Acc.desk": 0.7439, "Acc.rock": 0.6997, "Acc.wardrobe": 0.6183, "Acc.lamp": 0.7543, "Acc.bathtub": 0.8713, "Acc.railing": 0.5053, "Acc.cushion": 0.6893, "Acc.base": 0.5561, "Acc.box": 0.3783, "Acc.column": 0.6178, "Acc.signboard": 0.5247, "Acc.chest of drawers": 0.6079, "Acc.counter": 0.5001, "Acc.sand": 0.6126, "Acc.sink": 0.8465, "Acc.skyscraper": 0.7237, "Acc.fireplace": 0.942, "Acc.refrigerator": 0.848, "Acc.grandstand": 0.8744, "Acc.path": 0.4111, "Acc.stairs": 0.4906, "Acc.runway": 0.9616, "Acc.case": 0.7148, "Acc.pool table": 0.9794, "Acc.pillow": 0.6705, "Acc.screen door": 0.8677, "Acc.stairway": 0.4283, "Acc.river": 0.3085, "Acc.bridge": 0.5057, "Acc.bookcase": 0.6422, "Acc.blind": 0.5365, "Acc.coffee table": 0.8568, "Acc.toilet": 0.9357, "Acc.flower": 0.571, "Acc.book": 0.7193, "Acc.hill": 0.169, "Acc.bench": 0.752, "Acc.countertop": 0.7621, "Acc.stove": 0.9129, "Acc.palm": 0.7453, "Acc.kitchen island": 0.6564, "Acc.computer": 0.9138, "Acc.swivel chair": 0.7993, "Acc.boat": 0.8516, "Acc.bar": 0.6681, "Acc.arcade machine": 0.8195, "Acc.hovel": 0.7345, "Acc.bus": 0.974, "Acc.towel": 0.8643, "Acc.light": 0.5571, "Acc.truck": 0.5858, "Acc.tower": 0.3978, "Acc.chandelier": 0.8301, "Acc.awning": 0.4211, "Acc.streetlight": 0.3502, "Acc.booth": 0.616, "Acc.television receiver": 0.8737, "Acc.airplane": 0.7576, "Acc.dirt track": 0.1815, "Acc.apparel": 0.648, "Acc.pole": 0.2945, "Acc.land": 0.0001, "Acc.bannister": 0.1718, "Acc.escalator": 0.8144, "Acc.ottoman": 0.7428, "Acc.bottle": 0.6627, "Acc.buffet": 0.6796, "Acc.poster": 0.4153, "Acc.stage": 0.4186, "Acc.van": 0.5981, "Acc.ship": 0.9809, "Acc.fountain": 0.3733, "Acc.conveyer belt": 0.9637, "Acc.canopy": 0.6, "Acc.washer": 0.7599, "Acc.plaything": 0.4884, "Acc.swimming pool": 0.7404, "Acc.stool": 0.6225, "Acc.barrel": 0.8634, "Acc.basket": 0.475, "Acc.waterfall": 0.8025, "Acc.tent": 0.9864, "Acc.bag": 0.178, "Acc.minibike": 0.8722, "Acc.cradle": 0.9778, "Acc.oven": 0.6145, "Acc.ball": 0.6269, "Acc.food": 0.629, "Acc.step": 0.1493, "Acc.tank": 0.6766, "Acc.trade name": 0.2785, "Acc.microwave": 0.9155, "Acc.pot": 0.4966, "Acc.animal": 0.5943, "Acc.bicycle": 0.7317, "Acc.lake": 0.639, "Acc.dishwasher": 0.7472, "Acc.screen": 0.8899, "Acc.blanket": 0.1138, "Acc.sculpture": 0.81, "Acc.hood": 0.8483, "Acc.sconce": 0.473, "Acc.vase": 0.5475, "Acc.traffic light": 0.4978, "Acc.tray": 0.027, "Acc.ashcan": 0.6313, "Acc.fan": 0.7735, "Acc.pier": 0.5437, "Acc.crt screen": 0.0026, "Acc.plate": 0.8016, "Acc.monitor": 0.2245, "Acc.bulletin board": 0.6851, "Acc.shower": 0.0281, "Acc.radiator": 0.677, "Acc.glass": 0.1446, "Acc.clock": 0.4589, "Acc.flag": 0.7152} {"mode": "train", "epoch": 32, "iter": 40050, "lr": 0.0, "memory": 14793, "data_time": 2.42553, "decode.loss_ce": 0.3418, "decode.acc_seg": 86.6168, "aux.loss_ce": 0.22548, "aux.acc_seg": 79.23932, "loss": 0.56728, "grad_norm": 15.41186, "time": 2.85397} {"mode": "train", "epoch": 32, "iter": 40100, "lr": 0.0, "memory": 14793, "data_time": 0.00558, "decode.loss_ce": 0.3526, "decode.acc_seg": 85.82599, "aux.loss_ce": 0.23128, "aux.acc_seg": 79.18687, "loss": 0.58388, "grad_norm": 14.52741, "time": 0.42203} {"mode": "train", "epoch": 32, "iter": 40150, "lr": 0.0, "memory": 14793, "data_time": 0.00566, "decode.loss_ce": 0.33261, "decode.acc_seg": 86.24424, "aux.loss_ce": 0.22262, "aux.acc_seg": 79.4594, "loss": 0.55523, "grad_norm": 12.33056, "time": 0.41899} {"mode": "train", "epoch": 32, "iter": 40200, "lr": 0.0, "memory": 14793, "data_time": 0.00566, "decode.loss_ce": 0.33527, "decode.acc_seg": 86.43109, "aux.loss_ce": 0.2148, "aux.acc_seg": 79.91642, "loss": 0.55007, "grad_norm": 13.21194, "time": 0.40731} {"mode": "train", "epoch": 32, "iter": 40250, "lr": 0.0, "memory": 14793, "data_time": 0.00579, "decode.loss_ce": 0.34902, "decode.acc_seg": 85.67139, "aux.loss_ce": 0.23501, "aux.acc_seg": 77.64761, "loss": 0.58403, "grad_norm": 14.51997, "time": 0.40542} {"mode": "train", "epoch": 32, "iter": 40300, "lr": 0.0, "memory": 14793, "data_time": 0.00545, "decode.loss_ce": 0.32671, "decode.acc_seg": 87.09001, "aux.loss_ce": 0.22568, "aux.acc_seg": 79.32759, "loss": 0.55238, "grad_norm": 10.54686, "time": 0.4048} {"mode": "train", "epoch": 32, "iter": 40350, "lr": 0.0, "memory": 14793, "data_time": 0.00568, "decode.loss_ce": 0.34805, "decode.acc_seg": 86.26602, "aux.loss_ce": 0.23057, "aux.acc_seg": 78.96261, "loss": 0.57861, "grad_norm": 14.40087, "time": 0.40593} {"mode": "train", "epoch": 32, "iter": 40400, "lr": 0.0, "memory": 14793, "data_time": 0.00516, "decode.loss_ce": 0.35874, "decode.acc_seg": 85.75828, "aux.loss_ce": 0.22892, "aux.acc_seg": 78.98792, "loss": 0.58767, "grad_norm": 15.80892, "time": 0.40323} {"mode": "train", "epoch": 33, "iter": 40450, "lr": 0.0, "memory": 14793, "data_time": 0.05331, "decode.loss_ce": 0.35644, "decode.acc_seg": 85.68844, "aux.loss_ce": 0.23263, "aux.acc_seg": 78.83792, "loss": 0.58907, "grad_norm": 11.89991, "time": 0.46528} {"mode": "train", "epoch": 33, "iter": 40500, "lr": 0.0, "memory": 14793, "data_time": 0.00697, "decode.loss_ce": 0.32558, "decode.acc_seg": 87.00284, "aux.loss_ce": 0.22274, "aux.acc_seg": 79.77854, "loss": 0.54832, "grad_norm": 12.36427, "time": 0.42174} {"mode": "train", "epoch": 33, "iter": 40550, "lr": 0.0, "memory": 14793, "data_time": 0.00634, "decode.loss_ce": 0.32871, "decode.acc_seg": 86.71232, "aux.loss_ce": 0.21805, "aux.acc_seg": 80.15469, "loss": 0.54676, "grad_norm": 13.99672, "time": 0.4208} {"mode": "train", "epoch": 33, "iter": 40600, "lr": 0.0, "memory": 14793, "data_time": 0.00562, "decode.loss_ce": 0.34758, "decode.acc_seg": 86.39536, "aux.loss_ce": 0.22027, "aux.acc_seg": 80.18764, "loss": 0.56785, "grad_norm": 13.60523, "time": 0.40719} {"mode": "train", "epoch": 33, "iter": 40650, "lr": 0.0, "memory": 14793, "data_time": 0.00552, "decode.loss_ce": 0.32439, "decode.acc_seg": 86.80432, "aux.loss_ce": 0.21874, "aux.acc_seg": 79.99742, "loss": 0.54313, "grad_norm": 12.85516, "time": 0.40933} {"mode": "train", "epoch": 33, "iter": 40700, "lr": 0.0, "memory": 14793, "data_time": 0.00525, "decode.loss_ce": 0.35629, "decode.acc_seg": 85.55032, "aux.loss_ce": 0.22803, "aux.acc_seg": 78.64617, "loss": 0.58432, "grad_norm": 15.4276, "time": 0.40929} {"mode": "train", "epoch": 33, "iter": 40750, "lr": 0.0, "memory": 14793, "data_time": 0.00579, "decode.loss_ce": 0.36435, "decode.acc_seg": 86.03362, "aux.loss_ce": 0.23867, "aux.acc_seg": 78.88691, "loss": 0.60302, "grad_norm": 14.06019, "time": 0.40822} {"mode": "train", "epoch": 33, "iter": 40800, "lr": 0.0, "memory": 14793, "data_time": 0.00556, "decode.loss_ce": 0.34585, "decode.acc_seg": 86.25019, "aux.loss_ce": 0.22349, "aux.acc_seg": 79.69824, "loss": 0.56934, "grad_norm": 11.50871, "time": 0.40585} {"mode": "train", "epoch": 33, "iter": 40850, "lr": 0.0, "memory": 14793, "data_time": 0.00553, "decode.loss_ce": 0.33943, "decode.acc_seg": 86.4319, "aux.loss_ce": 0.22857, "aux.acc_seg": 79.48494, "loss": 0.568, "grad_norm": 14.7034, "time": 0.41038} {"mode": "train", "epoch": 33, "iter": 40900, "lr": 0.0, "memory": 14793, "data_time": 0.00527, "decode.loss_ce": 0.31883, "decode.acc_seg": 87.48019, "aux.loss_ce": 0.21186, "aux.acc_seg": 81.18646, "loss": 0.53069, "grad_norm": 15.4464, "time": 0.41671} {"mode": "train", "epoch": 33, "iter": 40950, "lr": 0.0, "memory": 14793, "data_time": 0.00513, "decode.loss_ce": 0.33239, "decode.acc_seg": 86.35184, "aux.loss_ce": 0.21652, "aux.acc_seg": 79.73921, "loss": 0.54892, "grad_norm": 11.7824, "time": 0.42061} {"mode": "train", "epoch": 33, "iter": 41000, "lr": 0.0, "memory": 14793, "data_time": 0.00587, "decode.loss_ce": 0.32849, "decode.acc_seg": 86.85193, "aux.loss_ce": 0.21147, "aux.acc_seg": 80.66895, "loss": 0.53995, "grad_norm": 13.10861, "time": 0.64975} {"mode": "val", "epoch": 33, "iter": 125, "lr": 0.0, "aAcc": 0.8426, "mIoU": 0.5264, "mAcc": 0.6625, "IoU.wall": 0.7912, "IoU.building": 0.8374, "IoU.sky": 0.947, "IoU.floor": 0.8318, "IoU.tree": 0.7528, "IoU.ceiling": 0.8484, "IoU.road": 0.8467, "IoU.bed ": 0.9077, "IoU.windowpane": 0.6315, "IoU.grass": 0.6777, "IoU.cabinet": 0.6266, "IoU.sidewalk": 0.6517, "IoU.person": 0.8303, "IoU.earth": 0.4002, "IoU.door": 0.5456, "IoU.table": 0.6232, "IoU.mountain": 0.6113, "IoU.plant": 0.5154, "IoU.curtain": 0.7734, "IoU.chair": 0.6064, "IoU.car": 0.8556, "IoU.water": 0.6002, "IoU.painting": 0.7262, "IoU.sofa": 0.7136, "IoU.shelf": 0.4475, "IoU.house": 0.465, "IoU.sea": 0.744, "IoU.mirror": 0.6998, "IoU.rug": 0.6669, "IoU.field": 0.2863, "IoU.armchair": 0.4342, "IoU.seat": 0.635, "IoU.fence": 0.4845, "IoU.desk": 0.5023, "IoU.rock": 0.5115, "IoU.wardrobe": 0.5343, "IoU.lamp": 0.638, "IoU.bathtub": 0.8102, "IoU.railing": 0.3973, "IoU.cushion": 0.6056, "IoU.base": 0.4006, "IoU.box": 0.3048, "IoU.column": 0.5254, "IoU.signboard": 0.367, "IoU.chest of drawers": 0.4102, "IoU.counter": 0.2826, "IoU.sand": 0.5678, "IoU.sink": 0.7786, "IoU.skyscraper": 0.6076, "IoU.fireplace": 0.6654, "IoU.refrigerator": 0.7539, "IoU.grandstand": 0.4608, "IoU.path": 0.245, "IoU.stairs": 0.3455, "IoU.runway": 0.6931, "IoU.case": 0.5233, "IoU.pool table": 0.9356, "IoU.pillow": 0.6091, "IoU.screen door": 0.6909, "IoU.stairway": 0.4518, "IoU.river": 0.177, "IoU.bridge": 0.5208, "IoU.bookcase": 0.4173, "IoU.blind": 0.4264, "IoU.coffee table": 0.5893, "IoU.toilet": 0.8456, "IoU.flower": 0.4056, "IoU.book": 0.5129, "IoU.hill": 0.0694, "IoU.bench": 0.6176, "IoU.countertop": 0.5734, "IoU.stove": 0.7924, "IoU.palm": 0.5591, "IoU.kitchen island": 0.3387, "IoU.computer": 0.7185, "IoU.swivel chair": 0.56, "IoU.boat": 0.7344, "IoU.bar": 0.495, "IoU.arcade machine": 0.7853, "IoU.hovel": 0.4619, "IoU.bus": 0.9186, "IoU.towel": 0.6809, "IoU.light": 0.5223, "IoU.truck": 0.4253, "IoU.tower": 0.3484, "IoU.chandelier": 0.6609, "IoU.awning": 0.3277, "IoU.streetlight": 0.2917, "IoU.booth": 0.4216, "IoU.television receiver": 0.7778, "IoU.airplane": 0.6885, "IoU.dirt track": 0.0072, "IoU.apparel": 0.5803, "IoU.pole": 0.2308, "IoU.land": 0.0, "IoU.bannister": 0.1745, "IoU.escalator": 0.5399, "IoU.ottoman": 0.5284, "IoU.bottle": 0.393, "IoU.buffet": 0.5258, "IoU.poster": 0.3475, "IoU.stage": 0.187, "IoU.van": 0.4423, "IoU.ship": 0.8844, "IoU.fountain": 0.2746, "IoU.conveyer belt": 0.744, "IoU.canopy": 0.4466, "IoU.washer": 0.7291, "IoU.plaything": 0.3192, "IoU.swimming pool": 0.6255, "IoU.stool": 0.4326, "IoU.barrel": 0.6019, "IoU.basket": 0.3794, "IoU.waterfall": 0.5275, "IoU.tent": 0.9339, "IoU.bag": 0.1893, "IoU.minibike": 0.722, "IoU.cradle": 0.799, "IoU.oven": 0.2488, "IoU.ball": 0.4483, "IoU.food": 0.5907, "IoU.step": 0.1453, "IoU.tank": 0.6158, "IoU.trade name": 0.2693, "IoU.microwave": 0.417, "IoU.pot": 0.4491, "IoU.animal": 0.6003, "IoU.bicycle": 0.5866, "IoU.lake": 0.5285, "IoU.dishwasher": 0.5795, "IoU.screen": 0.5629, "IoU.blanket": 0.1428, "IoU.sculpture": 0.6471, "IoU.hood": 0.6522, "IoU.sconce": 0.3915, "IoU.vase": 0.3772, "IoU.traffic light": 0.3055, "IoU.tray": 0.0401, "IoU.ashcan": 0.4994, "IoU.fan": 0.6223, "IoU.pier": 0.3824, "IoU.crt screen": 0.0045, "IoU.plate": 0.5111, "IoU.monitor": 0.1548, "IoU.bulletin board": 0.6135, "IoU.shower": 0.003, "IoU.radiator": 0.6029, "IoU.glass": 0.1291, "IoU.clock": 0.397, "IoU.flag": 0.5709, "Acc.wall": 0.8818, "Acc.building": 0.9188, "Acc.sky": 0.9738, "Acc.floor": 0.8987, "Acc.tree": 0.896, "Acc.ceiling": 0.9081, "Acc.road": 0.9137, "Acc.bed ": 0.9713, "Acc.windowpane": 0.8053, "Acc.grass": 0.8304, "Acc.cabinet": 0.7173, "Acc.sidewalk": 0.781, "Acc.person": 0.9155, "Acc.earth": 0.5717, "Acc.door": 0.7114, "Acc.table": 0.754, "Acc.mountain": 0.7252, "Acc.plant": 0.6121, "Acc.curtain": 0.8626, "Acc.chair": 0.7247, "Acc.car": 0.9357, "Acc.water": 0.7454, "Acc.painting": 0.8842, "Acc.sofa": 0.89, "Acc.shelf": 0.6555, "Acc.house": 0.6545, "Acc.sea": 0.9011, "Acc.mirror": 0.8458, "Acc.rug": 0.795, "Acc.field": 0.4372, "Acc.armchair": 0.6539, "Acc.seat": 0.8323, "Acc.fence": 0.639, "Acc.desk": 0.7359, "Acc.rock": 0.7482, "Acc.wardrobe": 0.734, "Acc.lamp": 0.7637, "Acc.bathtub": 0.8493, "Acc.railing": 0.5378, "Acc.cushion": 0.7168, "Acc.base": 0.6112, "Acc.box": 0.3909, "Acc.column": 0.6318, "Acc.signboard": 0.4601, "Acc.chest of drawers": 0.6482, "Acc.counter": 0.37, "Acc.sand": 0.748, "Acc.sink": 0.8752, "Acc.skyscraper": 0.7841, "Acc.fireplace": 0.9476, "Acc.refrigerator": 0.8765, "Acc.grandstand": 0.8392, "Acc.path": 0.3717, "Acc.stairs": 0.4253, "Acc.runway": 0.945, "Acc.case": 0.6435, "Acc.pool table": 0.9789, "Acc.pillow": 0.73, "Acc.screen door": 0.8624, "Acc.stairway": 0.5475, "Acc.river": 0.3315, "Acc.bridge": 0.627, "Acc.bookcase": 0.5893, "Acc.blind": 0.4922, "Acc.coffee table": 0.8762, "Acc.toilet": 0.9323, "Acc.flower": 0.568, "Acc.book": 0.7316, "Acc.hill": 0.1243, "Acc.bench": 0.7168, "Acc.countertop": 0.7695, "Acc.stove": 0.8992, "Acc.palm": 0.7546, "Acc.kitchen island": 0.71, "Acc.computer": 0.9112, "Acc.swivel chair": 0.7545, "Acc.boat": 0.8806, "Acc.bar": 0.7417, "Acc.arcade machine": 0.8388, "Acc.hovel": 0.747, "Acc.bus": 0.9698, "Acc.towel": 0.8582, "Acc.light": 0.5973, "Acc.truck": 0.577, "Acc.tower": 0.5721, "Acc.chandelier": 0.8559, "Acc.awning": 0.4091, "Acc.streetlight": 0.4408, "Acc.booth": 0.6799, "Acc.television receiver": 0.8943, "Acc.airplane": 0.7857, "Acc.dirt track": 0.0086, "Acc.apparel": 0.7438, "Acc.pole": 0.3074, "Acc.land": 0.0001, "Acc.bannister": 0.2311, "Acc.escalator": 0.8581, "Acc.ottoman": 0.7541, "Acc.bottle": 0.6672, "Acc.buffet": 0.6689, "Acc.poster": 0.4626, "Acc.stage": 0.3521, "Acc.van": 0.5759, "Acc.ship": 0.9778, "Acc.fountain": 0.2797, "Acc.conveyer belt": 0.977, "Acc.canopy": 0.6605, "Acc.washer": 0.7574, "Acc.plaything": 0.4699, "Acc.swimming pool": 0.7734, "Acc.stool": 0.6264, "Acc.barrel": 0.8719, "Acc.basket": 0.4837, "Acc.waterfall": 0.5868, "Acc.tent": 0.9801, "Acc.bag": 0.2168, "Acc.minibike": 0.861, "Acc.cradle": 0.9737, "Acc.oven": 0.7614, "Acc.ball": 0.5099, "Acc.food": 0.7291, "Acc.step": 0.169, "Acc.tank": 0.6777, "Acc.trade name": 0.3007, "Acc.microwave": 0.4669, "Acc.pot": 0.518, "Acc.animal": 0.6189, "Acc.bicycle": 0.7625, "Acc.lake": 0.636, "Acc.dishwasher": 0.6267, "Acc.screen": 0.887, "Acc.blanket": 0.1737, "Acc.sculpture": 0.8068, "Acc.hood": 0.8313, "Acc.sconce": 0.4627, "Acc.vase": 0.5766, "Acc.traffic light": 0.4672, "Acc.tray": 0.0462, "Acc.ashcan": 0.6465, "Acc.fan": 0.7759, "Acc.pier": 0.4879, "Acc.crt screen": 0.011, "Acc.plate": 0.8053, "Acc.monitor": 0.1926, "Acc.bulletin board": 0.7057, "Acc.shower": 0.0038, "Acc.radiator": 0.7102, "Acc.glass": 0.1352, "Acc.clock": 0.4556, "Acc.flag": 0.6342} {"mode": "train", "epoch": 33, "iter": 41050, "lr": 0.0, "memory": 14793, "data_time": 2.38598, "decode.loss_ce": 0.33205, "decode.acc_seg": 86.51342, "aux.loss_ce": 0.21807, "aux.acc_seg": 79.77553, "loss": 0.55011, "grad_norm": 14.06179, "time": 2.80098} {"mode": "train", "epoch": 33, "iter": 41100, "lr": 0.0, "memory": 14793, "data_time": 0.00598, "decode.loss_ce": 0.34797, "decode.acc_seg": 86.54392, "aux.loss_ce": 0.23792, "aux.acc_seg": 78.22781, "loss": 0.58589, "grad_norm": 13.3368, "time": 0.41729} {"mode": "train", "epoch": 33, "iter": 41150, "lr": 0.0, "memory": 14793, "data_time": 0.00555, "decode.loss_ce": 0.31465, "decode.acc_seg": 86.92037, "aux.loss_ce": 0.2181, "aux.acc_seg": 79.18487, "loss": 0.53275, "grad_norm": 13.63982, "time": 0.41164} {"mode": "train", "epoch": 33, "iter": 41200, "lr": 0.0, "memory": 14793, "data_time": 0.0061, "decode.loss_ce": 0.34724, "decode.acc_seg": 86.2718, "aux.loss_ce": 0.22579, "aux.acc_seg": 79.5684, "loss": 0.57303, "grad_norm": 17.23167, "time": 0.41096} {"mode": "train", "epoch": 33, "iter": 41250, "lr": 0.0, "memory": 14793, "data_time": 0.00557, "decode.loss_ce": 0.34679, "decode.acc_seg": 86.11807, "aux.loss_ce": 0.22583, "aux.acc_seg": 78.83244, "loss": 0.57262, "grad_norm": 15.10011, "time": 0.41519} {"mode": "train", "epoch": 33, "iter": 41300, "lr": 0.0, "memory": 14793, "data_time": 0.00534, "decode.loss_ce": 0.32542, "decode.acc_seg": 86.66009, "aux.loss_ce": 0.22806, "aux.acc_seg": 79.08157, "loss": 0.55347, "grad_norm": 10.75588, "time": 0.42446} {"mode": "train", "epoch": 33, "iter": 41350, "lr": 0.0, "memory": 14793, "data_time": 0.00714, "decode.loss_ce": 0.33981, "decode.acc_seg": 86.55939, "aux.loss_ce": 0.22466, "aux.acc_seg": 79.78836, "loss": 0.56448, "grad_norm": 14.17956, "time": 0.41784} {"mode": "train", "epoch": 33, "iter": 41400, "lr": 0.0, "memory": 14793, "data_time": 0.00814, "decode.loss_ce": 0.33676, "decode.acc_seg": 86.0453, "aux.loss_ce": 0.22132, "aux.acc_seg": 79.24286, "loss": 0.55808, "grad_norm": 13.0237, "time": 0.4176} {"mode": "train", "epoch": 33, "iter": 41450, "lr": 0.0, "memory": 14793, "data_time": 0.00538, "decode.loss_ce": 0.34058, "decode.acc_seg": 86.04399, "aux.loss_ce": 0.22343, "aux.acc_seg": 78.95918, "loss": 0.56402, "grad_norm": 13.06992, "time": 0.41698} {"mode": "train", "epoch": 33, "iter": 41500, "lr": 0.0, "memory": 14793, "data_time": 0.0055, "decode.loss_ce": 0.31012, "decode.acc_seg": 87.01805, "aux.loss_ce": 0.21826, "aux.acc_seg": 79.28908, "loss": 0.52838, "grad_norm": 12.44451, "time": 0.40958} {"mode": "train", "epoch": 33, "iter": 41550, "lr": 0.0, "memory": 14793, "data_time": 0.00557, "decode.loss_ce": 0.35536, "decode.acc_seg": 85.67935, "aux.loss_ce": 0.24354, "aux.acc_seg": 78.2872, "loss": 0.5989, "grad_norm": 15.10513, "time": 0.41279} {"mode": "train", "epoch": 33, "iter": 41600, "lr": 0.0, "memory": 14793, "data_time": 0.0063, "decode.loss_ce": 0.35526, "decode.acc_seg": 85.76943, "aux.loss_ce": 0.23864, "aux.acc_seg": 78.72361, "loss": 0.5939, "grad_norm": 13.43892, "time": 0.40717} {"mode": "train", "epoch": 33, "iter": 41650, "lr": 0.0, "memory": 14793, "data_time": 0.00643, "decode.loss_ce": 0.33264, "decode.acc_seg": 86.40402, "aux.loss_ce": 0.22155, "aux.acc_seg": 79.25627, "loss": 0.55419, "grad_norm": 14.34231, "time": 0.40872} {"mode": "train", "epoch": 33, "iter": 41700, "lr": 0.0, "memory": 14793, "data_time": 0.00512, "decode.loss_ce": 0.33791, "decode.acc_seg": 86.19071, "aux.loss_ce": 0.22142, "aux.acc_seg": 79.77612, "loss": 0.55933, "grad_norm": 12.2217, "time": 0.42419} {"mode": "train", "epoch": 34, "iter": 41750, "lr": 0.0, "memory": 14793, "data_time": 0.05067, "decode.loss_ce": 0.30841, "decode.acc_seg": 87.85979, "aux.loss_ce": 0.20529, "aux.acc_seg": 81.40279, "loss": 0.5137, "grad_norm": 12.18656, "time": 0.46141} {"mode": "train", "epoch": 34, "iter": 41800, "lr": 0.0, "memory": 14793, "data_time": 0.00499, "decode.loss_ce": 0.33502, "decode.acc_seg": 86.24368, "aux.loss_ce": 0.22202, "aux.acc_seg": 79.11667, "loss": 0.55705, "grad_norm": 16.19604, "time": 0.42008} {"mode": "train", "epoch": 34, "iter": 41850, "lr": 0.0, "memory": 14793, "data_time": 0.00605, "decode.loss_ce": 0.31608, "decode.acc_seg": 87.18787, "aux.loss_ce": 0.2048, "aux.acc_seg": 81.16361, "loss": 0.52088, "grad_norm": 10.63372, "time": 0.409} {"mode": "train", "epoch": 34, "iter": 41900, "lr": 0.0, "memory": 14793, "data_time": 0.00509, "decode.loss_ce": 0.32347, "decode.acc_seg": 87.09415, "aux.loss_ce": 0.22599, "aux.acc_seg": 79.06079, "loss": 0.54946, "grad_norm": 13.00645, "time": 0.40631} {"mode": "train", "epoch": 34, "iter": 41950, "lr": 0.0, "memory": 14793, "data_time": 0.00529, "decode.loss_ce": 0.3293, "decode.acc_seg": 86.80443, "aux.loss_ce": 0.22034, "aux.acc_seg": 79.86441, "loss": 0.54965, "grad_norm": 11.01994, "time": 0.40852} {"mode": "train", "epoch": 34, "iter": 42000, "lr": 0.0, "memory": 14793, "data_time": 0.00523, "decode.loss_ce": 0.32758, "decode.acc_seg": 86.69877, "aux.loss_ce": 0.21686, "aux.acc_seg": 80.26987, "loss": 0.54444, "grad_norm": 13.21139, "time": 0.64516} {"mode": "val", "epoch": 34, "iter": 125, "lr": 0.0, "aAcc": 0.8406, "mIoU": 0.5226, "mAcc": 0.6585, "IoU.wall": 0.7873, "IoU.building": 0.8363, "IoU.sky": 0.9479, "IoU.floor": 0.8291, "IoU.tree": 0.7601, "IoU.ceiling": 0.8426, "IoU.road": 0.8521, "IoU.bed ": 0.9062, "IoU.windowpane": 0.6348, "IoU.grass": 0.6625, "IoU.cabinet": 0.6106, "IoU.sidewalk": 0.6586, "IoU.person": 0.8278, "IoU.earth": 0.3563, "IoU.door": 0.5351, "IoU.table": 0.6266, "IoU.mountain": 0.6124, "IoU.plant": 0.5264, "IoU.curtain": 0.7732, "IoU.chair": 0.6102, "IoU.car": 0.8423, "IoU.water": 0.5778, "IoU.painting": 0.7355, "IoU.sofa": 0.7089, "IoU.shelf": 0.431, "IoU.house": 0.4862, "IoU.sea": 0.7109, "IoU.mirror": 0.7119, "IoU.rug": 0.6572, "IoU.field": 0.2698, "IoU.armchair": 0.4354, "IoU.seat": 0.6339, "IoU.fence": 0.483, "IoU.desk": 0.5224, "IoU.rock": 0.5153, "IoU.wardrobe": 0.5395, "IoU.lamp": 0.6343, "IoU.bathtub": 0.7954, "IoU.railing": 0.4017, "IoU.cushion": 0.597, "IoU.base": 0.4013, "IoU.box": 0.3098, "IoU.column": 0.5456, "IoU.signboard": 0.3672, "IoU.chest of drawers": 0.4127, "IoU.counter": 0.2982, "IoU.sand": 0.4972, "IoU.sink": 0.7783, "IoU.skyscraper": 0.4727, "IoU.fireplace": 0.6636, "IoU.refrigerator": 0.7411, "IoU.grandstand": 0.4196, "IoU.path": 0.251, "IoU.stairs": 0.3462, "IoU.runway": 0.6835, "IoU.case": 0.5605, "IoU.pool table": 0.9269, "IoU.pillow": 0.5604, "IoU.screen door": 0.6817, "IoU.stairway": 0.3912, "IoU.river": 0.1301, "IoU.bridge": 0.5329, "IoU.bookcase": 0.3572, "IoU.blind": 0.3858, "IoU.coffee table": 0.5884, "IoU.toilet": 0.847, "IoU.flower": 0.4561, "IoU.book": 0.5118, "IoU.hill": 0.0773, "IoU.bench": 0.5843, "IoU.countertop": 0.6009, "IoU.stove": 0.7807, "IoU.palm": 0.5535, "IoU.kitchen island": 0.3426, "IoU.computer": 0.7136, "IoU.swivel chair": 0.5579, "IoU.boat": 0.6757, "IoU.bar": 0.4964, "IoU.arcade machine": 0.7663, "IoU.hovel": 0.4438, "IoU.bus": 0.9148, "IoU.towel": 0.6462, "IoU.light": 0.5211, "IoU.truck": 0.4256, "IoU.tower": 0.2553, "IoU.chandelier": 0.656, "IoU.awning": 0.3241, "IoU.streetlight": 0.2945, "IoU.booth": 0.3159, "IoU.television receiver": 0.7569, "IoU.airplane": 0.665, "IoU.dirt track": 0.0386, "IoU.apparel": 0.5256, "IoU.pole": 0.2027, "IoU.land": 0.0003, "IoU.bannister": 0.1649, "IoU.escalator": 0.5446, "IoU.ottoman": 0.5481, "IoU.bottle": 0.4033, "IoU.buffet": 0.4798, "IoU.poster": 0.3416, "IoU.stage": 0.1934, "IoU.van": 0.3808, "IoU.ship": 0.8969, "IoU.fountain": 0.2747, "IoU.conveyer belt": 0.7854, "IoU.canopy": 0.4514, "IoU.washer": 0.7258, "IoU.plaything": 0.3013, "IoU.swimming pool": 0.7173, "IoU.stool": 0.4289, "IoU.barrel": 0.5639, "IoU.basket": 0.3733, "IoU.waterfall": 0.5274, "IoU.tent": 0.9109, "IoU.bag": 0.19, "IoU.minibike": 0.7127, "IoU.cradle": 0.8009, "IoU.oven": 0.3894, "IoU.ball": 0.4308, "IoU.food": 0.5923, "IoU.step": 0.1009, "IoU.tank": 0.6191, "IoU.trade name": 0.2792, "IoU.microwave": 0.807, "IoU.pot": 0.444, "IoU.animal": 0.6006, "IoU.bicycle": 0.5911, "IoU.lake": 0.5442, "IoU.dishwasher": 0.6453, "IoU.screen": 0.5532, "IoU.blanket": 0.1178, "IoU.sculpture": 0.6079, "IoU.hood": 0.5933, "IoU.sconce": 0.4249, "IoU.vase": 0.3903, "IoU.traffic light": 0.3133, "IoU.tray": 0.0302, "IoU.ashcan": 0.4828, "IoU.fan": 0.623, "IoU.pier": 0.4045, "IoU.crt screen": 0.1019, "IoU.plate": 0.512, "IoU.monitor": 0.0793, "IoU.bulletin board": 0.5966, "IoU.shower": 0.0, "IoU.radiator": 0.5961, "IoU.glass": 0.1477, "IoU.clock": 0.4124, "IoU.flag": 0.5067, "Acc.wall": 0.8609, "Acc.building": 0.9276, "Acc.sky": 0.9729, "Acc.floor": 0.9023, "Acc.tree": 0.8922, "Acc.ceiling": 0.9342, "Acc.road": 0.928, "Acc.bed ": 0.9733, "Acc.windowpane": 0.8029, "Acc.grass": 0.8333, "Acc.cabinet": 0.709, "Acc.sidewalk": 0.7659, "Acc.person": 0.9163, "Acc.earth": 0.4724, "Acc.door": 0.7471, "Acc.table": 0.7792, "Acc.mountain": 0.7107, "Acc.plant": 0.6602, "Acc.curtain": 0.8772, "Acc.chair": 0.7526, "Acc.car": 0.9535, "Acc.water": 0.7065, "Acc.painting": 0.8715, "Acc.sofa": 0.8906, "Acc.shelf": 0.6646, "Acc.house": 0.7045, "Acc.sea": 0.9603, "Acc.mirror": 0.7972, "Acc.rug": 0.7671, "Acc.field": 0.4563, "Acc.armchair": 0.6325, "Acc.seat": 0.8491, "Acc.fence": 0.6392, "Acc.desk": 0.741, "Acc.rock": 0.7461, "Acc.wardrobe": 0.7401, "Acc.lamp": 0.7719, "Acc.bathtub": 0.8674, "Acc.railing": 0.5351, "Acc.cushion": 0.7151, "Acc.base": 0.5604, "Acc.box": 0.4133, "Acc.column": 0.7156, "Acc.signboard": 0.4672, "Acc.chest of drawers": 0.6314, "Acc.counter": 0.3747, "Acc.sand": 0.6869, "Acc.sink": 0.8919, "Acc.skyscraper": 0.5646, "Acc.fireplace": 0.9462, "Acc.refrigerator": 0.868, "Acc.grandstand": 0.8697, "Acc.path": 0.3901, "Acc.stairs": 0.4451, "Acc.runway": 0.8989, "Acc.case": 0.6934, "Acc.pool table": 0.9833, "Acc.pillow": 0.6309, "Acc.screen door": 0.8627, "Acc.stairway": 0.4587, "Acc.river": 0.2518, "Acc.bridge": 0.6142, "Acc.bookcase": 0.5252, "Acc.blind": 0.4282, "Acc.coffee table": 0.8446, "Acc.toilet": 0.9318, "Acc.flower": 0.6451, "Acc.book": 0.7842, "Acc.hill": 0.1536, "Acc.bench": 0.6898, "Acc.countertop": 0.7473, "Acc.stove": 0.916, "Acc.palm": 0.7356, "Acc.kitchen island": 0.762, "Acc.computer": 0.9222, "Acc.swivel chair": 0.8134, "Acc.boat": 0.8874, "Acc.bar": 0.7507, "Acc.arcade machine": 0.8469, "Acc.hovel": 0.7284, "Acc.bus": 0.9675, "Acc.towel": 0.8642, "Acc.light": 0.5836, "Acc.truck": 0.5984, "Acc.tower": 0.3386, "Acc.chandelier": 0.8275, "Acc.awning": 0.4313, "Acc.streetlight": 0.408, "Acc.booth": 0.439, "Acc.television receiver": 0.8711, "Acc.airplane": 0.7367, "Acc.dirt track": 0.0502, "Acc.apparel": 0.726, "Acc.pole": 0.2535, "Acc.land": 0.0004, "Acc.bannister": 0.2155, "Acc.escalator": 0.8348, "Acc.ottoman": 0.7653, "Acc.bottle": 0.7012, "Acc.buffet": 0.6632, "Acc.poster": 0.4533, "Acc.stage": 0.3787, "Acc.van": 0.4461, "Acc.ship": 0.9535, "Acc.fountain": 0.2817, "Acc.conveyer belt": 0.9604, "Acc.canopy": 0.7315, "Acc.washer": 0.747, "Acc.plaything": 0.4011, "Acc.swimming pool": 0.7743, "Acc.stool": 0.6328, "Acc.barrel": 0.8368, "Acc.basket": 0.511, "Acc.waterfall": 0.67, "Acc.tent": 0.9892, "Acc.bag": 0.2113, "Acc.minibike": 0.895, "Acc.cradle": 0.9714, "Acc.oven": 0.4472, "Acc.ball": 0.4918, "Acc.food": 0.6741, "Acc.step": 0.1141, "Acc.tank": 0.6767, "Acc.trade name": 0.3208, "Acc.microwave": 0.9372, "Acc.pot": 0.5244, "Acc.animal": 0.6217, "Acc.bicycle": 0.7903, "Acc.lake": 0.6879, "Acc.dishwasher": 0.7705, "Acc.screen": 0.8554, "Acc.blanket": 0.1402, "Acc.sculpture": 0.8254, "Acc.hood": 0.7333, "Acc.sconce": 0.4983, "Acc.vase": 0.5562, "Acc.traffic light": 0.5037, "Acc.tray": 0.0328, "Acc.ashcan": 0.651, "Acc.fan": 0.7866, "Acc.pier": 0.4651, "Acc.crt screen": 0.2946, "Acc.plate": 0.7818, "Acc.monitor": 0.0965, "Acc.bulletin board": 0.7368, "Acc.shower": 0.0, "Acc.radiator": 0.6841, "Acc.glass": 0.1576, "Acc.clock": 0.471, "Acc.flag": 0.5662} {"mode": "train", "epoch": 34, "iter": 42050, "lr": 0.0, "memory": 14793, "data_time": 2.12642, "decode.loss_ce": 0.34246, "decode.acc_seg": 86.22696, "aux.loss_ce": 0.22944, "aux.acc_seg": 79.13368, "loss": 0.5719, "grad_norm": 15.56223, "time": 2.53228} {"mode": "train", "epoch": 34, "iter": 42100, "lr": 0.0, "memory": 14793, "data_time": 0.00597, "decode.loss_ce": 0.32439, "decode.acc_seg": 86.61771, "aux.loss_ce": 0.21281, "aux.acc_seg": 80.1612, "loss": 0.53719, "grad_norm": 12.29273, "time": 0.41155} {"mode": "train", "epoch": 34, "iter": 42150, "lr": 0.0, "memory": 14793, "data_time": 0.0054, "decode.loss_ce": 0.33669, "decode.acc_seg": 86.54203, "aux.loss_ce": 0.21471, "aux.acc_seg": 80.20574, "loss": 0.5514, "grad_norm": 21.61486, "time": 0.41414} {"mode": "train", "epoch": 34, "iter": 42200, "lr": 0.0, "memory": 14793, "data_time": 0.00593, "decode.loss_ce": 0.31819, "decode.acc_seg": 87.32558, "aux.loss_ce": 0.21822, "aux.acc_seg": 79.82162, "loss": 0.53641, "grad_norm": 13.72303, "time": 0.4223} {"mode": "train", "epoch": 34, "iter": 42250, "lr": 0.0, "memory": 14793, "data_time": 0.00549, "decode.loss_ce": 0.34095, "decode.acc_seg": 86.23347, "aux.loss_ce": 0.21887, "aux.acc_seg": 79.473, "loss": 0.55982, "grad_norm": 14.07628, "time": 0.41125} {"mode": "train", "epoch": 34, "iter": 42300, "lr": 0.0, "memory": 14793, "data_time": 0.00622, "decode.loss_ce": 0.3144, "decode.acc_seg": 87.18633, "aux.loss_ce": 0.20735, "aux.acc_seg": 80.40985, "loss": 0.52175, "grad_norm": 14.5416, "time": 0.40486} {"mode": "train", "epoch": 34, "iter": 42350, "lr": 0.0, "memory": 14793, "data_time": 0.00561, "decode.loss_ce": 0.34674, "decode.acc_seg": 86.63342, "aux.loss_ce": 0.21872, "aux.acc_seg": 80.37768, "loss": 0.56546, "grad_norm": 15.21892, "time": 0.40806} {"mode": "train", "epoch": 34, "iter": 42400, "lr": 0.0, "memory": 14793, "data_time": 0.00604, "decode.loss_ce": 0.32508, "decode.acc_seg": 86.56716, "aux.loss_ce": 0.22312, "aux.acc_seg": 79.42024, "loss": 0.5482, "grad_norm": 15.09544, "time": 0.41614} {"mode": "train", "epoch": 34, "iter": 42450, "lr": 0.0, "memory": 14793, "data_time": 0.00558, "decode.loss_ce": 0.35874, "decode.acc_seg": 86.2415, "aux.loss_ce": 0.23999, "aux.acc_seg": 78.62427, "loss": 0.59873, "grad_norm": 14.80099, "time": 0.41223} {"mode": "train", "epoch": 34, "iter": 42500, "lr": 0.0, "memory": 14793, "data_time": 0.0058, "decode.loss_ce": 0.33439, "decode.acc_seg": 86.0817, "aux.loss_ce": 0.21808, "aux.acc_seg": 79.1752, "loss": 0.55247, "grad_norm": 12.49635, "time": 0.41088} {"mode": "train", "epoch": 34, "iter": 42550, "lr": 0.0, "memory": 14793, "data_time": 0.00539, "decode.loss_ce": 0.32504, "decode.acc_seg": 86.75693, "aux.loss_ce": 0.21153, "aux.acc_seg": 80.4091, "loss": 0.53658, "grad_norm": 12.40822, "time": 0.41375} {"mode": "train", "epoch": 34, "iter": 42600, "lr": 0.0, "memory": 14793, "data_time": 0.00648, "decode.loss_ce": 0.33349, "decode.acc_seg": 87.01333, "aux.loss_ce": 0.21659, "aux.acc_seg": 80.29094, "loss": 0.55008, "grad_norm": 12.34215, "time": 0.43156} {"mode": "train", "epoch": 34, "iter": 42650, "lr": 0.0, "memory": 14793, "data_time": 0.0065, "decode.loss_ce": 0.35557, "decode.acc_seg": 85.41278, "aux.loss_ce": 0.2274, "aux.acc_seg": 78.6876, "loss": 0.58297, "grad_norm": 17.58813, "time": 0.41337} {"mode": "train", "epoch": 34, "iter": 42700, "lr": 0.0, "memory": 14793, "data_time": 0.00611, "decode.loss_ce": 0.34556, "decode.acc_seg": 86.10122, "aux.loss_ce": 0.22957, "aux.acc_seg": 78.86384, "loss": 0.57513, "grad_norm": 15.92486, "time": 0.40999} {"mode": "train", "epoch": 34, "iter": 42750, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.32265, "decode.acc_seg": 87.10019, "aux.loss_ce": 0.21117, "aux.acc_seg": 80.40273, "loss": 0.53382, "grad_norm": 13.43478, "time": 0.40183} {"mode": "train", "epoch": 34, "iter": 42800, "lr": 0.0, "memory": 14793, "data_time": 0.0055, "decode.loss_ce": 0.33719, "decode.acc_seg": 86.33464, "aux.loss_ce": 0.22053, "aux.acc_seg": 80.10734, "loss": 0.55772, "grad_norm": 12.99802, "time": 0.40858} {"mode": "train", "epoch": 34, "iter": 42850, "lr": 0.0, "memory": 14793, "data_time": 0.00563, "decode.loss_ce": 0.3641, "decode.acc_seg": 85.44991, "aux.loss_ce": 0.24275, "aux.acc_seg": 78.08696, "loss": 0.60685, "grad_norm": 12.66154, "time": 0.40455} {"mode": "train", "epoch": 34, "iter": 42900, "lr": 0.0, "memory": 14793, "data_time": 0.00556, "decode.loss_ce": 0.32971, "decode.acc_seg": 86.98627, "aux.loss_ce": 0.21914, "aux.acc_seg": 79.8936, "loss": 0.54885, "grad_norm": 12.45942, "time": 0.4049} {"mode": "train", "epoch": 34, "iter": 42950, "lr": 0.0, "memory": 14793, "data_time": 0.00858, "decode.loss_ce": 0.33783, "decode.acc_seg": 86.38893, "aux.loss_ce": 0.23159, "aux.acc_seg": 78.71007, "loss": 0.56942, "grad_norm": 12.24473, "time": 0.41787} {"mode": "train", "epoch": 35, "iter": 43000, "lr": 0.0, "memory": 14793, "data_time": 0.05163, "decode.loss_ce": 0.33218, "decode.acc_seg": 87.1095, "aux.loss_ce": 0.20878, "aux.acc_seg": 81.0417, "loss": 0.54096, "grad_norm": 14.8572, "time": 0.7157} {"mode": "val", "epoch": 35, "iter": 125, "lr": 0.0, "aAcc": 0.8418, "mIoU": 0.5293, "mAcc": 0.6623, "IoU.wall": 0.791, "IoU.building": 0.8358, "IoU.sky": 0.9486, "IoU.floor": 0.8252, "IoU.tree": 0.7571, "IoU.ceiling": 0.8473, "IoU.road": 0.8479, "IoU.bed ": 0.9069, "IoU.windowpane": 0.6393, "IoU.grass": 0.669, "IoU.cabinet": 0.6344, "IoU.sidewalk": 0.6643, "IoU.person": 0.8251, "IoU.earth": 0.3934, "IoU.door": 0.5431, "IoU.table": 0.6174, "IoU.mountain": 0.6152, "IoU.plant": 0.5223, "IoU.curtain": 0.7656, "IoU.chair": 0.602, "IoU.car": 0.8549, "IoU.water": 0.5218, "IoU.painting": 0.7296, "IoU.sofa": 0.6962, "IoU.shelf": 0.4302, "IoU.house": 0.5017, "IoU.sea": 0.6947, "IoU.mirror": 0.7184, "IoU.rug": 0.658, "IoU.field": 0.2845, "IoU.armchair": 0.4171, "IoU.seat": 0.6626, "IoU.fence": 0.4661, "IoU.desk": 0.5464, "IoU.rock": 0.4819, "IoU.wardrobe": 0.5558, "IoU.lamp": 0.6394, "IoU.bathtub": 0.8023, "IoU.railing": 0.4051, "IoU.cushion": 0.5937, "IoU.base": 0.4149, "IoU.box": 0.304, "IoU.column": 0.5325, "IoU.signboard": 0.3736, "IoU.chest of drawers": 0.4272, "IoU.counter": 0.3203, "IoU.sand": 0.4805, "IoU.sink": 0.7485, "IoU.skyscraper": 0.6278, "IoU.fireplace": 0.6833, "IoU.refrigerator": 0.717, "IoU.grandstand": 0.4382, "IoU.path": 0.2519, "IoU.stairs": 0.315, "IoU.runway": 0.6797, "IoU.case": 0.5717, "IoU.pool table": 0.9315, "IoU.pillow": 0.603, "IoU.screen door": 0.6873, "IoU.stairway": 0.4308, "IoU.river": 0.1656, "IoU.bridge": 0.6562, "IoU.bookcase": 0.4021, "IoU.blind": 0.462, "IoU.coffee table": 0.5901, "IoU.toilet": 0.8471, "IoU.flower": 0.4527, "IoU.book": 0.5057, "IoU.hill": 0.0839, "IoU.bench": 0.644, "IoU.countertop": 0.5682, "IoU.stove": 0.8067, "IoU.palm": 0.5652, "IoU.kitchen island": 0.3063, "IoU.computer": 0.744, "IoU.swivel chair": 0.5549, "IoU.boat": 0.6378, "IoU.bar": 0.4898, "IoU.arcade machine": 0.7378, "IoU.hovel": 0.565, "IoU.bus": 0.9285, "IoU.towel": 0.6555, "IoU.light": 0.5006, "IoU.truck": 0.4103, "IoU.tower": 0.3366, "IoU.chandelier": 0.6554, "IoU.awning": 0.3157, "IoU.streetlight": 0.2893, "IoU.booth": 0.3201, "IoU.television receiver": 0.7721, "IoU.airplane": 0.6563, "IoU.dirt track": 0.0, "IoU.apparel": 0.5595, "IoU.pole": 0.2165, "IoU.land": 0.0005, "IoU.bannister": 0.1467, "IoU.escalator": 0.5325, "IoU.ottoman": 0.546, "IoU.bottle": 0.4054, "IoU.buffet": 0.5215, "IoU.poster": 0.3188, "IoU.stage": 0.1889, "IoU.van": 0.3907, "IoU.ship": 0.8684, "IoU.fountain": 0.2951, "IoU.conveyer belt": 0.7977, "IoU.canopy": 0.4317, "IoU.washer": 0.73, "IoU.plaything": 0.3116, "IoU.swimming pool": 0.7139, "IoU.stool": 0.4198, "IoU.barrel": 0.5505, "IoU.basket": 0.3759, "IoU.waterfall": 0.5685, "IoU.tent": 0.9385, "IoU.bag": 0.2118, "IoU.minibike": 0.7153, "IoU.cradle": 0.778, "IoU.oven": 0.5066, "IoU.ball": 0.5381, "IoU.food": 0.5525, "IoU.step": 0.1846, "IoU.tank": 0.6149, "IoU.trade name": 0.2502, "IoU.microwave": 0.8101, "IoU.pot": 0.4593, "IoU.animal": 0.5852, "IoU.bicycle": 0.5835, "IoU.lake": 0.5331, "IoU.dishwasher": 0.6231, "IoU.screen": 0.5476, "IoU.blanket": 0.116, "IoU.sculpture": 0.6047, "IoU.hood": 0.608, "IoU.sconce": 0.4479, "IoU.vase": 0.4041, "IoU.traffic light": 0.3163, "IoU.tray": 0.0321, "IoU.ashcan": 0.4836, "IoU.fan": 0.6184, "IoU.pier": 0.4342, "IoU.crt screen": 0.0697, "IoU.plate": 0.5205, "IoU.monitor": 0.1012, "IoU.bulletin board": 0.578, "IoU.shower": 0.0008, "IoU.radiator": 0.5845, "IoU.glass": 0.1263, "IoU.clock": 0.3853, "IoU.flag": 0.5618, "Acc.wall": 0.876, "Acc.building": 0.912, "Acc.sky": 0.974, "Acc.floor": 0.911, "Acc.tree": 0.895, "Acc.ceiling": 0.9104, "Acc.road": 0.9071, "Acc.bed ": 0.9701, "Acc.windowpane": 0.792, "Acc.grass": 0.7991, "Acc.cabinet": 0.7336, "Acc.sidewalk": 0.8203, "Acc.person": 0.911, "Acc.earth": 0.5633, "Acc.door": 0.7477, "Acc.table": 0.7716, "Acc.mountain": 0.7293, "Acc.plant": 0.6248, "Acc.curtain": 0.8802, "Acc.chair": 0.6965, "Acc.car": 0.943, "Acc.water": 0.6085, "Acc.painting": 0.8754, "Acc.sofa": 0.9179, "Acc.shelf": 0.6076, "Acc.house": 0.8139, "Acc.sea": 0.8953, "Acc.mirror": 0.815, "Acc.rug": 0.7691, "Acc.field": 0.4819, "Acc.armchair": 0.5876, "Acc.seat": 0.8314, "Acc.fence": 0.6025, "Acc.desk": 0.7085, "Acc.rock": 0.746, "Acc.wardrobe": 0.7467, "Acc.lamp": 0.7619, "Acc.bathtub": 0.8644, "Acc.railing": 0.5558, "Acc.cushion": 0.7062, "Acc.base": 0.5751, "Acc.box": 0.383, "Acc.column": 0.626, "Acc.signboard": 0.4906, "Acc.chest of drawers": 0.6539, "Acc.counter": 0.3862, "Acc.sand": 0.6567, "Acc.sink": 0.8382, "Acc.skyscraper": 0.8804, "Acc.fireplace": 0.9333, "Acc.refrigerator": 0.8341, "Acc.grandstand": 0.8244, "Acc.path": 0.357, "Acc.stairs": 0.3886, "Acc.runway": 0.9179, "Acc.case": 0.8181, "Acc.pool table": 0.9825, "Acc.pillow": 0.723, "Acc.screen door": 0.8625, "Acc.stairway": 0.5932, "Acc.river": 0.5346, "Acc.bridge": 0.7563, "Acc.bookcase": 0.6961, "Acc.blind": 0.5892, "Acc.coffee table": 0.8401, "Acc.toilet": 0.9322, "Acc.flower": 0.5832, "Acc.book": 0.6961, "Acc.hill": 0.1594, "Acc.bench": 0.7391, "Acc.countertop": 0.8146, "Acc.stove": 0.9193, "Acc.palm": 0.7876, "Acc.kitchen island": 0.7886, "Acc.computer": 0.9041, "Acc.swivel chair": 0.7894, "Acc.boat": 0.8694, "Acc.bar": 0.7133, "Acc.arcade machine": 0.7762, "Acc.hovel": 0.7002, "Acc.bus": 0.9628, "Acc.towel": 0.8728, "Acc.light": 0.5499, "Acc.truck": 0.5604, "Acc.tower": 0.5365, "Acc.chandelier": 0.8258, "Acc.awning": 0.3663, "Acc.streetlight": 0.3985, "Acc.booth": 0.4134, "Acc.television receiver": 0.8869, "Acc.airplane": 0.7205, "Acc.dirt track": 0.0, "Acc.apparel": 0.7076, "Acc.pole": 0.2739, "Acc.land": 0.0007, "Acc.bannister": 0.1774, "Acc.escalator": 0.8244, "Acc.ottoman": 0.7263, "Acc.bottle": 0.6464, "Acc.buffet": 0.5989, "Acc.poster": 0.4091, "Acc.stage": 0.3841, "Acc.van": 0.4846, "Acc.ship": 0.9566, "Acc.fountain": 0.3015, "Acc.conveyer belt": 0.9683, "Acc.canopy": 0.6418, "Acc.washer": 0.758, "Acc.plaything": 0.4273, "Acc.swimming pool": 0.7429, "Acc.stool": 0.5859, "Acc.barrel": 0.8473, "Acc.basket": 0.5032, "Acc.waterfall": 0.6268, "Acc.tent": 0.9832, "Acc.bag": 0.2394, "Acc.minibike": 0.8669, "Acc.cradle": 0.9472, "Acc.oven": 0.5772, "Acc.ball": 0.6843, "Acc.food": 0.6546, "Acc.step": 0.2156, "Acc.tank": 0.6781, "Acc.trade name": 0.282, "Acc.microwave": 0.9595, "Acc.pot": 0.5345, "Acc.animal": 0.599, "Acc.bicycle": 0.7859, "Acc.lake": 0.6327, "Acc.dishwasher": 0.7674, "Acc.screen": 0.8762, "Acc.blanket": 0.1351, "Acc.sculpture": 0.7998, "Acc.hood": 0.7215, "Acc.sconce": 0.5211, "Acc.vase": 0.5262, "Acc.traffic light": 0.4631, "Acc.tray": 0.0343, "Acc.ashcan": 0.6253, "Acc.fan": 0.776, "Acc.pier": 0.5586, "Acc.crt screen": 0.1847, "Acc.plate": 0.7518, "Acc.monitor": 0.1117, "Acc.bulletin board": 0.7462, "Acc.shower": 0.001, "Acc.radiator": 0.6825, "Acc.glass": 0.1309, "Acc.clock": 0.4075, "Acc.flag": 0.6175} {"mode": "train", "epoch": 35, "iter": 43050, "lr": 0.0, "memory": 14793, "data_time": 2.43205, "decode.loss_ce": 0.30711, "decode.acc_seg": 87.19284, "aux.loss_ce": 0.20986, "aux.acc_seg": 80.18772, "loss": 0.51697, "grad_norm": 10.16262, "time": 2.8485} {"mode": "train", "epoch": 35, "iter": 43100, "lr": 0.0, "memory": 14793, "data_time": 0.00519, "decode.loss_ce": 0.31496, "decode.acc_seg": 87.2943, "aux.loss_ce": 0.20492, "aux.acc_seg": 80.88432, "loss": 0.51987, "grad_norm": 11.69076, "time": 0.40967} {"mode": "train", "epoch": 35, "iter": 43150, "lr": 0.0, "memory": 14793, "data_time": 0.00504, "decode.loss_ce": 0.30397, "decode.acc_seg": 87.63672, "aux.loss_ce": 0.19938, "aux.acc_seg": 81.21388, "loss": 0.50336, "grad_norm": 11.85657, "time": 0.4045} {"mode": "train", "epoch": 35, "iter": 43200, "lr": 0.0, "memory": 14793, "data_time": 0.00505, "decode.loss_ce": 0.31855, "decode.acc_seg": 86.57715, "aux.loss_ce": 0.22821, "aux.acc_seg": 78.67774, "loss": 0.54676, "grad_norm": 12.01243, "time": 0.4115} {"mode": "train", "epoch": 35, "iter": 43250, "lr": 0.0, "memory": 14793, "data_time": 0.005, "decode.loss_ce": 0.32429, "decode.acc_seg": 86.94307, "aux.loss_ce": 0.22149, "aux.acc_seg": 79.79649, "loss": 0.54577, "grad_norm": 13.92791, "time": 0.40866} {"mode": "train", "epoch": 35, "iter": 43300, "lr": 0.0, "memory": 14793, "data_time": 0.00596, "decode.loss_ce": 0.32228, "decode.acc_seg": 87.09717, "aux.loss_ce": 0.21868, "aux.acc_seg": 79.63869, "loss": 0.54096, "grad_norm": 16.47374, "time": 0.41098} {"mode": "train", "epoch": 35, "iter": 43350, "lr": 0.0, "memory": 14793, "data_time": 0.00502, "decode.loss_ce": 0.29991, "decode.acc_seg": 87.53573, "aux.loss_ce": 0.20553, "aux.acc_seg": 80.38082, "loss": 0.50544, "grad_norm": 13.32023, "time": 0.41404} {"mode": "train", "epoch": 35, "iter": 43400, "lr": 0.0, "memory": 14793, "data_time": 0.00535, "decode.loss_ce": 0.33533, "decode.acc_seg": 86.54538, "aux.loss_ce": 0.22287, "aux.acc_seg": 79.47145, "loss": 0.5582, "grad_norm": 15.50541, "time": 0.41485} {"mode": "train", "epoch": 35, "iter": 43450, "lr": 0.0, "memory": 14793, "data_time": 0.00521, "decode.loss_ce": 0.31993, "decode.acc_seg": 86.84029, "aux.loss_ce": 0.21169, "aux.acc_seg": 80.36409, "loss": 0.53162, "grad_norm": 13.34209, "time": 0.42041} {"mode": "train", "epoch": 35, "iter": 43500, "lr": 0.0, "memory": 14793, "data_time": 0.00507, "decode.loss_ce": 0.33178, "decode.acc_seg": 87.07481, "aux.loss_ce": 0.21379, "aux.acc_seg": 81.18044, "loss": 0.54557, "grad_norm": 13.41676, "time": 0.41321} {"mode": "train", "epoch": 35, "iter": 43550, "lr": 0.0, "memory": 14793, "data_time": 0.0064, "decode.loss_ce": 0.31704, "decode.acc_seg": 86.85897, "aux.loss_ce": 0.21004, "aux.acc_seg": 80.1559, "loss": 0.52708, "grad_norm": 14.97977, "time": 0.41036} {"mode": "train", "epoch": 35, "iter": 43600, "lr": 0.0, "memory": 14793, "data_time": 0.0058, "decode.loss_ce": 0.33563, "decode.acc_seg": 86.39268, "aux.loss_ce": 0.21437, "aux.acc_seg": 80.19203, "loss": 0.54999, "grad_norm": 14.7063, "time": 0.41057} {"mode": "train", "epoch": 35, "iter": 43650, "lr": 0.0, "memory": 14793, "data_time": 0.00637, "decode.loss_ce": 0.34097, "decode.acc_seg": 86.33244, "aux.loss_ce": 0.23553, "aux.acc_seg": 78.5316, "loss": 0.5765, "grad_norm": 11.79793, "time": 0.41469} {"mode": "train", "epoch": 35, "iter": 43700, "lr": 0.0, "memory": 14793, "data_time": 0.00516, "decode.loss_ce": 0.33683, "decode.acc_seg": 86.74356, "aux.loss_ce": 0.23209, "aux.acc_seg": 78.75814, "loss": 0.56893, "grad_norm": 16.29307, "time": 0.40717} {"mode": "train", "epoch": 35, "iter": 43750, "lr": 0.0, "memory": 14793, "data_time": 0.00524, "decode.loss_ce": 0.31228, "decode.acc_seg": 87.62361, "aux.loss_ce": 0.20624, "aux.acc_seg": 81.55095, "loss": 0.51851, "grad_norm": 12.37419, "time": 0.41375} {"mode": "train", "epoch": 35, "iter": 43800, "lr": 0.0, "memory": 14793, "data_time": 0.00515, "decode.loss_ce": 0.32316, "decode.acc_seg": 87.05023, "aux.loss_ce": 0.21723, "aux.acc_seg": 79.69807, "loss": 0.5404, "grad_norm": 12.80237, "time": 0.42073} {"mode": "train", "epoch": 35, "iter": 43850, "lr": 0.0, "memory": 14793, "data_time": 0.00496, "decode.loss_ce": 0.33725, "decode.acc_seg": 86.40858, "aux.loss_ce": 0.22635, "aux.acc_seg": 79.25701, "loss": 0.5636, "grad_norm": 15.26127, "time": 0.42214} {"mode": "train", "epoch": 35, "iter": 43900, "lr": 0.0, "memory": 14793, "data_time": 0.00514, "decode.loss_ce": 0.31117, "decode.acc_seg": 87.09215, "aux.loss_ce": 0.20647, "aux.acc_seg": 80.64463, "loss": 0.51764, "grad_norm": 14.57361, "time": 0.41557} {"mode": "train", "epoch": 35, "iter": 43950, "lr": 0.0, "memory": 14793, "data_time": 0.00546, "decode.loss_ce": 0.34063, "decode.acc_seg": 86.45833, "aux.loss_ce": 0.22682, "aux.acc_seg": 79.49759, "loss": 0.56745, "grad_norm": 11.84692, "time": 0.41069} {"mode": "train", "epoch": 35, "iter": 44000, "lr": 0.0, "memory": 14793, "data_time": 0.0054, "decode.loss_ce": 0.32901, "decode.acc_seg": 86.18302, "aux.loss_ce": 0.2148, "aux.acc_seg": 79.3643, "loss": 0.54381, "grad_norm": 13.50918, "time": 0.64607} {"mode": "val", "epoch": 35, "iter": 125, "lr": 0.0, "aAcc": 0.8422, "mIoU": 0.524, "mAcc": 0.6528, "IoU.wall": 0.7928, "IoU.building": 0.833, "IoU.sky": 0.9476, "IoU.floor": 0.8318, "IoU.tree": 0.7597, "IoU.ceiling": 0.8485, "IoU.road": 0.8482, "IoU.bed ": 0.912, "IoU.windowpane": 0.6293, "IoU.grass": 0.6691, "IoU.cabinet": 0.6239, "IoU.sidewalk": 0.664, "IoU.person": 0.8292, "IoU.earth": 0.3726, "IoU.door": 0.5469, "IoU.table": 0.6215, "IoU.mountain": 0.5977, "IoU.plant": 0.5445, "IoU.curtain": 0.7617, "IoU.chair": 0.6039, "IoU.car": 0.856, "IoU.water": 0.6069, "IoU.painting": 0.7209, "IoU.sofa": 0.7143, "IoU.shelf": 0.4297, "IoU.house": 0.4603, "IoU.sea": 0.7276, "IoU.mirror": 0.6992, "IoU.rug": 0.6743, "IoU.field": 0.2946, "IoU.armchair": 0.4499, "IoU.seat": 0.6426, "IoU.fence": 0.4772, "IoU.desk": 0.5372, "IoU.rock": 0.479, "IoU.wardrobe": 0.5388, "IoU.lamp": 0.6434, "IoU.bathtub": 0.7977, "IoU.railing": 0.3937, "IoU.cushion": 0.5986, "IoU.base": 0.3419, "IoU.box": 0.298, "IoU.column": 0.5355, "IoU.signboard": 0.3767, "IoU.chest of drawers": 0.3828, "IoU.counter": 0.3217, "IoU.sand": 0.4657, "IoU.sink": 0.7534, "IoU.skyscraper": 0.4895, "IoU.fireplace": 0.6831, "IoU.refrigerator": 0.7595, "IoU.grandstand": 0.4292, "IoU.path": 0.2392, "IoU.stairs": 0.351, "IoU.runway": 0.6826, "IoU.case": 0.542, "IoU.pool table": 0.9309, "IoU.pillow": 0.6309, "IoU.screen door": 0.6526, "IoU.stairway": 0.4427, "IoU.river": 0.1116, "IoU.bridge": 0.5098, "IoU.bookcase": 0.4074, "IoU.blind": 0.4257, "IoU.coffee table": 0.5997, "IoU.toilet": 0.8503, "IoU.flower": 0.4571, "IoU.book": 0.4895, "IoU.hill": 0.058, "IoU.bench": 0.5791, "IoU.countertop": 0.594, "IoU.stove": 0.8096, "IoU.palm": 0.5458, "IoU.kitchen island": 0.2885, "IoU.computer": 0.7495, "IoU.swivel chair": 0.5596, "IoU.boat": 0.7003, "IoU.bar": 0.5139, "IoU.arcade machine": 0.7556, "IoU.hovel": 0.4465, "IoU.bus": 0.9136, "IoU.towel": 0.6649, "IoU.light": 0.5406, "IoU.truck": 0.4244, "IoU.tower": 0.3347, "IoU.chandelier": 0.6551, "IoU.awning": 0.3303, "IoU.streetlight": 0.2865, "IoU.booth": 0.3371, "IoU.television receiver": 0.7571, "IoU.airplane": 0.6538, "IoU.dirt track": 0.0, "IoU.apparel": 0.5091, "IoU.pole": 0.2105, "IoU.land": 0.002, "IoU.bannister": 0.1614, "IoU.escalator": 0.5506, "IoU.ottoman": 0.5422, "IoU.bottle": 0.3987, "IoU.buffet": 0.4951, "IoU.poster": 0.2578, "IoU.stage": 0.1918, "IoU.van": 0.4352, "IoU.ship": 0.8121, "IoU.fountain": 0.3115, "IoU.conveyer belt": 0.8032, "IoU.canopy": 0.4473, "IoU.washer": 0.7333, "IoU.plaything": 0.2933, "IoU.swimming pool": 0.683, "IoU.stool": 0.4154, "IoU.barrel": 0.5213, "IoU.basket": 0.3777, "IoU.waterfall": 0.6813, "IoU.tent": 0.9476, "IoU.bag": 0.1926, "IoU.minibike": 0.7267, "IoU.cradle": 0.8204, "IoU.oven": 0.4551, "IoU.ball": 0.327, "IoU.food": 0.5497, "IoU.step": 0.1129, "IoU.tank": 0.6001, "IoU.trade name": 0.287, "IoU.microwave": 0.7567, "IoU.pot": 0.4464, "IoU.animal": 0.6043, "IoU.bicycle": 0.5761, "IoU.lake": 0.4944, "IoU.dishwasher": 0.6807, "IoU.screen": 0.5369, "IoU.blanket": 0.147, "IoU.sculpture": 0.6027, "IoU.hood": 0.6639, "IoU.sconce": 0.4457, "IoU.vase": 0.3927, "IoU.traffic light": 0.325, "IoU.tray": 0.0472, "IoU.ashcan": 0.4878, "IoU.fan": 0.6145, "IoU.pier": 0.3549, "IoU.crt screen": 0.0439, "IoU.plate": 0.5228, "IoU.monitor": 0.0772, "IoU.bulletin board": 0.6174, "IoU.shower": 0.0, "IoU.radiator": 0.6363, "IoU.glass": 0.1272, "IoU.clock": 0.3816, "IoU.flag": 0.5213, "Acc.wall": 0.8867, "Acc.building": 0.916, "Acc.sky": 0.9746, "Acc.floor": 0.907, "Acc.tree": 0.8828, "Acc.ceiling": 0.913, "Acc.road": 0.9088, "Acc.bed ": 0.9651, "Acc.windowpane": 0.7891, "Acc.grass": 0.8044, "Acc.cabinet": 0.7213, "Acc.sidewalk": 0.8435, "Acc.person": 0.9259, "Acc.earth": 0.5036, "Acc.door": 0.7312, "Acc.table": 0.7676, "Acc.mountain": 0.7561, "Acc.plant": 0.6577, "Acc.curtain": 0.8861, "Acc.chair": 0.6989, "Acc.car": 0.9422, "Acc.water": 0.7518, "Acc.painting": 0.8873, "Acc.sofa": 0.8852, "Acc.shelf": 0.6304, "Acc.house": 0.7189, "Acc.sea": 0.8768, "Acc.mirror": 0.7744, "Acc.rug": 0.8094, "Acc.field": 0.4443, "Acc.armchair": 0.6437, "Acc.seat": 0.8334, "Acc.fence": 0.6166, "Acc.desk": 0.7555, "Acc.rock": 0.6822, "Acc.wardrobe": 0.6983, "Acc.lamp": 0.7769, "Acc.bathtub": 0.859, "Acc.railing": 0.5441, "Acc.cushion": 0.7018, "Acc.base": 0.4163, "Acc.box": 0.3676, "Acc.column": 0.6431, "Acc.signboard": 0.497, "Acc.chest of drawers": 0.62, "Acc.counter": 0.3914, "Acc.sand": 0.6241, "Acc.sink": 0.8134, "Acc.skyscraper": 0.6198, "Acc.fireplace": 0.931, "Acc.refrigerator": 0.8861, "Acc.grandstand": 0.8535, "Acc.path": 0.3886, "Acc.stairs": 0.4755, "Acc.runway": 0.9268, "Acc.case": 0.7099, "Acc.pool table": 0.9805, "Acc.pillow": 0.7921, "Acc.screen door": 0.8572, "Acc.stairway": 0.5159, "Acc.river": 0.2564, "Acc.bridge": 0.5784, "Acc.bookcase": 0.677, "Acc.blind": 0.5043, "Acc.coffee table": 0.8545, "Acc.toilet": 0.9253, "Acc.flower": 0.6257, "Acc.book": 0.6357, "Acc.hill": 0.0992, "Acc.bench": 0.7028, "Acc.countertop": 0.7793, "Acc.stove": 0.8875, "Acc.palm": 0.7871, "Acc.kitchen island": 0.7249, "Acc.computer": 0.9019, "Acc.swivel chair": 0.763, "Acc.boat": 0.838, "Acc.bar": 0.7759, "Acc.arcade machine": 0.8043, "Acc.hovel": 0.7372, "Acc.bus": 0.9689, "Acc.towel": 0.8608, "Acc.light": 0.6609, "Acc.truck": 0.5683, "Acc.tower": 0.506, "Acc.chandelier": 0.818, "Acc.awning": 0.3971, "Acc.streetlight": 0.4092, "Acc.booth": 0.4356, "Acc.television receiver": 0.8389, "Acc.airplane": 0.7462, "Acc.dirt track": 0.0, "Acc.apparel": 0.6052, "Acc.pole": 0.2754, "Acc.land": 0.0036, "Acc.bannister": 0.2065, "Acc.escalator": 0.8469, "Acc.ottoman": 0.7668, "Acc.bottle": 0.6229, "Acc.buffet": 0.6782, "Acc.poster": 0.3171, "Acc.stage": 0.3683, "Acc.van": 0.5556, "Acc.ship": 0.9072, "Acc.fountain": 0.3183, "Acc.conveyer belt": 0.9641, "Acc.canopy": 0.6187, "Acc.washer": 0.7613, "Acc.plaything": 0.3563, "Acc.swimming pool": 0.7408, "Acc.stool": 0.612, "Acc.barrel": 0.805, "Acc.basket": 0.4814, "Acc.waterfall": 0.7629, "Acc.tent": 0.981, "Acc.bag": 0.2076, "Acc.minibike": 0.86, "Acc.cradle": 0.9678, "Acc.oven": 0.6962, "Acc.ball": 0.3609, "Acc.food": 0.6442, "Acc.step": 0.1316, "Acc.tank": 0.679, "Acc.trade name": 0.3402, "Acc.microwave": 0.8549, "Acc.pot": 0.52, "Acc.animal": 0.619, "Acc.bicycle": 0.7459, "Acc.lake": 0.647, "Acc.dishwasher": 0.7696, "Acc.screen": 0.8776, "Acc.blanket": 0.1705, "Acc.sculpture": 0.8095, "Acc.hood": 0.7387, "Acc.sconce": 0.5124, "Acc.vase": 0.562, "Acc.traffic light": 0.5172, "Acc.tray": 0.0576, "Acc.ashcan": 0.6117, "Acc.fan": 0.8069, "Acc.pier": 0.433, "Acc.crt screen": 0.1134, "Acc.plate": 0.7979, "Acc.monitor": 0.0857, "Acc.bulletin board": 0.7095, "Acc.shower": 0.0, "Acc.radiator": 0.7328, "Acc.glass": 0.1329, "Acc.clock": 0.4193, "Acc.flag": 0.575} {"mode": "train", "epoch": 35, "iter": 44050, "lr": 0.0, "memory": 14793, "data_time": 2.05356, "decode.loss_ce": 0.33242, "decode.acc_seg": 86.90716, "aux.loss_ce": 0.22889, "aux.acc_seg": 79.09809, "loss": 0.56132, "grad_norm": 11.60608, "time": 2.46385} {"mode": "train", "epoch": 35, "iter": 44100, "lr": 0.0, "memory": 14793, "data_time": 0.00571, "decode.loss_ce": 0.33201, "decode.acc_seg": 86.72065, "aux.loss_ce": 0.21934, "aux.acc_seg": 80.14924, "loss": 0.55134, "grad_norm": 13.33925, "time": 0.41119} {"mode": "train", "epoch": 35, "iter": 44150, "lr": 0.0, "memory": 14793, "data_time": 0.00633, "decode.loss_ce": 0.33717, "decode.acc_seg": 86.62237, "aux.loss_ce": 0.22038, "aux.acc_seg": 79.73103, "loss": 0.55755, "grad_norm": 15.68172, "time": 0.41627} {"mode": "train", "epoch": 35, "iter": 44200, "lr": 0.0, "memory": 14793, "data_time": 0.00552, "decode.loss_ce": 0.32524, "decode.acc_seg": 87.07642, "aux.loss_ce": 0.21652, "aux.acc_seg": 80.18184, "loss": 0.54175, "grad_norm": 17.5957, "time": 0.41617} {"mode": "train", "epoch": 36, "iter": 44250, "lr": 0.0, "memory": 14793, "data_time": 0.05077, "decode.loss_ce": 0.32755, "decode.acc_seg": 86.8564, "aux.loss_ce": 0.21651, "aux.acc_seg": 80.20684, "loss": 0.54407, "grad_norm": 13.27149, "time": 0.45742} {"mode": "train", "epoch": 36, "iter": 44300, "lr": 0.0, "memory": 14793, "data_time": 0.00798, "decode.loss_ce": 0.32958, "decode.acc_seg": 86.78633, "aux.loss_ce": 0.221, "aux.acc_seg": 79.98595, "loss": 0.55059, "grad_norm": 12.80573, "time": 0.41099} {"mode": "train", "epoch": 36, "iter": 44350, "lr": 0.0, "memory": 14793, "data_time": 0.00619, "decode.loss_ce": 0.34485, "decode.acc_seg": 85.78354, "aux.loss_ce": 0.22283, "aux.acc_seg": 79.29472, "loss": 0.56768, "grad_norm": 12.88453, "time": 0.4133} {"mode": "train", "epoch": 36, "iter": 44400, "lr": 0.0, "memory": 14793, "data_time": 0.00602, "decode.loss_ce": 0.3147, "decode.acc_seg": 87.1625, "aux.loss_ce": 0.2134, "aux.acc_seg": 80.12713, "loss": 0.5281, "grad_norm": 11.55417, "time": 0.40937} {"mode": "train", "epoch": 36, "iter": 44450, "lr": 0.0, "memory": 14793, "data_time": 0.0058, "decode.loss_ce": 0.32354, "decode.acc_seg": 86.87282, "aux.loss_ce": 0.22352, "aux.acc_seg": 79.52624, "loss": 0.54706, "grad_norm": 16.10203, "time": 0.40785} {"mode": "train", "epoch": 36, "iter": 44500, "lr": 0.0, "memory": 14793, "data_time": 0.00534, "decode.loss_ce": 0.30559, "decode.acc_seg": 87.91237, "aux.loss_ce": 0.21262, "aux.acc_seg": 80.52102, "loss": 0.51821, "grad_norm": 15.84415, "time": 0.40453} {"mode": "train", "epoch": 36, "iter": 44550, "lr": 0.0, "memory": 14793, "data_time": 0.00533, "decode.loss_ce": 0.31358, "decode.acc_seg": 87.24486, "aux.loss_ce": 0.21366, "aux.acc_seg": 80.22164, "loss": 0.52724, "grad_norm": 10.86597, "time": 0.40896} {"mode": "train", "epoch": 36, "iter": 44600, "lr": 0.0, "memory": 14793, "data_time": 0.00539, "decode.loss_ce": 0.31987, "decode.acc_seg": 87.01375, "aux.loss_ce": 0.21564, "aux.acc_seg": 79.81741, "loss": 0.53551, "grad_norm": 13.7016, "time": 0.41834} {"mode": "train", "epoch": 36, "iter": 44650, "lr": 0.0, "memory": 14793, "data_time": 0.00622, "decode.loss_ce": 0.32375, "decode.acc_seg": 86.93421, "aux.loss_ce": 0.20705, "aux.acc_seg": 80.56943, "loss": 0.5308, "grad_norm": 13.70343, "time": 0.41811} {"mode": "train", "epoch": 36, "iter": 44700, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.31938, "decode.acc_seg": 86.82224, "aux.loss_ce": 0.20839, "aux.acc_seg": 80.25284, "loss": 0.52778, "grad_norm": 12.3989, "time": 0.41046} {"mode": "train", "epoch": 36, "iter": 44750, "lr": 0.0, "memory": 14793, "data_time": 0.00555, "decode.loss_ce": 0.32943, "decode.acc_seg": 86.80933, "aux.loss_ce": 0.22183, "aux.acc_seg": 79.73946, "loss": 0.55125, "grad_norm": 14.20041, "time": 0.40635} {"mode": "train", "epoch": 36, "iter": 44800, "lr": 0.0, "memory": 14793, "data_time": 0.00628, "decode.loss_ce": 0.31668, "decode.acc_seg": 86.85954, "aux.loss_ce": 0.21303, "aux.acc_seg": 80.52296, "loss": 0.52971, "grad_norm": 13.02186, "time": 0.41532} {"mode": "train", "epoch": 36, "iter": 44850, "lr": 0.0, "memory": 14793, "data_time": 0.0052, "decode.loss_ce": 0.33055, "decode.acc_seg": 87.20614, "aux.loss_ce": 0.21875, "aux.acc_seg": 80.1303, "loss": 0.5493, "grad_norm": 12.72591, "time": 0.40347} {"mode": "train", "epoch": 36, "iter": 44900, "lr": 0.0, "memory": 14793, "data_time": 0.00486, "decode.loss_ce": 0.33244, "decode.acc_seg": 86.98588, "aux.loss_ce": 0.22157, "aux.acc_seg": 79.87424, "loss": 0.55401, "grad_norm": 12.08951, "time": 0.40836} {"mode": "train", "epoch": 36, "iter": 44950, "lr": 0.0, "memory": 14793, "data_time": 0.00473, "decode.loss_ce": 0.32266, "decode.acc_seg": 86.88895, "aux.loss_ce": 0.21203, "aux.acc_seg": 80.32279, "loss": 0.53469, "grad_norm": 12.839, "time": 0.41302} {"mode": "train", "epoch": 36, "iter": 45000, "lr": 0.0, "memory": 14793, "data_time": 0.00538, "decode.loss_ce": 0.33159, "decode.acc_seg": 86.48619, "aux.loss_ce": 0.23255, "aux.acc_seg": 79.05385, "loss": 0.56414, "grad_norm": 12.1529, "time": 0.64798} {"mode": "val", "epoch": 36, "iter": 125, "lr": 0.0, "aAcc": 0.8429, "mIoU": 0.5317, "mAcc": 0.6635, "IoU.wall": 0.7949, "IoU.building": 0.8311, "IoU.sky": 0.9478, "IoU.floor": 0.8276, "IoU.tree": 0.7654, "IoU.ceiling": 0.8485, "IoU.road": 0.8476, "IoU.bed ": 0.9076, "IoU.windowpane": 0.6325, "IoU.grass": 0.6551, "IoU.cabinet": 0.6125, "IoU.sidewalk": 0.6644, "IoU.person": 0.8273, "IoU.earth": 0.3625, "IoU.door": 0.5426, "IoU.table": 0.6176, "IoU.mountain": 0.6185, "IoU.plant": 0.5333, "IoU.curtain": 0.7712, "IoU.chair": 0.6112, "IoU.car": 0.8535, "IoU.water": 0.6127, "IoU.painting": 0.7351, "IoU.sofa": 0.7203, "IoU.shelf": 0.4459, "IoU.house": 0.479, "IoU.sea": 0.7528, "IoU.mirror": 0.7057, "IoU.rug": 0.6717, "IoU.field": 0.2834, "IoU.armchair": 0.4126, "IoU.seat": 0.6686, "IoU.fence": 0.478, "IoU.desk": 0.5114, "IoU.rock": 0.5069, "IoU.wardrobe": 0.5014, "IoU.lamp": 0.6381, "IoU.bathtub": 0.8077, "IoU.railing": 0.3943, "IoU.cushion": 0.61, "IoU.base": 0.3841, "IoU.box": 0.3242, "IoU.column": 0.5321, "IoU.signboard": 0.3744, "IoU.chest of drawers": 0.4425, "IoU.counter": 0.3517, "IoU.sand": 0.557, "IoU.sink": 0.7543, "IoU.skyscraper": 0.4806, "IoU.fireplace": 0.7106, "IoU.refrigerator": 0.7298, "IoU.grandstand": 0.4088, "IoU.path": 0.2358, "IoU.stairs": 0.375, "IoU.runway": 0.7155, "IoU.case": 0.6032, "IoU.pool table": 0.9289, "IoU.pillow": 0.5982, "IoU.screen door": 0.6584, "IoU.stairway": 0.4705, "IoU.river": 0.145, "IoU.bridge": 0.5436, "IoU.bookcase": 0.3992, "IoU.blind": 0.4282, "IoU.coffee table": 0.5999, "IoU.toilet": 0.8451, "IoU.flower": 0.4474, "IoU.book": 0.4847, "IoU.hill": 0.0677, "IoU.bench": 0.6391, "IoU.countertop": 0.5913, "IoU.stove": 0.802, "IoU.palm": 0.5528, "IoU.kitchen island": 0.2806, "IoU.computer": 0.7425, "IoU.swivel chair": 0.5529, "IoU.boat": 0.639, "IoU.bar": 0.5047, "IoU.arcade machine": 0.7633, "IoU.hovel": 0.5476, "IoU.bus": 0.9036, "IoU.towel": 0.657, "IoU.light": 0.5338, "IoU.truck": 0.4122, "IoU.tower": 0.3219, "IoU.chandelier": 0.6566, "IoU.awning": 0.3214, "IoU.streetlight": 0.3001, "IoU.booth": 0.4081, "IoU.television receiver": 0.7625, "IoU.airplane": 0.6529, "IoU.dirt track": 0.0082, "IoU.apparel": 0.5119, "IoU.pole": 0.1994, "IoU.land": 0.0001, "IoU.bannister": 0.1438, "IoU.escalator": 0.5142, "IoU.ottoman": 0.5475, "IoU.bottle": 0.4181, "IoU.buffet": 0.5141, "IoU.poster": 0.3438, "IoU.stage": 0.1857, "IoU.van": 0.4262, "IoU.ship": 0.8565, "IoU.fountain": 0.2967, "IoU.conveyer belt": 0.7996, "IoU.canopy": 0.4601, "IoU.washer": 0.7276, "IoU.plaything": 0.3317, "IoU.swimming pool": 0.7447, "IoU.stool": 0.4258, "IoU.barrel": 0.6312, "IoU.basket": 0.3631, "IoU.waterfall": 0.498, "IoU.tent": 0.9173, "IoU.bag": 0.2247, "IoU.minibike": 0.7093, "IoU.cradle": 0.7798, "IoU.oven": 0.5275, "IoU.ball": 0.5012, "IoU.food": 0.5703, "IoU.step": 0.1282, "IoU.tank": 0.5855, "IoU.trade name": 0.2437, "IoU.microwave": 0.8285, "IoU.pot": 0.431, "IoU.animal": 0.5845, "IoU.bicycle": 0.5663, "IoU.lake": 0.5519, "IoU.dishwasher": 0.641, "IoU.screen": 0.5832, "IoU.blanket": 0.119, "IoU.sculpture": 0.6238, "IoU.hood": 0.6175, "IoU.sconce": 0.4437, "IoU.vase": 0.3882, "IoU.traffic light": 0.3196, "IoU.tray": 0.0439, "IoU.ashcan": 0.4834, "IoU.fan": 0.6188, "IoU.pier": 0.3679, "IoU.crt screen": 0.1089, "IoU.plate": 0.513, "IoU.monitor": 0.2812, "IoU.bulletin board": 0.628, "IoU.shower": 0.0003, "IoU.radiator": 0.6016, "IoU.glass": 0.1381, "IoU.clock": 0.3949, "IoU.flag": 0.5902, "Acc.wall": 0.8843, "Acc.building": 0.9222, "Acc.sky": 0.9716, "Acc.floor": 0.8937, "Acc.tree": 0.8843, "Acc.ceiling": 0.9266, "Acc.road": 0.9037, "Acc.bed ": 0.9674, "Acc.windowpane": 0.7815, "Acc.grass": 0.8192, "Acc.cabinet": 0.7173, "Acc.sidewalk": 0.8735, "Acc.person": 0.9273, "Acc.earth": 0.4734, "Acc.door": 0.6901, "Acc.table": 0.7729, "Acc.mountain": 0.7256, "Acc.plant": 0.6269, "Acc.curtain": 0.8577, "Acc.chair": 0.7642, "Acc.car": 0.9395, "Acc.water": 0.7753, "Acc.painting": 0.8623, "Acc.sofa": 0.9064, "Acc.shelf": 0.609, "Acc.house": 0.6985, "Acc.sea": 0.8681, "Acc.mirror": 0.7943, "Acc.rug": 0.8685, "Acc.field": 0.4687, "Acc.armchair": 0.5264, "Acc.seat": 0.8306, "Acc.fence": 0.6304, "Acc.desk": 0.661, "Acc.rock": 0.7819, "Acc.wardrobe": 0.7464, "Acc.lamp": 0.7656, "Acc.bathtub": 0.8682, "Acc.railing": 0.5374, "Acc.cushion": 0.7207, "Acc.base": 0.5511, "Acc.box": 0.4305, "Acc.column": 0.6693, "Acc.signboard": 0.4815, "Acc.chest of drawers": 0.6545, "Acc.counter": 0.4383, "Acc.sand": 0.7565, "Acc.sink": 0.8672, "Acc.skyscraper": 0.558, "Acc.fireplace": 0.9335, "Acc.refrigerator": 0.8294, "Acc.grandstand": 0.8606, "Acc.path": 0.324, "Acc.stairs": 0.4951, "Acc.runway": 0.9695, "Acc.case": 0.7876, "Acc.pool table": 0.9802, "Acc.pillow": 0.7071, "Acc.screen door": 0.8621, "Acc.stairway": 0.5196, "Acc.river": 0.3412, "Acc.bridge": 0.6326, "Acc.bookcase": 0.6162, "Acc.blind": 0.5087, "Acc.coffee table": 0.8397, "Acc.toilet": 0.9383, "Acc.flower": 0.6575, "Acc.book": 0.6829, "Acc.hill": 0.1374, "Acc.bench": 0.774, "Acc.countertop": 0.7784, "Acc.stove": 0.8923, "Acc.palm": 0.738, "Acc.kitchen island": 0.7838, "Acc.computer": 0.9096, "Acc.swivel chair": 0.7635, "Acc.boat": 0.8821, "Acc.bar": 0.6985, "Acc.arcade machine": 0.8181, "Acc.hovel": 0.6745, "Acc.bus": 0.9644, "Acc.towel": 0.8513, "Acc.light": 0.6446, "Acc.truck": 0.6081, "Acc.tower": 0.6719, "Acc.chandelier": 0.8553, "Acc.awning": 0.3788, "Acc.streetlight": 0.4522, "Acc.booth": 0.5252, "Acc.television receiver": 0.8641, "Acc.airplane": 0.7305, "Acc.dirt track": 0.0108, "Acc.apparel": 0.6596, "Acc.pole": 0.2556, "Acc.land": 0.0001, "Acc.bannister": 0.1695, "Acc.escalator": 0.7905, "Acc.ottoman": 0.7424, "Acc.bottle": 0.6134, "Acc.buffet": 0.6729, "Acc.poster": 0.4238, "Acc.stage": 0.4363, "Acc.van": 0.5279, "Acc.ship": 0.9643, "Acc.fountain": 0.3052, "Acc.conveyer belt": 0.9491, "Acc.canopy": 0.7579, "Acc.washer": 0.7608, "Acc.plaything": 0.4615, "Acc.swimming pool": 0.7822, "Acc.stool": 0.5421, "Acc.barrel": 0.8211, "Acc.basket": 0.479, "Acc.waterfall": 0.6101, "Acc.tent": 0.9823, "Acc.bag": 0.2686, "Acc.minibike": 0.8737, "Acc.cradle": 0.9731, "Acc.oven": 0.6312, "Acc.ball": 0.5852, "Acc.food": 0.6369, "Acc.step": 0.1464, "Acc.tank": 0.6781, "Acc.trade name": 0.2641, "Acc.microwave": 0.9559, "Acc.pot": 0.4922, "Acc.animal": 0.5998, "Acc.bicycle": 0.6914, "Acc.lake": 0.6285, "Acc.dishwasher": 0.7482, "Acc.screen": 0.8444, "Acc.blanket": 0.1405, "Acc.sculpture": 0.7999, "Acc.hood": 0.7416, "Acc.sconce": 0.5181, "Acc.vase": 0.5941, "Acc.traffic light": 0.524, "Acc.tray": 0.0564, "Acc.ashcan": 0.6447, "Acc.fan": 0.7909, "Acc.pier": 0.4617, "Acc.crt screen": 0.2226, "Acc.plate": 0.7685, "Acc.monitor": 0.3576, "Acc.bulletin board": 0.722, "Acc.shower": 0.0004, "Acc.radiator": 0.6853, "Acc.glass": 0.1456, "Acc.clock": 0.4234, "Acc.flag": 0.6648} {"mode": "train", "epoch": 36, "iter": 45050, "lr": 0.0, "memory": 14793, "data_time": 2.37479, "decode.loss_ce": 0.32381, "decode.acc_seg": 87.3051, "aux.loss_ce": 0.2173, "aux.acc_seg": 80.6671, "loss": 0.54111, "grad_norm": 12.29132, "time": 2.8018} {"mode": "train", "epoch": 36, "iter": 45100, "lr": 0.0, "memory": 14793, "data_time": 0.00546, "decode.loss_ce": 0.32257, "decode.acc_seg": 86.41831, "aux.loss_ce": 0.21508, "aux.acc_seg": 79.14675, "loss": 0.53765, "grad_norm": 11.75929, "time": 0.42027} {"mode": "train", "epoch": 36, "iter": 45150, "lr": 0.0, "memory": 14793, "data_time": 0.00538, "decode.loss_ce": 0.32194, "decode.acc_seg": 87.35174, "aux.loss_ce": 0.2186, "aux.acc_seg": 80.30661, "loss": 0.54054, "grad_norm": 15.68423, "time": 0.41473} {"mode": "train", "epoch": 36, "iter": 45200, "lr": 0.0, "memory": 14793, "data_time": 0.00784, "decode.loss_ce": 0.32601, "decode.acc_seg": 86.17066, "aux.loss_ce": 0.20862, "aux.acc_seg": 79.97176, "loss": 0.53463, "grad_norm": 12.38416, "time": 0.42576} {"mode": "train", "epoch": 36, "iter": 45250, "lr": 0.0, "memory": 14793, "data_time": 0.00535, "decode.loss_ce": 0.34069, "decode.acc_seg": 86.57412, "aux.loss_ce": 0.22454, "aux.acc_seg": 79.8973, "loss": 0.56523, "grad_norm": 15.18964, "time": 0.41122} {"mode": "train", "epoch": 36, "iter": 45300, "lr": 0.0, "memory": 14793, "data_time": 0.0054, "decode.loss_ce": 0.30422, "decode.acc_seg": 87.74617, "aux.loss_ce": 0.2032, "aux.acc_seg": 81.55194, "loss": 0.50742, "grad_norm": 13.97633, "time": 0.4125} {"mode": "train", "epoch": 36, "iter": 45350, "lr": 0.0, "memory": 14793, "data_time": 0.00555, "decode.loss_ce": 0.31119, "decode.acc_seg": 87.34431, "aux.loss_ce": 0.20665, "aux.acc_seg": 80.76746, "loss": 0.51784, "grad_norm": 10.9749, "time": 0.41553} {"mode": "train", "epoch": 36, "iter": 45400, "lr": 0.0, "memory": 14793, "data_time": 0.00559, "decode.loss_ce": 0.31152, "decode.acc_seg": 87.07382, "aux.loss_ce": 0.21281, "aux.acc_seg": 79.84276, "loss": 0.52432, "grad_norm": 11.79659, "time": 0.43039} {"mode": "train", "epoch": 36, "iter": 45450, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.33371, "decode.acc_seg": 86.66826, "aux.loss_ce": 0.2257, "aux.acc_seg": 79.17205, "loss": 0.55941, "grad_norm": 15.77416, "time": 0.42424} {"mode": "train", "epoch": 36, "iter": 45500, "lr": 0.0, "memory": 14793, "data_time": 0.00704, "decode.loss_ce": 0.32524, "decode.acc_seg": 86.90734, "aux.loss_ce": 0.21883, "aux.acc_seg": 79.83939, "loss": 0.54407, "grad_norm": 11.64224, "time": 0.41754} {"mode": "train", "epoch": 37, "iter": 45550, "lr": 0.0, "memory": 14793, "data_time": 0.05135, "decode.loss_ce": 0.30691, "decode.acc_seg": 87.35889, "aux.loss_ce": 0.21225, "aux.acc_seg": 80.08124, "loss": 0.51915, "grad_norm": 13.58168, "time": 0.46406} {"mode": "train", "epoch": 37, "iter": 45600, "lr": 0.0, "memory": 14793, "data_time": 0.00643, "decode.loss_ce": 0.32162, "decode.acc_seg": 86.97012, "aux.loss_ce": 0.20566, "aux.acc_seg": 80.63769, "loss": 0.52728, "grad_norm": 16.14644, "time": 0.4132} {"mode": "train", "epoch": 37, "iter": 45650, "lr": 0.0, "memory": 14793, "data_time": 0.00558, "decode.loss_ce": 0.33501, "decode.acc_seg": 86.71656, "aux.loss_ce": 0.22606, "aux.acc_seg": 79.44388, "loss": 0.56106, "grad_norm": 16.9463, "time": 0.4079} {"mode": "train", "epoch": 37, "iter": 45700, "lr": 0.0, "memory": 14793, "data_time": 0.00557, "decode.loss_ce": 0.31652, "decode.acc_seg": 87.01872, "aux.loss_ce": 0.21779, "aux.acc_seg": 80.08956, "loss": 0.53431, "grad_norm": 10.9452, "time": 0.4129} {"mode": "train", "epoch": 37, "iter": 45750, "lr": 0.0, "memory": 14793, "data_time": 0.00512, "decode.loss_ce": 0.33019, "decode.acc_seg": 87.01636, "aux.loss_ce": 0.22197, "aux.acc_seg": 79.72422, "loss": 0.55216, "grad_norm": 12.03413, "time": 0.40418} {"mode": "train", "epoch": 37, "iter": 45800, "lr": 0.0, "memory": 14793, "data_time": 0.00509, "decode.loss_ce": 0.32854, "decode.acc_seg": 86.57228, "aux.loss_ce": 0.2214, "aux.acc_seg": 79.41681, "loss": 0.54994, "grad_norm": 12.98346, "time": 0.41516} {"mode": "train", "epoch": 37, "iter": 45850, "lr": 0.0, "memory": 14793, "data_time": 0.00496, "decode.loss_ce": 0.30766, "decode.acc_seg": 87.53938, "aux.loss_ce": 0.2103, "aux.acc_seg": 80.83085, "loss": 0.51796, "grad_norm": 12.55856, "time": 0.42139} {"mode": "train", "epoch": 37, "iter": 45900, "lr": 0.0, "memory": 14793, "data_time": 0.00503, "decode.loss_ce": 0.32633, "decode.acc_seg": 86.49912, "aux.loss_ce": 0.21751, "aux.acc_seg": 79.40656, "loss": 0.54384, "grad_norm": 20.24999, "time": 0.41783} {"mode": "train", "epoch": 37, "iter": 45950, "lr": 0.0, "memory": 14793, "data_time": 0.00513, "decode.loss_ce": 0.32651, "decode.acc_seg": 86.83821, "aux.loss_ce": 0.21409, "aux.acc_seg": 80.29359, "loss": 0.54059, "grad_norm": 11.77907, "time": 0.40893} {"mode": "train", "epoch": 37, "iter": 46000, "lr": 0.0, "memory": 14793, "data_time": 0.00529, "decode.loss_ce": 0.32344, "decode.acc_seg": 86.78098, "aux.loss_ce": 0.21046, "aux.acc_seg": 80.20092, "loss": 0.5339, "grad_norm": 16.423, "time": 0.67023} {"mode": "val", "epoch": 37, "iter": 125, "lr": 0.0, "aAcc": 0.8433, "mIoU": 0.5233, "mAcc": 0.6496, "IoU.wall": 0.7925, "IoU.building": 0.8365, "IoU.sky": 0.948, "IoU.floor": 0.8294, "IoU.tree": 0.7527, "IoU.ceiling": 0.8523, "IoU.road": 0.85, "IoU.bed ": 0.905, "IoU.windowpane": 0.6316, "IoU.grass": 0.6754, "IoU.cabinet": 0.6136, "IoU.sidewalk": 0.6669, "IoU.person": 0.8286, "IoU.earth": 0.3809, "IoU.door": 0.5456, "IoU.table": 0.6321, "IoU.mountain": 0.6149, "IoU.plant": 0.5315, "IoU.curtain": 0.7665, "IoU.chair": 0.6162, "IoU.car": 0.8545, "IoU.water": 0.6097, "IoU.painting": 0.7286, "IoU.sofa": 0.7363, "IoU.shelf": 0.4416, "IoU.house": 0.5134, "IoU.sea": 0.6805, "IoU.mirror": 0.7145, "IoU.rug": 0.6751, "IoU.field": 0.3072, "IoU.armchair": 0.4625, "IoU.seat": 0.6453, "IoU.fence": 0.4435, "IoU.desk": 0.5499, "IoU.rock": 0.5037, "IoU.wardrobe": 0.5128, "IoU.lamp": 0.6422, "IoU.bathtub": 0.7979, "IoU.railing": 0.4093, "IoU.cushion": 0.6149, "IoU.base": 0.3404, "IoU.box": 0.3182, "IoU.column": 0.5212, "IoU.signboard": 0.355, "IoU.chest of drawers": 0.4053, "IoU.counter": 0.3198, "IoU.sand": 0.5554, "IoU.sink": 0.7611, "IoU.skyscraper": 0.5371, "IoU.fireplace": 0.6766, "IoU.refrigerator": 0.7221, "IoU.grandstand": 0.4199, "IoU.path": 0.2428, "IoU.stairs": 0.3463, "IoU.runway": 0.7161, "IoU.case": 0.5723, "IoU.pool table": 0.9269, "IoU.pillow": 0.6036, "IoU.screen door": 0.6517, "IoU.stairway": 0.4478, "IoU.river": 0.1117, "IoU.bridge": 0.3914, "IoU.bookcase": 0.4075, "IoU.blind": 0.3369, "IoU.coffee table": 0.6005, "IoU.toilet": 0.8553, "IoU.flower": 0.4363, "IoU.book": 0.4949, "IoU.hill": 0.0778, "IoU.bench": 0.5955, "IoU.countertop": 0.601, "IoU.stove": 0.8085, "IoU.palm": 0.5485, "IoU.kitchen island": 0.4104, "IoU.computer": 0.7483, "IoU.swivel chair": 0.5579, "IoU.boat": 0.6645, "IoU.bar": 0.4668, "IoU.arcade machine": 0.7456, "IoU.hovel": 0.5444, "IoU.bus": 0.9163, "IoU.towel": 0.6702, "IoU.light": 0.5237, "IoU.truck": 0.3853, "IoU.tower": 0.2883, "IoU.chandelier": 0.6561, "IoU.awning": 0.3239, "IoU.streetlight": 0.2879, "IoU.booth": 0.3346, "IoU.television receiver": 0.7652, "IoU.airplane": 0.6617, "IoU.dirt track": 0.0191, "IoU.apparel": 0.5311, "IoU.pole": 0.2142, "IoU.land": 0.0003, "IoU.bannister": 0.1366, "IoU.escalator": 0.5345, "IoU.ottoman": 0.5247, "IoU.bottle": 0.3968, "IoU.buffet": 0.5097, "IoU.poster": 0.3302, "IoU.stage": 0.1981, "IoU.van": 0.4065, "IoU.ship": 0.8588, "IoU.fountain": 0.2286, "IoU.conveyer belt": 0.7779, "IoU.canopy": 0.4276, "IoU.washer": 0.739, "IoU.plaything": 0.351, "IoU.swimming pool": 0.7202, "IoU.stool": 0.4102, "IoU.barrel": 0.5397, "IoU.basket": 0.3737, "IoU.waterfall": 0.5019, "IoU.tent": 0.949, "IoU.bag": 0.2357, "IoU.minibike": 0.7173, "IoU.cradle": 0.7612, "IoU.oven": 0.5025, "IoU.ball": 0.0461, "IoU.food": 0.5247, "IoU.step": 0.1088, "IoU.tank": 0.6163, "IoU.trade name": 0.2692, "IoU.microwave": 0.8256, "IoU.pot": 0.4353, "IoU.animal": 0.6275, "IoU.bicycle": 0.5634, "IoU.lake": 0.4688, "IoU.dishwasher": 0.6298, "IoU.screen": 0.547, "IoU.blanket": 0.1141, "IoU.sculpture": 0.5911, "IoU.hood": 0.6175, "IoU.sconce": 0.4681, "IoU.vase": 0.3984, "IoU.traffic light": 0.3113, "IoU.tray": 0.0212, "IoU.ashcan": 0.4722, "IoU.fan": 0.6256, "IoU.pier": 0.4019, "IoU.crt screen": 0.0779, "IoU.plate": 0.5329, "IoU.monitor": 0.1808, "IoU.bulletin board": 0.6225, "IoU.shower": 0.0, "IoU.radiator": 0.6124, "IoU.glass": 0.1375, "IoU.clock": 0.4039, "IoU.flag": 0.5709, "Acc.wall": 0.8723, "Acc.building": 0.9271, "Acc.sky": 0.9741, "Acc.floor": 0.8995, "Acc.tree": 0.8997, "Acc.ceiling": 0.9346, "Acc.road": 0.9052, "Acc.bed ": 0.9704, "Acc.windowpane": 0.8204, "Acc.grass": 0.8187, "Acc.cabinet": 0.7101, "Acc.sidewalk": 0.8301, "Acc.person": 0.9251, "Acc.earth": 0.5206, "Acc.door": 0.732, "Acc.table": 0.7831, "Acc.mountain": 0.7186, "Acc.plant": 0.6547, "Acc.curtain": 0.9054, "Acc.chair": 0.744, "Acc.car": 0.9384, "Acc.water": 0.7938, "Acc.painting": 0.8852, "Acc.sofa": 0.8762, "Acc.shelf": 0.6715, "Acc.house": 0.7222, "Acc.sea": 0.7852, "Acc.mirror": 0.8036, "Acc.rug": 0.804, "Acc.field": 0.4772, "Acc.armchair": 0.6379, "Acc.seat": 0.8373, "Acc.fence": 0.5781, "Acc.desk": 0.7309, "Acc.rock": 0.7369, "Acc.wardrobe": 0.7337, "Acc.lamp": 0.7492, "Acc.bathtub": 0.8698, "Acc.railing": 0.5727, "Acc.cushion": 0.7355, "Acc.base": 0.4402, "Acc.box": 0.4132, "Acc.column": 0.6369, "Acc.signboard": 0.4725, "Acc.chest of drawers": 0.6265, "Acc.counter": 0.3915, "Acc.sand": 0.6913, "Acc.sink": 0.8195, "Acc.skyscraper": 0.6677, "Acc.fireplace": 0.9404, "Acc.refrigerator": 0.83, "Acc.grandstand": 0.8546, "Acc.path": 0.3522, "Acc.stairs": 0.4459, "Acc.runway": 0.9657, "Acc.case": 0.7359, "Acc.pool table": 0.9823, "Acc.pillow": 0.7284, "Acc.screen door": 0.8628, "Acc.stairway": 0.5514, "Acc.river": 0.2273, "Acc.bridge": 0.4339, "Acc.bookcase": 0.6692, "Acc.blind": 0.3657, "Acc.coffee table": 0.8424, "Acc.toilet": 0.9211, "Acc.flower": 0.566, "Acc.book": 0.6999, "Acc.hill": 0.145, "Acc.bench": 0.7062, "Acc.countertop": 0.7995, "Acc.stove": 0.8934, "Acc.palm": 0.7727, "Acc.kitchen island": 0.8501, "Acc.computer": 0.8822, "Acc.swivel chair": 0.7506, "Acc.boat": 0.8935, "Acc.bar": 0.6952, "Acc.arcade machine": 0.8027, "Acc.hovel": 0.6396, "Acc.bus": 0.963, "Acc.towel": 0.8588, "Acc.light": 0.5923, "Acc.truck": 0.5041, "Acc.tower": 0.525, "Acc.chandelier": 0.8362, "Acc.awning": 0.4045, "Acc.streetlight": 0.3883, "Acc.booth": 0.4267, "Acc.television receiver": 0.869, "Acc.airplane": 0.7512, "Acc.dirt track": 0.0318, "Acc.apparel": 0.6815, "Acc.pole": 0.2669, "Acc.land": 0.0005, "Acc.bannister": 0.1603, "Acc.escalator": 0.8434, "Acc.ottoman": 0.6715, "Acc.bottle": 0.5506, "Acc.buffet": 0.6834, "Acc.poster": 0.4262, "Acc.stage": 0.3564, "Acc.van": 0.5238, "Acc.ship": 0.9712, "Acc.fountain": 0.2314, "Acc.conveyer belt": 0.9622, "Acc.canopy": 0.5771, "Acc.washer": 0.773, "Acc.plaything": 0.547, "Acc.swimming pool": 0.7564, "Acc.stool": 0.6606, "Acc.barrel": 0.8374, "Acc.basket": 0.5044, "Acc.waterfall": 0.6345, "Acc.tent": 0.9828, "Acc.bag": 0.275, "Acc.minibike": 0.8553, "Acc.cradle": 0.9826, "Acc.oven": 0.5685, "Acc.ball": 0.0466, "Acc.food": 0.5771, "Acc.step": 0.1312, "Acc.tank": 0.6765, "Acc.trade name": 0.3073, "Acc.microwave": 0.9573, "Acc.pot": 0.4975, "Acc.animal": 0.6451, "Acc.bicycle": 0.6877, "Acc.lake": 0.6118, "Acc.dishwasher": 0.7595, "Acc.screen": 0.8709, "Acc.blanket": 0.1278, "Acc.sculpture": 0.8356, "Acc.hood": 0.6584, "Acc.sconce": 0.5471, "Acc.vase": 0.5444, "Acc.traffic light": 0.454, "Acc.tray": 0.0227, "Acc.ashcan": 0.5823, "Acc.fan": 0.7927, "Acc.pier": 0.4434, "Acc.crt screen": 0.1937, "Acc.plate": 0.7446, "Acc.monitor": 0.2089, "Acc.bulletin board": 0.7056, "Acc.shower": 0.0, "Acc.radiator": 0.6922, "Acc.glass": 0.1446, "Acc.clock": 0.455, "Acc.flag": 0.638} {"mode": "train", "epoch": 37, "iter": 46050, "lr": 0.0, "memory": 14793, "data_time": 2.11535, "decode.loss_ce": 0.31924, "decode.acc_seg": 86.95078, "aux.loss_ce": 0.21569, "aux.acc_seg": 80.60635, "loss": 0.53493, "grad_norm": 12.84609, "time": 2.52179} {"mode": "train", "epoch": 37, "iter": 46100, "lr": 0.0, "memory": 14793, "data_time": 0.00614, "decode.loss_ce": 0.32198, "decode.acc_seg": 86.90136, "aux.loss_ce": 0.21052, "aux.acc_seg": 79.67826, "loss": 0.5325, "grad_norm": 15.25113, "time": 0.40831} {"mode": "train", "epoch": 37, "iter": 46150, "lr": 0.0, "memory": 14793, "data_time": 0.00565, "decode.loss_ce": 0.32509, "decode.acc_seg": 86.4279, "aux.loss_ce": 0.21407, "aux.acc_seg": 79.93051, "loss": 0.53916, "grad_norm": 20.67143, "time": 0.41502} {"mode": "train", "epoch": 37, "iter": 46200, "lr": 0.0, "memory": 14793, "data_time": 0.00576, "decode.loss_ce": 0.32608, "decode.acc_seg": 86.70266, "aux.loss_ce": 0.21138, "aux.acc_seg": 80.49655, "loss": 0.53746, "grad_norm": 13.9902, "time": 0.4168} {"mode": "train", "epoch": 37, "iter": 46250, "lr": 0.0, "memory": 14793, "data_time": 0.00569, "decode.loss_ce": 0.34077, "decode.acc_seg": 86.68571, "aux.loss_ce": 0.2171, "aux.acc_seg": 80.39448, "loss": 0.55787, "grad_norm": 11.24559, "time": 0.41057} {"mode": "train", "epoch": 37, "iter": 46300, "lr": 0.0, "memory": 14793, "data_time": 0.00579, "decode.loss_ce": 0.31754, "decode.acc_seg": 87.72128, "aux.loss_ce": 0.21934, "aux.acc_seg": 79.88869, "loss": 0.53688, "grad_norm": 12.90366, "time": 0.41663} {"mode": "train", "epoch": 37, "iter": 46350, "lr": 0.0, "memory": 14793, "data_time": 0.00584, "decode.loss_ce": 0.30077, "decode.acc_seg": 87.26908, "aux.loss_ce": 0.19484, "aux.acc_seg": 81.15025, "loss": 0.49561, "grad_norm": 18.41938, "time": 0.40988} {"mode": "train", "epoch": 37, "iter": 46400, "lr": 0.0, "memory": 14793, "data_time": 0.00573, "decode.loss_ce": 0.3153, "decode.acc_seg": 87.43522, "aux.loss_ce": 0.21764, "aux.acc_seg": 80.28088, "loss": 0.53295, "grad_norm": 16.41843, "time": 0.4115} {"mode": "train", "epoch": 37, "iter": 46450, "lr": 0.0, "memory": 14793, "data_time": 0.00568, "decode.loss_ce": 0.3126, "decode.acc_seg": 86.83303, "aux.loss_ce": 0.20787, "aux.acc_seg": 80.26373, "loss": 0.52047, "grad_norm": 16.17323, "time": 0.41222} {"mode": "train", "epoch": 37, "iter": 46500, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.32212, "decode.acc_seg": 87.14886, "aux.loss_ce": 0.20964, "aux.acc_seg": 80.32953, "loss": 0.53176, "grad_norm": 17.26311, "time": 0.40894} {"mode": "train", "epoch": 37, "iter": 46550, "lr": 0.0, "memory": 14793, "data_time": 0.00559, "decode.loss_ce": 0.32562, "decode.acc_seg": 86.99193, "aux.loss_ce": 0.21821, "aux.acc_seg": 80.48819, "loss": 0.54383, "grad_norm": 17.51302, "time": 0.40412} {"mode": "train", "epoch": 37, "iter": 46600, "lr": 0.0, "memory": 14793, "data_time": 0.00558, "decode.loss_ce": 0.3231, "decode.acc_seg": 87.04129, "aux.loss_ce": 0.21294, "aux.acc_seg": 80.30395, "loss": 0.53603, "grad_norm": 14.92134, "time": 0.41542} {"mode": "train", "epoch": 37, "iter": 46650, "lr": 0.0, "memory": 14793, "data_time": 0.00627, "decode.loss_ce": 0.31682, "decode.acc_seg": 87.10313, "aux.loss_ce": 0.21876, "aux.acc_seg": 79.98272, "loss": 0.53558, "grad_norm": 13.98297, "time": 0.41299} {"mode": "train", "epoch": 37, "iter": 46700, "lr": 0.0, "memory": 14793, "data_time": 0.00552, "decode.loss_ce": 0.32705, "decode.acc_seg": 86.76883, "aux.loss_ce": 0.21294, "aux.acc_seg": 80.10049, "loss": 0.53999, "grad_norm": 13.15119, "time": 0.42553} {"mode": "train", "epoch": 37, "iter": 46750, "lr": 0.0, "memory": 14793, "data_time": 0.00653, "decode.loss_ce": 0.31635, "decode.acc_seg": 87.28097, "aux.loss_ce": 0.20939, "aux.acc_seg": 80.83115, "loss": 0.52574, "grad_norm": 11.29752, "time": 0.41676} {"mode": "train", "epoch": 38, "iter": 46800, "lr": 0.0, "memory": 14793, "data_time": 0.04869, "decode.loss_ce": 0.30948, "decode.acc_seg": 87.83772, "aux.loss_ce": 0.20964, "aux.acc_seg": 80.4986, "loss": 0.51912, "grad_norm": 14.63344, "time": 0.45853} {"mode": "train", "epoch": 38, "iter": 46850, "lr": 0.0, "memory": 14793, "data_time": 0.00661, "decode.loss_ce": 0.32323, "decode.acc_seg": 87.35978, "aux.loss_ce": 0.22382, "aux.acc_seg": 79.78579, "loss": 0.54705, "grad_norm": 12.77895, "time": 0.40897} {"mode": "train", "epoch": 38, "iter": 46900, "lr": 0.0, "memory": 14793, "data_time": 0.00492, "decode.loss_ce": 0.34837, "decode.acc_seg": 86.98485, "aux.loss_ce": 0.21807, "aux.acc_seg": 80.24868, "loss": 0.56643, "grad_norm": 15.19739, "time": 0.41096} {"mode": "train", "epoch": 38, "iter": 46950, "lr": 0.0, "memory": 14793, "data_time": 0.0067, "decode.loss_ce": 0.32087, "decode.acc_seg": 87.15331, "aux.loss_ce": 0.2188, "aux.acc_seg": 79.80491, "loss": 0.53967, "grad_norm": 14.68079, "time": 0.41068} {"mode": "train", "epoch": 38, "iter": 47000, "lr": 0.0, "memory": 14793, "data_time": 0.00649, "decode.loss_ce": 0.32586, "decode.acc_seg": 86.8706, "aux.loss_ce": 0.21585, "aux.acc_seg": 80.22612, "loss": 0.54171, "grad_norm": 17.98612, "time": 0.6404} {"mode": "val", "epoch": 38, "iter": 125, "lr": 0.0, "aAcc": 0.8428, "mIoU": 0.5308, "mAcc": 0.6638, "IoU.wall": 0.7926, "IoU.building": 0.8319, "IoU.sky": 0.9471, "IoU.floor": 0.8275, "IoU.tree": 0.7534, "IoU.ceiling": 0.8441, "IoU.road": 0.8483, "IoU.bed ": 0.908, "IoU.windowpane": 0.6296, "IoU.grass": 0.6569, "IoU.cabinet": 0.6417, "IoU.sidewalk": 0.656, "IoU.person": 0.8273, "IoU.earth": 0.3798, "IoU.door": 0.5615, "IoU.table": 0.6257, "IoU.mountain": 0.6328, "IoU.plant": 0.5408, "IoU.curtain": 0.7774, "IoU.chair": 0.6117, "IoU.car": 0.8512, "IoU.water": 0.5895, "IoU.painting": 0.7323, "IoU.sofa": 0.7226, "IoU.shelf": 0.4482, "IoU.house": 0.4758, "IoU.sea": 0.6837, "IoU.mirror": 0.7131, "IoU.rug": 0.6751, "IoU.field": 0.2988, "IoU.armchair": 0.4564, "IoU.seat": 0.6391, "IoU.fence": 0.4872, "IoU.desk": 0.5182, "IoU.rock": 0.5298, "IoU.wardrobe": 0.5506, "IoU.lamp": 0.6357, "IoU.bathtub": 0.8124, "IoU.railing": 0.3712, "IoU.cushion": 0.6104, "IoU.base": 0.3913, "IoU.box": 0.3314, "IoU.column": 0.5335, "IoU.signboard": 0.3709, "IoU.chest of drawers": 0.4342, "IoU.counter": 0.319, "IoU.sand": 0.53, "IoU.sink": 0.7781, "IoU.skyscraper": 0.41, "IoU.fireplace": 0.6853, "IoU.refrigerator": 0.7368, "IoU.grandstand": 0.3982, "IoU.path": 0.2515, "IoU.stairs": 0.3563, "IoU.runway": 0.6762, "IoU.case": 0.609, "IoU.pool table": 0.9278, "IoU.pillow": 0.597, "IoU.screen door": 0.6784, "IoU.stairway": 0.4572, "IoU.river": 0.1179, "IoU.bridge": 0.4865, "IoU.bookcase": 0.4049, "IoU.blind": 0.3355, "IoU.coffee table": 0.6099, "IoU.toilet": 0.8441, "IoU.flower": 0.4437, "IoU.book": 0.4971, "IoU.hill": 0.0651, "IoU.bench": 0.6126, "IoU.countertop": 0.5979, "IoU.stove": 0.8051, "IoU.palm": 0.5421, "IoU.kitchen island": 0.3916, "IoU.computer": 0.7444, "IoU.swivel chair": 0.5716, "IoU.boat": 0.6463, "IoU.bar": 0.4834, "IoU.arcade machine": 0.7565, "IoU.hovel": 0.4928, "IoU.bus": 0.9137, "IoU.towel": 0.6574, "IoU.light": 0.5104, "IoU.truck": 0.4214, "IoU.tower": 0.2598, "IoU.chandelier": 0.6529, "IoU.awning": 0.3263, "IoU.streetlight": 0.2965, "IoU.booth": 0.3901, "IoU.television receiver": 0.717, "IoU.airplane": 0.6572, "IoU.dirt track": 0.0187, "IoU.apparel": 0.5351, "IoU.pole": 0.2121, "IoU.land": 0.005, "IoU.bannister": 0.176, "IoU.escalator": 0.5457, "IoU.ottoman": 0.5378, "IoU.bottle": 0.4125, "IoU.buffet": 0.5082, "IoU.poster": 0.3368, "IoU.stage": 0.1643, "IoU.van": 0.3779, "IoU.ship": 0.8677, "IoU.fountain": 0.278, "IoU.conveyer belt": 0.8081, "IoU.canopy": 0.4354, "IoU.washer": 0.7127, "IoU.plaything": 0.2997, "IoU.swimming pool": 0.7186, "IoU.stool": 0.4408, "IoU.barrel": 0.6163, "IoU.basket": 0.3919, "IoU.waterfall": 0.5974, "IoU.tent": 0.9079, "IoU.bag": 0.2274, "IoU.minibike": 0.7147, "IoU.cradle": 0.7692, "IoU.oven": 0.5105, "IoU.ball": 0.5164, "IoU.food": 0.5671, "IoU.step": 0.1347, "IoU.tank": 0.6135, "IoU.trade name": 0.2291, "IoU.microwave": 0.8167, "IoU.pot": 0.4916, "IoU.animal": 0.6377, "IoU.bicycle": 0.5786, "IoU.lake": 0.5434, "IoU.dishwasher": 0.6696, "IoU.screen": 0.5914, "IoU.blanket": 0.1242, "IoU.sculpture": 0.5847, "IoU.hood": 0.6517, "IoU.sconce": 0.4242, "IoU.vase": 0.394, "IoU.traffic light": 0.3287, "IoU.tray": 0.042, "IoU.ashcan": 0.4838, "IoU.fan": 0.6296, "IoU.pier": 0.3643, "IoU.crt screen": 0.11, "IoU.plate": 0.5283, "IoU.monitor": 0.1704, "IoU.bulletin board": 0.6068, "IoU.shower": 0.0, "IoU.radiator": 0.6314, "IoU.glass": 0.1507, "IoU.clock": 0.4489, "IoU.flag": 0.6166, "Acc.wall": 0.8687, "Acc.building": 0.9188, "Acc.sky": 0.9774, "Acc.floor": 0.9016, "Acc.tree": 0.8811, "Acc.ceiling": 0.9421, "Acc.road": 0.9044, "Acc.bed ": 0.972, "Acc.windowpane": 0.8337, "Acc.grass": 0.7993, "Acc.cabinet": 0.7295, "Acc.sidewalk": 0.8324, "Acc.person": 0.9218, "Acc.earth": 0.5056, "Acc.door": 0.7391, "Acc.table": 0.7693, "Acc.mountain": 0.7652, "Acc.plant": 0.6671, "Acc.curtain": 0.8721, "Acc.chair": 0.7075, "Acc.car": 0.947, "Acc.water": 0.72, "Acc.painting": 0.8848, "Acc.sofa": 0.8831, "Acc.shelf": 0.6343, "Acc.house": 0.7524, "Acc.sea": 0.8959, "Acc.mirror": 0.8168, "Acc.rug": 0.8091, "Acc.field": 0.462, "Acc.armchair": 0.6424, "Acc.seat": 0.8293, "Acc.fence": 0.6701, "Acc.desk": 0.7633, "Acc.rock": 0.7119, "Acc.wardrobe": 0.7197, "Acc.lamp": 0.7762, "Acc.bathtub": 0.8569, "Acc.railing": 0.4827, "Acc.cushion": 0.7249, "Acc.base": 0.5796, "Acc.box": 0.4384, "Acc.column": 0.6823, "Acc.signboard": 0.4901, "Acc.chest of drawers": 0.6013, "Acc.counter": 0.3992, "Acc.sand": 0.8293, "Acc.sink": 0.8837, "Acc.skyscraper": 0.4558, "Acc.fireplace": 0.9395, "Acc.refrigerator": 0.8271, "Acc.grandstand": 0.8792, "Acc.path": 0.3533, "Acc.stairs": 0.4699, "Acc.runway": 0.8957, "Acc.case": 0.7835, "Acc.pool table": 0.9823, "Acc.pillow": 0.705, "Acc.screen door": 0.8585, "Acc.stairway": 0.5591, "Acc.river": 0.2604, "Acc.bridge": 0.5585, "Acc.bookcase": 0.6414, "Acc.blind": 0.3786, "Acc.coffee table": 0.8384, "Acc.toilet": 0.9359, "Acc.flower": 0.6378, "Acc.book": 0.7064, "Acc.hill": 0.1104, "Acc.bench": 0.7419, "Acc.countertop": 0.7482, "Acc.stove": 0.9031, "Acc.palm": 0.82, "Acc.kitchen island": 0.8234, "Acc.computer": 0.9045, "Acc.swivel chair": 0.8291, "Acc.boat": 0.8788, "Acc.bar": 0.693, "Acc.arcade machine": 0.8072, "Acc.hovel": 0.7205, "Acc.bus": 0.9685, "Acc.towel": 0.8791, "Acc.light": 0.5679, "Acc.truck": 0.5882, "Acc.tower": 0.4155, "Acc.chandelier": 0.8233, "Acc.awning": 0.4033, "Acc.streetlight": 0.4228, "Acc.booth": 0.5432, "Acc.television receiver": 0.8894, "Acc.airplane": 0.7394, "Acc.dirt track": 0.0329, "Acc.apparel": 0.6552, "Acc.pole": 0.2714, "Acc.land": 0.0092, "Acc.bannister": 0.2303, "Acc.escalator": 0.871, "Acc.ottoman": 0.6866, "Acc.bottle": 0.6891, "Acc.buffet": 0.6746, "Acc.poster": 0.4373, "Acc.stage": 0.384, "Acc.van": 0.4517, "Acc.ship": 0.979, "Acc.fountain": 0.2852, "Acc.conveyer belt": 0.9562, "Acc.canopy": 0.5701, "Acc.washer": 0.7325, "Acc.plaything": 0.4075, "Acc.swimming pool": 0.7435, "Acc.stool": 0.6569, "Acc.barrel": 0.7913, "Acc.basket": 0.4946, "Acc.waterfall": 0.8119, "Acc.tent": 0.988, "Acc.bag": 0.2765, "Acc.minibike": 0.8698, "Acc.cradle": 0.9833, "Acc.oven": 0.6113, "Acc.ball": 0.6026, "Acc.food": 0.6468, "Acc.step": 0.1629, "Acc.tank": 0.6753, "Acc.trade name": 0.2437, "Acc.microwave": 0.9491, "Acc.pot": 0.5758, "Acc.animal": 0.6678, "Acc.bicycle": 0.7345, "Acc.lake": 0.6788, "Acc.dishwasher": 0.7396, "Acc.screen": 0.8325, "Acc.blanket": 0.1481, "Acc.sculpture": 0.8152, "Acc.hood": 0.7064, "Acc.sconce": 0.505, "Acc.vase": 0.5782, "Acc.traffic light": 0.5012, "Acc.tray": 0.0475, "Acc.ashcan": 0.6242, "Acc.fan": 0.7817, "Acc.pier": 0.4551, "Acc.crt screen": 0.2857, "Acc.plate": 0.7914, "Acc.monitor": 0.2093, "Acc.bulletin board": 0.7292, "Acc.shower": 0.0, "Acc.radiator": 0.6987, "Acc.glass": 0.1609, "Acc.clock": 0.501, "Acc.flag": 0.6818} {"mode": "train", "epoch": 38, "iter": 47050, "lr": 0.0, "memory": 14793, "data_time": 2.07838, "decode.loss_ce": 0.30544, "decode.acc_seg": 87.68877, "aux.loss_ce": 0.21097, "aux.acc_seg": 80.36594, "loss": 0.5164, "grad_norm": 12.95627, "time": 2.48554} {"mode": "train", "epoch": 38, "iter": 47100, "lr": 0.0, "memory": 14793, "data_time": 0.00651, "decode.loss_ce": 0.30802, "decode.acc_seg": 87.29359, "aux.loss_ce": 0.21278, "aux.acc_seg": 80.79155, "loss": 0.5208, "grad_norm": 13.02877, "time": 0.42164} {"mode": "train", "epoch": 38, "iter": 47150, "lr": 0.0, "memory": 14793, "data_time": 0.00547, "decode.loss_ce": 0.32722, "decode.acc_seg": 86.30039, "aux.loss_ce": 0.20631, "aux.acc_seg": 80.61668, "loss": 0.53353, "grad_norm": 16.58483, "time": 0.42753} {"mode": "train", "epoch": 38, "iter": 47200, "lr": 0.0, "memory": 14793, "data_time": 0.00569, "decode.loss_ce": 0.31907, "decode.acc_seg": 87.38697, "aux.loss_ce": 0.21619, "aux.acc_seg": 80.38442, "loss": 0.53526, "grad_norm": 14.59735, "time": 0.41609} {"mode": "train", "epoch": 38, "iter": 47250, "lr": 0.0, "memory": 14793, "data_time": 0.00646, "decode.loss_ce": 0.32222, "decode.acc_seg": 87.18107, "aux.loss_ce": 0.21211, "aux.acc_seg": 80.62395, "loss": 0.53433, "grad_norm": 13.20047, "time": 0.40802} {"mode": "train", "epoch": 38, "iter": 47300, "lr": 0.0, "memory": 14793, "data_time": 0.00556, "decode.loss_ce": 0.33831, "decode.acc_seg": 86.48776, "aux.loss_ce": 0.22687, "aux.acc_seg": 79.45837, "loss": 0.56518, "grad_norm": 16.67096, "time": 0.40459} {"mode": "train", "epoch": 38, "iter": 47350, "lr": 0.0, "memory": 14793, "data_time": 0.00656, "decode.loss_ce": 0.3107, "decode.acc_seg": 87.38182, "aux.loss_ce": 0.21338, "aux.acc_seg": 79.91622, "loss": 0.52408, "grad_norm": 14.99811, "time": 0.41479} {"mode": "train", "epoch": 38, "iter": 47400, "lr": 0.0, "memory": 14793, "data_time": 0.00559, "decode.loss_ce": 0.32243, "decode.acc_seg": 86.48284, "aux.loss_ce": 0.216, "aux.acc_seg": 79.72188, "loss": 0.53844, "grad_norm": 14.58486, "time": 0.41228} {"mode": "train", "epoch": 38, "iter": 47450, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.3103, "decode.acc_seg": 87.03143, "aux.loss_ce": 0.21271, "aux.acc_seg": 79.55937, "loss": 0.52301, "grad_norm": 11.30977, "time": 0.41099} {"mode": "train", "epoch": 38, "iter": 47500, "lr": 0.0, "memory": 14793, "data_time": 0.0055, "decode.loss_ce": 0.33367, "decode.acc_seg": 86.96972, "aux.loss_ce": 0.22626, "aux.acc_seg": 79.55229, "loss": 0.55992, "grad_norm": 13.2745, "time": 0.41909} {"mode": "train", "epoch": 38, "iter": 47550, "lr": 0.0, "memory": 14793, "data_time": 0.00569, "decode.loss_ce": 0.30683, "decode.acc_seg": 87.54783, "aux.loss_ce": 0.21371, "aux.acc_seg": 80.5828, "loss": 0.52055, "grad_norm": 13.881, "time": 0.4225} {"mode": "train", "epoch": 38, "iter": 47600, "lr": 0.0, "memory": 14793, "data_time": 0.0057, "decode.loss_ce": 0.29965, "decode.acc_seg": 87.70132, "aux.loss_ce": 0.20718, "aux.acc_seg": 80.59939, "loss": 0.50683, "grad_norm": 11.88509, "time": 0.41019} {"mode": "train", "epoch": 38, "iter": 47650, "lr": 0.0, "memory": 14793, "data_time": 0.00555, "decode.loss_ce": 0.30725, "decode.acc_seg": 87.49087, "aux.loss_ce": 0.20699, "aux.acc_seg": 81.0412, "loss": 0.51424, "grad_norm": 16.23112, "time": 0.40947} {"mode": "train", "epoch": 38, "iter": 47700, "lr": 0.0, "memory": 14793, "data_time": 0.00548, "decode.loss_ce": 0.31271, "decode.acc_seg": 87.62129, "aux.loss_ce": 0.22056, "aux.acc_seg": 80.1798, "loss": 0.53327, "grad_norm": 13.55853, "time": 0.40584} {"mode": "train", "epoch": 38, "iter": 47750, "lr": 0.0, "memory": 14793, "data_time": 0.00575, "decode.loss_ce": 0.31385, "decode.acc_seg": 86.98918, "aux.loss_ce": 0.21476, "aux.acc_seg": 80.25589, "loss": 0.5286, "grad_norm": 12.90674, "time": 0.40816} {"mode": "train", "epoch": 38, "iter": 47800, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.3114, "decode.acc_seg": 87.39515, "aux.loss_ce": 0.21184, "aux.acc_seg": 80.71499, "loss": 0.52324, "grad_norm": 11.27607, "time": 0.41398} {"mode": "train", "epoch": 38, "iter": 47850, "lr": 0.0, "memory": 14793, "data_time": 0.0051, "decode.loss_ce": 0.34873, "decode.acc_seg": 86.32501, "aux.loss_ce": 0.21996, "aux.acc_seg": 80.11407, "loss": 0.56869, "grad_norm": 11.35254, "time": 0.41092} {"mode": "train", "epoch": 38, "iter": 47900, "lr": 0.0, "memory": 14793, "data_time": 0.00604, "decode.loss_ce": 0.33639, "decode.acc_seg": 86.30929, "aux.loss_ce": 0.22112, "aux.acc_seg": 79.90226, "loss": 0.5575, "grad_norm": 12.04462, "time": 0.42065} {"mode": "train", "epoch": 38, "iter": 47950, "lr": 0.0, "memory": 14793, "data_time": 0.00596, "decode.loss_ce": 0.32139, "decode.acc_seg": 87.33239, "aux.loss_ce": 0.22324, "aux.acc_seg": 79.83024, "loss": 0.54463, "grad_norm": 15.48354, "time": 0.43002} {"mode": "train", "epoch": 38, "iter": 48000, "lr": 0.0, "memory": 14793, "data_time": 0.00594, "decode.loss_ce": 0.33424, "decode.acc_seg": 86.73847, "aux.loss_ce": 0.22073, "aux.acc_seg": 79.69002, "loss": 0.55496, "grad_norm": 15.10024, "time": 0.65627} {"mode": "val", "epoch": 38, "iter": 125, "lr": 0.0, "aAcc": 0.8417, "mIoU": 0.5299, "mAcc": 0.6655, "IoU.wall": 0.7935, "IoU.building": 0.8344, "IoU.sky": 0.9473, "IoU.floor": 0.8268, "IoU.tree": 0.758, "IoU.ceiling": 0.8512, "IoU.road": 0.8455, "IoU.bed ": 0.9106, "IoU.windowpane": 0.6406, "IoU.grass": 0.674, "IoU.cabinet": 0.6217, "IoU.sidewalk": 0.6561, "IoU.person": 0.8278, "IoU.earth": 0.3647, "IoU.door": 0.5446, "IoU.table": 0.6163, "IoU.mountain": 0.6051, "IoU.plant": 0.5288, "IoU.curtain": 0.7653, "IoU.chair": 0.6185, "IoU.car": 0.8538, "IoU.water": 0.5734, "IoU.painting": 0.7196, "IoU.sofa": 0.7312, "IoU.shelf": 0.4526, "IoU.house": 0.469, "IoU.sea": 0.691, "IoU.mirror": 0.7163, "IoU.rug": 0.6646, "IoU.field": 0.2748, "IoU.armchair": 0.4648, "IoU.seat": 0.6562, "IoU.fence": 0.4782, "IoU.desk": 0.4653, "IoU.rock": 0.4925, "IoU.wardrobe": 0.5493, "IoU.lamp": 0.6419, "IoU.bathtub": 0.7969, "IoU.railing": 0.3988, "IoU.cushion": 0.621, "IoU.base": 0.347, "IoU.box": 0.3253, "IoU.column": 0.5281, "IoU.signboard": 0.3718, "IoU.chest of drawers": 0.3954, "IoU.counter": 0.2872, "IoU.sand": 0.5467, "IoU.sink": 0.773, "IoU.skyscraper": 0.607, "IoU.fireplace": 0.6801, "IoU.refrigerator": 0.7267, "IoU.grandstand": 0.4008, "IoU.path": 0.2484, "IoU.stairs": 0.3469, "IoU.runway": 0.6979, "IoU.case": 0.6044, "IoU.pool table": 0.9222, "IoU.pillow": 0.611, "IoU.screen door": 0.6767, "IoU.stairway": 0.3908, "IoU.river": 0.1264, "IoU.bridge": 0.4589, "IoU.bookcase": 0.3959, "IoU.blind": 0.4333, "IoU.coffee table": 0.6146, "IoU.toilet": 0.8594, "IoU.flower": 0.4322, "IoU.book": 0.5031, "IoU.hill": 0.0688, "IoU.bench": 0.6482, "IoU.countertop": 0.5917, "IoU.stove": 0.8051, "IoU.palm": 0.537, "IoU.kitchen island": 0.3626, "IoU.computer": 0.7137, "IoU.swivel chair": 0.5536, "IoU.boat": 0.7021, "IoU.bar": 0.4768, "IoU.arcade machine": 0.7678, "IoU.hovel": 0.4969, "IoU.bus": 0.9122, "IoU.towel": 0.6493, "IoU.light": 0.5445, "IoU.truck": 0.4191, "IoU.tower": 0.2836, "IoU.chandelier": 0.657, "IoU.awning": 0.321, "IoU.streetlight": 0.301, "IoU.booth": 0.3707, "IoU.television receiver": 0.7649, "IoU.airplane": 0.7168, "IoU.dirt track": 0.0135, "IoU.apparel": 0.5604, "IoU.pole": 0.2337, "IoU.land": 0.0061, "IoU.bannister": 0.1528, "IoU.escalator": 0.5367, "IoU.ottoman": 0.5575, "IoU.bottle": 0.4152, "IoU.buffet": 0.4354, "IoU.poster": 0.3457, "IoU.stage": 0.1747, "IoU.van": 0.4193, "IoU.ship": 0.5666, "IoU.fountain": 0.2371, "IoU.conveyer belt": 0.7633, "IoU.canopy": 0.4076, "IoU.washer": 0.7202, "IoU.plaything": 0.3479, "IoU.swimming pool": 0.6919, "IoU.stool": 0.4534, "IoU.barrel": 0.6291, "IoU.basket": 0.3701, "IoU.waterfall": 0.6352, "IoU.tent": 0.9477, "IoU.bag": 0.216, "IoU.minibike": 0.72, "IoU.cradle": 0.758, "IoU.oven": 0.4759, "IoU.ball": 0.5281, "IoU.food": 0.5425, "IoU.step": 0.1653, "IoU.tank": 0.6083, "IoU.trade name": 0.2668, "IoU.microwave": 0.8195, "IoU.pot": 0.4519, "IoU.animal": 0.6094, "IoU.bicycle": 0.5722, "IoU.lake": 0.5286, "IoU.dishwasher": 0.6418, "IoU.screen": 0.5346, "IoU.blanket": 0.1058, "IoU.sculpture": 0.6134, "IoU.hood": 0.6442, "IoU.sconce": 0.4677, "IoU.vase": 0.4084, "IoU.traffic light": 0.3271, "IoU.tray": 0.0596, "IoU.ashcan": 0.4852, "IoU.fan": 0.6312, "IoU.pier": 0.3421, "IoU.crt screen": 0.1278, "IoU.plate": 0.5093, "IoU.monitor": 0.4033, "IoU.bulletin board": 0.5903, "IoU.shower": 0.0, "IoU.radiator": 0.5972, "IoU.glass": 0.1555, "IoU.clock": 0.4045, "IoU.flag": 0.631, "Acc.wall": 0.8778, "Acc.building": 0.9134, "Acc.sky": 0.9756, "Acc.floor": 0.9075, "Acc.tree": 0.8974, "Acc.ceiling": 0.9236, "Acc.road": 0.919, "Acc.bed ": 0.9709, "Acc.windowpane": 0.8054, "Acc.grass": 0.7927, "Acc.cabinet": 0.7243, "Acc.sidewalk": 0.7722, "Acc.person": 0.9134, "Acc.earth": 0.5315, "Acc.door": 0.7097, "Acc.table": 0.7499, "Acc.mountain": 0.7248, "Acc.plant": 0.6394, "Acc.curtain": 0.8588, "Acc.chair": 0.7286, "Acc.car": 0.9473, "Acc.water": 0.6942, "Acc.painting": 0.8925, "Acc.sofa": 0.876, "Acc.shelf": 0.6695, "Acc.house": 0.6785, "Acc.sea": 0.8927, "Acc.mirror": 0.8066, "Acc.rug": 0.7781, "Acc.field": 0.4783, "Acc.armchair": 0.6541, "Acc.seat": 0.8355, "Acc.fence": 0.6047, "Acc.desk": 0.8134, "Acc.rock": 0.7444, "Acc.wardrobe": 0.7182, "Acc.lamp": 0.7697, "Acc.bathtub": 0.8718, "Acc.railing": 0.5408, "Acc.cushion": 0.7531, "Acc.base": 0.4537, "Acc.box": 0.4126, "Acc.column": 0.6404, "Acc.signboard": 0.5148, "Acc.chest of drawers": 0.7074, "Acc.counter": 0.3332, "Acc.sand": 0.747, "Acc.sink": 0.8775, "Acc.skyscraper": 0.7871, "Acc.fireplace": 0.9452, "Acc.refrigerator": 0.8184, "Acc.grandstand": 0.878, "Acc.path": 0.3856, "Acc.stairs": 0.459, "Acc.runway": 0.9333, "Acc.case": 0.7627, "Acc.pool table": 0.984, "Acc.pillow": 0.7395, "Acc.screen door": 0.8026, "Acc.stairway": 0.4389, "Acc.river": 0.3147, "Acc.bridge": 0.5312, "Acc.bookcase": 0.6525, "Acc.blind": 0.5082, "Acc.coffee table": 0.8239, "Acc.toilet": 0.9276, "Acc.flower": 0.5501, "Acc.book": 0.7095, "Acc.hill": 0.1168, "Acc.bench": 0.7828, "Acc.countertop": 0.7466, "Acc.stove": 0.8894, "Acc.palm": 0.7458, "Acc.kitchen island": 0.7657, "Acc.computer": 0.919, "Acc.swivel chair": 0.738, "Acc.boat": 0.8589, "Acc.bar": 0.6594, "Acc.arcade machine": 0.8304, "Acc.hovel": 0.7022, "Acc.bus": 0.9683, "Acc.towel": 0.833, "Acc.light": 0.6696, "Acc.truck": 0.6236, "Acc.tower": 0.5644, "Acc.chandelier": 0.8236, "Acc.awning": 0.3859, "Acc.streetlight": 0.4307, "Acc.booth": 0.5429, "Acc.television receiver": 0.8835, "Acc.airplane": 0.8202, "Acc.dirt track": 0.017, "Acc.apparel": 0.7134, "Acc.pole": 0.3159, "Acc.land": 0.0117, "Acc.bannister": 0.1894, "Acc.escalator": 0.8665, "Acc.ottoman": 0.7531, "Acc.bottle": 0.6728, "Acc.buffet": 0.4996, "Acc.poster": 0.4649, "Acc.stage": 0.3554, "Acc.van": 0.4998, "Acc.ship": 0.6186, "Acc.fountain": 0.2409, "Acc.conveyer belt": 0.9749, "Acc.canopy": 0.5913, "Acc.washer": 0.7444, "Acc.plaything": 0.5577, "Acc.swimming pool": 0.7631, "Acc.stool": 0.6165, "Acc.barrel": 0.8391, "Acc.basket": 0.5279, "Acc.waterfall": 0.8186, "Acc.tent": 0.9852, "Acc.bag": 0.2588, "Acc.minibike": 0.8433, "Acc.cradle": 0.9792, "Acc.oven": 0.5306, "Acc.ball": 0.6291, "Acc.food": 0.593, "Acc.step": 0.2011, "Acc.tank": 0.677, "Acc.trade name": 0.3099, "Acc.microwave": 0.9595, "Acc.pot": 0.53, "Acc.animal": 0.6275, "Acc.bicycle": 0.715, "Acc.lake": 0.6443, "Acc.dishwasher": 0.8344, "Acc.screen": 0.8981, "Acc.blanket": 0.119, "Acc.sculpture": 0.8102, "Acc.hood": 0.7243, "Acc.sconce": 0.5637, "Acc.vase": 0.5939, "Acc.traffic light": 0.5015, "Acc.tray": 0.0824, "Acc.ashcan": 0.6332, "Acc.fan": 0.7851, "Acc.pier": 0.5361, "Acc.crt screen": 0.2299, "Acc.plate": 0.7988, "Acc.monitor": 0.5128, "Acc.bulletin board": 0.7397, "Acc.shower": 0.0, "Acc.radiator": 0.7039, "Acc.glass": 0.1671, "Acc.clock": 0.4418, "Acc.flag": 0.7107} {"mode": "train", "epoch": 39, "iter": 48050, "lr": 0.0, "memory": 14793, "data_time": 2.20636, "decode.loss_ce": 0.30874, "decode.acc_seg": 87.81872, "aux.loss_ce": 0.21903, "aux.acc_seg": 80.04875, "loss": 0.52777, "grad_norm": 10.90257, "time": 2.61796} {"mode": "train", "epoch": 39, "iter": 48100, "lr": 0.0, "memory": 14793, "data_time": 0.00667, "decode.loss_ce": 0.33251, "decode.acc_seg": 86.57923, "aux.loss_ce": 0.22111, "aux.acc_seg": 79.52411, "loss": 0.55362, "grad_norm": 13.7536, "time": 0.41691} {"mode": "train", "epoch": 39, "iter": 48150, "lr": 0.0, "memory": 14793, "data_time": 0.00555, "decode.loss_ce": 0.31183, "decode.acc_seg": 87.15606, "aux.loss_ce": 0.21078, "aux.acc_seg": 80.44254, "loss": 0.52261, "grad_norm": 12.34749, "time": 0.4129} {"mode": "train", "epoch": 39, "iter": 48200, "lr": 0.0, "memory": 14793, "data_time": 0.00651, "decode.loss_ce": 0.304, "decode.acc_seg": 87.3957, "aux.loss_ce": 0.21154, "aux.acc_seg": 80.30854, "loss": 0.51555, "grad_norm": 13.12228, "time": 0.41291} {"mode": "train", "epoch": 39, "iter": 48250, "lr": 0.0, "memory": 14793, "data_time": 0.00615, "decode.loss_ce": 0.30473, "decode.acc_seg": 87.73154, "aux.loss_ce": 0.21087, "aux.acc_seg": 80.34339, "loss": 0.5156, "grad_norm": 13.69064, "time": 0.41043} {"mode": "train", "epoch": 39, "iter": 48300, "lr": 0.0, "memory": 14793, "data_time": 0.00531, "decode.loss_ce": 0.31215, "decode.acc_seg": 87.29552, "aux.loss_ce": 0.21484, "aux.acc_seg": 80.17612, "loss": 0.52699, "grad_norm": 19.35808, "time": 0.41111} {"mode": "train", "epoch": 39, "iter": 48350, "lr": 0.0, "memory": 14793, "data_time": 0.00669, "decode.loss_ce": 0.31653, "decode.acc_seg": 87.69307, "aux.loss_ce": 0.20807, "aux.acc_seg": 81.23065, "loss": 0.5246, "grad_norm": 11.97639, "time": 0.41994} {"mode": "train", "epoch": 39, "iter": 48400, "lr": 0.0, "memory": 14793, "data_time": 0.00689, "decode.loss_ce": 0.3241, "decode.acc_seg": 87.24849, "aux.loss_ce": 0.22108, "aux.acc_seg": 80.06523, "loss": 0.54518, "grad_norm": 12.9252, "time": 0.41324} {"mode": "train", "epoch": 39, "iter": 48450, "lr": 0.0, "memory": 14793, "data_time": 0.00557, "decode.loss_ce": 0.31104, "decode.acc_seg": 87.31614, "aux.loss_ce": 0.20782, "aux.acc_seg": 81.16554, "loss": 0.51886, "grad_norm": 11.74026, "time": 0.40581} {"mode": "train", "epoch": 39, "iter": 48500, "lr": 0.0, "memory": 14793, "data_time": 0.00568, "decode.loss_ce": 0.30184, "decode.acc_seg": 87.48872, "aux.loss_ce": 0.20826, "aux.acc_seg": 80.29189, "loss": 0.5101, "grad_norm": 13.67876, "time": 0.41683} {"mode": "train", "epoch": 39, "iter": 48550, "lr": 0.0, "memory": 14793, "data_time": 0.00643, "decode.loss_ce": 0.32946, "decode.acc_seg": 86.84736, "aux.loss_ce": 0.20832, "aux.acc_seg": 80.40243, "loss": 0.53778, "grad_norm": 15.48588, "time": 0.41274} {"mode": "train", "epoch": 39, "iter": 48600, "lr": 0.0, "memory": 14793, "data_time": 0.00584, "decode.loss_ce": 0.3406, "decode.acc_seg": 86.73535, "aux.loss_ce": 0.22865, "aux.acc_seg": 79.47482, "loss": 0.56925, "grad_norm": 15.59647, "time": 0.41835} {"mode": "train", "epoch": 39, "iter": 48650, "lr": 0.0, "memory": 14793, "data_time": 0.00623, "decode.loss_ce": 0.29804, "decode.acc_seg": 88.08028, "aux.loss_ce": 0.20105, "aux.acc_seg": 81.65227, "loss": 0.49908, "grad_norm": 12.22857, "time": 0.41489} {"mode": "train", "epoch": 39, "iter": 48700, "lr": 0.0, "memory": 14793, "data_time": 0.00551, "decode.loss_ce": 0.29851, "decode.acc_seg": 88.0989, "aux.loss_ce": 0.2119, "aux.acc_seg": 80.39599, "loss": 0.51041, "grad_norm": 12.51167, "time": 0.41875} {"mode": "train", "epoch": 39, "iter": 48750, "lr": 0.0, "memory": 14793, "data_time": 0.00594, "decode.loss_ce": 0.31728, "decode.acc_seg": 86.9521, "aux.loss_ce": 0.20959, "aux.acc_seg": 80.16627, "loss": 0.52688, "grad_norm": 9.65654, "time": 0.42101} {"mode": "train", "epoch": 39, "iter": 48800, "lr": 0.0, "memory": 14793, "data_time": 0.00565, "decode.loss_ce": 0.30677, "decode.acc_seg": 87.04808, "aux.loss_ce": 0.20865, "aux.acc_seg": 79.94781, "loss": 0.51542, "grad_norm": 14.72605, "time": 0.41243} {"mode": "train", "epoch": 39, "iter": 48850, "lr": 0.0, "memory": 14793, "data_time": 0.0061, "decode.loss_ce": 0.32278, "decode.acc_seg": 86.60932, "aux.loss_ce": 0.22261, "aux.acc_seg": 79.50505, "loss": 0.54539, "grad_norm": 12.8248, "time": 0.41892} {"mode": "train", "epoch": 39, "iter": 48900, "lr": 0.0, "memory": 14793, "data_time": 0.00527, "decode.loss_ce": 0.30213, "decode.acc_seg": 87.68848, "aux.loss_ce": 0.20264, "aux.acc_seg": 81.59979, "loss": 0.50477, "grad_norm": 13.27932, "time": 0.40568} {"mode": "train", "epoch": 39, "iter": 48950, "lr": 0.0, "memory": 14793, "data_time": 0.0052, "decode.loss_ce": 0.31943, "decode.acc_seg": 87.29675, "aux.loss_ce": 0.21703, "aux.acc_seg": 80.16075, "loss": 0.53647, "grad_norm": 13.34921, "time": 0.40515} {"mode": "train", "epoch": 39, "iter": 49000, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.32921, "decode.acc_seg": 87.00792, "aux.loss_ce": 0.21661, "aux.acc_seg": 80.56998, "loss": 0.54582, "grad_norm": 17.87455, "time": 0.64063} {"mode": "val", "epoch": 39, "iter": 125, "lr": 0.0, "aAcc": 0.8418, "mIoU": 0.5313, "mAcc": 0.6666, "IoU.wall": 0.7912, "IoU.building": 0.8348, "IoU.sky": 0.9485, "IoU.floor": 0.8322, "IoU.tree": 0.7632, "IoU.ceiling": 0.8469, "IoU.road": 0.8437, "IoU.bed ": 0.9084, "IoU.windowpane": 0.6341, "IoU.grass": 0.6587, "IoU.cabinet": 0.6247, "IoU.sidewalk": 0.6584, "IoU.person": 0.8306, "IoU.earth": 0.3659, "IoU.door": 0.5459, "IoU.table": 0.6265, "IoU.mountain": 0.5991, "IoU.plant": 0.545, "IoU.curtain": 0.7681, "IoU.chair": 0.6165, "IoU.car": 0.8569, "IoU.water": 0.5339, "IoU.painting": 0.7137, "IoU.sofa": 0.7262, "IoU.shelf": 0.4479, "IoU.house": 0.4809, "IoU.sea": 0.6115, "IoU.mirror": 0.7101, "IoU.rug": 0.6651, "IoU.field": 0.2885, "IoU.armchair": 0.4465, "IoU.seat": 0.6464, "IoU.fence": 0.4868, "IoU.desk": 0.4973, "IoU.rock": 0.5124, "IoU.wardrobe": 0.5233, "IoU.lamp": 0.637, "IoU.bathtub": 0.7982, "IoU.railing": 0.4051, "IoU.cushion": 0.6195, "IoU.base": 0.383, "IoU.box": 0.3478, "IoU.column": 0.524, "IoU.signboard": 0.3768, "IoU.chest of drawers": 0.417, "IoU.counter": 0.3484, "IoU.sand": 0.5827, "IoU.sink": 0.7709, "IoU.skyscraper": 0.6319, "IoU.fireplace": 0.6911, "IoU.refrigerator": 0.7403, "IoU.grandstand": 0.443, "IoU.path": 0.2485, "IoU.stairs": 0.3269, "IoU.runway": 0.7086, "IoU.case": 0.5938, "IoU.pool table": 0.9251, "IoU.pillow": 0.5979, "IoU.screen door": 0.6343, "IoU.stairway": 0.4108, "IoU.river": 0.168, "IoU.bridge": 0.4332, "IoU.bookcase": 0.4281, "IoU.blind": 0.3631, "IoU.coffee table": 0.5937, "IoU.toilet": 0.8597, "IoU.flower": 0.4084, "IoU.book": 0.5111, "IoU.hill": 0.0592, "IoU.bench": 0.5687, "IoU.countertop": 0.5979, "IoU.stove": 0.8068, "IoU.palm": 0.5509, "IoU.kitchen island": 0.3535, "IoU.computer": 0.733, "IoU.swivel chair": 0.5735, "IoU.boat": 0.6938, "IoU.bar": 0.4892, "IoU.arcade machine": 0.7644, "IoU.hovel": 0.5967, "IoU.bus": 0.9199, "IoU.towel": 0.6801, "IoU.light": 0.5463, "IoU.truck": 0.4222, "IoU.tower": 0.2608, "IoU.chandelier": 0.6583, "IoU.awning": 0.3078, "IoU.streetlight": 0.2828, "IoU.booth": 0.4088, "IoU.television receiver": 0.7636, "IoU.airplane": 0.6823, "IoU.dirt track": 0.0253, "IoU.apparel": 0.5717, "IoU.pole": 0.2133, "IoU.land": 0.001, "IoU.bannister": 0.1154, "IoU.escalator": 0.5468, "IoU.ottoman": 0.5357, "IoU.bottle": 0.3966, "IoU.buffet": 0.4655, "IoU.poster": 0.3405, "IoU.stage": 0.1732, "IoU.van": 0.4558, "IoU.ship": 0.7629, "IoU.fountain": 0.2676, "IoU.conveyer belt": 0.7478, "IoU.canopy": 0.357, "IoU.washer": 0.7312, "IoU.plaything": 0.3816, "IoU.swimming pool": 0.5831, "IoU.stool": 0.4397, "IoU.barrel": 0.6173, "IoU.basket": 0.3784, "IoU.waterfall": 0.5403, "IoU.tent": 0.9501, "IoU.bag": 0.2135, "IoU.minibike": 0.7209, "IoU.cradle": 0.7617, "IoU.oven": 0.4994, "IoU.ball": 0.5144, "IoU.food": 0.5742, "IoU.step": 0.2358, "IoU.tank": 0.5969, "IoU.trade name": 0.2512, "IoU.microwave": 0.8227, "IoU.pot": 0.4445, "IoU.animal": 0.6089, "IoU.bicycle": 0.5814, "IoU.lake": 0.5855, "IoU.dishwasher": 0.6703, "IoU.screen": 0.5497, "IoU.blanket": 0.1511, "IoU.sculpture": 0.5991, "IoU.hood": 0.6355, "IoU.sconce": 0.4374, "IoU.vase": 0.3943, "IoU.traffic light": 0.3315, "IoU.tray": 0.0237, "IoU.ashcan": 0.4698, "IoU.fan": 0.634, "IoU.pier": 0.4741, "IoU.crt screen": 0.0484, "IoU.plate": 0.5354, "IoU.monitor": 0.3102, "IoU.bulletin board": 0.601, "IoU.shower": 0.007, "IoU.radiator": 0.6375, "IoU.glass": 0.1449, "IoU.clock": 0.4033, "IoU.flag": 0.5862, "Acc.wall": 0.8705, "Acc.building": 0.9211, "Acc.sky": 0.9728, "Acc.floor": 0.9009, "Acc.tree": 0.8819, "Acc.ceiling": 0.9267, "Acc.road": 0.882, "Acc.bed ": 0.9723, "Acc.windowpane": 0.8079, "Acc.grass": 0.8299, "Acc.cabinet": 0.7377, "Acc.sidewalk": 0.8548, "Acc.person": 0.9263, "Acc.earth": 0.4929, "Acc.door": 0.7638, "Acc.table": 0.7721, "Acc.mountain": 0.7278, "Acc.plant": 0.6631, "Acc.curtain": 0.8747, "Acc.chair": 0.7344, "Acc.car": 0.9368, "Acc.water": 0.6844, "Acc.painting": 0.8879, "Acc.sofa": 0.8945, "Acc.shelf": 0.6506, "Acc.house": 0.7291, "Acc.sea": 0.8253, "Acc.mirror": 0.7944, "Acc.rug": 0.7948, "Acc.field": 0.4358, "Acc.armchair": 0.6255, "Acc.seat": 0.8557, "Acc.fence": 0.6321, "Acc.desk": 0.7705, "Acc.rock": 0.7533, "Acc.wardrobe": 0.6793, "Acc.lamp": 0.7768, "Acc.bathtub": 0.8677, "Acc.railing": 0.5551, "Acc.cushion": 0.7387, "Acc.base": 0.5212, "Acc.box": 0.4581, "Acc.column": 0.6389, "Acc.signboard": 0.5028, "Acc.chest of drawers": 0.7041, "Acc.counter": 0.4382, "Acc.sand": 0.7662, "Acc.sink": 0.8614, "Acc.skyscraper": 0.8051, "Acc.fireplace": 0.9324, "Acc.refrigerator": 0.8616, "Acc.grandstand": 0.8612, "Acc.path": 0.3646, "Acc.stairs": 0.4083, "Acc.runway": 0.9506, "Acc.case": 0.7521, "Acc.pool table": 0.9838, "Acc.pillow": 0.7047, "Acc.screen door": 0.8237, "Acc.stairway": 0.5194, "Acc.river": 0.365, "Acc.bridge": 0.51, "Acc.bookcase": 0.6278, "Acc.blind": 0.4065, "Acc.coffee table": 0.8603, "Acc.toilet": 0.9286, "Acc.flower": 0.5576, "Acc.book": 0.7227, "Acc.hill": 0.1277, "Acc.bench": 0.7066, "Acc.countertop": 0.7745, "Acc.stove": 0.905, "Acc.palm": 0.7666, "Acc.kitchen island": 0.7234, "Acc.computer": 0.918, "Acc.swivel chair": 0.8109, "Acc.boat": 0.8712, "Acc.bar": 0.6471, "Acc.arcade machine": 0.8109, "Acc.hovel": 0.681, "Acc.bus": 0.967, "Acc.towel": 0.8316, "Acc.light": 0.6598, "Acc.truck": 0.6122, "Acc.tower": 0.5246, "Acc.chandelier": 0.8305, "Acc.awning": 0.3471, "Acc.streetlight": 0.3809, "Acc.booth": 0.5703, "Acc.television receiver": 0.8523, "Acc.airplane": 0.7866, "Acc.dirt track": 0.0302, "Acc.apparel": 0.7333, "Acc.pole": 0.2695, "Acc.land": 0.0017, "Acc.bannister": 0.1343, "Acc.escalator": 0.8632, "Acc.ottoman": 0.7022, "Acc.bottle": 0.6886, "Acc.buffet": 0.5683, "Acc.poster": 0.4601, "Acc.stage": 0.3419, "Acc.van": 0.6212, "Acc.ship": 0.8357, "Acc.fountain": 0.2725, "Acc.conveyer belt": 0.9732, "Acc.canopy": 0.4861, "Acc.washer": 0.7559, "Acc.plaything": 0.5869, "Acc.swimming pool": 0.9061, "Acc.stool": 0.6248, "Acc.barrel": 0.8512, "Acc.basket": 0.4886, "Acc.waterfall": 0.6623, "Acc.tent": 0.9845, "Acc.bag": 0.239, "Acc.minibike": 0.8835, "Acc.cradle": 0.982, "Acc.oven": 0.5882, "Acc.ball": 0.6111, "Acc.food": 0.6809, "Acc.step": 0.3165, "Acc.tank": 0.6774, "Acc.trade name": 0.2804, "Acc.microwave": 0.9565, "Acc.pot": 0.515, "Acc.animal": 0.6301, "Acc.bicycle": 0.779, "Acc.lake": 0.6288, "Acc.dishwasher": 0.7801, "Acc.screen": 0.8708, "Acc.blanket": 0.1871, "Acc.sculpture": 0.8245, "Acc.hood": 0.6723, "Acc.sconce": 0.5183, "Acc.vase": 0.5815, "Acc.traffic light": 0.532, "Acc.tray": 0.026, "Acc.ashcan": 0.6761, "Acc.fan": 0.7853, "Acc.pier": 0.5641, "Acc.crt screen": 0.0973, "Acc.plate": 0.796, "Acc.monitor": 0.3781, "Acc.bulletin board": 0.7473, "Acc.shower": 0.0221, "Acc.radiator": 0.746, "Acc.glass": 0.1532, "Acc.clock": 0.4364, "Acc.flag": 0.6424} {"mode": "train", "epoch": 39, "iter": 49050, "lr": 0.0, "memory": 14793, "data_time": 2.15467, "decode.loss_ce": 0.31414, "decode.acc_seg": 87.24474, "aux.loss_ce": 0.21275, "aux.acc_seg": 80.15884, "loss": 0.52688, "grad_norm": 15.84203, "time": 2.56997} {"mode": "train", "epoch": 39, "iter": 49100, "lr": 0.0, "memory": 14793, "data_time": 0.00555, "decode.loss_ce": 0.29374, "decode.acc_seg": 87.71133, "aux.loss_ce": 0.19053, "aux.acc_seg": 81.92184, "loss": 0.48427, "grad_norm": 13.52882, "time": 0.41567} {"mode": "train", "epoch": 39, "iter": 49150, "lr": 0.0, "memory": 14793, "data_time": 0.00656, "decode.loss_ce": 0.32177, "decode.acc_seg": 86.80982, "aux.loss_ce": 0.21778, "aux.acc_seg": 79.55198, "loss": 0.53955, "grad_norm": 16.04702, "time": 0.42077} {"mode": "train", "epoch": 39, "iter": 49200, "lr": 0.0, "memory": 14793, "data_time": 0.0053, "decode.loss_ce": 0.32032, "decode.acc_seg": 87.43751, "aux.loss_ce": 0.21552, "aux.acc_seg": 80.69683, "loss": 0.53584, "grad_norm": 12.59499, "time": 0.41516} {"mode": "train", "epoch": 39, "iter": 49250, "lr": 0.0, "memory": 14793, "data_time": 0.00542, "decode.loss_ce": 0.29724, "decode.acc_seg": 87.90247, "aux.loss_ce": 0.19858, "aux.acc_seg": 81.44247, "loss": 0.49582, "grad_norm": 12.89555, "time": 0.40839} {"mode": "train", "epoch": 40, "iter": 49300, "lr": 0.0, "memory": 14793, "data_time": 0.05194, "decode.loss_ce": 0.29631, "decode.acc_seg": 87.93931, "aux.loss_ce": 0.19839, "aux.acc_seg": 81.52514, "loss": 0.4947, "grad_norm": 11.57789, "time": 0.46248} {"mode": "train", "epoch": 40, "iter": 49350, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.31835, "decode.acc_seg": 87.19632, "aux.loss_ce": 0.20872, "aux.acc_seg": 80.5261, "loss": 0.52707, "grad_norm": 15.34508, "time": 0.40568} {"mode": "train", "epoch": 40, "iter": 49400, "lr": 0.0, "memory": 14793, "data_time": 0.0068, "decode.loss_ce": 0.29999, "decode.acc_seg": 87.49608, "aux.loss_ce": 0.20874, "aux.acc_seg": 80.5334, "loss": 0.50874, "grad_norm": 12.30467, "time": 0.41298} {"mode": "train", "epoch": 40, "iter": 49450, "lr": 0.0, "memory": 14793, "data_time": 0.00655, "decode.loss_ce": 0.30875, "decode.acc_seg": 86.89071, "aux.loss_ce": 0.20394, "aux.acc_seg": 80.85343, "loss": 0.5127, "grad_norm": 12.3404, "time": 0.40895} {"mode": "train", "epoch": 40, "iter": 49500, "lr": 0.0, "memory": 14793, "data_time": 0.00579, "decode.loss_ce": 0.32378, "decode.acc_seg": 87.13979, "aux.loss_ce": 0.22562, "aux.acc_seg": 79.09122, "loss": 0.54939, "grad_norm": 15.04945, "time": 0.42083} {"mode": "train", "epoch": 40, "iter": 49550, "lr": 0.0, "memory": 14793, "data_time": 0.00538, "decode.loss_ce": 0.28546, "decode.acc_seg": 87.99811, "aux.loss_ce": 0.20718, "aux.acc_seg": 79.91517, "loss": 0.49264, "grad_norm": 12.03424, "time": 0.41919} {"mode": "train", "epoch": 40, "iter": 49600, "lr": 0.0, "memory": 14793, "data_time": 0.00532, "decode.loss_ce": 0.30654, "decode.acc_seg": 87.86775, "aux.loss_ce": 0.20631, "aux.acc_seg": 81.25379, "loss": 0.51285, "grad_norm": 13.38968, "time": 0.41275} {"mode": "train", "epoch": 40, "iter": 49650, "lr": 0.0, "memory": 14793, "data_time": 0.00581, "decode.loss_ce": 0.27519, "decode.acc_seg": 88.71581, "aux.loss_ce": 0.19533, "aux.acc_seg": 81.68499, "loss": 0.47052, "grad_norm": 11.48559, "time": 0.40818} {"mode": "train", "epoch": 40, "iter": 49700, "lr": 0.0, "memory": 14793, "data_time": 0.00594, "decode.loss_ce": 0.29627, "decode.acc_seg": 88.06467, "aux.loss_ce": 0.19831, "aux.acc_seg": 80.95152, "loss": 0.49458, "grad_norm": 12.8898, "time": 0.41842} {"mode": "train", "epoch": 40, "iter": 49750, "lr": 0.0, "memory": 14793, "data_time": 0.00611, "decode.loss_ce": 0.29107, "decode.acc_seg": 87.99328, "aux.loss_ce": 0.20509, "aux.acc_seg": 81.1057, "loss": 0.49616, "grad_norm": 13.57147, "time": 0.40775} {"mode": "train", "epoch": 40, "iter": 49800, "lr": 0.0, "memory": 14793, "data_time": 0.00512, "decode.loss_ce": 0.32151, "decode.acc_seg": 87.18575, "aux.loss_ce": 0.22219, "aux.acc_seg": 79.577, "loss": 0.5437, "grad_norm": 12.9873, "time": 0.41093} {"mode": "train", "epoch": 40, "iter": 49850, "lr": 0.0, "memory": 14793, "data_time": 0.00515, "decode.loss_ce": 0.31257, "decode.acc_seg": 87.22996, "aux.loss_ce": 0.20775, "aux.acc_seg": 80.28621, "loss": 0.52033, "grad_norm": 14.51146, "time": 0.4193} {"mode": "train", "epoch": 40, "iter": 49900, "lr": 0.0, "memory": 14793, "data_time": 0.00566, "decode.loss_ce": 0.29567, "decode.acc_seg": 87.98195, "aux.loss_ce": 0.20485, "aux.acc_seg": 81.52135, "loss": 0.50052, "grad_norm": 15.23429, "time": 0.41573} {"mode": "train", "epoch": 40, "iter": 49950, "lr": 0.0, "memory": 14793, "data_time": 0.00528, "decode.loss_ce": 0.30865, "decode.acc_seg": 87.50008, "aux.loss_ce": 0.2122, "aux.acc_seg": 80.72619, "loss": 0.52085, "grad_norm": 14.97662, "time": 0.4214} {"mode": "train", "epoch": 40, "iter": 50000, "lr": 0.0, "memory": 14793, "data_time": 0.00496, "decode.loss_ce": 0.29714, "decode.acc_seg": 88.04535, "aux.loss_ce": 0.20419, "aux.acc_seg": 81.01405, "loss": 0.50133, "grad_norm": 14.92883, "time": 0.64257} {"mode": "val", "epoch": 40, "iter": 125, "lr": 0.0, "aAcc": 0.8425, "mIoU": 0.5262, "mAcc": 0.6556, "IoU.wall": 0.7957, "IoU.building": 0.8358, "IoU.sky": 0.9475, "IoU.floor": 0.8293, "IoU.tree": 0.7594, "IoU.ceiling": 0.8503, "IoU.road": 0.8416, "IoU.bed ": 0.9102, "IoU.windowpane": 0.6306, "IoU.grass": 0.6741, "IoU.cabinet": 0.6144, "IoU.sidewalk": 0.6603, "IoU.person": 0.8307, "IoU.earth": 0.3556, "IoU.door": 0.5635, "IoU.table": 0.6299, "IoU.mountain": 0.5846, "IoU.plant": 0.5435, "IoU.curtain": 0.766, "IoU.chair": 0.5969, "IoU.car": 0.8602, "IoU.water": 0.5587, "IoU.painting": 0.7382, "IoU.sofa": 0.7351, "IoU.shelf": 0.4421, "IoU.house": 0.5198, "IoU.sea": 0.6094, "IoU.mirror": 0.7139, "IoU.rug": 0.6676, "IoU.field": 0.2742, "IoU.armchair": 0.4648, "IoU.seat": 0.6352, "IoU.fence": 0.4695, "IoU.desk": 0.5058, "IoU.rock": 0.482, "IoU.wardrobe": 0.52, "IoU.lamp": 0.648, "IoU.bathtub": 0.8125, "IoU.railing": 0.3841, "IoU.cushion": 0.6279, "IoU.base": 0.3802, "IoU.box": 0.3012, "IoU.column": 0.5403, "IoU.signboard": 0.3837, "IoU.chest of drawers": 0.4093, "IoU.counter": 0.3184, "IoU.sand": 0.5878, "IoU.sink": 0.7864, "IoU.skyscraper": 0.6253, "IoU.fireplace": 0.7174, "IoU.refrigerator": 0.7616, "IoU.grandstand": 0.4532, "IoU.path": 0.2525, "IoU.stairs": 0.3438, "IoU.runway": 0.6405, "IoU.case": 0.5957, "IoU.pool table": 0.931, "IoU.pillow": 0.6251, "IoU.screen door": 0.6555, "IoU.stairway": 0.4012, "IoU.river": 0.1397, "IoU.bridge": 0.389, "IoU.bookcase": 0.3736, "IoU.blind": 0.3265, "IoU.coffee table": 0.5852, "IoU.toilet": 0.8625, "IoU.flower": 0.4529, "IoU.book": 0.4869, "IoU.hill": 0.0797, "IoU.bench": 0.5742, "IoU.countertop": 0.6078, "IoU.stove": 0.7941, "IoU.palm": 0.5382, "IoU.kitchen island": 0.3426, "IoU.computer": 0.7291, "IoU.swivel chair": 0.5466, "IoU.boat": 0.6828, "IoU.bar": 0.4709, "IoU.arcade machine": 0.7577, "IoU.hovel": 0.5702, "IoU.bus": 0.9142, "IoU.towel": 0.6669, "IoU.light": 0.5416, "IoU.truck": 0.4126, "IoU.tower": 0.2594, "IoU.chandelier": 0.661, "IoU.awning": 0.3185, "IoU.streetlight": 0.292, "IoU.booth": 0.3191, "IoU.television receiver": 0.7462, "IoU.airplane": 0.6808, "IoU.dirt track": 0.0, "IoU.apparel": 0.5452, "IoU.pole": 0.2006, "IoU.land": 0.0277, "IoU.bannister": 0.1398, "IoU.escalator": 0.5434, "IoU.ottoman": 0.546, "IoU.bottle": 0.4059, "IoU.buffet": 0.5214, "IoU.poster": 0.3374, "IoU.stage": 0.1841, "IoU.van": 0.4481, "IoU.ship": 0.8339, "IoU.fountain": 0.2999, "IoU.conveyer belt": 0.7707, "IoU.canopy": 0.4176, "IoU.washer": 0.7256, "IoU.plaything": 0.3535, "IoU.swimming pool": 0.5317, "IoU.stool": 0.3978, "IoU.barrel": 0.6162, "IoU.basket": 0.384, "IoU.waterfall": 0.5977, "IoU.tent": 0.9501, "IoU.bag": 0.2095, "IoU.minibike": 0.7266, "IoU.cradle": 0.7708, "IoU.oven": 0.4516, "IoU.ball": 0.0611, "IoU.food": 0.5484, "IoU.step": 0.2117, "IoU.tank": 0.5762, "IoU.trade name": 0.2555, "IoU.microwave": 0.7911, "IoU.pot": 0.4592, "IoU.animal": 0.6096, "IoU.bicycle": 0.5818, "IoU.lake": 0.4997, "IoU.dishwasher": 0.6777, "IoU.screen": 0.5634, "IoU.blanket": 0.1178, "IoU.sculpture": 0.6407, "IoU.hood": 0.6643, "IoU.sconce": 0.4614, "IoU.vase": 0.409, "IoU.traffic light": 0.3229, "IoU.tray": 0.0414, "IoU.ashcan": 0.4876, "IoU.fan": 0.632, "IoU.pier": 0.4034, "IoU.crt screen": 0.0371, "IoU.plate": 0.5354, "IoU.monitor": 0.2823, "IoU.bulletin board": 0.6077, "IoU.shower": 0.0, "IoU.radiator": 0.6353, "IoU.glass": 0.1486, "IoU.clock": 0.4097, "IoU.flag": 0.602, "Acc.wall": 0.8885, "Acc.building": 0.9297, "Acc.sky": 0.9763, "Acc.floor": 0.9012, "Acc.tree": 0.8666, "Acc.ceiling": 0.9071, "Acc.road": 0.9215, "Acc.bed ": 0.9715, "Acc.windowpane": 0.8266, "Acc.grass": 0.7963, "Acc.cabinet": 0.7085, "Acc.sidewalk": 0.7905, "Acc.person": 0.9256, "Acc.earth": 0.5027, "Acc.door": 0.7197, "Acc.table": 0.7466, "Acc.mountain": 0.7263, "Acc.plant": 0.6601, "Acc.curtain": 0.8492, "Acc.chair": 0.6898, "Acc.car": 0.9397, "Acc.water": 0.7265, "Acc.painting": 0.8825, "Acc.sofa": 0.8834, "Acc.shelf": 0.6699, "Acc.house": 0.7446, "Acc.sea": 0.8329, "Acc.mirror": 0.7938, "Acc.rug": 0.7902, "Acc.field": 0.4885, "Acc.armchair": 0.6642, "Acc.seat": 0.8431, "Acc.fence": 0.6258, "Acc.desk": 0.7743, "Acc.rock": 0.7263, "Acc.wardrobe": 0.757, "Acc.lamp": 0.7726, "Acc.bathtub": 0.8554, "Acc.railing": 0.501, "Acc.cushion": 0.7467, "Acc.base": 0.5324, "Acc.box": 0.3958, "Acc.column": 0.648, "Acc.signboard": 0.4934, "Acc.chest of drawers": 0.6979, "Acc.counter": 0.3866, "Acc.sand": 0.8108, "Acc.sink": 0.8563, "Acc.skyscraper": 0.8097, "Acc.fireplace": 0.9115, "Acc.refrigerator": 0.8352, "Acc.grandstand": 0.8534, "Acc.path": 0.3653, "Acc.stairs": 0.4239, "Acc.runway": 0.8432, "Acc.case": 0.764, "Acc.pool table": 0.9814, "Acc.pillow": 0.7601, "Acc.screen door": 0.8677, "Acc.stairway": 0.4618, "Acc.river": 0.2092, "Acc.bridge": 0.4579, "Acc.bookcase": 0.6897, "Acc.blind": 0.3603, "Acc.coffee table": 0.8697, "Acc.toilet": 0.9208, "Acc.flower": 0.6197, "Acc.book": 0.6883, "Acc.hill": 0.1026, "Acc.bench": 0.6623, "Acc.countertop": 0.7768, "Acc.stove": 0.9061, "Acc.palm": 0.7279, "Acc.kitchen island": 0.6136, "Acc.computer": 0.9154, "Acc.swivel chair": 0.8503, "Acc.boat": 0.8871, "Acc.bar": 0.6774, "Acc.arcade machine": 0.8176, "Acc.hovel": 0.6728, "Acc.bus": 0.9691, "Acc.towel": 0.8537, "Acc.light": 0.6472, "Acc.truck": 0.5976, "Acc.tower": 0.462, "Acc.chandelier": 0.8602, "Acc.awning": 0.3758, "Acc.streetlight": 0.4044, "Acc.booth": 0.4042, "Acc.television receiver": 0.8743, "Acc.airplane": 0.7465, "Acc.dirt track": 0.0, "Acc.apparel": 0.6352, "Acc.pole": 0.2521, "Acc.land": 0.0599, "Acc.bannister": 0.1671, "Acc.escalator": 0.842, "Acc.ottoman": 0.7201, "Acc.bottle": 0.5906, "Acc.buffet": 0.6495, "Acc.poster": 0.399, "Acc.stage": 0.3897, "Acc.van": 0.5556, "Acc.ship": 0.9483, "Acc.fountain": 0.3197, "Acc.conveyer belt": 0.9681, "Acc.canopy": 0.599, "Acc.washer": 0.7487, "Acc.plaything": 0.5508, "Acc.swimming pool": 0.7836, "Acc.stool": 0.6547, "Acc.barrel": 0.8271, "Acc.basket": 0.4997, "Acc.waterfall": 0.7343, "Acc.tent": 0.9849, "Acc.bag": 0.2403, "Acc.minibike": 0.8662, "Acc.cradle": 0.9753, "Acc.oven": 0.6272, "Acc.ball": 0.0621, "Acc.food": 0.5889, "Acc.step": 0.2618, "Acc.tank": 0.6786, "Acc.trade name": 0.2868, "Acc.microwave": 0.9058, "Acc.pot": 0.5408, "Acc.animal": 0.6289, "Acc.bicycle": 0.776, "Acc.lake": 0.623, "Acc.dishwasher": 0.7493, "Acc.screen": 0.8731, "Acc.blanket": 0.1335, "Acc.sculpture": 0.8249, "Acc.hood": 0.7199, "Acc.sconce": 0.5547, "Acc.vase": 0.5493, "Acc.traffic light": 0.4783, "Acc.tray": 0.0455, "Acc.ashcan": 0.6343, "Acc.fan": 0.8104, "Acc.pier": 0.4751, "Acc.crt screen": 0.0756, "Acc.plate": 0.8099, "Acc.monitor": 0.3183, "Acc.bulletin board": 0.6882, "Acc.shower": 0.0, "Acc.radiator": 0.7428, "Acc.glass": 0.1585, "Acc.clock": 0.4457, "Acc.flag": 0.6678} {"mode": "train", "epoch": 40, "iter": 50050, "lr": 0.0, "memory": 14793, "data_time": 2.09862, "decode.loss_ce": 0.31246, "decode.acc_seg": 87.22927, "aux.loss_ce": 0.21149, "aux.acc_seg": 80.46695, "loss": 0.52395, "grad_norm": 14.36934, "time": 2.50477} {"mode": "train", "epoch": 40, "iter": 50100, "lr": 0.0, "memory": 14793, "data_time": 0.00607, "decode.loss_ce": 0.32463, "decode.acc_seg": 86.81406, "aux.loss_ce": 0.21866, "aux.acc_seg": 79.82039, "loss": 0.54329, "grad_norm": 16.53416, "time": 0.41237} {"mode": "train", "epoch": 40, "iter": 50150, "lr": 0.0, "memory": 14793, "data_time": 0.00548, "decode.loss_ce": 0.29951, "decode.acc_seg": 88.14901, "aux.loss_ce": 0.19769, "aux.acc_seg": 82.39999, "loss": 0.49719, "grad_norm": 13.40882, "time": 0.4072} {"mode": "train", "epoch": 40, "iter": 50200, "lr": 0.0, "memory": 14793, "data_time": 0.006, "decode.loss_ce": 0.31275, "decode.acc_seg": 87.505, "aux.loss_ce": 0.2058, "aux.acc_seg": 81.14676, "loss": 0.51855, "grad_norm": 13.05871, "time": 0.41225} {"mode": "train", "epoch": 40, "iter": 50250, "lr": 0.0, "memory": 14793, "data_time": 0.00588, "decode.loss_ce": 0.29512, "decode.acc_seg": 88.12149, "aux.loss_ce": 0.20412, "aux.acc_seg": 81.16813, "loss": 0.49923, "grad_norm": 13.0664, "time": 0.40699} {"mode": "train", "epoch": 40, "iter": 50300, "lr": 0.0, "memory": 14793, "data_time": 0.00655, "decode.loss_ce": 0.31992, "decode.acc_seg": 87.07174, "aux.loss_ce": 0.2145, "aux.acc_seg": 80.50864, "loss": 0.53442, "grad_norm": 11.35155, "time": 0.41296} {"mode": "train", "epoch": 40, "iter": 50350, "lr": 0.0, "memory": 14793, "data_time": 0.00607, "decode.loss_ce": 0.31035, "decode.acc_seg": 87.56935, "aux.loss_ce": 0.20658, "aux.acc_seg": 80.40601, "loss": 0.51693, "grad_norm": 15.01492, "time": 0.41704} {"mode": "train", "epoch": 40, "iter": 50400, "lr": 0.0, "memory": 14793, "data_time": 0.00553, "decode.loss_ce": 0.30577, "decode.acc_seg": 87.63241, "aux.loss_ce": 0.20452, "aux.acc_seg": 81.06329, "loss": 0.51029, "grad_norm": 13.55802, "time": 0.43286} {"mode": "train", "epoch": 40, "iter": 50450, "lr": 0.0, "memory": 14793, "data_time": 0.00547, "decode.loss_ce": 0.32519, "decode.acc_seg": 86.41366, "aux.loss_ce": 0.22092, "aux.acc_seg": 79.15171, "loss": 0.54611, "grad_norm": 12.70216, "time": 0.41193} {"mode": "train", "epoch": 40, "iter": 50500, "lr": 0.0, "memory": 14793, "data_time": 0.00682, "decode.loss_ce": 0.32389, "decode.acc_seg": 87.09818, "aux.loss_ce": 0.22445, "aux.acc_seg": 79.62, "loss": 0.54834, "grad_norm": 12.12298, "time": 0.41071} {"mode": "train", "epoch": 40, "iter": 50550, "lr": 0.0, "memory": 14793, "data_time": 0.00557, "decode.loss_ce": 0.31762, "decode.acc_seg": 86.94423, "aux.loss_ce": 0.20911, "aux.acc_seg": 80.57098, "loss": 0.52673, "grad_norm": 17.33562, "time": 0.41091} {"mode": "train", "epoch": 41, "iter": 50600, "lr": 0.0, "memory": 14793, "data_time": 0.05083, "decode.loss_ce": 0.29769, "decode.acc_seg": 87.66511, "aux.loss_ce": 0.19351, "aux.acc_seg": 81.8567, "loss": 0.4912, "grad_norm": 13.03599, "time": 0.46336} {"mode": "train", "epoch": 41, "iter": 50650, "lr": 0.0, "memory": 14793, "data_time": 0.00525, "decode.loss_ce": 0.30775, "decode.acc_seg": 87.54292, "aux.loss_ce": 0.2109, "aux.acc_seg": 80.10943, "loss": 0.51866, "grad_norm": 14.78384, "time": 0.40622} {"mode": "train", "epoch": 41, "iter": 50700, "lr": 0.0, "memory": 14793, "data_time": 0.00526, "decode.loss_ce": 0.30638, "decode.acc_seg": 87.37489, "aux.loss_ce": 0.20845, "aux.acc_seg": 80.92256, "loss": 0.51483, "grad_norm": 12.77805, "time": 0.41174} {"mode": "train", "epoch": 41, "iter": 50750, "lr": 0.0, "memory": 14793, "data_time": 0.00512, "decode.loss_ce": 0.31628, "decode.acc_seg": 87.66269, "aux.loss_ce": 0.21363, "aux.acc_seg": 80.815, "loss": 0.52991, "grad_norm": 14.65552, "time": 0.41436} {"mode": "train", "epoch": 41, "iter": 50800, "lr": 0.0, "memory": 14793, "data_time": 0.00511, "decode.loss_ce": 0.26993, "decode.acc_seg": 88.64899, "aux.loss_ce": 0.19149, "aux.acc_seg": 81.82559, "loss": 0.46142, "grad_norm": 10.8019, "time": 0.42843} {"mode": "train", "epoch": 41, "iter": 50850, "lr": 0.0, "memory": 14793, "data_time": 0.00565, "decode.loss_ce": 0.31647, "decode.acc_seg": 87.46397, "aux.loss_ce": 0.20592, "aux.acc_seg": 81.24796, "loss": 0.52238, "grad_norm": 12.00295, "time": 0.41264} {"mode": "train", "epoch": 41, "iter": 50900, "lr": 0.0, "memory": 14793, "data_time": 0.00519, "decode.loss_ce": 0.30013, "decode.acc_seg": 87.89001, "aux.loss_ce": 0.21189, "aux.acc_seg": 80.75374, "loss": 0.51202, "grad_norm": 12.25905, "time": 0.41925} {"mode": "train", "epoch": 41, "iter": 50950, "lr": 0.0, "memory": 14793, "data_time": 0.00627, "decode.loss_ce": 0.30764, "decode.acc_seg": 87.73289, "aux.loss_ce": 0.20856, "aux.acc_seg": 80.71328, "loss": 0.5162, "grad_norm": 14.81697, "time": 0.40673} {"mode": "train", "epoch": 41, "iter": 51000, "lr": 0.0, "memory": 14793, "data_time": 0.00654, "decode.loss_ce": 0.30479, "decode.acc_seg": 87.68323, "aux.loss_ce": 0.20624, "aux.acc_seg": 81.2816, "loss": 0.51102, "grad_norm": 11.20507, "time": 0.64522} {"mode": "val", "epoch": 41, "iter": 125, "lr": 0.0, "aAcc": 0.8442, "mIoU": 0.5311, "mAcc": 0.6611, "IoU.wall": 0.7967, "IoU.building": 0.8436, "IoU.sky": 0.9493, "IoU.floor": 0.8294, "IoU.tree": 0.7603, "IoU.ceiling": 0.8527, "IoU.road": 0.8495, "IoU.bed ": 0.9021, "IoU.windowpane": 0.6381, "IoU.grass": 0.6643, "IoU.cabinet": 0.6125, "IoU.sidewalk": 0.6627, "IoU.person": 0.8327, "IoU.earth": 0.3633, "IoU.door": 0.5613, "IoU.table": 0.6324, "IoU.mountain": 0.5919, "IoU.plant": 0.5418, "IoU.curtain": 0.7716, "IoU.chair": 0.625, "IoU.car": 0.8602, "IoU.water": 0.5765, "IoU.painting": 0.7243, "IoU.sofa": 0.7291, "IoU.shelf": 0.4416, "IoU.house": 0.5108, "IoU.sea": 0.6697, "IoU.mirror": 0.7237, "IoU.rug": 0.6716, "IoU.field": 0.2755, "IoU.armchair": 0.4816, "IoU.seat": 0.6322, "IoU.fence": 0.4911, "IoU.desk": 0.4954, "IoU.rock": 0.4843, "IoU.wardrobe": 0.5037, "IoU.lamp": 0.6507, "IoU.bathtub": 0.8085, "IoU.railing": 0.3941, "IoU.cushion": 0.6302, "IoU.base": 0.358, "IoU.box": 0.3314, "IoU.column": 0.533, "IoU.signboard": 0.3787, "IoU.chest of drawers": 0.4017, "IoU.counter": 0.3338, "IoU.sand": 0.5874, "IoU.sink": 0.7669, "IoU.skyscraper": 0.4694, "IoU.fireplace": 0.6637, "IoU.refrigerator": 0.7365, "IoU.grandstand": 0.4308, "IoU.path": 0.2641, "IoU.stairs": 0.3509, "IoU.runway": 0.6737, "IoU.case": 0.6061, "IoU.pool table": 0.9279, "IoU.pillow": 0.5882, "IoU.screen door": 0.6887, "IoU.stairway": 0.3665, "IoU.river": 0.1133, "IoU.bridge": 0.4589, "IoU.bookcase": 0.3955, "IoU.blind": 0.3507, "IoU.coffee table": 0.5818, "IoU.toilet": 0.8604, "IoU.flower": 0.4506, "IoU.book": 0.5129, "IoU.hill": 0.0837, "IoU.bench": 0.5886, "IoU.countertop": 0.5722, "IoU.stove": 0.7979, "IoU.palm": 0.5417, "IoU.kitchen island": 0.3948, "IoU.computer": 0.7263, "IoU.swivel chair": 0.5643, "IoU.boat": 0.7323, "IoU.bar": 0.4757, "IoU.arcade machine": 0.7588, "IoU.hovel": 0.4866, "IoU.bus": 0.8673, "IoU.towel": 0.6839, "IoU.light": 0.5433, "IoU.truck": 0.4056, "IoU.tower": 0.3303, "IoU.chandelier": 0.6589, "IoU.awning": 0.2984, "IoU.streetlight": 0.3013, "IoU.booth": 0.3179, "IoU.television receiver": 0.761, "IoU.airplane": 0.6788, "IoU.dirt track": 0.0116, "IoU.apparel": 0.543, "IoU.pole": 0.2078, "IoU.land": 0.0121, "IoU.bannister": 0.1582, "IoU.escalator": 0.5602, "IoU.ottoman": 0.5418, "IoU.bottle": 0.4134, "IoU.buffet": 0.4545, "IoU.poster": 0.3313, "IoU.stage": 0.1877, "IoU.van": 0.47, "IoU.ship": 0.6257, "IoU.fountain": 0.2277, "IoU.conveyer belt": 0.7941, "IoU.canopy": 0.4373, "IoU.washer": 0.7269, "IoU.plaything": 0.3202, "IoU.swimming pool": 0.6674, "IoU.stool": 0.4474, "IoU.barrel": 0.628, "IoU.basket": 0.3904, "IoU.waterfall": 0.5915, "IoU.tent": 0.9428, "IoU.bag": 0.2105, "IoU.minibike": 0.7392, "IoU.cradle": 0.8236, "IoU.oven": 0.4325, "IoU.ball": 0.5165, "IoU.food": 0.6027, "IoU.step": 0.184, "IoU.tank": 0.6042, "IoU.trade name": 0.2706, "IoU.microwave": 0.7798, "IoU.pot": 0.4285, "IoU.animal": 0.608, "IoU.bicycle": 0.5879, "IoU.lake": 0.5093, "IoU.dishwasher": 0.6686, "IoU.screen": 0.5642, "IoU.blanket": 0.1701, "IoU.sculpture": 0.6299, "IoU.hood": 0.6566, "IoU.sconce": 0.5109, "IoU.vase": 0.4012, "IoU.traffic light": 0.3297, "IoU.tray": 0.0432, "IoU.ashcan": 0.4779, "IoU.fan": 0.6352, "IoU.pier": 0.4076, "IoU.crt screen": 0.0427, "IoU.plate": 0.553, "IoU.monitor": 0.4066, "IoU.bulletin board": 0.6185, "IoU.shower": 0.0, "IoU.radiator": 0.6368, "IoU.glass": 0.1352, "IoU.clock": 0.4086, "IoU.flag": 0.6001, "Acc.wall": 0.8875, "Acc.building": 0.9362, "Acc.sky": 0.9735, "Acc.floor": 0.8968, "Acc.tree": 0.8886, "Acc.ceiling": 0.9281, "Acc.road": 0.9259, "Acc.bed ": 0.9784, "Acc.windowpane": 0.7986, "Acc.grass": 0.7774, "Acc.cabinet": 0.6954, "Acc.sidewalk": 0.7812, "Acc.person": 0.9295, "Acc.earth": 0.515, "Acc.door": 0.703, "Acc.table": 0.786, "Acc.mountain": 0.7207, "Acc.plant": 0.6574, "Acc.curtain": 0.8803, "Acc.chair": 0.7509, "Acc.car": 0.9281, "Acc.water": 0.7198, "Acc.painting": 0.8871, "Acc.sofa": 0.8705, "Acc.shelf": 0.6264, "Acc.house": 0.568, "Acc.sea": 0.8562, "Acc.mirror": 0.8053, "Acc.rug": 0.8025, "Acc.field": 0.4698, "Acc.armchair": 0.7056, "Acc.seat": 0.8351, "Acc.fence": 0.6371, "Acc.desk": 0.7959, "Acc.rock": 0.7629, "Acc.wardrobe": 0.7527, "Acc.lamp": 0.7749, "Acc.bathtub": 0.8677, "Acc.railing": 0.5301, "Acc.cushion": 0.7424, "Acc.base": 0.4815, "Acc.box": 0.4374, "Acc.column": 0.6474, "Acc.signboard": 0.4992, "Acc.chest of drawers": 0.7187, "Acc.counter": 0.394, "Acc.sand": 0.8081, "Acc.sink": 0.8707, "Acc.skyscraper": 0.5773, "Acc.fireplace": 0.9424, "Acc.refrigerator": 0.833, "Acc.grandstand": 0.8764, "Acc.path": 0.373, "Acc.stairs": 0.4536, "Acc.runway": 0.9042, "Acc.case": 0.7765, "Acc.pool table": 0.9825, "Acc.pillow": 0.683, "Acc.screen door": 0.8526, "Acc.stairway": 0.4356, "Acc.river": 0.2305, "Acc.bridge": 0.5275, "Acc.bookcase": 0.656, "Acc.blind": 0.3984, "Acc.coffee table": 0.8862, "Acc.toilet": 0.9215, "Acc.flower": 0.6016, "Acc.book": 0.6874, "Acc.hill": 0.1186, "Acc.bench": 0.6727, "Acc.countertop": 0.7983, "Acc.stove": 0.9041, "Acc.palm": 0.7508, "Acc.kitchen island": 0.8683, "Acc.computer": 0.9197, "Acc.swivel chair": 0.8077, "Acc.boat": 0.8643, "Acc.bar": 0.6556, "Acc.arcade machine": 0.8159, "Acc.hovel": 0.6972, "Acc.bus": 0.9762, "Acc.towel": 0.8219, "Acc.light": 0.6783, "Acc.truck": 0.5924, "Acc.tower": 0.6637, "Acc.chandelier": 0.829, "Acc.awning": 0.3315, "Acc.streetlight": 0.4388, "Acc.booth": 0.4322, "Acc.television receiver": 0.8527, "Acc.airplane": 0.7553, "Acc.dirt track": 0.0157, "Acc.apparel": 0.6334, "Acc.pole": 0.2667, "Acc.land": 0.0268, "Acc.bannister": 0.201, "Acc.escalator": 0.827, "Acc.ottoman": 0.6913, "Acc.bottle": 0.684, "Acc.buffet": 0.5548, "Acc.poster": 0.4407, "Acc.stage": 0.2824, "Acc.van": 0.6327, "Acc.ship": 0.7145, "Acc.fountain": 0.2317, "Acc.conveyer belt": 0.9492, "Acc.canopy": 0.5488, "Acc.washer": 0.7541, "Acc.plaything": 0.4773, "Acc.swimming pool": 0.7405, "Acc.stool": 0.6626, "Acc.barrel": 0.7911, "Acc.basket": 0.504, "Acc.waterfall": 0.7347, "Acc.tent": 0.9843, "Acc.bag": 0.2354, "Acc.minibike": 0.8612, "Acc.cradle": 0.9793, "Acc.oven": 0.5951, "Acc.ball": 0.6134, "Acc.food": 0.6987, "Acc.step": 0.2298, "Acc.tank": 0.6774, "Acc.trade name": 0.3021, "Acc.microwave": 0.8756, "Acc.pot": 0.4927, "Acc.animal": 0.6271, "Acc.bicycle": 0.7382, "Acc.lake": 0.6444, "Acc.dishwasher": 0.7462, "Acc.screen": 0.8762, "Acc.blanket": 0.1943, "Acc.sculpture": 0.8242, "Acc.hood": 0.7194, "Acc.sconce": 0.6261, "Acc.vase": 0.6134, "Acc.traffic light": 0.5557, "Acc.tray": 0.0483, "Acc.ashcan": 0.6399, "Acc.fan": 0.7746, "Acc.pier": 0.5149, "Acc.crt screen": 0.08, "Acc.plate": 0.7634, "Acc.monitor": 0.4833, "Acc.bulletin board": 0.7358, "Acc.shower": 0.0, "Acc.radiator": 0.7426, "Acc.glass": 0.1414, "Acc.clock": 0.451, "Acc.flag": 0.6652} {"mode": "train", "epoch": 41, "iter": 51050, "lr": 0.0, "memory": 14793, "data_time": 2.06979, "decode.loss_ce": 0.27699, "decode.acc_seg": 88.32344, "aux.loss_ce": 0.19302, "aux.acc_seg": 81.16453, "loss": 0.47001, "grad_norm": 14.15902, "time": 2.47553} {"mode": "train", "epoch": 41, "iter": 51100, "lr": 0.0, "memory": 14793, "data_time": 0.00582, "decode.loss_ce": 0.29304, "decode.acc_seg": 87.99885, "aux.loss_ce": 0.20322, "aux.acc_seg": 81.05706, "loss": 0.49626, "grad_norm": 13.07769, "time": 0.41621} {"mode": "train", "epoch": 41, "iter": 51150, "lr": 0.0, "memory": 14793, "data_time": 0.00564, "decode.loss_ce": 0.32753, "decode.acc_seg": 86.60672, "aux.loss_ce": 0.22184, "aux.acc_seg": 79.60655, "loss": 0.54937, "grad_norm": 13.46402, "time": 0.42867} {"mode": "train", "epoch": 41, "iter": 51200, "lr": 0.0, "memory": 14793, "data_time": 0.00678, "decode.loss_ce": 0.32082, "decode.acc_seg": 87.26653, "aux.loss_ce": 0.21964, "aux.acc_seg": 79.89241, "loss": 0.54046, "grad_norm": 12.2528, "time": 0.42908} {"mode": "train", "epoch": 41, "iter": 51250, "lr": 0.0, "memory": 14793, "data_time": 0.00556, "decode.loss_ce": 0.29462, "decode.acc_seg": 88.24515, "aux.loss_ce": 0.2067, "aux.acc_seg": 81.50729, "loss": 0.50132, "grad_norm": 14.13775, "time": 0.41589} {"mode": "train", "epoch": 41, "iter": 51300, "lr": 0.0, "memory": 14793, "data_time": 0.00578, "decode.loss_ce": 0.30503, "decode.acc_seg": 87.6361, "aux.loss_ce": 0.21078, "aux.acc_seg": 80.34861, "loss": 0.5158, "grad_norm": 13.48478, "time": 0.40956} {"mode": "train", "epoch": 41, "iter": 51350, "lr": 0.0, "memory": 14793, "data_time": 0.00585, "decode.loss_ce": 0.30149, "decode.acc_seg": 87.37335, "aux.loss_ce": 0.20697, "aux.acc_seg": 80.22261, "loss": 0.50846, "grad_norm": 13.38721, "time": 0.41769} {"mode": "train", "epoch": 41, "iter": 51400, "lr": 0.0, "memory": 14793, "data_time": 0.00588, "decode.loss_ce": 0.31568, "decode.acc_seg": 87.22017, "aux.loss_ce": 0.21051, "aux.acc_seg": 80.75007, "loss": 0.52619, "grad_norm": 14.53374, "time": 0.40786} {"mode": "train", "epoch": 41, "iter": 51450, "lr": 0.0, "memory": 14793, "data_time": 0.00596, "decode.loss_ce": 0.28175, "decode.acc_seg": 88.11542, "aux.loss_ce": 0.19072, "aux.acc_seg": 81.37504, "loss": 0.47247, "grad_norm": 16.74532, "time": 0.41459} {"mode": "train", "epoch": 41, "iter": 51500, "lr": 0.0, "memory": 14793, "data_time": 0.00694, "decode.loss_ce": 0.31253, "decode.acc_seg": 87.42761, "aux.loss_ce": 0.2157, "aux.acc_seg": 80.31802, "loss": 0.52823, "grad_norm": 17.86768, "time": 0.41614} {"mode": "train", "epoch": 41, "iter": 51550, "lr": 0.0, "memory": 14793, "data_time": 0.00586, "decode.loss_ce": 0.32218, "decode.acc_seg": 87.3589, "aux.loss_ce": 0.21827, "aux.acc_seg": 80.00039, "loss": 0.54045, "grad_norm": 18.77752, "time": 0.41654} {"mode": "train", "epoch": 41, "iter": 51600, "lr": 0.0, "memory": 14793, "data_time": 0.00551, "decode.loss_ce": 0.30317, "decode.acc_seg": 87.55928, "aux.loss_ce": 0.21456, "aux.acc_seg": 79.97249, "loss": 0.51772, "grad_norm": 11.46391, "time": 0.42006} {"mode": "train", "epoch": 41, "iter": 51650, "lr": 0.0, "memory": 14793, "data_time": 0.00549, "decode.loss_ce": 0.3276, "decode.acc_seg": 86.97019, "aux.loss_ce": 0.22094, "aux.acc_seg": 79.92068, "loss": 0.54853, "grad_norm": 13.27482, "time": 0.42301} {"mode": "train", "epoch": 41, "iter": 51700, "lr": 0.0, "memory": 14793, "data_time": 0.00508, "decode.loss_ce": 0.28957, "decode.acc_seg": 87.98717, "aux.loss_ce": 0.20216, "aux.acc_seg": 80.4727, "loss": 0.49174, "grad_norm": 11.29363, "time": 0.41593} {"mode": "train", "epoch": 41, "iter": 51750, "lr": 0.0, "memory": 14793, "data_time": 0.0054, "decode.loss_ce": 0.28386, "decode.acc_seg": 88.43296, "aux.loss_ce": 0.20123, "aux.acc_seg": 81.27854, "loss": 0.48509, "grad_norm": 12.68139, "time": 0.41133} {"mode": "train", "epoch": 41, "iter": 51800, "lr": 0.0, "memory": 14793, "data_time": 0.00501, "decode.loss_ce": 0.29998, "decode.acc_seg": 87.88237, "aux.loss_ce": 0.20715, "aux.acc_seg": 81.07306, "loss": 0.50713, "grad_norm": 15.68252, "time": 0.40667} {"mode": "train", "epoch": 42, "iter": 51850, "lr": 0.0, "memory": 14793, "data_time": 0.05428, "decode.loss_ce": 0.30611, "decode.acc_seg": 87.89577, "aux.loss_ce": 0.21532, "aux.acc_seg": 80.46093, "loss": 0.52143, "grad_norm": 14.16231, "time": 0.46416} {"mode": "train", "epoch": 42, "iter": 51900, "lr": 0.0, "memory": 14793, "data_time": 0.00552, "decode.loss_ce": 0.30032, "decode.acc_seg": 87.48767, "aux.loss_ce": 0.20722, "aux.acc_seg": 80.71159, "loss": 0.50754, "grad_norm": 11.15068, "time": 0.41093} {"mode": "train", "epoch": 42, "iter": 51950, "lr": 0.0, "memory": 14793, "data_time": 0.00515, "decode.loss_ce": 0.29179, "decode.acc_seg": 88.06611, "aux.loss_ce": 0.19914, "aux.acc_seg": 81.56843, "loss": 0.49093, "grad_norm": 12.72755, "time": 0.41551} {"mode": "train", "epoch": 42, "iter": 52000, "lr": 0.0, "memory": 14793, "data_time": 0.00605, "decode.loss_ce": 0.30719, "decode.acc_seg": 87.8567, "aux.loss_ce": 0.21459, "aux.acc_seg": 80.46254, "loss": 0.52178, "grad_norm": 15.01961, "time": 0.67443} {"mode": "val", "epoch": 42, "iter": 125, "lr": 0.0, "aAcc": 0.8427, "mIoU": 0.5292, "mAcc": 0.6678, "IoU.wall": 0.7953, "IoU.building": 0.8362, "IoU.sky": 0.9471, "IoU.floor": 0.8268, "IoU.tree": 0.7572, "IoU.ceiling": 0.8575, "IoU.road": 0.8523, "IoU.bed ": 0.9093, "IoU.windowpane": 0.6395, "IoU.grass": 0.6771, "IoU.cabinet": 0.6171, "IoU.sidewalk": 0.6724, "IoU.person": 0.8277, "IoU.earth": 0.3944, "IoU.door": 0.5509, "IoU.table": 0.6261, "IoU.mountain": 0.5906, "IoU.plant": 0.5356, "IoU.curtain": 0.7718, "IoU.chair": 0.619, "IoU.car": 0.8584, "IoU.water": 0.5424, "IoU.painting": 0.7219, "IoU.sofa": 0.7324, "IoU.shelf": 0.4504, "IoU.house": 0.4976, "IoU.sea": 0.661, "IoU.mirror": 0.7133, "IoU.rug": 0.6357, "IoU.field": 0.2713, "IoU.armchair": 0.4698, "IoU.seat": 0.6381, "IoU.fence": 0.4913, "IoU.desk": 0.5089, "IoU.rock": 0.4759, "IoU.wardrobe": 0.5281, "IoU.lamp": 0.6433, "IoU.bathtub": 0.7965, "IoU.railing": 0.4032, "IoU.cushion": 0.6205, "IoU.base": 0.395, "IoU.box": 0.3085, "IoU.column": 0.5082, "IoU.signboard": 0.3866, "IoU.chest of drawers": 0.4287, "IoU.counter": 0.3758, "IoU.sand": 0.4902, "IoU.sink": 0.7385, "IoU.skyscraper": 0.4599, "IoU.fireplace": 0.6781, "IoU.refrigerator": 0.712, "IoU.grandstand": 0.4608, "IoU.path": 0.2596, "IoU.stairs": 0.3656, "IoU.runway": 0.6756, "IoU.case": 0.5925, "IoU.pool table": 0.922, "IoU.pillow": 0.6081, "IoU.screen door": 0.6334, "IoU.stairway": 0.387, "IoU.river": 0.0992, "IoU.bridge": 0.4237, "IoU.bookcase": 0.4476, "IoU.blind": 0.4168, "IoU.coffee table": 0.5963, "IoU.toilet": 0.8488, "IoU.flower": 0.454, "IoU.book": 0.5041, "IoU.hill": 0.0643, "IoU.bench": 0.6444, "IoU.countertop": 0.584, "IoU.stove": 0.7766, "IoU.palm": 0.544, "IoU.kitchen island": 0.3029, "IoU.computer": 0.7404, "IoU.swivel chair": 0.572, "IoU.boat": 0.7136, "IoU.bar": 0.509, "IoU.arcade machine": 0.7431, "IoU.hovel": 0.5748, "IoU.bus": 0.8966, "IoU.towel": 0.6644, "IoU.light": 0.5382, "IoU.truck": 0.4097, "IoU.tower": 0.2757, "IoU.chandelier": 0.6588, "IoU.awning": 0.3285, "IoU.streetlight": 0.3066, "IoU.booth": 0.3052, "IoU.television receiver": 0.764, "IoU.airplane": 0.6927, "IoU.dirt track": 0.0281, "IoU.apparel": 0.5629, "IoU.pole": 0.2565, "IoU.land": 0.0111, "IoU.bannister": 0.1609, "IoU.escalator": 0.5213, "IoU.ottoman": 0.5509, "IoU.bottle": 0.4091, "IoU.buffet": 0.4963, "IoU.poster": 0.3422, "IoU.stage": 0.154, "IoU.van": 0.4258, "IoU.ship": 0.6646, "IoU.fountain": 0.2552, "IoU.conveyer belt": 0.7797, "IoU.canopy": 0.4463, "IoU.washer": 0.7381, "IoU.plaything": 0.3708, "IoU.swimming pool": 0.6944, "IoU.stool": 0.4637, "IoU.barrel": 0.6087, "IoU.basket": 0.3971, "IoU.waterfall": 0.7189, "IoU.tent": 0.9549, "IoU.bag": 0.2074, "IoU.minibike": 0.7138, "IoU.cradle": 0.8202, "IoU.oven": 0.4444, "IoU.ball": 0.4708, "IoU.food": 0.5775, "IoU.step": 0.155, "IoU.tank": 0.6187, "IoU.trade name": 0.2717, "IoU.microwave": 0.8007, "IoU.pot": 0.4816, "IoU.animal": 0.5866, "IoU.bicycle": 0.5921, "IoU.lake": 0.4717, "IoU.dishwasher": 0.5956, "IoU.screen": 0.5082, "IoU.blanket": 0.1578, "IoU.sculpture": 0.612, "IoU.hood": 0.6971, "IoU.sconce": 0.4455, "IoU.vase": 0.395, "IoU.traffic light": 0.3409, "IoU.tray": 0.0398, "IoU.ashcan": 0.4876, "IoU.fan": 0.6314, "IoU.pier": 0.3517, "IoU.crt screen": 0.0601, "IoU.plate": 0.5329, "IoU.monitor": 0.1242, "IoU.bulletin board": 0.6144, "IoU.shower": 0.0, "IoU.radiator": 0.6219, "IoU.glass": 0.147, "IoU.clock": 0.4268, "IoU.flag": 0.6225, "Acc.wall": 0.8704, "Acc.building": 0.9243, "Acc.sky": 0.9752, "Acc.floor": 0.9076, "Acc.tree": 0.8933, "Acc.ceiling": 0.9261, "Acc.road": 0.9134, "Acc.bed ": 0.9728, "Acc.windowpane": 0.8194, "Acc.grass": 0.8007, "Acc.cabinet": 0.7254, "Acc.sidewalk": 0.8164, "Acc.person": 0.9232, "Acc.earth": 0.5661, "Acc.door": 0.7355, "Acc.table": 0.7672, "Acc.mountain": 0.7569, "Acc.plant": 0.6338, "Acc.curtain": 0.8638, "Acc.chair": 0.745, "Acc.car": 0.9416, "Acc.water": 0.6572, "Acc.painting": 0.8906, "Acc.sofa": 0.8847, "Acc.shelf": 0.6182, "Acc.house": 0.627, "Acc.sea": 0.846, "Acc.mirror": 0.7887, "Acc.rug": 0.7302, "Acc.field": 0.4005, "Acc.armchair": 0.6818, "Acc.seat": 0.7915, "Acc.fence": 0.6292, "Acc.desk": 0.744, "Acc.rock": 0.6772, "Acc.wardrobe": 0.706, "Acc.lamp": 0.7874, "Acc.bathtub": 0.8676, "Acc.railing": 0.5797, "Acc.cushion": 0.7404, "Acc.base": 0.5893, "Acc.box": 0.3864, "Acc.column": 0.6672, "Acc.signboard": 0.5112, "Acc.chest of drawers": 0.6793, "Acc.counter": 0.4686, "Acc.sand": 0.6615, "Acc.sink": 0.8658, "Acc.skyscraper": 0.5613, "Acc.fireplace": 0.938, "Acc.refrigerator": 0.8289, "Acc.grandstand": 0.8647, "Acc.path": 0.3888, "Acc.stairs": 0.5191, "Acc.runway": 0.9057, "Acc.case": 0.8145, "Acc.pool table": 0.9859, "Acc.pillow": 0.717, "Acc.screen door": 0.9055, "Acc.stairway": 0.446, "Acc.river": 0.2785, "Acc.bridge": 0.4895, "Acc.bookcase": 0.6104, "Acc.blind": 0.4899, "Acc.coffee table": 0.8627, "Acc.toilet": 0.9357, "Acc.flower": 0.6195, "Acc.book": 0.6918, "Acc.hill": 0.1087, "Acc.bench": 0.7678, "Acc.countertop": 0.7939, "Acc.stove": 0.9363, "Acc.palm": 0.7381, "Acc.kitchen island": 0.9198, "Acc.computer": 0.9209, "Acc.swivel chair": 0.8053, "Acc.boat": 0.8821, "Acc.bar": 0.6767, "Acc.arcade machine": 0.8016, "Acc.hovel": 0.6847, "Acc.bus": 0.9753, "Acc.towel": 0.8521, "Acc.light": 0.6121, "Acc.truck": 0.6167, "Acc.tower": 0.5955, "Acc.chandelier": 0.8428, "Acc.awning": 0.3951, "Acc.streetlight": 0.4098, "Acc.booth": 0.4324, "Acc.television receiver": 0.8785, "Acc.airplane": 0.7853, "Acc.dirt track": 0.0477, "Acc.apparel": 0.6526, "Acc.pole": 0.3794, "Acc.land": 0.0162, "Acc.bannister": 0.2183, "Acc.escalator": 0.7887, "Acc.ottoman": 0.7373, "Acc.bottle": 0.6755, "Acc.buffet": 0.6064, "Acc.poster": 0.4289, "Acc.stage": 0.4669, "Acc.van": 0.5116, "Acc.ship": 0.7709, "Acc.fountain": 0.2598, "Acc.conveyer belt": 0.9399, "Acc.canopy": 0.633, "Acc.washer": 0.7646, "Acc.plaything": 0.5744, "Acc.swimming pool": 0.7317, "Acc.stool": 0.6356, "Acc.barrel": 0.8209, "Acc.basket": 0.4975, "Acc.waterfall": 0.8683, "Acc.tent": 0.98, "Acc.bag": 0.2527, "Acc.minibike": 0.8975, "Acc.cradle": 0.9798, "Acc.oven": 0.515, "Acc.ball": 0.7155, "Acc.food": 0.691, "Acc.step": 0.202, "Acc.tank": 0.6762, "Acc.trade name": 0.3045, "Acc.microwave": 0.95, "Acc.pot": 0.5745, "Acc.animal": 0.6018, "Acc.bicycle": 0.7892, "Acc.lake": 0.67, "Acc.dishwasher": 0.7718, "Acc.screen": 0.9037, "Acc.blanket": 0.1822, "Acc.sculpture": 0.8258, "Acc.hood": 0.8577, "Acc.sconce": 0.5363, "Acc.vase": 0.6129, "Acc.traffic light": 0.5581, "Acc.tray": 0.047, "Acc.ashcan": 0.6432, "Acc.fan": 0.781, "Acc.pier": 0.4876, "Acc.crt screen": 0.175, "Acc.plate": 0.7592, "Acc.monitor": 0.1358, "Acc.bulletin board": 0.7475, "Acc.shower": 0.0, "Acc.radiator": 0.7399, "Acc.glass": 0.1549, "Acc.clock": 0.4705, "Acc.flag": 0.7215} {"mode": "train", "epoch": 42, "iter": 52050, "lr": 0.0, "memory": 14793, "data_time": 2.11372, "decode.loss_ce": 0.30085, "decode.acc_seg": 87.72078, "aux.loss_ce": 0.21251, "aux.acc_seg": 80.32459, "loss": 0.51336, "grad_norm": 12.71416, "time": 2.53939} {"mode": "train", "epoch": 42, "iter": 52100, "lr": 0.0, "memory": 14793, "data_time": 0.00537, "decode.loss_ce": 0.29675, "decode.acc_seg": 87.85297, "aux.loss_ce": 0.20514, "aux.acc_seg": 80.99107, "loss": 0.50189, "grad_norm": 13.76139, "time": 0.40985} {"mode": "train", "epoch": 42, "iter": 52150, "lr": 0.0, "memory": 14793, "data_time": 0.00574, "decode.loss_ce": 0.30185, "decode.acc_seg": 87.47442, "aux.loss_ce": 0.20975, "aux.acc_seg": 79.89608, "loss": 0.5116, "grad_norm": 11.55413, "time": 0.41448} {"mode": "train", "epoch": 42, "iter": 52200, "lr": 0.0, "memory": 14793, "data_time": 0.00575, "decode.loss_ce": 0.31084, "decode.acc_seg": 87.53595, "aux.loss_ce": 0.20954, "aux.acc_seg": 80.62142, "loss": 0.52039, "grad_norm": 15.61973, "time": 0.40721} {"mode": "train", "epoch": 42, "iter": 52250, "lr": 0.0, "memory": 14793, "data_time": 0.00585, "decode.loss_ce": 0.30589, "decode.acc_seg": 87.8141, "aux.loss_ce": 0.20772, "aux.acc_seg": 80.96914, "loss": 0.51361, "grad_norm": 12.40686, "time": 0.40833} {"mode": "train", "epoch": 42, "iter": 52300, "lr": 0.0, "memory": 14793, "data_time": 0.00554, "decode.loss_ce": 0.30031, "decode.acc_seg": 87.91736, "aux.loss_ce": 0.19988, "aux.acc_seg": 81.43455, "loss": 0.50019, "grad_norm": 14.28983, "time": 0.41033} {"mode": "train", "epoch": 42, "iter": 52350, "lr": 0.0, "memory": 14793, "data_time": 0.00545, "decode.loss_ce": 0.27778, "decode.acc_seg": 88.29745, "aux.loss_ce": 0.19043, "aux.acc_seg": 81.65899, "loss": 0.46821, "grad_norm": 10.00675, "time": 0.41172} {"mode": "train", "epoch": 42, "iter": 52400, "lr": 0.0, "memory": 14793, "data_time": 0.0054, "decode.loss_ce": 0.34036, "decode.acc_seg": 86.41071, "aux.loss_ce": 0.22109, "aux.acc_seg": 79.55784, "loss": 0.56145, "grad_norm": 17.24069, "time": 0.41724} {"mode": "train", "epoch": 42, "iter": 52450, "lr": 0.0, "memory": 14793, "data_time": 0.00569, "decode.loss_ce": 0.30025, "decode.acc_seg": 87.656, "aux.loss_ce": 0.20402, "aux.acc_seg": 81.05964, "loss": 0.50427, "grad_norm": 16.23638, "time": 0.42259} {"mode": "train", "epoch": 42, "iter": 52500, "lr": 0.0, "memory": 14793, "data_time": 0.00641, "decode.loss_ce": 0.30223, "decode.acc_seg": 87.60741, "aux.loss_ce": 0.20983, "aux.acc_seg": 80.36818, "loss": 0.51206, "grad_norm": 16.59007, "time": 0.42029} {"mode": "train", "epoch": 42, "iter": 52550, "lr": 0.0, "memory": 14793, "data_time": 0.00596, "decode.loss_ce": 0.30349, "decode.acc_seg": 88.00849, "aux.loss_ce": 0.21097, "aux.acc_seg": 80.64064, "loss": 0.51446, "grad_norm": 12.99794, "time": 0.41181} {"mode": "train", "epoch": 42, "iter": 52600, "lr": 0.0, "memory": 14793, "data_time": 0.00642, "decode.loss_ce": 0.30783, "decode.acc_seg": 87.59483, "aux.loss_ce": 0.21442, "aux.acc_seg": 79.91509, "loss": 0.52225, "grad_norm": 13.88435, "time": 0.41814} {"mode": "train", "epoch": 42, "iter": 52650, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.29512, "decode.acc_seg": 88.22272, "aux.loss_ce": 0.20806, "aux.acc_seg": 80.85984, "loss": 0.50318, "grad_norm": 12.94444, "time": 0.41092} {"mode": "train", "epoch": 42, "iter": 52700, "lr": 0.0, "memory": 14793, "data_time": 0.00561, "decode.loss_ce": 0.31023, "decode.acc_seg": 87.41977, "aux.loss_ce": 0.21309, "aux.acc_seg": 80.31894, "loss": 0.52332, "grad_norm": 16.22518, "time": 0.41617} {"mode": "train", "epoch": 42, "iter": 52750, "lr": 0.0, "memory": 14793, "data_time": 0.00543, "decode.loss_ce": 0.28282, "decode.acc_seg": 88.12757, "aux.loss_ce": 0.19773, "aux.acc_seg": 81.33504, "loss": 0.48055, "grad_norm": 11.70461, "time": 0.41585} {"mode": "train", "epoch": 42, "iter": 52800, "lr": 0.0, "memory": 14793, "data_time": 0.00581, "decode.loss_ce": 0.29103, "decode.acc_seg": 88.09256, "aux.loss_ce": 0.19508, "aux.acc_seg": 82.04739, "loss": 0.48611, "grad_norm": 11.00071, "time": 0.41603} {"mode": "train", "epoch": 42, "iter": 52850, "lr": 0.0, "memory": 14793, "data_time": 0.00593, "decode.loss_ce": 0.28852, "decode.acc_seg": 87.96315, "aux.loss_ce": 0.20319, "aux.acc_seg": 80.70374, "loss": 0.4917, "grad_norm": 11.02095, "time": 0.41273} {"mode": "train", "epoch": 42, "iter": 52900, "lr": 0.0, "memory": 14793, "data_time": 0.0049, "decode.loss_ce": 0.2882, "decode.acc_seg": 88.37446, "aux.loss_ce": 0.19539, "aux.acc_seg": 81.88016, "loss": 0.48359, "grad_norm": 10.40125, "time": 0.42297} {"mode": "train", "epoch": 42, "iter": 52950, "lr": 0.0, "memory": 14793, "data_time": 0.00513, "decode.loss_ce": 0.2907, "decode.acc_seg": 88.18806, "aux.loss_ce": 0.20209, "aux.acc_seg": 81.3325, "loss": 0.49279, "grad_norm": 10.84135, "time": 0.41559} {"mode": "train", "epoch": 42, "iter": 53000, "lr": 0.0, "memory": 14793, "data_time": 0.00635, "decode.loss_ce": 0.322, "decode.acc_seg": 87.08485, "aux.loss_ce": 0.21145, "aux.acc_seg": 80.36858, "loss": 0.53345, "grad_norm": 15.95067, "time": 0.64425} {"mode": "val", "epoch": 42, "iter": 125, "lr": 0.0, "aAcc": 0.8447, "mIoU": 0.5318, "mAcc": 0.662, "IoU.wall": 0.7964, "IoU.building": 0.8364, "IoU.sky": 0.9475, "IoU.floor": 0.833, "IoU.tree": 0.7632, "IoU.ceiling": 0.8558, "IoU.road": 0.8494, "IoU.bed ": 0.9112, "IoU.windowpane": 0.6397, "IoU.grass": 0.6669, "IoU.cabinet": 0.645, "IoU.sidewalk": 0.6722, "IoU.person": 0.828, "IoU.earth": 0.3414, "IoU.door": 0.5524, "IoU.table": 0.6455, "IoU.mountain": 0.5905, "IoU.plant": 0.5339, "IoU.curtain": 0.7661, "IoU.chair": 0.6114, "IoU.car": 0.8554, "IoU.water": 0.5604, "IoU.painting": 0.7138, "IoU.sofa": 0.7295, "IoU.shelf": 0.4619, "IoU.house": 0.4872, "IoU.sea": 0.6619, "IoU.mirror": 0.7219, "IoU.rug": 0.6894, "IoU.field": 0.2978, "IoU.armchair": 0.4415, "IoU.seat": 0.6422, "IoU.fence": 0.4715, "IoU.desk": 0.5545, "IoU.rock": 0.4989, "IoU.wardrobe": 0.5061, "IoU.lamp": 0.6483, "IoU.bathtub": 0.8082, "IoU.railing": 0.4032, "IoU.cushion": 0.6284, "IoU.base": 0.3678, "IoU.box": 0.3433, "IoU.column": 0.5232, "IoU.signboard": 0.3727, "IoU.chest of drawers": 0.4282, "IoU.counter": 0.3494, "IoU.sand": 0.5741, "IoU.sink": 0.7819, "IoU.skyscraper": 0.5396, "IoU.fireplace": 0.7223, "IoU.refrigerator": 0.7467, "IoU.grandstand": 0.4763, "IoU.path": 0.2403, "IoU.stairs": 0.3432, "IoU.runway": 0.669, "IoU.case": 0.6115, "IoU.pool table": 0.9303, "IoU.pillow": 0.6196, "IoU.screen door": 0.6249, "IoU.stairway": 0.446, "IoU.river": 0.1292, "IoU.bridge": 0.3413, "IoU.bookcase": 0.4214, "IoU.blind": 0.3333, "IoU.coffee table": 0.5899, "IoU.toilet": 0.8631, "IoU.flower": 0.4627, "IoU.book": 0.5041, "IoU.hill": 0.0809, "IoU.bench": 0.5883, "IoU.countertop": 0.5724, "IoU.stove": 0.8023, "IoU.palm": 0.5403, "IoU.kitchen island": 0.3787, "IoU.computer": 0.7441, "IoU.swivel chair": 0.5579, "IoU.boat": 0.6842, "IoU.bar": 0.5483, "IoU.arcade machine": 0.7446, "IoU.hovel": 0.5649, "IoU.bus": 0.9159, "IoU.towel": 0.6385, "IoU.light": 0.5402, "IoU.truck": 0.4217, "IoU.tower": 0.2513, "IoU.chandelier": 0.6604, "IoU.awning": 0.3017, "IoU.streetlight": 0.2988, "IoU.booth": 0.4088, "IoU.television receiver": 0.7614, "IoU.airplane": 0.7066, "IoU.dirt track": 0.0096, "IoU.apparel": 0.4772, "IoU.pole": 0.2342, "IoU.land": 0.0427, "IoU.bannister": 0.158, "IoU.escalator": 0.5425, "IoU.ottoman": 0.56, "IoU.bottle": 0.4029, "IoU.buffet": 0.513, "IoU.poster": 0.3414, "IoU.stage": 0.1727, "IoU.van": 0.4389, "IoU.ship": 0.8173, "IoU.fountain": 0.2424, "IoU.conveyer belt": 0.8024, "IoU.canopy": 0.3861, "IoU.washer": 0.7284, "IoU.plaything": 0.3605, "IoU.swimming pool": 0.5421, "IoU.stool": 0.4516, "IoU.barrel": 0.6, "IoU.basket": 0.3935, "IoU.waterfall": 0.5077, "IoU.tent": 0.9465, "IoU.bag": 0.211, "IoU.minibike": 0.733, "IoU.cradle": 0.8219, "IoU.oven": 0.4657, "IoU.ball": 0.5287, "IoU.food": 0.5692, "IoU.step": 0.2418, "IoU.tank": 0.6099, "IoU.trade name": 0.2561, "IoU.microwave": 0.826, "IoU.pot": 0.4264, "IoU.animal": 0.5936, "IoU.bicycle": 0.5872, "IoU.lake": 0.5362, "IoU.dishwasher": 0.6691, "IoU.screen": 0.5611, "IoU.blanket": 0.1867, "IoU.sculpture": 0.6211, "IoU.hood": 0.6618, "IoU.sconce": 0.4752, "IoU.vase": 0.3995, "IoU.traffic light": 0.3376, "IoU.tray": 0.0317, "IoU.ashcan": 0.4896, "IoU.fan": 0.6359, "IoU.pier": 0.3835, "IoU.crt screen": 0.1093, "IoU.plate": 0.5427, "IoU.monitor": 0.1989, "IoU.bulletin board": 0.6155, "IoU.shower": 0.0027, "IoU.radiator": 0.604, "IoU.glass": 0.1396, "IoU.clock": 0.3713, "IoU.flag": 0.5153, "Acc.wall": 0.8816, "Acc.building": 0.9297, "Acc.sky": 0.9729, "Acc.floor": 0.8953, "Acc.tree": 0.892, "Acc.ceiling": 0.9234, "Acc.road": 0.9202, "Acc.bed ": 0.9675, "Acc.windowpane": 0.8202, "Acc.grass": 0.8404, "Acc.cabinet": 0.7464, "Acc.sidewalk": 0.8125, "Acc.person": 0.9295, "Acc.earth": 0.439, "Acc.door": 0.7171, "Acc.table": 0.8011, "Acc.mountain": 0.7477, "Acc.plant": 0.6447, "Acc.curtain": 0.8853, "Acc.chair": 0.7383, "Acc.car": 0.9504, "Acc.water": 0.697, "Acc.painting": 0.9024, "Acc.sofa": 0.8975, "Acc.shelf": 0.6546, "Acc.house": 0.6459, "Acc.sea": 0.8451, "Acc.mirror": 0.798, "Acc.rug": 0.8331, "Acc.field": 0.4662, "Acc.armchair": 0.6227, "Acc.seat": 0.8362, "Acc.fence": 0.6236, "Acc.desk": 0.7521, "Acc.rock": 0.7925, "Acc.wardrobe": 0.6539, "Acc.lamp": 0.7867, "Acc.bathtub": 0.8647, "Acc.railing": 0.524, "Acc.cushion": 0.7382, "Acc.base": 0.5006, "Acc.box": 0.4425, "Acc.column": 0.6728, "Acc.signboard": 0.5294, "Acc.chest of drawers": 0.5945, "Acc.counter": 0.398, "Acc.sand": 0.774, "Acc.sink": 0.8372, "Acc.skyscraper": 0.6877, "Acc.fireplace": 0.9163, "Acc.refrigerator": 0.8595, "Acc.grandstand": 0.864, "Acc.path": 0.3703, "Acc.stairs": 0.4298, "Acc.runway": 0.9071, "Acc.case": 0.8177, "Acc.pool table": 0.9831, "Acc.pillow": 0.7658, "Acc.screen door": 0.8699, "Acc.stairway": 0.5403, "Acc.river": 0.3118, "Acc.bridge": 0.3973, "Acc.bookcase": 0.6698, "Acc.blind": 0.3567, "Acc.coffee table": 0.8669, "Acc.toilet": 0.9266, "Acc.flower": 0.6518, "Acc.book": 0.7029, "Acc.hill": 0.1372, "Acc.bench": 0.6868, "Acc.countertop": 0.8065, "Acc.stove": 0.9056, "Acc.palm": 0.7344, "Acc.kitchen island": 0.676, "Acc.computer": 0.9115, "Acc.swivel chair": 0.816, "Acc.boat": 0.881, "Acc.bar": 0.7375, "Acc.arcade machine": 0.8083, "Acc.hovel": 0.6163, "Acc.bus": 0.9741, "Acc.towel": 0.862, "Acc.light": 0.6601, "Acc.truck": 0.5876, "Acc.tower": 0.4037, "Acc.chandelier": 0.866, "Acc.awning": 0.3458, "Acc.streetlight": 0.4048, "Acc.booth": 0.5796, "Acc.television receiver": 0.8672, "Acc.airplane": 0.7925, "Acc.dirt track": 0.0149, "Acc.apparel": 0.6212, "Acc.pole": 0.3106, "Acc.land": 0.066, "Acc.bannister": 0.1946, "Acc.escalator": 0.8726, "Acc.ottoman": 0.7089, "Acc.bottle": 0.6549, "Acc.buffet": 0.6131, "Acc.poster": 0.4281, "Acc.stage": 0.4775, "Acc.van": 0.5322, "Acc.ship": 0.9379, "Acc.fountain": 0.247, "Acc.conveyer belt": 0.942, "Acc.canopy": 0.5757, "Acc.washer": 0.7499, "Acc.plaything": 0.5263, "Acc.swimming pool": 0.7767, "Acc.stool": 0.6245, "Acc.barrel": 0.8079, "Acc.basket": 0.4859, "Acc.waterfall": 0.6275, "Acc.tent": 0.9833, "Acc.bag": 0.2395, "Acc.minibike": 0.8619, "Acc.cradle": 0.9715, "Acc.oven": 0.5408, "Acc.ball": 0.6283, "Acc.food": 0.6416, "Acc.step": 0.307, "Acc.tank": 0.6771, "Acc.trade name": 0.297, "Acc.microwave": 0.9563, "Acc.pot": 0.4904, "Acc.animal": 0.6115, "Acc.bicycle": 0.7968, "Acc.lake": 0.6784, "Acc.dishwasher": 0.753, "Acc.screen": 0.8798, "Acc.blanket": 0.2274, "Acc.sculpture": 0.8262, "Acc.hood": 0.7573, "Acc.sconce": 0.5862, "Acc.vase": 0.5826, "Acc.traffic light": 0.5208, "Acc.tray": 0.0368, "Acc.ashcan": 0.6188, "Acc.fan": 0.7852, "Acc.pier": 0.4906, "Acc.crt screen": 0.2648, "Acc.plate": 0.7364, "Acc.monitor": 0.2215, "Acc.bulletin board": 0.6976, "Acc.shower": 0.003, "Acc.radiator": 0.6373, "Acc.glass": 0.1468, "Acc.clock": 0.4106, "Acc.flag": 0.5509} {"mode": "train", "epoch": 42, "iter": 53050, "lr": 0.0, "memory": 14793, "data_time": 2.40029, "decode.loss_ce": 0.29675, "decode.acc_seg": 88.22722, "aux.loss_ce": 0.19732, "aux.acc_seg": 81.63913, "loss": 0.49406, "grad_norm": 15.09608, "time": 2.8189} {"mode": "train", "epoch": 43, "iter": 53100, "lr": 0.0, "memory": 14793, "data_time": 0.04992, "decode.loss_ce": 0.31679, "decode.acc_seg": 87.0993, "aux.loss_ce": 0.22241, "aux.acc_seg": 79.32065, "loss": 0.5392, "grad_norm": 16.08452, "time": 0.46013} {"mode": "train", "epoch": 43, "iter": 53150, "lr": 0.0, "memory": 14793, "data_time": 0.0053, "decode.loss_ce": 0.30905, "decode.acc_seg": 87.35857, "aux.loss_ce": 0.20736, "aux.acc_seg": 80.56106, "loss": 0.51641, "grad_norm": 19.43317, "time": 0.41237} {"mode": "train", "epoch": 43, "iter": 53200, "lr": 0.0, "memory": 14793, "data_time": 0.00567, "decode.loss_ce": 0.30561, "decode.acc_seg": 87.78659, "aux.loss_ce": 0.21063, "aux.acc_seg": 80.64472, "loss": 0.51624, "grad_norm": 13.00599, "time": 0.42543} {"mode": "train", "epoch": 43, "iter": 53250, "lr": 0.0, "memory": 14793, "data_time": 0.00542, "decode.loss_ce": 0.29582, "decode.acc_seg": 88.21056, "aux.loss_ce": 0.20241, "aux.acc_seg": 81.42377, "loss": 0.49823, "grad_norm": 12.72486, "time": 0.41384} {"mode": "train", "epoch": 43, "iter": 53300, "lr": 0.0, "memory": 14793, "data_time": 0.00548, "decode.loss_ce": 0.31005, "decode.acc_seg": 87.31061, "aux.loss_ce": 0.22315, "aux.acc_seg": 79.40371, "loss": 0.5332, "grad_norm": 13.33574, "time": 0.41347} {"mode": "train", "epoch": 43, "iter": 53350, "lr": 0.0, "memory": 14793, "data_time": 0.00551, "decode.loss_ce": 0.32544, "decode.acc_seg": 87.03024, "aux.loss_ce": 0.21349, "aux.acc_seg": 80.25694, "loss": 0.53894, "grad_norm": 17.48122, "time": 0.41443} {"mode": "train", "epoch": 43, "iter": 53400, "lr": 0.0, "memory": 14793, "data_time": 0.00564, "decode.loss_ce": 0.2846, "decode.acc_seg": 88.30092, "aux.loss_ce": 0.20505, "aux.acc_seg": 80.98169, "loss": 0.48965, "grad_norm": 11.38458, "time": 0.41054} {"mode": "train", "epoch": 43, "iter": 53450, "lr": 0.0, "memory": 14793, "data_time": 0.00585, "decode.loss_ce": 0.29291, "decode.acc_seg": 88.03776, "aux.loss_ce": 0.2027, "aux.acc_seg": 81.61566, "loss": 0.49561, "grad_norm": 13.19647, "time": 0.4082} {"mode": "train", "epoch": 43, "iter": 53500, "lr": 0.0, "memory": 14793, "data_time": 0.00589, "decode.loss_ce": 0.28017, "decode.acc_seg": 88.37852, "aux.loss_ce": 0.18851, "aux.acc_seg": 82.41898, "loss": 0.46869, "grad_norm": 11.35113, "time": 0.4124} {"mode": "train", "epoch": 43, "iter": 53550, "lr": 0.0, "memory": 14793, "data_time": 0.00575, "decode.loss_ce": 0.29781, "decode.acc_seg": 88.0615, "aux.loss_ce": 0.20415, "aux.acc_seg": 81.12605, "loss": 0.50197, "grad_norm": 12.23169, "time": 0.41405} {"mode": "train", "epoch": 43, "iter": 53600, "lr": 0.0, "memory": 14793, "data_time": 0.00566, "decode.loss_ce": 0.30116, "decode.acc_seg": 87.97928, "aux.loss_ce": 0.21447, "aux.acc_seg": 80.5256, "loss": 0.51563, "grad_norm": 13.1769, "time": 0.41517} {"mode": "train", "epoch": 43, "iter": 53650, "lr": 0.0, "memory": 14793, "data_time": 0.00559, "decode.loss_ce": 0.32024, "decode.acc_seg": 87.18388, "aux.loss_ce": 0.22058, "aux.acc_seg": 79.8958, "loss": 0.54082, "grad_norm": 13.09035, "time": 0.41439} {"mode": "train", "epoch": 43, "iter": 53700, "lr": 0.0, "memory": 14793, "data_time": 0.00621, "decode.loss_ce": 0.29402, "decode.acc_seg": 87.75802, "aux.loss_ce": 0.19695, "aux.acc_seg": 81.49757, "loss": 0.49097, "grad_norm": 14.52339, "time": 0.42144} {"mode": "train", "epoch": 43, "iter": 53750, "lr": 0.0, "memory": 14793, "data_time": 0.00602, "decode.loss_ce": 0.30304, "decode.acc_seg": 87.40727, "aux.loss_ce": 0.20169, "aux.acc_seg": 81.05417, "loss": 0.50473, "grad_norm": 13.93899, "time": 0.41943} {"mode": "train", "epoch": 43, "iter": 53800, "lr": 0.0, "memory": 14793, "data_time": 0.00508, "decode.loss_ce": 0.29761, "decode.acc_seg": 87.68457, "aux.loss_ce": 0.20853, "aux.acc_seg": 80.52571, "loss": 0.50614, "grad_norm": 14.01571, "time": 0.41315} {"mode": "train", "epoch": 43, "iter": 53850, "lr": 0.0, "memory": 14793, "data_time": 0.00629, "decode.loss_ce": 0.29883, "decode.acc_seg": 88.13775, "aux.loss_ce": 0.2089, "aux.acc_seg": 81.16038, "loss": 0.50773, "grad_norm": 11.84155, "time": 0.4117} {"mode": "train", "epoch": 43, "iter": 53900, "lr": 0.0, "memory": 14793, "data_time": 0.00624, "decode.loss_ce": 0.30414, "decode.acc_seg": 87.62688, "aux.loss_ce": 0.20469, "aux.acc_seg": 81.13311, "loss": 0.50883, "grad_norm": 20.42865, "time": 0.41297} {"mode": "train", "epoch": 43, "iter": 53950, "lr": 0.0, "memory": 14793, "data_time": 0.0054, "decode.loss_ce": 0.3055, "decode.acc_seg": 87.28733, "aux.loss_ce": 0.21517, "aux.acc_seg": 79.68822, "loss": 0.52066, "grad_norm": 19.48195, "time": 0.40944} {"mode": "train", "epoch": 43, "iter": 54000, "lr": 0.0, "memory": 14793, "data_time": 0.00676, "decode.loss_ce": 0.30709, "decode.acc_seg": 87.85474, "aux.loss_ce": 0.20798, "aux.acc_seg": 81.24319, "loss": 0.51506, "grad_norm": 14.01913, "time": 0.64656} {"mode": "val", "epoch": 43, "iter": 125, "lr": 0.0, "aAcc": 0.8436, "mIoU": 0.5308, "mAcc": 0.6635, "IoU.wall": 0.7983, "IoU.building": 0.8352, "IoU.sky": 0.9469, "IoU.floor": 0.8281, "IoU.tree": 0.7552, "IoU.ceiling": 0.8543, "IoU.road": 0.8476, "IoU.bed ": 0.9087, "IoU.windowpane": 0.6336, "IoU.grass": 0.6684, "IoU.cabinet": 0.6192, "IoU.sidewalk": 0.6774, "IoU.person": 0.8336, "IoU.earth": 0.3728, "IoU.door": 0.528, "IoU.table": 0.6441, "IoU.mountain": 0.5944, "IoU.plant": 0.529, "IoU.curtain": 0.7767, "IoU.chair": 0.609, "IoU.car": 0.8604, "IoU.water": 0.5757, "IoU.painting": 0.7308, "IoU.sofa": 0.7272, "IoU.shelf": 0.4473, "IoU.house": 0.4859, "IoU.sea": 0.6723, "IoU.mirror": 0.7198, "IoU.rug": 0.6804, "IoU.field": 0.2828, "IoU.armchair": 0.4439, "IoU.seat": 0.652, "IoU.fence": 0.4819, "IoU.desk": 0.5269, "IoU.rock": 0.5225, "IoU.wardrobe": 0.5037, "IoU.lamp": 0.6472, "IoU.bathtub": 0.8108, "IoU.railing": 0.4054, "IoU.cushion": 0.6228, "IoU.base": 0.4013, "IoU.box": 0.3198, "IoU.column": 0.5247, "IoU.signboard": 0.3825, "IoU.chest of drawers": 0.4032, "IoU.counter": 0.3373, "IoU.sand": 0.6148, "IoU.sink": 0.7867, "IoU.skyscraper": 0.5385, "IoU.fireplace": 0.6991, "IoU.refrigerator": 0.7426, "IoU.grandstand": 0.4698, "IoU.path": 0.2531, "IoU.stairs": 0.3515, "IoU.runway": 0.6821, "IoU.case": 0.5352, "IoU.pool table": 0.9336, "IoU.pillow": 0.549, "IoU.screen door": 0.676, "IoU.stairway": 0.3818, "IoU.river": 0.1, "IoU.bridge": 0.5042, "IoU.bookcase": 0.4287, "IoU.blind": 0.4961, "IoU.coffee table": 0.595, "IoU.toilet": 0.8584, "IoU.flower": 0.4553, "IoU.book": 0.4984, "IoU.hill": 0.0743, "IoU.bench": 0.6554, "IoU.countertop": 0.5857, "IoU.stove": 0.8047, "IoU.palm": 0.5506, "IoU.kitchen island": 0.3377, "IoU.computer": 0.7542, "IoU.swivel chair": 0.541, "IoU.boat": 0.6869, "IoU.bar": 0.5055, "IoU.arcade machine": 0.7574, "IoU.hovel": 0.5605, "IoU.bus": 0.9242, "IoU.towel": 0.681, "IoU.light": 0.5303, "IoU.truck": 0.4078, "IoU.tower": 0.2479, "IoU.chandelier": 0.6658, "IoU.awning": 0.323, "IoU.streetlight": 0.2988, "IoU.booth": 0.3051, "IoU.television receiver": 0.7715, "IoU.airplane": 0.7075, "IoU.dirt track": 0.0363, "IoU.apparel": 0.5676, "IoU.pole": 0.2178, "IoU.land": 0.0373, "IoU.bannister": 0.1474, "IoU.escalator": 0.5324, "IoU.ottoman": 0.5427, "IoU.bottle": 0.4027, "IoU.buffet": 0.5455, "IoU.poster": 0.3303, "IoU.stage": 0.2028, "IoU.van": 0.4934, "IoU.ship": 0.49, "IoU.fountain": 0.213, "IoU.conveyer belt": 0.7819, "IoU.canopy": 0.3797, "IoU.washer": 0.7353, "IoU.plaything": 0.378, "IoU.swimming pool": 0.6757, "IoU.stool": 0.4195, "IoU.barrel": 0.5409, "IoU.basket": 0.3682, "IoU.waterfall": 0.6516, "IoU.tent": 0.9528, "IoU.bag": 0.1672, "IoU.minibike": 0.7213, "IoU.cradle": 0.8226, "IoU.oven": 0.4837, "IoU.ball": 0.5057, "IoU.food": 0.5304, "IoU.step": 0.1776, "IoU.tank": 0.6062, "IoU.trade name": 0.2999, "IoU.microwave": 0.8209, "IoU.pot": 0.4352, "IoU.animal": 0.6472, "IoU.bicycle": 0.5667, "IoU.lake": 0.4593, "IoU.dishwasher": 0.6634, "IoU.screen": 0.5218, "IoU.blanket": 0.1971, "IoU.sculpture": 0.6234, "IoU.hood": 0.6631, "IoU.sconce": 0.4619, "IoU.vase": 0.4056, "IoU.traffic light": 0.3299, "IoU.tray": 0.0311, "IoU.ashcan": 0.5018, "IoU.fan": 0.6199, "IoU.pier": 0.3115, "IoU.crt screen": 0.1567, "IoU.plate": 0.5383, "IoU.monitor": 0.1593, "IoU.bulletin board": 0.6159, "IoU.shower": 0.0, "IoU.radiator": 0.6364, "IoU.glass": 0.1466, "IoU.clock": 0.3882, "IoU.flag": 0.5011, "Acc.wall": 0.884, "Acc.building": 0.9204, "Acc.sky": 0.9789, "Acc.floor": 0.9026, "Acc.tree": 0.8947, "Acc.ceiling": 0.925, "Acc.road": 0.9056, "Acc.bed ": 0.9741, "Acc.windowpane": 0.7624, "Acc.grass": 0.7752, "Acc.cabinet": 0.7313, "Acc.sidewalk": 0.851, "Acc.person": 0.9181, "Acc.earth": 0.5245, "Acc.door": 0.7356, "Acc.table": 0.7775, "Acc.mountain": 0.724, "Acc.plant": 0.6401, "Acc.curtain": 0.8774, "Acc.chair": 0.7145, "Acc.car": 0.9312, "Acc.water": 0.7028, "Acc.painting": 0.8926, "Acc.sofa": 0.8945, "Acc.shelf": 0.6074, "Acc.house": 0.6824, "Acc.sea": 0.8501, "Acc.mirror": 0.7949, "Acc.rug": 0.8093, "Acc.field": 0.4695, "Acc.armchair": 0.5634, "Acc.seat": 0.8334, "Acc.fence": 0.6789, "Acc.desk": 0.7515, "Acc.rock": 0.7826, "Acc.wardrobe": 0.7431, "Acc.lamp": 0.7658, "Acc.bathtub": 0.8595, "Acc.railing": 0.582, "Acc.cushion": 0.8019, "Acc.base": 0.5841, "Acc.box": 0.4018, "Acc.column": 0.6559, "Acc.signboard": 0.4776, "Acc.chest of drawers": 0.6709, "Acc.counter": 0.4434, "Acc.sand": 0.8235, "Acc.sink": 0.8543, "Acc.skyscraper": 0.6727, "Acc.fireplace": 0.9369, "Acc.refrigerator": 0.8574, "Acc.grandstand": 0.8507, "Acc.path": 0.3908, "Acc.stairs": 0.4784, "Acc.runway": 0.8777, "Acc.case": 0.7681, "Acc.pool table": 0.9817, "Acc.pillow": 0.6021, "Acc.screen door": 0.8235, "Acc.stairway": 0.4196, "Acc.river": 0.2454, "Acc.bridge": 0.5738, "Acc.bookcase": 0.5944, "Acc.blind": 0.6348, "Acc.coffee table": 0.8543, "Acc.toilet": 0.9116, "Acc.flower": 0.6157, "Acc.book": 0.7025, "Acc.hill": 0.1079, "Acc.bench": 0.7784, "Acc.countertop": 0.7864, "Acc.stove": 0.8924, "Acc.palm": 0.7637, "Acc.kitchen island": 0.7483, "Acc.computer": 0.9024, "Acc.swivel chair": 0.856, "Acc.boat": 0.8542, "Acc.bar": 0.6509, "Acc.arcade machine": 0.8286, "Acc.hovel": 0.6519, "Acc.bus": 0.9682, "Acc.towel": 0.8233, "Acc.light": 0.5979, "Acc.truck": 0.612, "Acc.tower": 0.458, "Acc.chandelier": 0.8571, "Acc.awning": 0.3854, "Acc.streetlight": 0.4152, "Acc.booth": 0.4165, "Acc.television receiver": 0.8746, "Acc.airplane": 0.7864, "Acc.dirt track": 0.0728, "Acc.apparel": 0.7148, "Acc.pole": 0.2834, "Acc.land": 0.0561, "Acc.bannister": 0.1823, "Acc.escalator": 0.8448, "Acc.ottoman": 0.7058, "Acc.bottle": 0.6328, "Acc.buffet": 0.6606, "Acc.poster": 0.4261, "Acc.stage": 0.3882, "Acc.van": 0.6671, "Acc.ship": 0.5688, "Acc.fountain": 0.2151, "Acc.conveyer belt": 0.9406, "Acc.canopy": 0.5742, "Acc.washer": 0.7578, "Acc.plaything": 0.6422, "Acc.swimming pool": 0.7666, "Acc.stool": 0.6439, "Acc.barrel": 0.8329, "Acc.basket": 0.52, "Acc.waterfall": 0.7813, "Acc.tent": 0.9817, "Acc.bag": 0.1865, "Acc.minibike": 0.857, "Acc.cradle": 0.9752, "Acc.oven": 0.5912, "Acc.ball": 0.5939, "Acc.food": 0.6189, "Acc.step": 0.2237, "Acc.tank": 0.6776, "Acc.trade name": 0.347, "Acc.microwave": 0.9527, "Acc.pot": 0.5007, "Acc.animal": 0.6784, "Acc.bicycle": 0.8134, "Acc.lake": 0.7022, "Acc.dishwasher": 0.7742, "Acc.screen": 0.7334, "Acc.blanket": 0.2509, "Acc.sculpture": 0.8349, "Acc.hood": 0.7085, "Acc.sconce": 0.5417, "Acc.vase": 0.5688, "Acc.traffic light": 0.5001, "Acc.tray": 0.0342, "Acc.ashcan": 0.6535, "Acc.fan": 0.8034, "Acc.pier": 0.476, "Acc.crt screen": 0.4114, "Acc.plate": 0.7401, "Acc.monitor": 0.1718, "Acc.bulletin board": 0.7286, "Acc.shower": 0.0, "Acc.radiator": 0.7192, "Acc.glass": 0.1548, "Acc.clock": 0.4455, "Acc.flag": 0.5582} {"mode": "train", "epoch": 43, "iter": 54050, "lr": 0.0, "memory": 14793, "data_time": 2.10518, "decode.loss_ce": 0.28189, "decode.acc_seg": 88.30247, "aux.loss_ce": 0.1962, "aux.acc_seg": 81.41386, "loss": 0.47809, "grad_norm": 16.16365, "time": 2.53114} {"mode": "train", "epoch": 43, "iter": 54100, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.30665, "decode.acc_seg": 87.22705, "aux.loss_ce": 0.2081, "aux.acc_seg": 80.44005, "loss": 0.51475, "grad_norm": 14.24794, "time": 0.4212} {"mode": "train", "epoch": 43, "iter": 54150, "lr": 0.0, "memory": 14793, "data_time": 0.00734, "decode.loss_ce": 0.30441, "decode.acc_seg": 88.01385, "aux.loss_ce": 0.20538, "aux.acc_seg": 80.85413, "loss": 0.50979, "grad_norm": 18.82562, "time": 0.41735} {"mode": "train", "epoch": 43, "iter": 54200, "lr": 0.0, "memory": 14793, "data_time": 0.00599, "decode.loss_ce": 0.28942, "decode.acc_seg": 88.18607, "aux.loss_ce": 0.20424, "aux.acc_seg": 81.16312, "loss": 0.49366, "grad_norm": 12.99613, "time": 0.41183} {"mode": "train", "epoch": 43, "iter": 54250, "lr": 0.0, "memory": 14793, "data_time": 0.00557, "decode.loss_ce": 0.3082, "decode.acc_seg": 87.58428, "aux.loss_ce": 0.2081, "aux.acc_seg": 80.82021, "loss": 0.5163, "grad_norm": 16.02669, "time": 0.41111} {"mode": "train", "epoch": 43, "iter": 54300, "lr": 0.0, "memory": 14793, "data_time": 0.00562, "decode.loss_ce": 0.28544, "decode.acc_seg": 88.50032, "aux.loss_ce": 0.19665, "aux.acc_seg": 82.07247, "loss": 0.48208, "grad_norm": 11.32374, "time": 0.4186} {"mode": "train", "epoch": 43, "iter": 54350, "lr": 0.0, "memory": 14793, "data_time": 0.00548, "decode.loss_ce": 0.29537, "decode.acc_seg": 88.22647, "aux.loss_ce": 0.19914, "aux.acc_seg": 81.91753, "loss": 0.49452, "grad_norm": 14.1417, "time": 0.40632} {"mode": "train", "epoch": 44, "iter": 54400, "lr": 0.0, "memory": 14793, "data_time": 0.05385, "decode.loss_ce": 0.27338, "decode.acc_seg": 88.76459, "aux.loss_ce": 0.19009, "aux.acc_seg": 82.64513, "loss": 0.46346, "grad_norm": 13.59947, "time": 0.46369} {"mode": "train", "epoch": 44, "iter": 54450, "lr": 0.0, "memory": 14793, "data_time": 0.00704, "decode.loss_ce": 0.30181, "decode.acc_seg": 87.44209, "aux.loss_ce": 0.21008, "aux.acc_seg": 80.36891, "loss": 0.51189, "grad_norm": 14.92047, "time": 0.41149} {"mode": "train", "epoch": 44, "iter": 54500, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.29393, "decode.acc_seg": 88.14893, "aux.loss_ce": 0.20784, "aux.acc_seg": 80.72056, "loss": 0.50177, "grad_norm": 15.09618, "time": 0.41701} {"mode": "train", "epoch": 44, "iter": 54550, "lr": 0.0, "memory": 14793, "data_time": 0.00588, "decode.loss_ce": 0.28264, "decode.acc_seg": 88.53023, "aux.loss_ce": 0.20171, "aux.acc_seg": 81.54794, "loss": 0.48435, "grad_norm": 12.04997, "time": 0.42715} {"mode": "train", "epoch": 44, "iter": 54600, "lr": 0.0, "memory": 14793, "data_time": 0.00564, "decode.loss_ce": 0.29649, "decode.acc_seg": 88.27959, "aux.loss_ce": 0.20831, "aux.acc_seg": 81.15479, "loss": 0.5048, "grad_norm": 17.24745, "time": 0.40396} {"mode": "train", "epoch": 44, "iter": 54650, "lr": 0.0, "memory": 14793, "data_time": 0.00729, "decode.loss_ce": 0.28663, "decode.acc_seg": 87.65055, "aux.loss_ce": 0.19634, "aux.acc_seg": 80.90239, "loss": 0.48297, "grad_norm": 12.67354, "time": 0.41686} {"mode": "train", "epoch": 44, "iter": 54700, "lr": 0.0, "memory": 14793, "data_time": 0.00549, "decode.loss_ce": 0.30447, "decode.acc_seg": 87.76265, "aux.loss_ce": 0.20499, "aux.acc_seg": 80.935, "loss": 0.50946, "grad_norm": 13.22899, "time": 0.40733} {"mode": "train", "epoch": 44, "iter": 54750, "lr": 0.0, "memory": 14793, "data_time": 0.00547, "decode.loss_ce": 0.28477, "decode.acc_seg": 88.17212, "aux.loss_ce": 0.20293, "aux.acc_seg": 80.94874, "loss": 0.48771, "grad_norm": 12.55292, "time": 0.40702} {"mode": "train", "epoch": 44, "iter": 54800, "lr": 0.0, "memory": 14793, "data_time": 0.00632, "decode.loss_ce": 0.29808, "decode.acc_seg": 88.09845, "aux.loss_ce": 0.20226, "aux.acc_seg": 81.56045, "loss": 0.50033, "grad_norm": 12.52716, "time": 0.41244} {"mode": "train", "epoch": 44, "iter": 54850, "lr": 0.0, "memory": 14793, "data_time": 0.00621, "decode.loss_ce": 0.27783, "decode.acc_seg": 88.42882, "aux.loss_ce": 0.19514, "aux.acc_seg": 82.07041, "loss": 0.47297, "grad_norm": 14.00451, "time": 0.41278} {"mode": "train", "epoch": 44, "iter": 54900, "lr": 0.0, "memory": 14793, "data_time": 0.00527, "decode.loss_ce": 0.29252, "decode.acc_seg": 88.17123, "aux.loss_ce": 0.20083, "aux.acc_seg": 81.58072, "loss": 0.49335, "grad_norm": 12.83224, "time": 0.41224} {"mode": "train", "epoch": 44, "iter": 54950, "lr": 0.0, "memory": 14793, "data_time": 0.00507, "decode.loss_ce": 0.31349, "decode.acc_seg": 87.3561, "aux.loss_ce": 0.21128, "aux.acc_seg": 80.21251, "loss": 0.52478, "grad_norm": 16.27696, "time": 0.41528} {"mode": "train", "epoch": 44, "iter": 55000, "lr": 0.0, "memory": 14793, "data_time": 0.00571, "decode.loss_ce": 0.30116, "decode.acc_seg": 87.86567, "aux.loss_ce": 0.20628, "aux.acc_seg": 81.0132, "loss": 0.50744, "grad_norm": 13.25529, "time": 0.64073} {"mode": "val", "epoch": 44, "iter": 125, "lr": 0.0, "aAcc": 0.8454, "mIoU": 0.535, "mAcc": 0.6649, "IoU.wall": 0.7937, "IoU.building": 0.8352, "IoU.sky": 0.9478, "IoU.floor": 0.8321, "IoU.tree": 0.7624, "IoU.ceiling": 0.8516, "IoU.road": 0.8523, "IoU.bed ": 0.9068, "IoU.windowpane": 0.6359, "IoU.grass": 0.6692, "IoU.cabinet": 0.6314, "IoU.sidewalk": 0.6834, "IoU.person": 0.8336, "IoU.earth": 0.3939, "IoU.door": 0.5488, "IoU.table": 0.6493, "IoU.mountain": 0.6102, "IoU.plant": 0.5363, "IoU.curtain": 0.7711, "IoU.chair": 0.6123, "IoU.car": 0.8626, "IoU.water": 0.6035, "IoU.painting": 0.7387, "IoU.sofa": 0.7295, "IoU.shelf": 0.4473, "IoU.house": 0.4522, "IoU.sea": 0.6839, "IoU.mirror": 0.7033, "IoU.rug": 0.6815, "IoU.field": 0.2961, "IoU.armchair": 0.4726, "IoU.seat": 0.6425, "IoU.fence": 0.4911, "IoU.desk": 0.5353, "IoU.rock": 0.517, "IoU.wardrobe": 0.5428, "IoU.lamp": 0.6523, "IoU.bathtub": 0.813, "IoU.railing": 0.4026, "IoU.cushion": 0.6219, "IoU.base": 0.3035, "IoU.box": 0.3084, "IoU.column": 0.5326, "IoU.signboard": 0.3875, "IoU.chest of drawers": 0.4315, "IoU.counter": 0.3201, "IoU.sand": 0.5943, "IoU.sink": 0.7902, "IoU.skyscraper": 0.6486, "IoU.fireplace": 0.6871, "IoU.refrigerator": 0.7442, "IoU.grandstand": 0.4779, "IoU.path": 0.2634, "IoU.stairs": 0.3435, "IoU.runway": 0.6647, "IoU.case": 0.5998, "IoU.pool table": 0.9364, "IoU.pillow": 0.5647, "IoU.screen door": 0.6597, "IoU.stairway": 0.4501, "IoU.river": 0.1451, "IoU.bridge": 0.5677, "IoU.bookcase": 0.3908, "IoU.blind": 0.4108, "IoU.coffee table": 0.618, "IoU.toilet": 0.8599, "IoU.flower": 0.4511, "IoU.book": 0.4556, "IoU.hill": 0.0878, "IoU.bench": 0.6252, "IoU.countertop": 0.6084, "IoU.stove": 0.8005, "IoU.palm": 0.5525, "IoU.kitchen island": 0.3379, "IoU.computer": 0.7563, "IoU.swivel chair": 0.5573, "IoU.boat": 0.7164, "IoU.bar": 0.4954, "IoU.arcade machine": 0.717, "IoU.hovel": 0.4979, "IoU.bus": 0.8762, "IoU.towel": 0.6681, "IoU.light": 0.5536, "IoU.truck": 0.4273, "IoU.tower": 0.2278, "IoU.chandelier": 0.6628, "IoU.awning": 0.3445, "IoU.streetlight": 0.3173, "IoU.booth": 0.3469, "IoU.television receiver": 0.7705, "IoU.airplane": 0.6592, "IoU.dirt track": 0.0034, "IoU.apparel": 0.5765, "IoU.pole": 0.2437, "IoU.land": 0.0496, "IoU.bannister": 0.1782, "IoU.escalator": 0.542, "IoU.ottoman": 0.5499, "IoU.bottle": 0.4098, "IoU.buffet": 0.4911, "IoU.poster": 0.3331, "IoU.stage": 0.2009, "IoU.van": 0.4338, "IoU.ship": 0.5602, "IoU.fountain": 0.3043, "IoU.conveyer belt": 0.8065, "IoU.canopy": 0.364, "IoU.washer": 0.7078, "IoU.plaything": 0.3691, "IoU.swimming pool": 0.692, "IoU.stool": 0.4451, "IoU.barrel": 0.5226, "IoU.basket": 0.3848, "IoU.waterfall": 0.597, "IoU.tent": 0.9406, "IoU.bag": 0.2132, "IoU.minibike": 0.7214, "IoU.cradle": 0.8102, "IoU.oven": 0.4951, "IoU.ball": 0.5335, "IoU.food": 0.544, "IoU.step": 0.2064, "IoU.tank": 0.6152, "IoU.trade name": 0.3099, "IoU.microwave": 0.8231, "IoU.pot": 0.4387, "IoU.animal": 0.6278, "IoU.bicycle": 0.5871, "IoU.lake": 0.5315, "IoU.dishwasher": 0.6757, "IoU.screen": 0.5436, "IoU.blanket": 0.1834, "IoU.sculpture": 0.664, "IoU.hood": 0.6707, "IoU.sconce": 0.4889, "IoU.vase": 0.4131, "IoU.traffic light": 0.3452, "IoU.tray": 0.0282, "IoU.ashcan": 0.4936, "IoU.fan": 0.6341, "IoU.pier": 0.3566, "IoU.crt screen": 0.055, "IoU.plate": 0.5497, "IoU.monitor": 0.2345, "IoU.bulletin board": 0.5762, "IoU.shower": 0.0003, "IoU.radiator": 0.6431, "IoU.glass": 0.1583, "IoU.clock": 0.3978, "IoU.flag": 0.5189, "Acc.wall": 0.883, "Acc.building": 0.9114, "Acc.sky": 0.9751, "Acc.floor": 0.903, "Acc.tree": 0.8935, "Acc.ceiling": 0.9131, "Acc.road": 0.9143, "Acc.bed ": 0.9743, "Acc.windowpane": 0.817, "Acc.grass": 0.8093, "Acc.cabinet": 0.7531, "Acc.sidewalk": 0.8117, "Acc.person": 0.9305, "Acc.earth": 0.5525, "Acc.door": 0.7564, "Acc.table": 0.7945, "Acc.mountain": 0.717, "Acc.plant": 0.6527, "Acc.curtain": 0.858, "Acc.chair": 0.7146, "Acc.car": 0.9384, "Acc.water": 0.7557, "Acc.painting": 0.8824, "Acc.sofa": 0.8631, "Acc.shelf": 0.6611, "Acc.house": 0.6704, "Acc.sea": 0.9042, "Acc.mirror": 0.8209, "Acc.rug": 0.8235, "Acc.field": 0.4565, "Acc.armchair": 0.6838, "Acc.seat": 0.8345, "Acc.fence": 0.6487, "Acc.desk": 0.7414, "Acc.rock": 0.7676, "Acc.wardrobe": 0.7626, "Acc.lamp": 0.7628, "Acc.bathtub": 0.8644, "Acc.railing": 0.5552, "Acc.cushion": 0.75, "Acc.base": 0.3743, "Acc.box": 0.3865, "Acc.column": 0.6181, "Acc.signboard": 0.502, "Acc.chest of drawers": 0.606, "Acc.counter": 0.3652, "Acc.sand": 0.7778, "Acc.sink": 0.8863, "Acc.skyscraper": 0.8563, "Acc.fireplace": 0.941, "Acc.refrigerator": 0.8249, "Acc.grandstand": 0.8616, "Acc.path": 0.4056, "Acc.stairs": 0.4393, "Acc.runway": 0.8894, "Acc.case": 0.8099, "Acc.pool table": 0.9785, "Acc.pillow": 0.646, "Acc.screen door": 0.8603, "Acc.stairway": 0.54, "Acc.river": 0.2079, "Acc.bridge": 0.6486, "Acc.bookcase": 0.6838, "Acc.blind": 0.4835, "Acc.coffee table": 0.8264, "Acc.toilet": 0.946, "Acc.flower": 0.6207, "Acc.book": 0.691, "Acc.hill": 0.1587, "Acc.bench": 0.738, "Acc.countertop": 0.794, "Acc.stove": 0.8684, "Acc.palm": 0.741, "Acc.kitchen island": 0.6404, "Acc.computer": 0.9027, "Acc.swivel chair": 0.7814, "Acc.boat": 0.8762, "Acc.bar": 0.646, "Acc.arcade machine": 0.7669, "Acc.hovel": 0.6736, "Acc.bus": 0.9775, "Acc.towel": 0.855, "Acc.light": 0.684, "Acc.truck": 0.5828, "Acc.tower": 0.4613, "Acc.chandelier": 0.8557, "Acc.awning": 0.4514, "Acc.streetlight": 0.4362, "Acc.booth": 0.4314, "Acc.television receiver": 0.8487, "Acc.airplane": 0.7489, "Acc.dirt track": 0.0041, "Acc.apparel": 0.7953, "Acc.pole": 0.3391, "Acc.land": 0.0795, "Acc.bannister": 0.2569, "Acc.escalator": 0.8401, "Acc.ottoman": 0.7061, "Acc.bottle": 0.6305, "Acc.buffet": 0.5914, "Acc.poster": 0.4131, "Acc.stage": 0.3638, "Acc.van": 0.5665, "Acc.ship": 0.6489, "Acc.fountain": 0.3193, "Acc.conveyer belt": 0.9404, "Acc.canopy": 0.6123, "Acc.washer": 0.7269, "Acc.plaything": 0.462, "Acc.swimming pool": 0.7567, "Acc.stool": 0.6575, "Acc.barrel": 0.8347, "Acc.basket": 0.4918, "Acc.waterfall": 0.691, "Acc.tent": 0.9854, "Acc.bag": 0.2574, "Acc.minibike": 0.8706, "Acc.cradle": 0.9726, "Acc.oven": 0.6226, "Acc.ball": 0.633, "Acc.food": 0.6499, "Acc.step": 0.2493, "Acc.tank": 0.6773, "Acc.trade name": 0.3646, "Acc.microwave": 0.9589, "Acc.pot": 0.5097, "Acc.animal": 0.6507, "Acc.bicycle": 0.7609, "Acc.lake": 0.696, "Acc.dishwasher": 0.7213, "Acc.screen": 0.8949, "Acc.blanket": 0.2111, "Acc.sculpture": 0.8243, "Acc.hood": 0.7978, "Acc.sconce": 0.5951, "Acc.vase": 0.58, "Acc.traffic light": 0.5335, "Acc.tray": 0.0301, "Acc.ashcan": 0.6344, "Acc.fan": 0.7893, "Acc.pier": 0.4594, "Acc.crt screen": 0.1267, "Acc.plate": 0.7888, "Acc.monitor": 0.2629, "Acc.bulletin board": 0.7304, "Acc.shower": 0.0004, "Acc.radiator": 0.7229, "Acc.glass": 0.1704, "Acc.clock": 0.4285, "Acc.flag": 0.5672} {"mode": "train", "epoch": 44, "iter": 55050, "lr": 0.0, "memory": 14793, "data_time": 2.34528, "decode.loss_ce": 0.29352, "decode.acc_seg": 88.16798, "aux.loss_ce": 0.20687, "aux.acc_seg": 80.97417, "loss": 0.50039, "grad_norm": 12.14284, "time": 2.7608} {"mode": "train", "epoch": 44, "iter": 55100, "lr": 0.0, "memory": 14793, "data_time": 0.00581, "decode.loss_ce": 0.29821, "decode.acc_seg": 87.79872, "aux.loss_ce": 0.20376, "aux.acc_seg": 81.09248, "loss": 0.50197, "grad_norm": 14.22958, "time": 0.40775} {"mode": "train", "epoch": 44, "iter": 55150, "lr": 0.0, "memory": 14793, "data_time": 0.00653, "decode.loss_ce": 0.28822, "decode.acc_seg": 88.14171, "aux.loss_ce": 0.1967, "aux.acc_seg": 81.64731, "loss": 0.48492, "grad_norm": 16.4983, "time": 0.40999} {"mode": "train", "epoch": 44, "iter": 55200, "lr": 0.0, "memory": 14793, "data_time": 0.00638, "decode.loss_ce": 0.2965, "decode.acc_seg": 87.4986, "aux.loss_ce": 0.20425, "aux.acc_seg": 80.58426, "loss": 0.50075, "grad_norm": 13.2738, "time": 0.41953} {"mode": "train", "epoch": 44, "iter": 55250, "lr": 0.0, "memory": 14793, "data_time": 0.00551, "decode.loss_ce": 0.28669, "decode.acc_seg": 88.22491, "aux.loss_ce": 0.20272, "aux.acc_seg": 81.00756, "loss": 0.48941, "grad_norm": 13.69293, "time": 0.41387} {"mode": "train", "epoch": 44, "iter": 55300, "lr": 0.0, "memory": 14793, "data_time": 0.00569, "decode.loss_ce": 0.30417, "decode.acc_seg": 87.38001, "aux.loss_ce": 0.20159, "aux.acc_seg": 80.92212, "loss": 0.50576, "grad_norm": 14.55307, "time": 0.41627} {"mode": "train", "epoch": 44, "iter": 55350, "lr": 0.0, "memory": 14793, "data_time": 0.0067, "decode.loss_ce": 0.30895, "decode.acc_seg": 87.6019, "aux.loss_ce": 0.20747, "aux.acc_seg": 80.34743, "loss": 0.51642, "grad_norm": 17.82295, "time": 0.42122} {"mode": "train", "epoch": 44, "iter": 55400, "lr": 0.0, "memory": 14793, "data_time": 0.00592, "decode.loss_ce": 0.28607, "decode.acc_seg": 88.70062, "aux.loss_ce": 0.19279, "aux.acc_seg": 82.64408, "loss": 0.47886, "grad_norm": 18.55351, "time": 0.41928} {"mode": "train", "epoch": 44, "iter": 55450, "lr": 0.0, "memory": 14793, "data_time": 0.00569, "decode.loss_ce": 0.29556, "decode.acc_seg": 87.67986, "aux.loss_ce": 0.20276, "aux.acc_seg": 80.59184, "loss": 0.49832, "grad_norm": 12.35165, "time": 0.40276} {"mode": "train", "epoch": 44, "iter": 55500, "lr": 0.0, "memory": 14793, "data_time": 0.00605, "decode.loss_ce": 0.28658, "decode.acc_seg": 88.28746, "aux.loss_ce": 0.19994, "aux.acc_seg": 81.2965, "loss": 0.48653, "grad_norm": 20.89353, "time": 0.41291} {"mode": "train", "epoch": 44, "iter": 55550, "lr": 0.0, "memory": 14793, "data_time": 0.00624, "decode.loss_ce": 0.29279, "decode.acc_seg": 87.7934, "aux.loss_ce": 0.206, "aux.acc_seg": 80.70575, "loss": 0.49879, "grad_norm": 13.46002, "time": 0.40885} {"mode": "train", "epoch": 44, "iter": 55600, "lr": 0.0, "memory": 14793, "data_time": 0.00565, "decode.loss_ce": 0.30874, "decode.acc_seg": 87.79975, "aux.loss_ce": 0.20505, "aux.acc_seg": 81.49363, "loss": 0.5138, "grad_norm": 18.32275, "time": 0.41202} {"mode": "train", "epoch": 45, "iter": 55650, "lr": 0.0, "memory": 14793, "data_time": 0.05163, "decode.loss_ce": 0.29511, "decode.acc_seg": 88.02196, "aux.loss_ce": 0.20113, "aux.acc_seg": 81.33117, "loss": 0.49624, "grad_norm": 22.11604, "time": 0.46136} {"mode": "train", "epoch": 45, "iter": 55700, "lr": 0.0, "memory": 14793, "data_time": 0.00637, "decode.loss_ce": 0.28587, "decode.acc_seg": 88.28755, "aux.loss_ce": 0.19345, "aux.acc_seg": 81.15869, "loss": 0.47932, "grad_norm": 10.69234, "time": 0.41926} {"mode": "train", "epoch": 45, "iter": 55750, "lr": 0.0, "memory": 14793, "data_time": 0.00635, "decode.loss_ce": 0.27667, "decode.acc_seg": 88.33001, "aux.loss_ce": 0.19231, "aux.acc_seg": 81.36486, "loss": 0.46898, "grad_norm": 13.30328, "time": 0.42183} {"mode": "train", "epoch": 45, "iter": 55800, "lr": 0.0, "memory": 14793, "data_time": 0.006, "decode.loss_ce": 0.29579, "decode.acc_seg": 88.28172, "aux.loss_ce": 0.20225, "aux.acc_seg": 81.52706, "loss": 0.49803, "grad_norm": 16.30422, "time": 0.41841} {"mode": "train", "epoch": 45, "iter": 55850, "lr": 0.0, "memory": 14793, "data_time": 0.00691, "decode.loss_ce": 0.28323, "decode.acc_seg": 88.30713, "aux.loss_ce": 0.20209, "aux.acc_seg": 80.87464, "loss": 0.48532, "grad_norm": 13.26132, "time": 0.41375} {"mode": "train", "epoch": 45, "iter": 55900, "lr": 0.0, "memory": 14793, "data_time": 0.00598, "decode.loss_ce": 0.28748, "decode.acc_seg": 87.92044, "aux.loss_ce": 0.20268, "aux.acc_seg": 80.72228, "loss": 0.49016, "grad_norm": 11.10048, "time": 0.41046} {"mode": "train", "epoch": 45, "iter": 55950, "lr": 0.0, "memory": 14793, "data_time": 0.00504, "decode.loss_ce": 0.30574, "decode.acc_seg": 88.28096, "aux.loss_ce": 0.20917, "aux.acc_seg": 81.34861, "loss": 0.51492, "grad_norm": 13.17712, "time": 0.40882} {"mode": "train", "epoch": 45, "iter": 56000, "lr": 0.0, "memory": 14793, "data_time": 0.00609, "decode.loss_ce": 0.29646, "decode.acc_seg": 87.9484, "aux.loss_ce": 0.21015, "aux.acc_seg": 80.55697, "loss": 0.50661, "grad_norm": 11.54894, "time": 0.63538} {"mode": "val", "epoch": 45, "iter": 125, "lr": 0.0, "aAcc": 0.845, "mIoU": 0.5339, "mAcc": 0.6679, "IoU.wall": 0.7989, "IoU.building": 0.8331, "IoU.sky": 0.9438, "IoU.floor": 0.8297, "IoU.tree": 0.7551, "IoU.ceiling": 0.8549, "IoU.road": 0.8458, "IoU.bed ": 0.9111, "IoU.windowpane": 0.6415, "IoU.grass": 0.6797, "IoU.cabinet": 0.6538, "IoU.sidewalk": 0.6793, "IoU.person": 0.8311, "IoU.earth": 0.3837, "IoU.door": 0.5528, "IoU.table": 0.6368, "IoU.mountain": 0.6078, "IoU.plant": 0.5408, "IoU.curtain": 0.7718, "IoU.chair": 0.6255, "IoU.car": 0.8612, "IoU.water": 0.609, "IoU.painting": 0.7443, "IoU.sofa": 0.724, "IoU.shelf": 0.4447, "IoU.house": 0.4466, "IoU.sea": 0.6946, "IoU.mirror": 0.7205, "IoU.rug": 0.6825, "IoU.field": 0.2872, "IoU.armchair": 0.4486, "IoU.seat": 0.6647, "IoU.fence": 0.4815, "IoU.desk": 0.5382, "IoU.rock": 0.4945, "IoU.wardrobe": 0.5485, "IoU.lamp": 0.6531, "IoU.bathtub": 0.8138, "IoU.railing": 0.388, "IoU.cushion": 0.6224, "IoU.base": 0.3698, "IoU.box": 0.2936, "IoU.column": 0.5443, "IoU.signboard": 0.3858, "IoU.chest of drawers": 0.4252, "IoU.counter": 0.3558, "IoU.sand": 0.5978, "IoU.sink": 0.7811, "IoU.skyscraper": 0.5202, "IoU.fireplace": 0.6994, "IoU.refrigerator": 0.7235, "IoU.grandstand": 0.4589, "IoU.path": 0.2465, "IoU.stairs": 0.343, "IoU.runway": 0.6273, "IoU.case": 0.6048, "IoU.pool table": 0.9312, "IoU.pillow": 0.6062, "IoU.screen door": 0.6555, "IoU.stairway": 0.4326, "IoU.river": 0.1358, "IoU.bridge": 0.611, "IoU.bookcase": 0.3928, "IoU.blind": 0.4905, "IoU.coffee table": 0.6097, "IoU.toilet": 0.8512, "IoU.flower": 0.4525, "IoU.book": 0.483, "IoU.hill": 0.0737, "IoU.bench": 0.6372, "IoU.countertop": 0.5936, "IoU.stove": 0.8128, "IoU.palm": 0.5598, "IoU.kitchen island": 0.4033, "IoU.computer": 0.7496, "IoU.swivel chair": 0.5158, "IoU.boat": 0.7197, "IoU.bar": 0.5156, "IoU.arcade machine": 0.7129, "IoU.hovel": 0.4712, "IoU.bus": 0.8881, "IoU.towel": 0.681, "IoU.light": 0.5525, "IoU.truck": 0.4247, "IoU.tower": 0.2317, "IoU.chandelier": 0.6583, "IoU.awning": 0.3314, "IoU.streetlight": 0.3014, "IoU.booth": 0.3563, "IoU.television receiver": 0.7655, "IoU.airplane": 0.7148, "IoU.dirt track": 0.02, "IoU.apparel": 0.5046, "IoU.pole": 0.2302, "IoU.land": 0.0447, "IoU.bannister": 0.1639, "IoU.escalator": 0.524, "IoU.ottoman": 0.5441, "IoU.bottle": 0.3997, "IoU.buffet": 0.4803, "IoU.poster": 0.3469, "IoU.stage": 0.2078, "IoU.van": 0.4437, "IoU.ship": 0.5074, "IoU.fountain": 0.2751, "IoU.conveyer belt": 0.7782, "IoU.canopy": 0.3701, "IoU.washer": 0.7402, "IoU.plaything": 0.3907, "IoU.swimming pool": 0.6845, "IoU.stool": 0.4654, "IoU.barrel": 0.541, "IoU.basket": 0.3814, "IoU.waterfall": 0.5286, "IoU.tent": 0.9564, "IoU.bag": 0.2316, "IoU.minibike": 0.7252, "IoU.cradle": 0.8248, "IoU.oven": 0.4606, "IoU.ball": 0.5357, "IoU.food": 0.5302, "IoU.step": 0.1804, "IoU.tank": 0.6097, "IoU.trade name": 0.3109, "IoU.microwave": 0.8259, "IoU.pot": 0.439, "IoU.animal": 0.6067, "IoU.bicycle": 0.5761, "IoU.lake": 0.4805, "IoU.dishwasher": 0.6302, "IoU.screen": 0.5194, "IoU.blanket": 0.1987, "IoU.sculpture": 0.6393, "IoU.hood": 0.7027, "IoU.sconce": 0.5264, "IoU.vase": 0.4143, "IoU.traffic light": 0.3467, "IoU.tray": 0.041, "IoU.ashcan": 0.5047, "IoU.fan": 0.6426, "IoU.pier": 0.3288, "IoU.crt screen": 0.0372, "IoU.plate": 0.5394, "IoU.monitor": 0.2368, "IoU.bulletin board": 0.5872, "IoU.shower": 0.0024, "IoU.radiator": 0.6437, "IoU.glass": 0.1426, "IoU.clock": 0.4256, "IoU.flag": 0.5704, "Acc.wall": 0.8764, "Acc.building": 0.9135, "Acc.sky": 0.9819, "Acc.floor": 0.9046, "Acc.tree": 0.873, "Acc.ceiling": 0.9164, "Acc.road": 0.9173, "Acc.bed ": 0.9708, "Acc.windowpane": 0.8154, "Acc.grass": 0.8025, "Acc.cabinet": 0.7575, "Acc.sidewalk": 0.8329, "Acc.person": 0.9318, "Acc.earth": 0.5284, "Acc.door": 0.7142, "Acc.table": 0.8018, "Acc.mountain": 0.7239, "Acc.plant": 0.6316, "Acc.curtain": 0.8739, "Acc.chair": 0.7831, "Acc.car": 0.9399, "Acc.water": 0.7538, "Acc.painting": 0.8991, "Acc.sofa": 0.8905, "Acc.shelf": 0.6672, "Acc.house": 0.6923, "Acc.sea": 0.8378, "Acc.mirror": 0.8087, "Acc.rug": 0.8179, "Acc.field": 0.4873, "Acc.armchair": 0.5996, "Acc.seat": 0.8427, "Acc.fence": 0.654, "Acc.desk": 0.7239, "Acc.rock": 0.7477, "Acc.wardrobe": 0.725, "Acc.lamp": 0.7642, "Acc.bathtub": 0.8606, "Acc.railing": 0.5444, "Acc.cushion": 0.7365, "Acc.base": 0.5397, "Acc.box": 0.3644, "Acc.column": 0.676, "Acc.signboard": 0.5303, "Acc.chest of drawers": 0.595, "Acc.counter": 0.4263, "Acc.sand": 0.8031, "Acc.sink": 0.8651, "Acc.skyscraper": 0.647, "Acc.fireplace": 0.9359, "Acc.refrigerator": 0.8285, "Acc.grandstand": 0.827, "Acc.path": 0.3983, "Acc.stairs": 0.4561, "Acc.runway": 0.8478, "Acc.case": 0.8295, "Acc.pool table": 0.98, "Acc.pillow": 0.7465, "Acc.screen door": 0.8731, "Acc.stairway": 0.5599, "Acc.river": 0.2959, "Acc.bridge": 0.7305, "Acc.bookcase": 0.6381, "Acc.blind": 0.6202, "Acc.coffee table": 0.8217, "Acc.toilet": 0.9366, "Acc.flower": 0.6345, "Acc.book": 0.7184, "Acc.hill": 0.1484, "Acc.bench": 0.7607, "Acc.countertop": 0.7932, "Acc.stove": 0.9178, "Acc.palm": 0.7537, "Acc.kitchen island": 0.7964, "Acc.computer": 0.9032, "Acc.swivel chair": 0.6585, "Acc.boat": 0.8742, "Acc.bar": 0.6791, "Acc.arcade machine": 0.7565, "Acc.hovel": 0.7019, "Acc.bus": 0.9779, "Acc.towel": 0.8742, "Acc.light": 0.6584, "Acc.truck": 0.6001, "Acc.tower": 0.4308, "Acc.chandelier": 0.8724, "Acc.awning": 0.3976, "Acc.streetlight": 0.4059, "Acc.booth": 0.5097, "Acc.television receiver": 0.8874, "Acc.airplane": 0.7985, "Acc.dirt track": 0.0493, "Acc.apparel": 0.7087, "Acc.pole": 0.3195, "Acc.land": 0.0559, "Acc.bannister": 0.2138, "Acc.escalator": 0.8246, "Acc.ottoman": 0.7171, "Acc.bottle": 0.6572, "Acc.buffet": 0.5613, "Acc.poster": 0.4569, "Acc.stage": 0.4046, "Acc.van": 0.5703, "Acc.ship": 0.5758, "Acc.fountain": 0.2844, "Acc.conveyer belt": 0.9462, "Acc.canopy": 0.5559, "Acc.washer": 0.7659, "Acc.plaything": 0.5502, "Acc.swimming pool": 0.7414, "Acc.stool": 0.5945, "Acc.barrel": 0.8673, "Acc.basket": 0.5012, "Acc.waterfall": 0.5932, "Acc.tent": 0.9819, "Acc.bag": 0.2753, "Acc.minibike": 0.8614, "Acc.cradle": 0.9741, "Acc.oven": 0.5052, "Acc.ball": 0.6919, "Acc.food": 0.6159, "Acc.step": 0.2178, "Acc.tank": 0.6774, "Acc.trade name": 0.3825, "Acc.microwave": 0.96, "Acc.pot": 0.5078, "Acc.animal": 0.6273, "Acc.bicycle": 0.7308, "Acc.lake": 0.7088, "Acc.dishwasher": 0.7847, "Acc.screen": 0.8862, "Acc.blanket": 0.233, "Acc.sculpture": 0.8182, "Acc.hood": 0.7646, "Acc.sconce": 0.6855, "Acc.vase": 0.5671, "Acc.traffic light": 0.5662, "Acc.tray": 0.0454, "Acc.ashcan": 0.6505, "Acc.fan": 0.7816, "Acc.pier": 0.4695, "Acc.crt screen": 0.0812, "Acc.plate": 0.7605, "Acc.monitor": 0.2705, "Acc.bulletin board": 0.7041, "Acc.shower": 0.0025, "Acc.radiator": 0.7552, "Acc.glass": 0.151, "Acc.clock": 0.5008, "Acc.flag": 0.6442} {"mode": "train", "epoch": 45, "iter": 56050, "lr": 0.0, "memory": 14793, "data_time": 2.18073, "decode.loss_ce": 0.28166, "decode.acc_seg": 88.69757, "aux.loss_ce": 0.20009, "aux.acc_seg": 81.72353, "loss": 0.48175, "grad_norm": 14.43097, "time": 2.59354} {"mode": "train", "epoch": 45, "iter": 56100, "lr": 0.0, "memory": 14793, "data_time": 0.00692, "decode.loss_ce": 0.29062, "decode.acc_seg": 88.22159, "aux.loss_ce": 0.19833, "aux.acc_seg": 81.95552, "loss": 0.48895, "grad_norm": 14.22856, "time": 0.41627} {"mode": "train", "epoch": 45, "iter": 56150, "lr": 0.0, "memory": 14793, "data_time": 0.00581, "decode.loss_ce": 0.2887, "decode.acc_seg": 88.27867, "aux.loss_ce": 0.19379, "aux.acc_seg": 82.0287, "loss": 0.48249, "grad_norm": 21.656, "time": 0.41989} {"mode": "train", "epoch": 45, "iter": 56200, "lr": 0.0, "memory": 14793, "data_time": 0.0063, "decode.loss_ce": 0.29269, "decode.acc_seg": 88.00069, "aux.loss_ce": 0.20331, "aux.acc_seg": 80.79045, "loss": 0.496, "grad_norm": 16.77226, "time": 0.42445} {"mode": "train", "epoch": 45, "iter": 56250, "lr": 0.0, "memory": 14793, "data_time": 0.00573, "decode.loss_ce": 0.30512, "decode.acc_seg": 87.74304, "aux.loss_ce": 0.20177, "aux.acc_seg": 81.28946, "loss": 0.50689, "grad_norm": 16.20176, "time": 0.41116} {"mode": "train", "epoch": 45, "iter": 56300, "lr": 0.0, "memory": 14793, "data_time": 0.00553, "decode.loss_ce": 0.29575, "decode.acc_seg": 87.98765, "aux.loss_ce": 0.21009, "aux.acc_seg": 80.66567, "loss": 0.50583, "grad_norm": 14.07679, "time": 0.41502} {"mode": "train", "epoch": 45, "iter": 56350, "lr": 0.0, "memory": 14793, "data_time": 0.00557, "decode.loss_ce": 0.29965, "decode.acc_seg": 88.08179, "aux.loss_ce": 0.21284, "aux.acc_seg": 80.93191, "loss": 0.51249, "grad_norm": 16.49431, "time": 0.40796} {"mode": "train", "epoch": 45, "iter": 56400, "lr": 0.0, "memory": 14793, "data_time": 0.00572, "decode.loss_ce": 0.29575, "decode.acc_seg": 88.06361, "aux.loss_ce": 0.20945, "aux.acc_seg": 80.45529, "loss": 0.50519, "grad_norm": 12.01423, "time": 0.40681} {"mode": "train", "epoch": 45, "iter": 56450, "lr": 0.0, "memory": 14793, "data_time": 0.00751, "decode.loss_ce": 0.29442, "decode.acc_seg": 88.11259, "aux.loss_ce": 0.20304, "aux.acc_seg": 81.32945, "loss": 0.49746, "grad_norm": 11.64832, "time": 0.41136} {"mode": "train", "epoch": 45, "iter": 56500, "lr": 0.0, "memory": 14793, "data_time": 0.00592, "decode.loss_ce": 0.30594, "decode.acc_seg": 88.11795, "aux.loss_ce": 0.20739, "aux.acc_seg": 81.24906, "loss": 0.51333, "grad_norm": 15.9632, "time": 0.42619} {"mode": "train", "epoch": 45, "iter": 56550, "lr": 0.0, "memory": 14793, "data_time": 0.00598, "decode.loss_ce": 0.28837, "decode.acc_seg": 88.35134, "aux.loss_ce": 0.2025, "aux.acc_seg": 80.88595, "loss": 0.49088, "grad_norm": 12.23272, "time": 0.41643} {"mode": "train", "epoch": 45, "iter": 56600, "lr": 0.0, "memory": 14793, "data_time": 0.00707, "decode.loss_ce": 0.28466, "decode.acc_seg": 87.94226, "aux.loss_ce": 0.19373, "aux.acc_seg": 81.79996, "loss": 0.47839, "grad_norm": 12.82293, "time": 0.43} {"mode": "train", "epoch": 45, "iter": 56650, "lr": 0.0, "memory": 14793, "data_time": 0.00609, "decode.loss_ce": 0.28942, "decode.acc_seg": 88.53317, "aux.loss_ce": 0.19446, "aux.acc_seg": 82.46062, "loss": 0.48388, "grad_norm": 11.95806, "time": 0.42157} {"mode": "train", "epoch": 45, "iter": 56700, "lr": 0.0, "memory": 14793, "data_time": 0.00623, "decode.loss_ce": 0.28484, "decode.acc_seg": 88.02387, "aux.loss_ce": 0.19666, "aux.acc_seg": 81.32968, "loss": 0.4815, "grad_norm": 12.05053, "time": 0.40688} {"mode": "train", "epoch": 45, "iter": 56750, "lr": 0.0, "memory": 14793, "data_time": 0.00532, "decode.loss_ce": 0.30309, "decode.acc_seg": 88.03295, "aux.loss_ce": 0.20412, "aux.acc_seg": 80.85825, "loss": 0.5072, "grad_norm": 22.19919, "time": 0.40368} {"mode": "train", "epoch": 45, "iter": 56800, "lr": 0.0, "memory": 14793, "data_time": 0.00584, "decode.loss_ce": 0.30528, "decode.acc_seg": 87.37344, "aux.loss_ce": 0.2129, "aux.acc_seg": 79.88277, "loss": 0.51818, "grad_norm": 15.01646, "time": 0.40641} {"mode": "train", "epoch": 45, "iter": 56850, "lr": 0.0, "memory": 14793, "data_time": 0.00614, "decode.loss_ce": 0.29326, "decode.acc_seg": 88.05921, "aux.loss_ce": 0.19878, "aux.acc_seg": 80.95256, "loss": 0.49204, "grad_norm": 11.47032, "time": 0.41763} {"mode": "train", "epoch": 46, "iter": 56900, "lr": 0.0, "memory": 14793, "data_time": 0.05326, "decode.loss_ce": 0.2935, "decode.acc_seg": 88.2334, "aux.loss_ce": 0.20001, "aux.acc_seg": 81.63309, "loss": 0.49351, "grad_norm": 13.70037, "time": 0.46096} {"mode": "train", "epoch": 46, "iter": 56950, "lr": 0.0, "memory": 14793, "data_time": 0.00518, "decode.loss_ce": 0.29799, "decode.acc_seg": 87.99199, "aux.loss_ce": 0.21155, "aux.acc_seg": 80.37715, "loss": 0.50954, "grad_norm": 15.04903, "time": 0.4234} {"mode": "train", "epoch": 46, "iter": 57000, "lr": 0.0, "memory": 14793, "data_time": 0.00639, "decode.loss_ce": 0.29748, "decode.acc_seg": 88.02813, "aux.loss_ce": 0.20326, "aux.acc_seg": 81.05029, "loss": 0.50074, "grad_norm": 14.80168, "time": 0.64428} {"mode": "val", "epoch": 46, "iter": 125, "lr": 0.0, "aAcc": 0.8454, "mIoU": 0.5356, "mAcc": 0.6733, "IoU.wall": 0.7956, "IoU.building": 0.8411, "IoU.sky": 0.948, "IoU.floor": 0.8335, "IoU.tree": 0.7642, "IoU.ceiling": 0.8534, "IoU.road": 0.8538, "IoU.bed ": 0.9073, "IoU.windowpane": 0.6421, "IoU.grass": 0.6606, "IoU.cabinet": 0.622, "IoU.sidewalk": 0.6837, "IoU.person": 0.8307, "IoU.earth": 0.3856, "IoU.door": 0.557, "IoU.table": 0.6361, "IoU.mountain": 0.6099, "IoU.plant": 0.5409, "IoU.curtain": 0.7626, "IoU.chair": 0.6265, "IoU.car": 0.8605, "IoU.water": 0.5759, "IoU.painting": 0.7242, "IoU.sofa": 0.7206, "IoU.shelf": 0.4329, "IoU.house": 0.5148, "IoU.sea": 0.6772, "IoU.mirror": 0.7168, "IoU.rug": 0.6843, "IoU.field": 0.2879, "IoU.armchair": 0.4496, "IoU.seat": 0.6424, "IoU.fence": 0.501, "IoU.desk": 0.5378, "IoU.rock": 0.4803, "IoU.wardrobe": 0.5257, "IoU.lamp": 0.6566, "IoU.bathtub": 0.787, "IoU.railing": 0.3961, "IoU.cushion": 0.625, "IoU.base": 0.351, "IoU.box": 0.3084, "IoU.column": 0.5287, "IoU.signboard": 0.3716, "IoU.chest of drawers": 0.3795, "IoU.counter": 0.3468, "IoU.sand": 0.5412, "IoU.sink": 0.7729, "IoU.skyscraper": 0.5312, "IoU.fireplace": 0.6974, "IoU.refrigerator": 0.7467, "IoU.grandstand": 0.4355, "IoU.path": 0.233, "IoU.stairs": 0.3694, "IoU.runway": 0.6715, "IoU.case": 0.5938, "IoU.pool table": 0.9282, "IoU.pillow": 0.5964, "IoU.screen door": 0.6116, "IoU.stairway": 0.4406, "IoU.river": 0.1117, "IoU.bridge": 0.3969, "IoU.bookcase": 0.4032, "IoU.blind": 0.4266, "IoU.coffee table": 0.6076, "IoU.toilet": 0.8649, "IoU.flower": 0.4454, "IoU.book": 0.5068, "IoU.hill": 0.0924, "IoU.bench": 0.6138, "IoU.countertop": 0.5865, "IoU.stove": 0.7998, "IoU.palm": 0.5586, "IoU.kitchen island": 0.3412, "IoU.computer": 0.7443, "IoU.swivel chair": 0.5783, "IoU.boat": 0.7354, "IoU.bar": 0.5154, "IoU.arcade machine": 0.7267, "IoU.hovel": 0.5842, "IoU.bus": 0.9084, "IoU.towel": 0.6801, "IoU.light": 0.5565, "IoU.truck": 0.4274, "IoU.tower": 0.2612, "IoU.chandelier": 0.6703, "IoU.awning": 0.3289, "IoU.streetlight": 0.31, "IoU.booth": 0.3577, "IoU.television receiver": 0.77, "IoU.airplane": 0.7557, "IoU.dirt track": 0.0252, "IoU.apparel": 0.5704, "IoU.pole": 0.2603, "IoU.land": 0.0477, "IoU.bannister": 0.1678, "IoU.escalator": 0.5343, "IoU.ottoman": 0.5507, "IoU.bottle": 0.414, "IoU.buffet": 0.5329, "IoU.poster": 0.3211, "IoU.stage": 0.1627, "IoU.van": 0.4482, "IoU.ship": 0.8042, "IoU.fountain": 0.2981, "IoU.conveyer belt": 0.7793, "IoU.canopy": 0.3797, "IoU.washer": 0.7339, "IoU.plaything": 0.3554, "IoU.swimming pool": 0.6103, "IoU.stool": 0.448, "IoU.barrel": 0.4771, "IoU.basket": 0.3804, "IoU.waterfall": 0.7026, "IoU.tent": 0.9438, "IoU.bag": 0.244, "IoU.minibike": 0.7172, "IoU.cradle": 0.8227, "IoU.oven": 0.4645, "IoU.ball": 0.4225, "IoU.food": 0.5817, "IoU.step": 0.1861, "IoU.tank": 0.6198, "IoU.trade name": 0.2663, "IoU.microwave": 0.8192, "IoU.pot": 0.4817, "IoU.animal": 0.6422, "IoU.bicycle": 0.5922, "IoU.lake": 0.4734, "IoU.dishwasher": 0.6492, "IoU.screen": 0.5343, "IoU.blanket": 0.2179, "IoU.sculpture": 0.622, "IoU.hood": 0.6647, "IoU.sconce": 0.5238, "IoU.vase": 0.4152, "IoU.traffic light": 0.346, "IoU.tray": 0.0467, "IoU.ashcan": 0.4792, "IoU.fan": 0.639, "IoU.pier": 0.349, "IoU.crt screen": 0.1057, "IoU.plate": 0.5206, "IoU.monitor": 0.19, "IoU.bulletin board": 0.6034, "IoU.shower": 0.021, "IoU.radiator": 0.6228, "IoU.glass": 0.1584, "IoU.clock": 0.4411, "IoU.flag": 0.6288, "Acc.wall": 0.877, "Acc.building": 0.9285, "Acc.sky": 0.9756, "Acc.floor": 0.9007, "Acc.tree": 0.8916, "Acc.ceiling": 0.921, "Acc.road": 0.9191, "Acc.bed ": 0.9737, "Acc.windowpane": 0.8144, "Acc.grass": 0.8209, "Acc.cabinet": 0.7229, "Acc.sidewalk": 0.8281, "Acc.person": 0.9295, "Acc.earth": 0.5184, "Acc.door": 0.7079, "Acc.table": 0.7683, "Acc.mountain": 0.7316, "Acc.plant": 0.637, "Acc.curtain": 0.8932, "Acc.chair": 0.7619, "Acc.car": 0.9365, "Acc.water": 0.6893, "Acc.painting": 0.8903, "Acc.sofa": 0.892, "Acc.shelf": 0.5767, "Acc.house": 0.6748, "Acc.sea": 0.8695, "Acc.mirror": 0.8211, "Acc.rug": 0.8323, "Acc.field": 0.4413, "Acc.armchair": 0.6161, "Acc.seat": 0.8425, "Acc.fence": 0.6635, "Acc.desk": 0.7193, "Acc.rock": 0.7071, "Acc.wardrobe": 0.7197, "Acc.lamp": 0.7737, "Acc.bathtub": 0.8779, "Acc.railing": 0.538, "Acc.cushion": 0.7419, "Acc.base": 0.5459, "Acc.box": 0.3861, "Acc.column": 0.6258, "Acc.signboard": 0.4773, "Acc.chest of drawers": 0.7396, "Acc.counter": 0.4468, "Acc.sand": 0.7505, "Acc.sink": 0.8492, "Acc.skyscraper": 0.649, "Acc.fireplace": 0.9222, "Acc.refrigerator": 0.8181, "Acc.grandstand": 0.8753, "Acc.path": 0.4007, "Acc.stairs": 0.5015, "Acc.runway": 0.8906, "Acc.case": 0.8135, "Acc.pool table": 0.9836, "Acc.pillow": 0.7039, "Acc.screen door": 0.8834, "Acc.stairway": 0.4902, "Acc.river": 0.2494, "Acc.bridge": 0.4584, "Acc.bookcase": 0.633, "Acc.blind": 0.5016, "Acc.coffee table": 0.8396, "Acc.toilet": 0.9334, "Acc.flower": 0.6047, "Acc.book": 0.7359, "Acc.hill": 0.1928, "Acc.bench": 0.7247, "Acc.countertop": 0.828, "Acc.stove": 0.91, "Acc.palm": 0.766, "Acc.kitchen island": 0.8936, "Acc.computer": 0.9048, "Acc.swivel chair": 0.8034, "Acc.boat": 0.8784, "Acc.bar": 0.7124, "Acc.arcade machine": 0.777, "Acc.hovel": 0.7113, "Acc.bus": 0.9757, "Acc.towel": 0.8482, "Acc.light": 0.6823, "Acc.truck": 0.6183, "Acc.tower": 0.4146, "Acc.chandelier": 0.8529, "Acc.awning": 0.3819, "Acc.streetlight": 0.4056, "Acc.booth": 0.4988, "Acc.television receiver": 0.8614, "Acc.airplane": 0.8828, "Acc.dirt track": 0.0309, "Acc.apparel": 0.7877, "Acc.pole": 0.3648, "Acc.land": 0.0745, "Acc.bannister": 0.2213, "Acc.escalator": 0.861, "Acc.ottoman": 0.7391, "Acc.bottle": 0.6398, "Acc.buffet": 0.6866, "Acc.poster": 0.4577, "Acc.stage": 0.2699, "Acc.van": 0.5729, "Acc.ship": 0.9312, "Acc.fountain": 0.3324, "Acc.conveyer belt": 0.9524, "Acc.canopy": 0.5588, "Acc.washer": 0.7544, "Acc.plaything": 0.49, "Acc.swimming pool": 0.7705, "Acc.stool": 0.6393, "Acc.barrel": 0.8523, "Acc.basket": 0.5017, "Acc.waterfall": 0.8715, "Acc.tent": 0.9828, "Acc.bag": 0.3005, "Acc.minibike": 0.876, "Acc.cradle": 0.9776, "Acc.oven": 0.5643, "Acc.ball": 0.4556, "Acc.food": 0.6453, "Acc.step": 0.2464, "Acc.tank": 0.6764, "Acc.trade name": 0.3055, "Acc.microwave": 0.9518, "Acc.pot": 0.5653, "Acc.animal": 0.6635, "Acc.bicycle": 0.7739, "Acc.lake": 0.7576, "Acc.dishwasher": 0.7559, "Acc.screen": 0.836, "Acc.blanket": 0.2685, "Acc.sculpture": 0.8417, "Acc.hood": 0.7069, "Acc.sconce": 0.6504, "Acc.vase": 0.5794, "Acc.traffic light": 0.542, "Acc.tray": 0.0582, "Acc.ashcan": 0.6196, "Acc.fan": 0.7664, "Acc.pier": 0.4737, "Acc.crt screen": 0.2736, "Acc.plate": 0.8182, "Acc.monitor": 0.2175, "Acc.bulletin board": 0.7619, "Acc.shower": 0.0275, "Acc.radiator": 0.7356, "Acc.glass": 0.1714, "Acc.clock": 0.4904, "Acc.flag": 0.7231} {"mode": "train", "epoch": 46, "iter": 57050, "lr": 0.0, "memory": 14793, "data_time": 2.37518, "decode.loss_ce": 0.30012, "decode.acc_seg": 87.91285, "aux.loss_ce": 0.20796, "aux.acc_seg": 80.71534, "loss": 0.50807, "grad_norm": 11.83943, "time": 2.79826} {"mode": "train", "epoch": 46, "iter": 57100, "lr": 0.0, "memory": 14793, "data_time": 0.00711, "decode.loss_ce": 0.28456, "decode.acc_seg": 88.10309, "aux.loss_ce": 0.20265, "aux.acc_seg": 80.53523, "loss": 0.48721, "grad_norm": 13.10785, "time": 0.41824} {"mode": "train", "epoch": 46, "iter": 57150, "lr": 0.0, "memory": 14793, "data_time": 0.0061, "decode.loss_ce": 0.29558, "decode.acc_seg": 87.93014, "aux.loss_ce": 0.20111, "aux.acc_seg": 81.06951, "loss": 0.49669, "grad_norm": 12.23926, "time": 0.41094} {"mode": "train", "epoch": 46, "iter": 57200, "lr": 0.0, "memory": 14793, "data_time": 0.00562, "decode.loss_ce": 0.29092, "decode.acc_seg": 88.0506, "aux.loss_ce": 0.19729, "aux.acc_seg": 80.98498, "loss": 0.48821, "grad_norm": 11.79796, "time": 0.40641} {"mode": "train", "epoch": 46, "iter": 57250, "lr": 0.0, "memory": 14793, "data_time": 0.00632, "decode.loss_ce": 0.28518, "decode.acc_seg": 88.70527, "aux.loss_ce": 0.20236, "aux.acc_seg": 81.59385, "loss": 0.48754, "grad_norm": 12.91463, "time": 0.41858} {"mode": "train", "epoch": 46, "iter": 57300, "lr": 0.0, "memory": 14793, "data_time": 0.00708, "decode.loss_ce": 0.27991, "decode.acc_seg": 88.70963, "aux.loss_ce": 0.18927, "aux.acc_seg": 82.51893, "loss": 0.46918, "grad_norm": 12.04836, "time": 0.41095} {"mode": "train", "epoch": 46, "iter": 57350, "lr": 0.0, "memory": 14793, "data_time": 0.00542, "decode.loss_ce": 0.29038, "decode.acc_seg": 88.55889, "aux.loss_ce": 0.20299, "aux.acc_seg": 81.60356, "loss": 0.49337, "grad_norm": 19.02485, "time": 0.42691} {"mode": "train", "epoch": 46, "iter": 57400, "lr": 0.0, "memory": 14793, "data_time": 0.00586, "decode.loss_ce": 0.28549, "decode.acc_seg": 88.19855, "aux.loss_ce": 0.19291, "aux.acc_seg": 81.54955, "loss": 0.4784, "grad_norm": 14.14324, "time": 0.42016} {"mode": "train", "epoch": 46, "iter": 57450, "lr": 0.0, "memory": 14793, "data_time": 0.00562, "decode.loss_ce": 0.28948, "decode.acc_seg": 88.09665, "aux.loss_ce": 0.19698, "aux.acc_seg": 81.15786, "loss": 0.48646, "grad_norm": 13.16847, "time": 0.4149} {"mode": "train", "epoch": 46, "iter": 57500, "lr": 0.0, "memory": 14793, "data_time": 0.00617, "decode.loss_ce": 0.29732, "decode.acc_seg": 88.08767, "aux.loss_ce": 0.20585, "aux.acc_seg": 81.41337, "loss": 0.50317, "grad_norm": 11.83397, "time": 0.40906} {"mode": "train", "epoch": 46, "iter": 57550, "lr": 0.0, "memory": 14793, "data_time": 0.00705, "decode.loss_ce": 0.28294, "decode.acc_seg": 87.91591, "aux.loss_ce": 0.19462, "aux.acc_seg": 81.51438, "loss": 0.47755, "grad_norm": 14.93254, "time": 0.41267} {"mode": "train", "epoch": 46, "iter": 57600, "lr": 0.0, "memory": 14793, "data_time": 0.00551, "decode.loss_ce": 0.30181, "decode.acc_seg": 87.39762, "aux.loss_ce": 0.19441, "aux.acc_seg": 81.52334, "loss": 0.49622, "grad_norm": 13.10687, "time": 0.4127} {"mode": "train", "epoch": 46, "iter": 57650, "lr": 0.0, "memory": 14793, "data_time": 0.0064, "decode.loss_ce": 0.27573, "decode.acc_seg": 88.27559, "aux.loss_ce": 0.20234, "aux.acc_seg": 80.73496, "loss": 0.47807, "grad_norm": 11.19131, "time": 0.4058} {"mode": "train", "epoch": 46, "iter": 57700, "lr": 0.0, "memory": 14793, "data_time": 0.00507, "decode.loss_ce": 0.2936, "decode.acc_seg": 87.80544, "aux.loss_ce": 0.20212, "aux.acc_seg": 80.89761, "loss": 0.49572, "grad_norm": 15.56971, "time": 0.4105} {"mode": "train", "epoch": 46, "iter": 57750, "lr": 0.0, "memory": 14793, "data_time": 0.00525, "decode.loss_ce": 0.30375, "decode.acc_seg": 87.88111, "aux.loss_ce": 0.20756, "aux.acc_seg": 80.90306, "loss": 0.51131, "grad_norm": 15.24112, "time": 0.41548} {"mode": "train", "epoch": 46, "iter": 57800, "lr": 0.0, "memory": 14793, "data_time": 0.00498, "decode.loss_ce": 0.30231, "decode.acc_seg": 87.98886, "aux.loss_ce": 0.20214, "aux.acc_seg": 81.08679, "loss": 0.50445, "grad_norm": 16.81578, "time": 0.42745} {"mode": "train", "epoch": 46, "iter": 57850, "lr": 0.0, "memory": 14793, "data_time": 0.00489, "decode.loss_ce": 0.29146, "decode.acc_seg": 88.34516, "aux.loss_ce": 0.20673, "aux.acc_seg": 81.42095, "loss": 0.49819, "grad_norm": 18.1839, "time": 0.41957} {"mode": "train", "epoch": 46, "iter": 57900, "lr": 0.0, "memory": 14793, "data_time": 0.00625, "decode.loss_ce": 0.2814, "decode.acc_seg": 88.45107, "aux.loss_ce": 0.19556, "aux.acc_seg": 81.30753, "loss": 0.47696, "grad_norm": 12.47349, "time": 0.42164} {"mode": "train", "epoch": 46, "iter": 57950, "lr": 0.0, "memory": 14793, "data_time": 0.00577, "decode.loss_ce": 0.29445, "decode.acc_seg": 88.06209, "aux.loss_ce": 0.20709, "aux.acc_seg": 80.82832, "loss": 0.50154, "grad_norm": 16.87927, "time": 0.41402} {"mode": "train", "epoch": 46, "iter": 58000, "lr": 0.0, "memory": 14793, "data_time": 0.00597, "decode.loss_ce": 0.27279, "decode.acc_seg": 88.72128, "aux.loss_ce": 0.19381, "aux.acc_seg": 81.45352, "loss": 0.4666, "grad_norm": 12.74487, "time": 0.64362} {"mode": "val", "epoch": 46, "iter": 125, "lr": 0.0, "aAcc": 0.8471, "mIoU": 0.5404, "mAcc": 0.6704, "IoU.wall": 0.7991, "IoU.building": 0.8359, "IoU.sky": 0.9477, "IoU.floor": 0.8312, "IoU.tree": 0.7612, "IoU.ceiling": 0.8561, "IoU.road": 0.8596, "IoU.bed ": 0.9125, "IoU.windowpane": 0.631, "IoU.grass": 0.6819, "IoU.cabinet": 0.6311, "IoU.sidewalk": 0.6899, "IoU.person": 0.8319, "IoU.earth": 0.3948, "IoU.door": 0.5491, "IoU.table": 0.6356, "IoU.mountain": 0.6006, "IoU.plant": 0.5426, "IoU.curtain": 0.779, "IoU.chair": 0.6249, "IoU.car": 0.8569, "IoU.water": 0.5904, "IoU.painting": 0.7361, "IoU.sofa": 0.7334, "IoU.shelf": 0.4685, "IoU.house": 0.4726, "IoU.sea": 0.7138, "IoU.mirror": 0.7252, "IoU.rug": 0.6802, "IoU.field": 0.3091, "IoU.armchair": 0.4733, "IoU.seat": 0.6514, "IoU.fence": 0.4767, "IoU.desk": 0.5425, "IoU.rock": 0.503, "IoU.wardrobe": 0.5545, "IoU.lamp": 0.6619, "IoU.bathtub": 0.8125, "IoU.railing": 0.3791, "IoU.cushion": 0.626, "IoU.base": 0.3333, "IoU.box": 0.3254, "IoU.column": 0.5314, "IoU.signboard": 0.3797, "IoU.chest of drawers": 0.4109, "IoU.counter": 0.364, "IoU.sand": 0.5786, "IoU.sink": 0.7834, "IoU.skyscraper": 0.6555, "IoU.fireplace": 0.7224, "IoU.refrigerator": 0.7503, "IoU.grandstand": 0.4847, "IoU.path": 0.2494, "IoU.stairs": 0.3413, "IoU.runway": 0.7, "IoU.case": 0.5836, "IoU.pool table": 0.9349, "IoU.pillow": 0.5846, "IoU.screen door": 0.6964, "IoU.stairway": 0.4295, "IoU.river": 0.1393, "IoU.bridge": 0.4047, "IoU.bookcase": 0.4676, "IoU.blind": 0.3656, "IoU.coffee table": 0.6142, "IoU.toilet": 0.8597, "IoU.flower": 0.4558, "IoU.book": 0.4843, "IoU.hill": 0.067, "IoU.bench": 0.6306, "IoU.countertop": 0.5628, "IoU.stove": 0.818, "IoU.palm": 0.5592, "IoU.kitchen island": 0.3908, "IoU.computer": 0.7507, "IoU.swivel chair": 0.5609, "IoU.boat": 0.7224, "IoU.bar": 0.523, "IoU.arcade machine": 0.7504, "IoU.hovel": 0.5763, "IoU.bus": 0.9305, "IoU.towel": 0.6637, "IoU.light": 0.5458, "IoU.truck": 0.4231, "IoU.tower": 0.2662, "IoU.chandelier": 0.6773, "IoU.awning": 0.3404, "IoU.streetlight": 0.3199, "IoU.booth": 0.421, "IoU.television receiver": 0.7685, "IoU.airplane": 0.6988, "IoU.dirt track": 0.017, "IoU.apparel": 0.5416, "IoU.pole": 0.2446, "IoU.land": 0.0418, "IoU.bannister": 0.1416, "IoU.escalator": 0.55, "IoU.ottoman": 0.5464, "IoU.bottle": 0.4159, "IoU.buffet": 0.4768, "IoU.poster": 0.3349, "IoU.stage": 0.2126, "IoU.van": 0.4002, "IoU.ship": 0.7651, "IoU.fountain": 0.2509, "IoU.conveyer belt": 0.8101, "IoU.canopy": 0.3926, "IoU.washer": 0.7358, "IoU.plaything": 0.4205, "IoU.swimming pool": 0.6618, "IoU.stool": 0.4594, "IoU.barrel": 0.5075, "IoU.basket": 0.3678, "IoU.waterfall": 0.5282, "IoU.tent": 0.9466, "IoU.bag": 0.2196, "IoU.minibike": 0.7143, "IoU.cradle": 0.8292, "IoU.oven": 0.5089, "IoU.ball": 0.5386, "IoU.food": 0.537, "IoU.step": 0.2187, "IoU.tank": 0.6255, "IoU.trade name": 0.2568, "IoU.microwave": 0.8238, "IoU.pot": 0.4366, "IoU.animal": 0.5956, "IoU.bicycle": 0.5947, "IoU.lake": 0.5133, "IoU.dishwasher": 0.6398, "IoU.screen": 0.5698, "IoU.blanket": 0.2006, "IoU.sculpture": 0.6527, "IoU.hood": 0.6645, "IoU.sconce": 0.5011, "IoU.vase": 0.4105, "IoU.traffic light": 0.3469, "IoU.tray": 0.0409, "IoU.ashcan": 0.4825, "IoU.fan": 0.6381, "IoU.pier": 0.3413, "IoU.crt screen": 0.0776, "IoU.plate": 0.5307, "IoU.monitor": 0.3652, "IoU.bulletin board": 0.5956, "IoU.shower": 0.0, "IoU.radiator": 0.6353, "IoU.glass": 0.1616, "IoU.clock": 0.4452, "IoU.flag": 0.613, "Acc.wall": 0.8868, "Acc.building": 0.9117, "Acc.sky": 0.9744, "Acc.floor": 0.9051, "Acc.tree": 0.8988, "Acc.ceiling": 0.9244, "Acc.road": 0.9184, "Acc.bed ": 0.9665, "Acc.windowpane": 0.8168, "Acc.grass": 0.8101, "Acc.cabinet": 0.7145, "Acc.sidewalk": 0.8324, "Acc.person": 0.9349, "Acc.earth": 0.538, "Acc.door": 0.7181, "Acc.table": 0.7868, "Acc.mountain": 0.7215, "Acc.plant": 0.6696, "Acc.curtain": 0.8789, "Acc.chair": 0.7417, "Acc.car": 0.9492, "Acc.water": 0.7279, "Acc.painting": 0.8912, "Acc.sofa": 0.8764, "Acc.shelf": 0.7419, "Acc.house": 0.7221, "Acc.sea": 0.824, "Acc.mirror": 0.8099, "Acc.rug": 0.8162, "Acc.field": 0.4484, "Acc.armchair": 0.656, "Acc.seat": 0.8041, "Acc.fence": 0.6409, "Acc.desk": 0.7555, "Acc.rock": 0.7241, "Acc.wardrobe": 0.6816, "Acc.lamp": 0.7874, "Acc.bathtub": 0.8585, "Acc.railing": 0.5004, "Acc.cushion": 0.7939, "Acc.base": 0.4239, "Acc.box": 0.4029, "Acc.column": 0.6812, "Acc.signboard": 0.5221, "Acc.chest of drawers": 0.7354, "Acc.counter": 0.4599, "Acc.sand": 0.7554, "Acc.sink": 0.8779, "Acc.skyscraper": 0.852, "Acc.fireplace": 0.9134, "Acc.refrigerator": 0.8606, "Acc.grandstand": 0.8366, "Acc.path": 0.4127, "Acc.stairs": 0.4866, "Acc.runway": 0.9593, "Acc.case": 0.7763, "Acc.pool table": 0.9772, "Acc.pillow": 0.6767, "Acc.screen door": 0.8446, "Acc.stairway": 0.5215, "Acc.river": 0.3524, "Acc.bridge": 0.4769, "Acc.bookcase": 0.6736, "Acc.blind": 0.4019, "Acc.coffee table": 0.8405, "Acc.toilet": 0.9293, "Acc.flower": 0.6214, "Acc.book": 0.6572, "Acc.hill": 0.1178, "Acc.bench": 0.7943, "Acc.countertop": 0.7716, "Acc.stove": 0.9024, "Acc.palm": 0.7704, "Acc.kitchen island": 0.7826, "Acc.computer": 0.8841, "Acc.swivel chair": 0.8055, "Acc.boat": 0.8947, "Acc.bar": 0.669, "Acc.arcade machine": 0.8009, "Acc.hovel": 0.6878, "Acc.bus": 0.9683, "Acc.towel": 0.8895, "Acc.light": 0.6249, "Acc.truck": 0.5616, "Acc.tower": 0.4499, "Acc.chandelier": 0.8326, "Acc.awning": 0.397, "Acc.streetlight": 0.4761, "Acc.booth": 0.5629, "Acc.television receiver": 0.8569, "Acc.airplane": 0.7868, "Acc.dirt track": 0.0322, "Acc.apparel": 0.7126, "Acc.pole": 0.3388, "Acc.land": 0.0684, "Acc.bannister": 0.2114, "Acc.escalator": 0.7504, "Acc.ottoman": 0.6987, "Acc.bottle": 0.6593, "Acc.buffet": 0.561, "Acc.poster": 0.4544, "Acc.stage": 0.3908, "Acc.van": 0.4657, "Acc.ship": 0.8909, "Acc.fountain": 0.2553, "Acc.conveyer belt": 0.9382, "Acc.canopy": 0.5729, "Acc.washer": 0.7588, "Acc.plaything": 0.6098, "Acc.swimming pool": 0.7066, "Acc.stool": 0.6504, "Acc.barrel": 0.844, "Acc.basket": 0.5151, "Acc.waterfall": 0.5923, "Acc.tent": 0.9848, "Acc.bag": 0.2627, "Acc.minibike": 0.8706, "Acc.cradle": 0.965, "Acc.oven": 0.6216, "Acc.ball": 0.6637, "Acc.food": 0.6225, "Acc.step": 0.2632, "Acc.tank": 0.676, "Acc.trade name": 0.296, "Acc.microwave": 0.9631, "Acc.pot": 0.5056, "Acc.animal": 0.6107, "Acc.bicycle": 0.8013, "Acc.lake": 0.6647, "Acc.dishwasher": 0.7686, "Acc.screen": 0.8419, "Acc.blanket": 0.2291, "Acc.sculpture": 0.8275, "Acc.hood": 0.7221, "Acc.sconce": 0.6155, "Acc.vase": 0.612, "Acc.traffic light": 0.5272, "Acc.tray": 0.0492, "Acc.ashcan": 0.6227, "Acc.fan": 0.7839, "Acc.pier": 0.4798, "Acc.crt screen": 0.1432, "Acc.plate": 0.8078, "Acc.monitor": 0.4652, "Acc.bulletin board": 0.7188, "Acc.shower": 0.0, "Acc.radiator": 0.7309, "Acc.glass": 0.1739, "Acc.clock": 0.5065, "Acc.flag": 0.7048} {"mode": "train", "epoch": 46, "iter": 58050, "lr": 0.0, "memory": 14793, "data_time": 2.46638, "decode.loss_ce": 0.27859, "decode.acc_seg": 88.62662, "aux.loss_ce": 0.19687, "aux.acc_seg": 81.7207, "loss": 0.47546, "grad_norm": 16.2798, "time": 2.87556} {"mode": "train", "epoch": 46, "iter": 58100, "lr": 0.0, "memory": 14793, "data_time": 0.00607, "decode.loss_ce": 0.30599, "decode.acc_seg": 87.82105, "aux.loss_ce": 0.20973, "aux.acc_seg": 80.96878, "loss": 0.51572, "grad_norm": 14.19374, "time": 0.41835} {"mode": "train", "epoch": 47, "iter": 58150, "lr": 0.0, "memory": 14793, "data_time": 0.05695, "decode.loss_ce": 0.28756, "decode.acc_seg": 88.2321, "aux.loss_ce": 0.19711, "aux.acc_seg": 81.66818, "loss": 0.48467, "grad_norm": 18.1028, "time": 0.48112} {"mode": "train", "epoch": 47, "iter": 58200, "lr": 0.0, "memory": 14793, "data_time": 0.00549, "decode.loss_ce": 0.2749, "decode.acc_seg": 88.61064, "aux.loss_ce": 0.19039, "aux.acc_seg": 81.7937, "loss": 0.4653, "grad_norm": 13.29965, "time": 0.4292} {"mode": "train", "epoch": 47, "iter": 58250, "lr": 0.0, "memory": 14793, "data_time": 0.00549, "decode.loss_ce": 0.30408, "decode.acc_seg": 88.17853, "aux.loss_ce": 0.21518, "aux.acc_seg": 80.61934, "loss": 0.51926, "grad_norm": 15.68735, "time": 0.4211} {"mode": "train", "epoch": 47, "iter": 58300, "lr": 0.0, "memory": 14793, "data_time": 0.0054, "decode.loss_ce": 0.29741, "decode.acc_seg": 87.34216, "aux.loss_ce": 0.20387, "aux.acc_seg": 80.68987, "loss": 0.50128, "grad_norm": 19.05415, "time": 0.41321} {"mode": "train", "epoch": 47, "iter": 58350, "lr": 0.0, "memory": 14793, "data_time": 0.00607, "decode.loss_ce": 0.29178, "decode.acc_seg": 87.74942, "aux.loss_ce": 0.19557, "aux.acc_seg": 81.23914, "loss": 0.48735, "grad_norm": 13.34055, "time": 0.40879} {"mode": "train", "epoch": 47, "iter": 58400, "lr": 0.0, "memory": 14793, "data_time": 0.00541, "decode.loss_ce": 0.30755, "decode.acc_seg": 87.4292, "aux.loss_ce": 0.21216, "aux.acc_seg": 80.25523, "loss": 0.51972, "grad_norm": 19.2997, "time": 0.40713} {"mode": "train", "epoch": 47, "iter": 58450, "lr": 0.0, "memory": 14793, "data_time": 0.00585, "decode.loss_ce": 0.28261, "decode.acc_seg": 88.34373, "aux.loss_ce": 0.19108, "aux.acc_seg": 81.91106, "loss": 0.47369, "grad_norm": 16.75899, "time": 0.41733} {"mode": "train", "epoch": 47, "iter": 58500, "lr": 0.0, "memory": 14793, "data_time": 0.00565, "decode.loss_ce": 0.30141, "decode.acc_seg": 87.94961, "aux.loss_ce": 0.19985, "aux.acc_seg": 81.10814, "loss": 0.50126, "grad_norm": 14.39628, "time": 0.4082} {"mode": "train", "epoch": 47, "iter": 58550, "lr": 0.0, "memory": 14793, "data_time": 0.00553, "decode.loss_ce": 0.28175, "decode.acc_seg": 88.87357, "aux.loss_ce": 0.19283, "aux.acc_seg": 81.96956, "loss": 0.47458, "grad_norm": 17.28216, "time": 0.41633} {"mode": "train", "epoch": 47, "iter": 58600, "lr": 0.0, "memory": 14793, "data_time": 0.00789, "decode.loss_ce": 0.28775, "decode.acc_seg": 88.08402, "aux.loss_ce": 0.2008, "aux.acc_seg": 81.02174, "loss": 0.48855, "grad_norm": 12.37061, "time": 0.41562} {"mode": "train", "epoch": 47, "iter": 58650, "lr": 0.0, "memory": 14793, "data_time": 0.00542, "decode.loss_ce": 0.30426, "decode.acc_seg": 88.01384, "aux.loss_ce": 0.21478, "aux.acc_seg": 80.36177, "loss": 0.51904, "grad_norm": 19.20811, "time": 0.42418} {"mode": "train", "epoch": 47, "iter": 58700, "lr": 0.0, "memory": 14793, "data_time": 0.00646, "decode.loss_ce": 0.29692, "decode.acc_seg": 87.85346, "aux.loss_ce": 0.21067, "aux.acc_seg": 80.5818, "loss": 0.50758, "grad_norm": 11.44728, "time": 0.41346} {"mode": "train", "epoch": 47, "iter": 58750, "lr": 0.0, "memory": 14793, "data_time": 0.00534, "decode.loss_ce": 0.2858, "decode.acc_seg": 88.43333, "aux.loss_ce": 0.20158, "aux.acc_seg": 81.36479, "loss": 0.48737, "grad_norm": 16.41201, "time": 0.41571} {"mode": "train", "epoch": 47, "iter": 58800, "lr": 0.0, "memory": 14793, "data_time": 0.00653, "decode.loss_ce": 0.27506, "decode.acc_seg": 88.604, "aux.loss_ce": 0.18946, "aux.acc_seg": 82.26037, "loss": 0.46453, "grad_norm": 15.18807, "time": 0.41017} {"mode": "train", "epoch": 47, "iter": 58850, "lr": 0.0, "memory": 14793, "data_time": 0.00575, "decode.loss_ce": 0.29272, "decode.acc_seg": 87.93192, "aux.loss_ce": 0.20091, "aux.acc_seg": 81.0683, "loss": 0.49363, "grad_norm": 15.98298, "time": 0.41007} {"mode": "train", "epoch": 47, "iter": 58900, "lr": 0.0, "memory": 14793, "data_time": 0.00531, "decode.loss_ce": 0.28398, "decode.acc_seg": 88.22009, "aux.loss_ce": 0.1976, "aux.acc_seg": 81.45768, "loss": 0.48158, "grad_norm": 13.15444, "time": 0.41081} {"mode": "train", "epoch": 47, "iter": 58950, "lr": 0.0, "memory": 14793, "data_time": 0.00604, "decode.loss_ce": 0.26932, "decode.acc_seg": 88.79625, "aux.loss_ce": 0.19289, "aux.acc_seg": 81.70712, "loss": 0.46221, "grad_norm": 11.93419, "time": 0.40733} {"mode": "train", "epoch": 47, "iter": 59000, "lr": 0.0, "memory": 14793, "data_time": 0.00611, "decode.loss_ce": 0.29519, "decode.acc_seg": 87.9515, "aux.loss_ce": 0.20175, "aux.acc_seg": 81.17962, "loss": 0.49694, "grad_norm": 13.83819, "time": 0.6838} {"mode": "val", "epoch": 47, "iter": 125, "lr": 0.0, "aAcc": 0.8441, "mIoU": 0.5325, "mAcc": 0.6618, "IoU.wall": 0.7955, "IoU.building": 0.8333, "IoU.sky": 0.9487, "IoU.floor": 0.8285, "IoU.tree": 0.7636, "IoU.ceiling": 0.8465, "IoU.road": 0.8505, "IoU.bed ": 0.9047, "IoU.windowpane": 0.642, "IoU.grass": 0.6602, "IoU.cabinet": 0.6283, "IoU.sidewalk": 0.6686, "IoU.person": 0.8333, "IoU.earth": 0.3968, "IoU.door": 0.5364, "IoU.table": 0.6329, "IoU.mountain": 0.5949, "IoU.plant": 0.5278, "IoU.curtain": 0.774, "IoU.chair": 0.6227, "IoU.car": 0.8602, "IoU.water": 0.6165, "IoU.painting": 0.738, "IoU.sofa": 0.722, "IoU.shelf": 0.4551, "IoU.house": 0.4434, "IoU.sea": 0.7114, "IoU.mirror": 0.7223, "IoU.rug": 0.6726, "IoU.field": 0.2877, "IoU.armchair": 0.4407, "IoU.seat": 0.6569, "IoU.fence": 0.4761, "IoU.desk": 0.5301, "IoU.rock": 0.4916, "IoU.wardrobe": 0.525, "IoU.lamp": 0.6542, "IoU.bathtub": 0.8067, "IoU.railing": 0.3897, "IoU.cushion": 0.6245, "IoU.base": 0.3087, "IoU.box": 0.3086, "IoU.column": 0.5383, "IoU.signboard": 0.371, "IoU.chest of drawers": 0.4127, "IoU.counter": 0.3274, "IoU.sand": 0.5642, "IoU.sink": 0.7785, "IoU.skyscraper": 0.4986, "IoU.fireplace": 0.6907, "IoU.refrigerator": 0.7495, "IoU.grandstand": 0.4784, "IoU.path": 0.2444, "IoU.stairs": 0.3494, "IoU.runway": 0.6995, "IoU.case": 0.5092, "IoU.pool table": 0.9333, "IoU.pillow": 0.6145, "IoU.screen door": 0.6743, "IoU.stairway": 0.4407, "IoU.river": 0.0994, "IoU.bridge": 0.502, "IoU.bookcase": 0.3949, "IoU.blind": 0.4255, "IoU.coffee table": 0.6034, "IoU.toilet": 0.866, "IoU.flower": 0.4516, "IoU.book": 0.4685, "IoU.hill": 0.0705, "IoU.bench": 0.633, "IoU.countertop": 0.5748, "IoU.stove": 0.8094, "IoU.palm": 0.539, "IoU.kitchen island": 0.358, "IoU.computer": 0.7498, "IoU.swivel chair": 0.5026, "IoU.boat": 0.7131, "IoU.bar": 0.507, "IoU.arcade machine": 0.7653, "IoU.hovel": 0.4667, "IoU.bus": 0.9109, "IoU.towel": 0.6948, "IoU.light": 0.5179, "IoU.truck": 0.427, "IoU.tower": 0.2798, "IoU.chandelier": 0.6643, "IoU.awning": 0.3436, "IoU.streetlight": 0.3058, "IoU.booth": 0.4163, "IoU.television receiver": 0.7608, "IoU.airplane": 0.7073, "IoU.dirt track": 0.0266, "IoU.apparel": 0.5263, "IoU.pole": 0.197, "IoU.land": 0.0432, "IoU.bannister": 0.1464, "IoU.escalator": 0.5416, "IoU.ottoman": 0.5314, "IoU.bottle": 0.4149, "IoU.buffet": 0.4939, "IoU.poster": 0.3348, "IoU.stage": 0.1752, "IoU.van": 0.4956, "IoU.ship": 0.6553, "IoU.fountain": 0.2802, "IoU.conveyer belt": 0.8126, "IoU.canopy": 0.4195, "IoU.washer": 0.7337, "IoU.plaything": 0.4153, "IoU.swimming pool": 0.597, "IoU.stool": 0.4625, "IoU.barrel": 0.5327, "IoU.basket": 0.3531, "IoU.waterfall": 0.6782, "IoU.tent": 0.9458, "IoU.bag": 0.171, "IoU.minibike": 0.7125, "IoU.cradle": 0.7812, "IoU.oven": 0.4793, "IoU.ball": 0.4818, "IoU.food": 0.5746, "IoU.step": 0.2385, "IoU.tank": 0.6172, "IoU.trade name": 0.2437, "IoU.microwave": 0.8076, "IoU.pot": 0.4388, "IoU.animal": 0.5951, "IoU.bicycle": 0.5875, "IoU.lake": 0.4558, "IoU.dishwasher": 0.6725, "IoU.screen": 0.549, "IoU.blanket": 0.1502, "IoU.sculpture": 0.6394, "IoU.hood": 0.7208, "IoU.sconce": 0.4856, "IoU.vase": 0.4274, "IoU.traffic light": 0.3305, "IoU.tray": 0.0612, "IoU.ashcan": 0.4726, "IoU.fan": 0.6324, "IoU.pier": 0.3801, "IoU.crt screen": 0.0372, "IoU.plate": 0.5387, "IoU.monitor": 0.2342, "IoU.bulletin board": 0.6186, "IoU.shower": 0.0, "IoU.radiator": 0.6502, "IoU.glass": 0.1336, "IoU.clock": 0.4268, "IoU.flag": 0.5876, "Acc.wall": 0.8775, "Acc.building": 0.9251, "Acc.sky": 0.974, "Acc.floor": 0.9075, "Acc.tree": 0.8935, "Acc.ceiling": 0.9439, "Acc.road": 0.9148, "Acc.bed ": 0.973, "Acc.windowpane": 0.8086, "Acc.grass": 0.8025, "Acc.cabinet": 0.7152, "Acc.sidewalk": 0.8224, "Acc.person": 0.9222, "Acc.earth": 0.5291, "Acc.door": 0.7103, "Acc.table": 0.7847, "Acc.mountain": 0.7351, "Acc.plant": 0.6442, "Acc.curtain": 0.8641, "Acc.chair": 0.75, "Acc.car": 0.9384, "Acc.water": 0.7676, "Acc.painting": 0.8862, "Acc.sofa": 0.9072, "Acc.shelf": 0.639, "Acc.house": 0.6588, "Acc.sea": 0.8526, "Acc.mirror": 0.8069, "Acc.rug": 0.78, "Acc.field": 0.4384, "Acc.armchair": 0.5834, "Acc.seat": 0.8405, "Acc.fence": 0.5968, "Acc.desk": 0.7476, "Acc.rock": 0.7245, "Acc.wardrobe": 0.7224, "Acc.lamp": 0.7634, "Acc.bathtub": 0.8573, "Acc.railing": 0.5289, "Acc.cushion": 0.7445, "Acc.base": 0.3875, "Acc.box": 0.3789, "Acc.column": 0.6665, "Acc.signboard": 0.489, "Acc.chest of drawers": 0.6896, "Acc.counter": 0.4356, "Acc.sand": 0.686, "Acc.sink": 0.8576, "Acc.skyscraper": 0.5664, "Acc.fireplace": 0.9408, "Acc.refrigerator": 0.8241, "Acc.grandstand": 0.8393, "Acc.path": 0.3973, "Acc.stairs": 0.4677, "Acc.runway": 0.9222, "Acc.case": 0.6678, "Acc.pool table": 0.9795, "Acc.pillow": 0.7494, "Acc.screen door": 0.8013, "Acc.stairway": 0.5182, "Acc.river": 0.2065, "Acc.bridge": 0.5914, "Acc.bookcase": 0.6411, "Acc.blind": 0.4886, "Acc.coffee table": 0.8448, "Acc.toilet": 0.9165, "Acc.flower": 0.6026, "Acc.book": 0.7644, "Acc.hill": 0.1425, "Acc.bench": 0.7921, "Acc.countertop": 0.7775, "Acc.stove": 0.8854, "Acc.palm": 0.6821, "Acc.kitchen island": 0.8258, "Acc.computer": 0.9008, "Acc.swivel chair": 0.6358, "Acc.boat": 0.8561, "Acc.bar": 0.6886, "Acc.arcade machine": 0.8124, "Acc.hovel": 0.7327, "Acc.bus": 0.9748, "Acc.towel": 0.835, "Acc.light": 0.5738, "Acc.truck": 0.5832, "Acc.tower": 0.4538, "Acc.chandelier": 0.809, "Acc.awning": 0.4135, "Acc.streetlight": 0.4228, "Acc.booth": 0.6111, "Acc.television receiver": 0.8409, "Acc.airplane": 0.8116, "Acc.dirt track": 0.0442, "Acc.apparel": 0.7453, "Acc.pole": 0.244, "Acc.land": 0.0704, "Acc.bannister": 0.1869, "Acc.escalator": 0.7651, "Acc.ottoman": 0.7085, "Acc.bottle": 0.6427, "Acc.buffet": 0.5876, "Acc.poster": 0.4298, "Acc.stage": 0.486, "Acc.van": 0.6546, "Acc.ship": 0.747, "Acc.fountain": 0.2873, "Acc.conveyer belt": 0.9423, "Acc.canopy": 0.6263, "Acc.washer": 0.7592, "Acc.plaything": 0.6598, "Acc.swimming pool": 0.7559, "Acc.stool": 0.599, "Acc.barrel": 0.8483, "Acc.basket": 0.5076, "Acc.waterfall": 0.7703, "Acc.tent": 0.9841, "Acc.bag": 0.1919, "Acc.minibike": 0.8679, "Acc.cradle": 0.9544, "Acc.oven": 0.6787, "Acc.ball": 0.546, "Acc.food": 0.7349, "Acc.step": 0.2986, "Acc.tank": 0.6775, "Acc.trade name": 0.2734, "Acc.microwave": 0.9287, "Acc.pot": 0.5008, "Acc.animal": 0.6152, "Acc.bicycle": 0.7777, "Acc.lake": 0.6374, "Acc.dishwasher": 0.7277, "Acc.screen": 0.8887, "Acc.blanket": 0.168, "Acc.sculpture": 0.8352, "Acc.hood": 0.8145, "Acc.sconce": 0.5711, "Acc.vase": 0.5435, "Acc.traffic light": 0.5389, "Acc.tray": 0.0763, "Acc.ashcan": 0.599, "Acc.fan": 0.7556, "Acc.pier": 0.5121, "Acc.crt screen": 0.0833, "Acc.plate": 0.7403, "Acc.monitor": 0.2743, "Acc.bulletin board": 0.7209, "Acc.shower": 0.0, "Acc.radiator": 0.7543, "Acc.glass": 0.1397, "Acc.clock": 0.4728, "Acc.flag": 0.6552} {"mode": "train", "epoch": 47, "iter": 59050, "lr": 0.0, "memory": 14793, "data_time": 2.16745, "decode.loss_ce": 0.28417, "decode.acc_seg": 88.65027, "aux.loss_ce": 0.19046, "aux.acc_seg": 82.30892, "loss": 0.47463, "grad_norm": 13.5718, "time": 2.58432} {"mode": "train", "epoch": 47, "iter": 59100, "lr": 0.0, "memory": 14793, "data_time": 0.0054, "decode.loss_ce": 0.29106, "decode.acc_seg": 88.13681, "aux.loss_ce": 0.20109, "aux.acc_seg": 81.01517, "loss": 0.49215, "grad_norm": 11.27596, "time": 0.42194} {"mode": "train", "epoch": 47, "iter": 59150, "lr": 0.0, "memory": 14793, "data_time": 0.00581, "decode.loss_ce": 0.27888, "decode.acc_seg": 88.74043, "aux.loss_ce": 0.19985, "aux.acc_seg": 81.28703, "loss": 0.47873, "grad_norm": 11.59686, "time": 0.41383} {"mode": "train", "epoch": 47, "iter": 59200, "lr": 0.0, "memory": 14793, "data_time": 0.00666, "decode.loss_ce": 0.28176, "decode.acc_seg": 88.28987, "aux.loss_ce": 0.19857, "aux.acc_seg": 80.7815, "loss": 0.48033, "grad_norm": 14.05298, "time": 0.41418} {"mode": "train", "epoch": 47, "iter": 59250, "lr": 0.0, "memory": 14793, "data_time": 0.00554, "decode.loss_ce": 0.28908, "decode.acc_seg": 88.44178, "aux.loss_ce": 0.20611, "aux.acc_seg": 81.16712, "loss": 0.49519, "grad_norm": 13.11668, "time": 0.40747} {"mode": "train", "epoch": 47, "iter": 59300, "lr": 0.0, "memory": 14793, "data_time": 0.00567, "decode.loss_ce": 0.28986, "decode.acc_seg": 88.58995, "aux.loss_ce": 0.19738, "aux.acc_seg": 81.05618, "loss": 0.48724, "grad_norm": 12.21736, "time": 0.41457} {"mode": "train", "epoch": 47, "iter": 59350, "lr": 0.0, "memory": 14793, "data_time": 0.00571, "decode.loss_ce": 0.30049, "decode.acc_seg": 87.65096, "aux.loss_ce": 0.21332, "aux.acc_seg": 80.03106, "loss": 0.51381, "grad_norm": 12.66307, "time": 0.41175} {"mode": "train", "epoch": 47, "iter": 59400, "lr": 0.0, "memory": 14793, "data_time": 0.00558, "decode.loss_ce": 0.30095, "decode.acc_seg": 87.8239, "aux.loss_ce": 0.20135, "aux.acc_seg": 80.77711, "loss": 0.5023, "grad_norm": 13.62579, "time": 0.41877} {"mode": "train", "epoch": 48, "iter": 59450, "lr": 0.0, "memory": 14793, "data_time": 0.05023, "decode.loss_ce": 0.28292, "decode.acc_seg": 88.43296, "aux.loss_ce": 0.19449, "aux.acc_seg": 81.63796, "loss": 0.47742, "grad_norm": 14.02915, "time": 0.45707} {"mode": "train", "epoch": 48, "iter": 59500, "lr": 0.0, "memory": 14793, "data_time": 0.00602, "decode.loss_ce": 0.28844, "decode.acc_seg": 88.06946, "aux.loss_ce": 0.20435, "aux.acc_seg": 81.05819, "loss": 0.49279, "grad_norm": 11.09887, "time": 0.42071} {"mode": "train", "epoch": 48, "iter": 59550, "lr": 0.0, "memory": 14793, "data_time": 0.00563, "decode.loss_ce": 0.27514, "decode.acc_seg": 88.88279, "aux.loss_ce": 0.18669, "aux.acc_seg": 82.3685, "loss": 0.46183, "grad_norm": 14.81808, "time": 0.40411} {"mode": "train", "epoch": 48, "iter": 59600, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.2871, "decode.acc_seg": 88.5252, "aux.loss_ce": 0.20103, "aux.acc_seg": 81.16899, "loss": 0.48812, "grad_norm": 12.52037, "time": 0.41497} {"mode": "train", "epoch": 48, "iter": 59650, "lr": 0.0, "memory": 14793, "data_time": 0.00551, "decode.loss_ce": 0.27457, "decode.acc_seg": 88.52899, "aux.loss_ce": 0.19088, "aux.acc_seg": 81.70992, "loss": 0.46546, "grad_norm": 15.04942, "time": 0.41803} {"mode": "train", "epoch": 48, "iter": 59700, "lr": 0.0, "memory": 14793, "data_time": 0.00547, "decode.loss_ce": 0.28579, "decode.acc_seg": 88.56914, "aux.loss_ce": 0.19193, "aux.acc_seg": 82.48893, "loss": 0.47772, "grad_norm": 15.10993, "time": 0.40562} {"mode": "train", "epoch": 48, "iter": 59750, "lr": 0.0, "memory": 14793, "data_time": 0.0051, "decode.loss_ce": 0.27404, "decode.acc_seg": 88.75708, "aux.loss_ce": 0.19128, "aux.acc_seg": 81.69728, "loss": 0.46532, "grad_norm": 24.33174, "time": 0.41487} {"mode": "train", "epoch": 48, "iter": 59800, "lr": 0.0, "memory": 14793, "data_time": 0.00584, "decode.loss_ce": 0.31807, "decode.acc_seg": 87.14864, "aux.loss_ce": 0.20686, "aux.acc_seg": 80.44738, "loss": 0.52493, "grad_norm": 15.94265, "time": 0.41275} {"mode": "train", "epoch": 48, "iter": 59850, "lr": 0.0, "memory": 14793, "data_time": 0.00513, "decode.loss_ce": 0.2813, "decode.acc_seg": 88.98041, "aux.loss_ce": 0.1958, "aux.acc_seg": 82.04374, "loss": 0.47711, "grad_norm": 11.47909, "time": 0.42144} {"mode": "train", "epoch": 48, "iter": 59900, "lr": 0.0, "memory": 14793, "data_time": 0.00593, "decode.loss_ce": 0.29555, "decode.acc_seg": 88.17185, "aux.loss_ce": 0.20927, "aux.acc_seg": 80.93996, "loss": 0.50482, "grad_norm": 15.84869, "time": 0.41622} {"mode": "train", "epoch": 48, "iter": 59950, "lr": 0.0, "memory": 14793, "data_time": 0.00532, "decode.loss_ce": 0.26632, "decode.acc_seg": 88.92859, "aux.loss_ce": 0.1966, "aux.acc_seg": 81.32688, "loss": 0.46292, "grad_norm": 16.40629, "time": 0.41791} {"mode": "train", "epoch": 48, "iter": 60000, "lr": 0.0, "memory": 14793, "data_time": 0.00531, "decode.loss_ce": 0.29065, "decode.acc_seg": 88.27025, "aux.loss_ce": 0.20552, "aux.acc_seg": 80.86171, "loss": 0.49617, "grad_norm": 12.78748, "time": 0.64818} {"mode": "val", "epoch": 48, "iter": 125, "lr": 0.0, "aAcc": 0.8454, "mIoU": 0.5391, "mAcc": 0.6713, "IoU.wall": 0.796, "IoU.building": 0.8368, "IoU.sky": 0.9482, "IoU.floor": 0.8263, "IoU.tree": 0.7651, "IoU.ceiling": 0.851, "IoU.road": 0.8524, "IoU.bed ": 0.9113, "IoU.windowpane": 0.6418, "IoU.grass": 0.6692, "IoU.cabinet": 0.6273, "IoU.sidewalk": 0.6762, "IoU.person": 0.8337, "IoU.earth": 0.3586, "IoU.door": 0.5583, "IoU.table": 0.6415, "IoU.mountain": 0.5991, "IoU.plant": 0.547, "IoU.curtain": 0.7629, "IoU.chair": 0.6285, "IoU.car": 0.8642, "IoU.water": 0.5975, "IoU.painting": 0.7199, "IoU.sofa": 0.7204, "IoU.shelf": 0.4587, "IoU.house": 0.4838, "IoU.sea": 0.6886, "IoU.mirror": 0.7219, "IoU.rug": 0.6687, "IoU.field": 0.2826, "IoU.armchair": 0.4677, "IoU.seat": 0.6675, "IoU.fence": 0.4846, "IoU.desk": 0.5036, "IoU.rock": 0.5112, "IoU.wardrobe": 0.5547, "IoU.lamp": 0.6515, "IoU.bathtub": 0.8084, "IoU.railing": 0.4108, "IoU.cushion": 0.6223, "IoU.base": 0.34, "IoU.box": 0.3314, "IoU.column": 0.525, "IoU.signboard": 0.3848, "IoU.chest of drawers": 0.3668, "IoU.counter": 0.3512, "IoU.sand": 0.6058, "IoU.sink": 0.7933, "IoU.skyscraper": 0.6131, "IoU.fireplace": 0.6821, "IoU.refrigerator": 0.7427, "IoU.grandstand": 0.4483, "IoU.path": 0.2442, "IoU.stairs": 0.3506, "IoU.runway": 0.7122, "IoU.case": 0.5197, "IoU.pool table": 0.9314, "IoU.pillow": 0.6076, "IoU.screen door": 0.6581, "IoU.stairway": 0.428, "IoU.river": 0.1099, "IoU.bridge": 0.624, "IoU.bookcase": 0.403, "IoU.blind": 0.4447, "IoU.coffee table": 0.5966, "IoU.toilet": 0.864, "IoU.flower": 0.4542, "IoU.book": 0.4932, "IoU.hill": 0.0589, "IoU.bench": 0.6368, "IoU.countertop": 0.5984, "IoU.stove": 0.8116, "IoU.palm": 0.5391, "IoU.kitchen island": 0.3442, "IoU.computer": 0.7529, "IoU.swivel chair": 0.5555, "IoU.boat": 0.7232, "IoU.bar": 0.4774, "IoU.arcade machine": 0.7357, "IoU.hovel": 0.6114, "IoU.bus": 0.9166, "IoU.towel": 0.6816, "IoU.light": 0.5587, "IoU.truck": 0.4369, "IoU.tower": 0.302, "IoU.chandelier": 0.6643, "IoU.awning": 0.3395, "IoU.streetlight": 0.3082, "IoU.booth": 0.384, "IoU.television receiver": 0.7739, "IoU.airplane": 0.6892, "IoU.dirt track": 0.0853, "IoU.apparel": 0.5459, "IoU.pole": 0.2488, "IoU.land": 0.0616, "IoU.bannister": 0.1512, "IoU.escalator": 0.5416, "IoU.ottoman": 0.5285, "IoU.bottle": 0.3679, "IoU.buffet": 0.4877, "IoU.poster": 0.3232, "IoU.stage": 0.2202, "IoU.van": 0.4315, "IoU.ship": 0.797, "IoU.fountain": 0.2885, "IoU.conveyer belt": 0.8175, "IoU.canopy": 0.394, "IoU.washer": 0.7418, "IoU.plaything": 0.401, "IoU.swimming pool": 0.6708, "IoU.stool": 0.4641, "IoU.barrel": 0.5475, "IoU.basket": 0.3655, "IoU.waterfall": 0.6886, "IoU.tent": 0.9579, "IoU.bag": 0.2089, "IoU.minibike": 0.7161, "IoU.cradle": 0.8279, "IoU.oven": 0.4773, "IoU.ball": 0.5367, "IoU.food": 0.5545, "IoU.step": 0.2069, "IoU.tank": 0.6188, "IoU.trade name": 0.2743, "IoU.microwave": 0.8098, "IoU.pot": 0.4472, "IoU.animal": 0.5938, "IoU.bicycle": 0.5927, "IoU.lake": 0.4677, "IoU.dishwasher": 0.6791, "IoU.screen": 0.5261, "IoU.blanket": 0.2187, "IoU.sculpture": 0.6647, "IoU.hood": 0.6021, "IoU.sconce": 0.4941, "IoU.vase": 0.4187, "IoU.traffic light": 0.3509, "IoU.tray": 0.0608, "IoU.ashcan": 0.5035, "IoU.fan": 0.6412, "IoU.pier": 0.376, "IoU.crt screen": 0.0604, "IoU.plate": 0.5425, "IoU.monitor": 0.1461, "IoU.bulletin board": 0.635, "IoU.shower": 0.0011, "IoU.radiator": 0.6424, "IoU.glass": 0.147, "IoU.clock": 0.4315, "IoU.flag": 0.5225, "Acc.wall": 0.8785, "Acc.building": 0.9199, "Acc.sky": 0.9771, "Acc.floor": 0.8863, "Acc.tree": 0.8852, "Acc.ceiling": 0.9359, "Acc.road": 0.9106, "Acc.bed ": 0.9729, "Acc.windowpane": 0.8185, "Acc.grass": 0.8035, "Acc.cabinet": 0.7547, "Acc.sidewalk": 0.8254, "Acc.person": 0.9312, "Acc.earth": 0.4757, "Acc.door": 0.6905, "Acc.table": 0.7664, "Acc.mountain": 0.7374, "Acc.plant": 0.6957, "Acc.curtain": 0.8734, "Acc.chair": 0.7622, "Acc.car": 0.9439, "Acc.water": 0.7481, "Acc.painting": 0.8998, "Acc.sofa": 0.8607, "Acc.shelf": 0.6507, "Acc.house": 0.6757, "Acc.sea": 0.8537, "Acc.mirror": 0.7901, "Acc.rug": 0.8676, "Acc.field": 0.471, "Acc.armchair": 0.6835, "Acc.seat": 0.8153, "Acc.fence": 0.6889, "Acc.desk": 0.7194, "Acc.rock": 0.8009, "Acc.wardrobe": 0.6983, "Acc.lamp": 0.7939, "Acc.bathtub": 0.8609, "Acc.railing": 0.5442, "Acc.cushion": 0.729, "Acc.base": 0.4704, "Acc.box": 0.419, "Acc.column": 0.6699, "Acc.signboard": 0.5344, "Acc.chest of drawers": 0.6869, "Acc.counter": 0.4394, "Acc.sand": 0.8362, "Acc.sink": 0.9006, "Acc.skyscraper": 0.7955, "Acc.fireplace": 0.9462, "Acc.refrigerator": 0.8169, "Acc.grandstand": 0.843, "Acc.path": 0.3823, "Acc.stairs": 0.4863, "Acc.runway": 0.9504, "Acc.case": 0.6795, "Acc.pool table": 0.9821, "Acc.pillow": 0.7289, "Acc.screen door": 0.8721, "Acc.stairway": 0.5181, "Acc.river": 0.2242, "Acc.bridge": 0.7285, "Acc.bookcase": 0.6741, "Acc.blind": 0.5217, "Acc.coffee table": 0.8428, "Acc.toilet": 0.9381, "Acc.flower": 0.6433, "Acc.book": 0.7104, "Acc.hill": 0.0845, "Acc.bench": 0.7358, "Acc.countertop": 0.7576, "Acc.stove": 0.886, "Acc.palm": 0.6974, "Acc.kitchen island": 0.7085, "Acc.computer": 0.8912, "Acc.swivel chair": 0.7992, "Acc.boat": 0.8715, "Acc.bar": 0.5817, "Acc.arcade machine": 0.7802, "Acc.hovel": 0.6761, "Acc.bus": 0.9767, "Acc.towel": 0.8532, "Acc.light": 0.6564, "Acc.truck": 0.5899, "Acc.tower": 0.5784, "Acc.chandelier": 0.82, "Acc.awning": 0.4111, "Acc.streetlight": 0.4007, "Acc.booth": 0.5955, "Acc.television receiver": 0.8795, "Acc.airplane": 0.8136, "Acc.dirt track": 0.1683, "Acc.apparel": 0.6983, "Acc.pole": 0.3389, "Acc.land": 0.0904, "Acc.bannister": 0.1904, "Acc.escalator": 0.8222, "Acc.ottoman": 0.7226, "Acc.bottle": 0.5247, "Acc.buffet": 0.5882, "Acc.poster": 0.4172, "Acc.stage": 0.3786, "Acc.van": 0.5106, "Acc.ship": 0.906, "Acc.fountain": 0.3009, "Acc.conveyer belt": 0.9407, "Acc.canopy": 0.5585, "Acc.washer": 0.7632, "Acc.plaything": 0.5409, "Acc.swimming pool": 0.7275, "Acc.stool": 0.6218, "Acc.barrel": 0.8054, "Acc.basket": 0.4671, "Acc.waterfall": 0.8925, "Acc.tent": 0.9834, "Acc.bag": 0.2542, "Acc.minibike": 0.8611, "Acc.cradle": 0.9727, "Acc.oven": 0.6818, "Acc.ball": 0.6489, "Acc.food": 0.6478, "Acc.step": 0.2647, "Acc.tank": 0.6763, "Acc.trade name": 0.3143, "Acc.microwave": 0.9278, "Acc.pot": 0.5114, "Acc.animal": 0.607, "Acc.bicycle": 0.7852, "Acc.lake": 0.6408, "Acc.dishwasher": 0.8047, "Acc.screen": 0.8851, "Acc.blanket": 0.255, "Acc.sculpture": 0.8219, "Acc.hood": 0.7753, "Acc.sconce": 0.616, "Acc.vase": 0.5897, "Acc.traffic light": 0.5475, "Acc.tray": 0.0801, "Acc.ashcan": 0.6731, "Acc.fan": 0.7881, "Acc.pier": 0.4683, "Acc.crt screen": 0.1552, "Acc.plate": 0.7581, "Acc.monitor": 0.1591, "Acc.bulletin board": 0.7285, "Acc.shower": 0.0014, "Acc.radiator": 0.759, "Acc.glass": 0.1547, "Acc.clock": 0.4822, "Acc.flag": 0.5595} {"mode": "train", "epoch": 48, "iter": 60050, "lr": 0.0, "memory": 14793, "data_time": 2.10013, "decode.loss_ce": 0.28282, "decode.acc_seg": 88.63581, "aux.loss_ce": 0.19995, "aux.acc_seg": 81.32192, "loss": 0.48277, "grad_norm": 12.72703, "time": 2.5157} {"mode": "train", "epoch": 48, "iter": 60100, "lr": 0.0, "memory": 14793, "data_time": 0.00543, "decode.loss_ce": 0.28857, "decode.acc_seg": 88.35454, "aux.loss_ce": 0.19898, "aux.acc_seg": 81.1164, "loss": 0.48754, "grad_norm": 11.90577, "time": 0.41099} {"mode": "train", "epoch": 48, "iter": 60150, "lr": 0.0, "memory": 14793, "data_time": 0.00568, "decode.loss_ce": 0.28558, "decode.acc_seg": 88.38562, "aux.loss_ce": 0.19972, "aux.acc_seg": 81.75706, "loss": 0.4853, "grad_norm": 12.40403, "time": 0.41344} {"mode": "train", "epoch": 48, "iter": 60200, "lr": 0.0, "memory": 14793, "data_time": 0.00552, "decode.loss_ce": 0.28667, "decode.acc_seg": 88.40358, "aux.loss_ce": 0.19768, "aux.acc_seg": 81.5724, "loss": 0.48435, "grad_norm": 17.09496, "time": 0.4187} {"mode": "train", "epoch": 48, "iter": 60250, "lr": 0.0, "memory": 14793, "data_time": 0.0059, "decode.loss_ce": 0.27917, "decode.acc_seg": 88.54329, "aux.loss_ce": 0.19144, "aux.acc_seg": 81.93077, "loss": 0.47061, "grad_norm": 14.96652, "time": 0.41256} {"mode": "train", "epoch": 48, "iter": 60300, "lr": 0.0, "memory": 14793, "data_time": 0.00561, "decode.loss_ce": 0.27073, "decode.acc_seg": 88.96424, "aux.loss_ce": 0.19884, "aux.acc_seg": 81.3807, "loss": 0.46957, "grad_norm": 15.109, "time": 0.41747} {"mode": "train", "epoch": 48, "iter": 60350, "lr": 0.0, "memory": 14793, "data_time": 0.00537, "decode.loss_ce": 0.27248, "decode.acc_seg": 88.88675, "aux.loss_ce": 0.18883, "aux.acc_seg": 82.10832, "loss": 0.46131, "grad_norm": 10.46706, "time": 0.40949} {"mode": "train", "epoch": 48, "iter": 60400, "lr": 0.0, "memory": 14793, "data_time": 0.0086, "decode.loss_ce": 0.30126, "decode.acc_seg": 87.48284, "aux.loss_ce": 0.20265, "aux.acc_seg": 81.00638, "loss": 0.5039, "grad_norm": 24.74622, "time": 0.41574} {"mode": "train", "epoch": 48, "iter": 60450, "lr": 0.0, "memory": 14793, "data_time": 0.00579, "decode.loss_ce": 0.28506, "decode.acc_seg": 88.45694, "aux.loss_ce": 0.20399, "aux.acc_seg": 81.02343, "loss": 0.48905, "grad_norm": 14.23127, "time": 0.40799} {"mode": "train", "epoch": 48, "iter": 60500, "lr": 0.0, "memory": 14793, "data_time": 0.00605, "decode.loss_ce": 0.30288, "decode.acc_seg": 87.78997, "aux.loss_ce": 0.20431, "aux.acc_seg": 81.13737, "loss": 0.50719, "grad_norm": 15.01511, "time": 0.41294} {"mode": "train", "epoch": 48, "iter": 60550, "lr": 0.0, "memory": 14793, "data_time": 0.0055, "decode.loss_ce": 0.28629, "decode.acc_seg": 88.12916, "aux.loss_ce": 0.20366, "aux.acc_seg": 80.70435, "loss": 0.48995, "grad_norm": 13.92405, "time": 0.41309} {"mode": "train", "epoch": 48, "iter": 60600, "lr": 0.0, "memory": 14793, "data_time": 0.00567, "decode.loss_ce": 0.27247, "decode.acc_seg": 88.78517, "aux.loss_ce": 0.1858, "aux.acc_seg": 82.67918, "loss": 0.45827, "grad_norm": 12.01445, "time": 0.4181} {"mode": "train", "epoch": 48, "iter": 60650, "lr": 0.0, "memory": 14793, "data_time": 0.0054, "decode.loss_ce": 0.28971, "decode.acc_seg": 88.06562, "aux.loss_ce": 0.20603, "aux.acc_seg": 80.52209, "loss": 0.49575, "grad_norm": 14.19215, "time": 0.41799} {"mode": "train", "epoch": 49, "iter": 60700, "lr": 0.0, "memory": 14793, "data_time": 0.0532, "decode.loss_ce": 0.28292, "decode.acc_seg": 88.55777, "aux.loss_ce": 0.20262, "aux.acc_seg": 81.61494, "loss": 0.48554, "grad_norm": 14.87155, "time": 0.47808} {"mode": "train", "epoch": 49, "iter": 60750, "lr": 0.0, "memory": 14793, "data_time": 0.00506, "decode.loss_ce": 0.28738, "decode.acc_seg": 88.18071, "aux.loss_ce": 0.18943, "aux.acc_seg": 82.20944, "loss": 0.47681, "grad_norm": 14.51482, "time": 0.41685} {"mode": "train", "epoch": 49, "iter": 60800, "lr": 0.0, "memory": 14793, "data_time": 0.00508, "decode.loss_ce": 0.28536, "decode.acc_seg": 88.19612, "aux.loss_ce": 0.2001, "aux.acc_seg": 81.27655, "loss": 0.48546, "grad_norm": 13.11161, "time": 0.41694} {"mode": "train", "epoch": 49, "iter": 60850, "lr": 0.0, "memory": 14793, "data_time": 0.00506, "decode.loss_ce": 0.27879, "decode.acc_seg": 88.97785, "aux.loss_ce": 0.19765, "aux.acc_seg": 81.64152, "loss": 0.47644, "grad_norm": 12.5556, "time": 0.41688} {"mode": "train", "epoch": 49, "iter": 60900, "lr": 0.0, "memory": 14793, "data_time": 0.00899, "decode.loss_ce": 0.25833, "decode.acc_seg": 89.14605, "aux.loss_ce": 0.18078, "aux.acc_seg": 82.96304, "loss": 0.4391, "grad_norm": 14.68384, "time": 0.41204} {"mode": "train", "epoch": 49, "iter": 60950, "lr": 0.0, "memory": 14793, "data_time": 0.00639, "decode.loss_ce": 0.28303, "decode.acc_seg": 88.78542, "aux.loss_ce": 0.19651, "aux.acc_seg": 81.61229, "loss": 0.47953, "grad_norm": 12.96555, "time": 0.42375} {"mode": "train", "epoch": 49, "iter": 61000, "lr": 0.0, "memory": 14793, "data_time": 0.00608, "decode.loss_ce": 0.28441, "decode.acc_seg": 88.44119, "aux.loss_ce": 0.196, "aux.acc_seg": 81.62518, "loss": 0.48041, "grad_norm": 12.27478, "time": 0.65049} {"mode": "val", "epoch": 49, "iter": 125, "lr": 0.0, "aAcc": 0.8448, "mIoU": 0.5353, "mAcc": 0.6676, "IoU.wall": 0.8008, "IoU.building": 0.8332, "IoU.sky": 0.9465, "IoU.floor": 0.8299, "IoU.tree": 0.7605, "IoU.ceiling": 0.851, "IoU.road": 0.8464, "IoU.bed ": 0.9171, "IoU.windowpane": 0.6414, "IoU.grass": 0.6651, "IoU.cabinet": 0.6513, "IoU.sidewalk": 0.6741, "IoU.person": 0.8337, "IoU.earth": 0.3615, "IoU.door": 0.5519, "IoU.table": 0.6363, "IoU.mountain": 0.6041, "IoU.plant": 0.5289, "IoU.curtain": 0.7748, "IoU.chair": 0.6154, "IoU.car": 0.856, "IoU.water": 0.5844, "IoU.painting": 0.7417, "IoU.sofa": 0.736, "IoU.shelf": 0.4304, "IoU.house": 0.467, "IoU.sea": 0.7101, "IoU.mirror": 0.7222, "IoU.rug": 0.6703, "IoU.field": 0.2899, "IoU.armchair": 0.4937, "IoU.seat": 0.66, "IoU.fence": 0.4898, "IoU.desk": 0.5205, "IoU.rock": 0.4735, "IoU.wardrobe": 0.5431, "IoU.lamp": 0.6614, "IoU.bathtub": 0.8057, "IoU.railing": 0.4095, "IoU.cushion": 0.6279, "IoU.base": 0.4043, "IoU.box": 0.32, "IoU.column": 0.5475, "IoU.signboard": 0.3748, "IoU.chest of drawers": 0.4225, "IoU.counter": 0.3332, "IoU.sand": 0.5922, "IoU.sink": 0.7556, "IoU.skyscraper": 0.4679, "IoU.fireplace": 0.7209, "IoU.refrigerator": 0.7448, "IoU.grandstand": 0.4561, "IoU.path": 0.2083, "IoU.stairs": 0.3223, "IoU.runway": 0.7017, "IoU.case": 0.4798, "IoU.pool table": 0.9272, "IoU.pillow": 0.618, "IoU.screen door": 0.6057, "IoU.stairway": 0.4232, "IoU.river": 0.1226, "IoU.bridge": 0.4788, "IoU.bookcase": 0.3722, "IoU.blind": 0.3891, "IoU.coffee table": 0.5954, "IoU.toilet": 0.8539, "IoU.flower": 0.4625, "IoU.book": 0.4731, "IoU.hill": 0.0862, "IoU.bench": 0.6436, "IoU.countertop": 0.5822, "IoU.stove": 0.7983, "IoU.palm": 0.5207, "IoU.kitchen island": 0.4213, "IoU.computer": 0.7388, "IoU.swivel chair": 0.5664, "IoU.boat": 0.6917, "IoU.bar": 0.5078, "IoU.arcade machine": 0.749, "IoU.hovel": 0.5337, "IoU.bus": 0.9077, "IoU.towel": 0.6709, "IoU.light": 0.5397, "IoU.truck": 0.4388, "IoU.tower": 0.3335, "IoU.chandelier": 0.6706, "IoU.awning": 0.3431, "IoU.streetlight": 0.3149, "IoU.booth": 0.3975, "IoU.television receiver": 0.7734, "IoU.airplane": 0.7121, "IoU.dirt track": 0.0155, "IoU.apparel": 0.5398, "IoU.pole": 0.2223, "IoU.land": 0.0567, "IoU.bannister": 0.1532, "IoU.escalator": 0.5373, "IoU.ottoman": 0.5317, "IoU.bottle": 0.4224, "IoU.buffet": 0.5104, "IoU.poster": 0.3358, "IoU.stage": 0.2375, "IoU.van": 0.2587, "IoU.ship": 0.7076, "IoU.fountain": 0.2783, "IoU.conveyer belt": 0.7928, "IoU.canopy": 0.4586, "IoU.washer": 0.7426, "IoU.plaything": 0.4369, "IoU.swimming pool": 0.666, "IoU.stool": 0.4476, "IoU.barrel": 0.5515, "IoU.basket": 0.3848, "IoU.waterfall": 0.647, "IoU.tent": 0.9469, "IoU.bag": 0.184, "IoU.minibike": 0.7184, "IoU.cradle": 0.8032, "IoU.oven": 0.4278, "IoU.ball": 0.5371, "IoU.food": 0.5374, "IoU.step": 0.2585, "IoU.tank": 0.6311, "IoU.trade name": 0.2627, "IoU.microwave": 0.8132, "IoU.pot": 0.4946, "IoU.animal": 0.6311, "IoU.bicycle": 0.5902, "IoU.lake": 0.5248, "IoU.dishwasher": 0.6342, "IoU.screen": 0.547, "IoU.blanket": 0.1985, "IoU.sculpture": 0.6484, "IoU.hood": 0.6602, "IoU.sconce": 0.5194, "IoU.vase": 0.4217, "IoU.traffic light": 0.3427, "IoU.tray": 0.0454, "IoU.ashcan": 0.4789, "IoU.fan": 0.6322, "IoU.pier": 0.3827, "IoU.crt screen": 0.0659, "IoU.plate": 0.5572, "IoU.monitor": 0.1464, "IoU.bulletin board": 0.616, "IoU.shower": 0.0006, "IoU.radiator": 0.6259, "IoU.glass": 0.1552, "IoU.clock": 0.4145, "IoU.flag": 0.575, "Acc.wall": 0.8875, "Acc.building": 0.9213, "Acc.sky": 0.9757, "Acc.floor": 0.9051, "Acc.tree": 0.8933, "Acc.ceiling": 0.9353, "Acc.road": 0.8998, "Acc.bed ": 0.9647, "Acc.windowpane": 0.8128, "Acc.grass": 0.8292, "Acc.cabinet": 0.7514, "Acc.sidewalk": 0.825, "Acc.person": 0.9236, "Acc.earth": 0.4829, "Acc.door": 0.6749, "Acc.table": 0.7773, "Acc.mountain": 0.7312, "Acc.plant": 0.6331, "Acc.curtain": 0.8669, "Acc.chair": 0.7168, "Acc.car": 0.9452, "Acc.water": 0.7291, "Acc.painting": 0.8858, "Acc.sofa": 0.8557, "Acc.shelf": 0.6085, "Acc.house": 0.6836, "Acc.sea": 0.845, "Acc.mirror": 0.8025, "Acc.rug": 0.7919, "Acc.field": 0.466, "Acc.armchair": 0.7069, "Acc.seat": 0.8627, "Acc.fence": 0.6666, "Acc.desk": 0.7459, "Acc.rock": 0.6738, "Acc.wardrobe": 0.7104, "Acc.lamp": 0.7728, "Acc.bathtub": 0.8453, "Acc.railing": 0.548, "Acc.cushion": 0.7486, "Acc.base": 0.6126, "Acc.box": 0.3937, "Acc.column": 0.6698, "Acc.signboard": 0.5085, "Acc.chest of drawers": 0.6485, "Acc.counter": 0.4499, "Acc.sand": 0.7958, "Acc.sink": 0.8125, "Acc.skyscraper": 0.5417, "Acc.fireplace": 0.9254, "Acc.refrigerator": 0.8087, "Acc.grandstand": 0.8156, "Acc.path": 0.4366, "Acc.stairs": 0.4093, "Acc.runway": 0.9413, "Acc.case": 0.6112, "Acc.pool table": 0.9846, "Acc.pillow": 0.7304, "Acc.screen door": 0.8011, "Acc.stairway": 0.5326, "Acc.river": 0.3074, "Acc.bridge": 0.5599, "Acc.bookcase": 0.676, "Acc.blind": 0.4336, "Acc.coffee table": 0.8647, "Acc.toilet": 0.9348, "Acc.flower": 0.6194, "Acc.book": 0.7395, "Acc.hill": 0.152, "Acc.bench": 0.8059, "Acc.countertop": 0.7944, "Acc.stove": 0.9198, "Acc.palm": 0.6565, "Acc.kitchen island": 0.731, "Acc.computer": 0.9117, "Acc.swivel chair": 0.7832, "Acc.boat": 0.8658, "Acc.bar": 0.6932, "Acc.arcade machine": 0.8, "Acc.hovel": 0.7254, "Acc.bus": 0.9724, "Acc.towel": 0.8657, "Acc.light": 0.6107, "Acc.truck": 0.6003, "Acc.tower": 0.6435, "Acc.chandelier": 0.8431, "Acc.awning": 0.4175, "Acc.streetlight": 0.4691, "Acc.booth": 0.6276, "Acc.television receiver": 0.8713, "Acc.airplane": 0.7935, "Acc.dirt track": 0.0283, "Acc.apparel": 0.6661, "Acc.pole": 0.2823, "Acc.land": 0.0713, "Acc.bannister": 0.202, "Acc.escalator": 0.8338, "Acc.ottoman": 0.6769, "Acc.bottle": 0.6335, "Acc.buffet": 0.6361, "Acc.poster": 0.442, "Acc.stage": 0.4722, "Acc.van": 0.3007, "Acc.ship": 0.7947, "Acc.fountain": 0.291, "Acc.conveyer belt": 0.9549, "Acc.canopy": 0.7621, "Acc.washer": 0.7688, "Acc.plaything": 0.6176, "Acc.swimming pool": 0.7784, "Acc.stool": 0.6385, "Acc.barrel": 0.8453, "Acc.basket": 0.5049, "Acc.waterfall": 0.7405, "Acc.tent": 0.9842, "Acc.bag": 0.2216, "Acc.minibike": 0.8713, "Acc.cradle": 0.9784, "Acc.oven": 0.534, "Acc.ball": 0.6313, "Acc.food": 0.656, "Acc.step": 0.3338, "Acc.tank": 0.6723, "Acc.trade name": 0.31, "Acc.microwave": 0.9185, "Acc.pot": 0.5777, "Acc.animal": 0.6512, "Acc.bicycle": 0.7837, "Acc.lake": 0.6373, "Acc.dishwasher": 0.783, "Acc.screen": 0.8668, "Acc.blanket": 0.2343, "Acc.sculpture": 0.828, "Acc.hood": 0.7015, "Acc.sconce": 0.6401, "Acc.vase": 0.6043, "Acc.traffic light": 0.5418, "Acc.tray": 0.0591, "Acc.ashcan": 0.647, "Acc.fan": 0.8087, "Acc.pier": 0.5485, "Acc.crt screen": 0.1634, "Acc.plate": 0.7468, "Acc.monitor": 0.1569, "Acc.bulletin board": 0.722, "Acc.shower": 0.0029, "Acc.radiator": 0.7296, "Acc.glass": 0.1663, "Acc.clock": 0.4599, "Acc.flag": 0.6076} {"mode": "train", "epoch": 49, "iter": 61050, "lr": 0.0, "memory": 14793, "data_time": 2.12527, "decode.loss_ce": 0.26865, "decode.acc_seg": 88.84746, "aux.loss_ce": 0.17983, "aux.acc_seg": 82.41171, "loss": 0.44848, "grad_norm": 12.09759, "time": 2.53909} {"mode": "train", "epoch": 49, "iter": 61100, "lr": 0.0, "memory": 14793, "data_time": 0.00566, "decode.loss_ce": 0.29096, "decode.acc_seg": 88.36992, "aux.loss_ce": 0.20326, "aux.acc_seg": 81.38852, "loss": 0.49422, "grad_norm": 14.52854, "time": 0.42503} {"mode": "train", "epoch": 49, "iter": 61150, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.26656, "decode.acc_seg": 89.40671, "aux.loss_ce": 0.18283, "aux.acc_seg": 82.91528, "loss": 0.44939, "grad_norm": 15.00164, "time": 0.41613} {"mode": "train", "epoch": 49, "iter": 61200, "lr": 0.0, "memory": 14793, "data_time": 0.00551, "decode.loss_ce": 0.2753, "decode.acc_seg": 88.91161, "aux.loss_ce": 0.19408, "aux.acc_seg": 82.11437, "loss": 0.46938, "grad_norm": 12.78981, "time": 0.40751} {"mode": "train", "epoch": 49, "iter": 61250, "lr": 0.0, "memory": 14793, "data_time": 0.00636, "decode.loss_ce": 0.27607, "decode.acc_seg": 88.66174, "aux.loss_ce": 0.18568, "aux.acc_seg": 82.62643, "loss": 0.46175, "grad_norm": 13.78468, "time": 0.40534} {"mode": "train", "epoch": 49, "iter": 61300, "lr": 0.0, "memory": 14793, "data_time": 0.00551, "decode.loss_ce": 0.28271, "decode.acc_seg": 88.60141, "aux.loss_ce": 0.19366, "aux.acc_seg": 82.20125, "loss": 0.47637, "grad_norm": 10.68754, "time": 0.4139} {"mode": "train", "epoch": 49, "iter": 61350, "lr": 0.0, "memory": 14793, "data_time": 0.00546, "decode.loss_ce": 0.27967, "decode.acc_seg": 88.42012, "aux.loss_ce": 0.2032, "aux.acc_seg": 80.8069, "loss": 0.48287, "grad_norm": 13.37568, "time": 0.40697} {"mode": "train", "epoch": 49, "iter": 61400, "lr": 0.0, "memory": 14793, "data_time": 0.0055, "decode.loss_ce": 0.27994, "decode.acc_seg": 88.45497, "aux.loss_ce": 0.20272, "aux.acc_seg": 81.66244, "loss": 0.48266, "grad_norm": 13.56204, "time": 0.41373} {"mode": "train", "epoch": 49, "iter": 61450, "lr": 0.0, "memory": 14793, "data_time": 0.00576, "decode.loss_ce": 0.27136, "decode.acc_seg": 88.85437, "aux.loss_ce": 0.19453, "aux.acc_seg": 81.74584, "loss": 0.46589, "grad_norm": 12.87894, "time": 0.42828} {"mode": "train", "epoch": 49, "iter": 61500, "lr": 0.0, "memory": 14793, "data_time": 0.00598, "decode.loss_ce": 0.27016, "decode.acc_seg": 88.61237, "aux.loss_ce": 0.19701, "aux.acc_seg": 81.17256, "loss": 0.46717, "grad_norm": 13.34105, "time": 0.448} {"mode": "train", "epoch": 49, "iter": 61550, "lr": 0.0, "memory": 14793, "data_time": 0.00581, "decode.loss_ce": 0.27441, "decode.acc_seg": 88.69529, "aux.loss_ce": 0.18348, "aux.acc_seg": 81.99016, "loss": 0.45788, "grad_norm": 16.91855, "time": 0.41893} {"mode": "train", "epoch": 49, "iter": 61600, "lr": 0.0, "memory": 14793, "data_time": 0.00574, "decode.loss_ce": 0.27728, "decode.acc_seg": 88.30041, "aux.loss_ce": 0.19006, "aux.acc_seg": 81.97135, "loss": 0.46734, "grad_norm": 12.00933, "time": 0.41579} {"mode": "train", "epoch": 49, "iter": 61650, "lr": 0.0, "memory": 14793, "data_time": 0.00558, "decode.loss_ce": 0.28875, "decode.acc_seg": 88.35748, "aux.loss_ce": 0.20069, "aux.acc_seg": 81.54967, "loss": 0.48944, "grad_norm": 11.15444, "time": 0.41188} {"mode": "train", "epoch": 49, "iter": 61700, "lr": 0.0, "memory": 14793, "data_time": 0.00695, "decode.loss_ce": 0.27146, "decode.acc_seg": 88.64163, "aux.loss_ce": 0.19431, "aux.acc_seg": 81.69812, "loss": 0.46577, "grad_norm": 10.56355, "time": 0.41949} {"mode": "train", "epoch": 49, "iter": 61750, "lr": 0.0, "memory": 14793, "data_time": 0.00666, "decode.loss_ce": 0.27988, "decode.acc_seg": 88.73018, "aux.loss_ce": 0.19883, "aux.acc_seg": 81.74683, "loss": 0.47871, "grad_norm": 14.85672, "time": 0.40348} {"mode": "train", "epoch": 49, "iter": 61800, "lr": 0.0, "memory": 14793, "data_time": 0.00513, "decode.loss_ce": 0.28847, "decode.acc_seg": 88.43575, "aux.loss_ce": 0.1982, "aux.acc_seg": 81.52926, "loss": 0.48667, "grad_norm": 14.21862, "time": 0.41339} {"mode": "train", "epoch": 49, "iter": 61850, "lr": 0.0, "memory": 14793, "data_time": 0.00562, "decode.loss_ce": 0.28364, "decode.acc_seg": 88.36482, "aux.loss_ce": 0.20913, "aux.acc_seg": 80.57475, "loss": 0.49277, "grad_norm": 14.48331, "time": 0.41404} {"mode": "train", "epoch": 49, "iter": 61900, "lr": 0.0, "memory": 14793, "data_time": 0.00519, "decode.loss_ce": 0.26894, "decode.acc_seg": 89.17351, "aux.loss_ce": 0.19704, "aux.acc_seg": 81.97933, "loss": 0.46599, "grad_norm": 9.94869, "time": 0.41552} {"mode": "train", "epoch": 50, "iter": 61950, "lr": 0.0, "memory": 14793, "data_time": 0.05327, "decode.loss_ce": 0.27332, "decode.acc_seg": 88.84599, "aux.loss_ce": 0.20082, "aux.acc_seg": 80.95983, "loss": 0.47414, "grad_norm": 11.44604, "time": 0.4766} {"mode": "train", "epoch": 50, "iter": 62000, "lr": 0.0, "memory": 14793, "data_time": 0.00508, "decode.loss_ce": 0.27992, "decode.acc_seg": 88.52972, "aux.loss_ce": 0.19787, "aux.acc_seg": 81.75693, "loss": 0.4778, "grad_norm": 15.02502, "time": 0.64742} {"mode": "val", "epoch": 50, "iter": 125, "lr": 0.0, "aAcc": 0.8466, "mIoU": 0.5392, "mAcc": 0.6692, "IoU.wall": 0.8012, "IoU.building": 0.8342, "IoU.sky": 0.9487, "IoU.floor": 0.8289, "IoU.tree": 0.7635, "IoU.ceiling": 0.8546, "IoU.road": 0.8517, "IoU.bed ": 0.9064, "IoU.windowpane": 0.6511, "IoU.grass": 0.6663, "IoU.cabinet": 0.646, "IoU.sidewalk": 0.6795, "IoU.person": 0.8314, "IoU.earth": 0.367, "IoU.door": 0.552, "IoU.table": 0.6387, "IoU.mountain": 0.6039, "IoU.plant": 0.5444, "IoU.curtain": 0.775, "IoU.chair": 0.6276, "IoU.car": 0.8618, "IoU.water": 0.595, "IoU.painting": 0.7438, "IoU.sofa": 0.7188, "IoU.shelf": 0.452, "IoU.house": 0.5022, "IoU.sea": 0.6867, "IoU.mirror": 0.7262, "IoU.rug": 0.6766, "IoU.field": 0.2895, "IoU.armchair": 0.4695, "IoU.seat": 0.6623, "IoU.fence": 0.4899, "IoU.desk": 0.5361, "IoU.rock": 0.4801, "IoU.wardrobe": 0.5117, "IoU.lamp": 0.6547, "IoU.bathtub": 0.805, "IoU.railing": 0.3961, "IoU.cushion": 0.6214, "IoU.base": 0.3893, "IoU.box": 0.3157, "IoU.column": 0.5458, "IoU.signboard": 0.3703, "IoU.chest of drawers": 0.4083, "IoU.counter": 0.3567, "IoU.sand": 0.5613, "IoU.sink": 0.7731, "IoU.skyscraper": 0.6509, "IoU.fireplace": 0.7427, "IoU.refrigerator": 0.7544, "IoU.grandstand": 0.4642, "IoU.path": 0.2473, "IoU.stairs": 0.368, "IoU.runway": 0.6598, "IoU.case": 0.5107, "IoU.pool table": 0.9295, "IoU.pillow": 0.6009, "IoU.screen door": 0.6452, "IoU.stairway": 0.4232, "IoU.river": 0.139, "IoU.bridge": 0.4108, "IoU.bookcase": 0.4225, "IoU.blind": 0.4706, "IoU.coffee table": 0.608, "IoU.toilet": 0.8597, "IoU.flower": 0.4547, "IoU.book": 0.5177, "IoU.hill": 0.0707, "IoU.bench": 0.6511, "IoU.countertop": 0.583, "IoU.stove": 0.8095, "IoU.palm": 0.541, "IoU.kitchen island": 0.3556, "IoU.computer": 0.7639, "IoU.swivel chair": 0.5622, "IoU.boat": 0.6539, "IoU.bar": 0.5211, "IoU.arcade machine": 0.7506, "IoU.hovel": 0.6011, "IoU.bus": 0.9126, "IoU.towel": 0.6734, "IoU.light": 0.5417, "IoU.truck": 0.4345, "IoU.tower": 0.2854, "IoU.chandelier": 0.6645, "IoU.awning": 0.3276, "IoU.streetlight": 0.308, "IoU.booth": 0.3993, "IoU.television receiver": 0.7795, "IoU.airplane": 0.7002, "IoU.dirt track": 0.0132, "IoU.apparel": 0.5787, "IoU.pole": 0.2238, "IoU.land": 0.0533, "IoU.bannister": 0.1448, "IoU.escalator": 0.5223, "IoU.ottoman": 0.5238, "IoU.bottle": 0.4034, "IoU.buffet": 0.4716, "IoU.poster": 0.3368, "IoU.stage": 0.2476, "IoU.van": 0.4422, "IoU.ship": 0.8315, "IoU.fountain": 0.2727, "IoU.conveyer belt": 0.8052, "IoU.canopy": 0.421, "IoU.washer": 0.7361, "IoU.plaything": 0.432, "IoU.swimming pool": 0.7062, "IoU.stool": 0.4689, "IoU.barrel": 0.6016, "IoU.basket": 0.3896, "IoU.waterfall": 0.5942, "IoU.tent": 0.9498, "IoU.bag": 0.1653, "IoU.minibike": 0.7167, "IoU.cradle": 0.7414, "IoU.oven": 0.472, "IoU.ball": 0.5452, "IoU.food": 0.4878, "IoU.step": 0.2319, "IoU.tank": 0.6275, "IoU.trade name": 0.2444, "IoU.microwave": 0.8273, "IoU.pot": 0.4859, "IoU.animal": 0.5986, "IoU.bicycle": 0.582, "IoU.lake": 0.5483, "IoU.dishwasher": 0.6797, "IoU.screen": 0.5717, "IoU.blanket": 0.133, "IoU.sculpture": 0.6506, "IoU.hood": 0.6597, "IoU.sconce": 0.506, "IoU.vase": 0.4191, "IoU.traffic light": 0.346, "IoU.tray": 0.0298, "IoU.ashcan": 0.4884, "IoU.fan": 0.6335, "IoU.pier": 0.357, "IoU.crt screen": 0.088, "IoU.plate": 0.5459, "IoU.monitor": 0.1773, "IoU.bulletin board": 0.6016, "IoU.shower": 0.0, "IoU.radiator": 0.6313, "IoU.glass": 0.1519, "IoU.clock": 0.4093, "IoU.flag": 0.6143, "Acc.wall": 0.8818, "Acc.building": 0.9204, "Acc.sky": 0.976, "Acc.floor": 0.9093, "Acc.tree": 0.8896, "Acc.ceiling": 0.9286, "Acc.road": 0.9151, "Acc.bed ": 0.9742, "Acc.windowpane": 0.7995, "Acc.grass": 0.8223, "Acc.cabinet": 0.7475, "Acc.sidewalk": 0.8227, "Acc.person": 0.9224, "Acc.earth": 0.4887, "Acc.door": 0.7117, "Acc.table": 0.7662, "Acc.mountain": 0.7366, "Acc.plant": 0.6613, "Acc.curtain": 0.8677, "Acc.chair": 0.7542, "Acc.car": 0.93, "Acc.water": 0.7534, "Acc.painting": 0.879, "Acc.sofa": 0.8604, "Acc.shelf": 0.6315, "Acc.house": 0.7553, "Acc.sea": 0.8467, "Acc.mirror": 0.8319, "Acc.rug": 0.8059, "Acc.field": 0.4574, "Acc.armchair": 0.662, "Acc.seat": 0.8365, "Acc.fence": 0.6604, "Acc.desk": 0.7764, "Acc.rock": 0.6712, "Acc.wardrobe": 0.6937, "Acc.lamp": 0.7863, "Acc.bathtub": 0.8539, "Acc.railing": 0.5386, "Acc.cushion": 0.7492, "Acc.base": 0.5671, "Acc.box": 0.3702, "Acc.column": 0.6536, "Acc.signboard": 0.484, "Acc.chest of drawers": 0.6802, "Acc.counter": 0.4847, "Acc.sand": 0.7485, "Acc.sink": 0.8375, "Acc.skyscraper": 0.9061, "Acc.fireplace": 0.8997, "Acc.refrigerator": 0.8443, "Acc.grandstand": 0.847, "Acc.path": 0.4046, "Acc.stairs": 0.4929, "Acc.runway": 0.9055, "Acc.case": 0.7283, "Acc.pool table": 0.9821, "Acc.pillow": 0.6981, "Acc.screen door": 0.8941, "Acc.stairway": 0.4905, "Acc.river": 0.3067, "Acc.bridge": 0.4824, "Acc.bookcase": 0.6495, "Acc.blind": 0.5807, "Acc.coffee table": 0.8694, "Acc.toilet": 0.9228, "Acc.flower": 0.6214, "Acc.book": 0.7257, "Acc.hill": 0.1403, "Acc.bench": 0.7684, "Acc.countertop": 0.8397, "Acc.stove": 0.8918, "Acc.palm": 0.7209, "Acc.kitchen island": 0.8125, "Acc.computer": 0.889, "Acc.swivel chair": 0.7835, "Acc.boat": 0.8435, "Acc.bar": 0.7108, "Acc.arcade machine": 0.7888, "Acc.hovel": 0.7063, "Acc.bus": 0.9787, "Acc.towel": 0.8504, "Acc.light": 0.6185, "Acc.truck": 0.5776, "Acc.tower": 0.541, "Acc.chandelier": 0.8183, "Acc.awning": 0.3786, "Acc.streetlight": 0.4219, "Acc.booth": 0.6096, "Acc.television receiver": 0.8749, "Acc.airplane": 0.7841, "Acc.dirt track": 0.0257, "Acc.apparel": 0.711, "Acc.pole": 0.2798, "Acc.land": 0.0707, "Acc.bannister": 0.1905, "Acc.escalator": 0.799, "Acc.ottoman": 0.6886, "Acc.bottle": 0.5969, "Acc.buffet": 0.5866, "Acc.poster": 0.4299, "Acc.stage": 0.445, "Acc.van": 0.608, "Acc.ship": 0.9868, "Acc.fountain": 0.2851, "Acc.conveyer belt": 0.94, "Acc.canopy": 0.6258, "Acc.washer": 0.7581, "Acc.plaything": 0.6007, "Acc.swimming pool": 0.7576, "Acc.stool": 0.6053, "Acc.barrel": 0.8429, "Acc.basket": 0.4712, "Acc.waterfall": 0.7179, "Acc.tent": 0.9841, "Acc.bag": 0.1854, "Acc.minibike": 0.8612, "Acc.cradle": 0.9779, "Acc.oven": 0.5582, "Acc.ball": 0.6631, "Acc.food": 0.5853, "Acc.step": 0.2973, "Acc.tank": 0.6744, "Acc.trade name": 0.2767, "Acc.microwave": 0.9482, "Acc.pot": 0.5674, "Acc.animal": 0.6132, "Acc.bicycle": 0.7259, "Acc.lake": 0.6375, "Acc.dishwasher": 0.7663, "Acc.screen": 0.8645, "Acc.blanket": 0.1552, "Acc.sculpture": 0.8159, "Acc.hood": 0.7036, "Acc.sconce": 0.608, "Acc.vase": 0.5788, "Acc.traffic light": 0.523, "Acc.tray": 0.0321, "Acc.ashcan": 0.6249, "Acc.fan": 0.789, "Acc.pier": 0.526, "Acc.crt screen": 0.2284, "Acc.plate": 0.7054, "Acc.monitor": 0.2091, "Acc.bulletin board": 0.7507, "Acc.shower": 0.0, "Acc.radiator": 0.724, "Acc.glass": 0.162, "Acc.clock": 0.4462, "Acc.flag": 0.6799} {"mode": "train", "epoch": 50, "iter": 62050, "lr": 0.0, "memory": 14793, "data_time": 2.11535, "decode.loss_ce": 0.26427, "decode.acc_seg": 89.04933, "aux.loss_ce": 0.19272, "aux.acc_seg": 81.55728, "loss": 0.45699, "grad_norm": 11.88602, "time": 2.52279} {"mode": "train", "epoch": 50, "iter": 62100, "lr": 0.0, "memory": 14793, "data_time": 0.0055, "decode.loss_ce": 0.28439, "decode.acc_seg": 88.9504, "aux.loss_ce": 0.19032, "aux.acc_seg": 82.9253, "loss": 0.47471, "grad_norm": 12.27111, "time": 0.42516} {"mode": "train", "epoch": 50, "iter": 62150, "lr": 0.0, "memory": 14793, "data_time": 0.0054, "decode.loss_ce": 0.27165, "decode.acc_seg": 88.84257, "aux.loss_ce": 0.18873, "aux.acc_seg": 82.40029, "loss": 0.46038, "grad_norm": 12.14804, "time": 0.41186} {"mode": "train", "epoch": 50, "iter": 62200, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.27833, "decode.acc_seg": 88.71086, "aux.loss_ce": 0.20477, "aux.acc_seg": 81.16075, "loss": 0.4831, "grad_norm": 13.27526, "time": 0.41834} {"mode": "train", "epoch": 50, "iter": 62250, "lr": 0.0, "memory": 14793, "data_time": 0.00624, "decode.loss_ce": 0.2716, "decode.acc_seg": 88.98685, "aux.loss_ce": 0.18531, "aux.acc_seg": 82.51047, "loss": 0.45691, "grad_norm": 14.98831, "time": 0.41947} {"mode": "train", "epoch": 50, "iter": 62300, "lr": 0.0, "memory": 14793, "data_time": 0.00539, "decode.loss_ce": 0.27872, "decode.acc_seg": 88.85148, "aux.loss_ce": 0.19576, "aux.acc_seg": 82.00768, "loss": 0.47449, "grad_norm": 12.90609, "time": 0.41838} {"mode": "train", "epoch": 50, "iter": 62350, "lr": 0.0, "memory": 14793, "data_time": 0.00635, "decode.loss_ce": 0.26591, "decode.acc_seg": 89.31119, "aux.loss_ce": 0.18746, "aux.acc_seg": 82.78931, "loss": 0.45337, "grad_norm": 15.86715, "time": 0.41906} {"mode": "train", "epoch": 50, "iter": 62400, "lr": 0.0, "memory": 14793, "data_time": 0.00642, "decode.loss_ce": 0.3041, "decode.acc_seg": 87.99345, "aux.loss_ce": 0.20258, "aux.acc_seg": 81.56337, "loss": 0.50668, "grad_norm": 17.6528, "time": 0.41704} {"mode": "train", "epoch": 50, "iter": 62450, "lr": 0.0, "memory": 14793, "data_time": 0.00553, "decode.loss_ce": 0.26868, "decode.acc_seg": 89.00298, "aux.loss_ce": 0.183, "aux.acc_seg": 82.61891, "loss": 0.45167, "grad_norm": 15.35187, "time": 0.41204} {"mode": "train", "epoch": 50, "iter": 62500, "lr": 0.0, "memory": 14793, "data_time": 0.00595, "decode.loss_ce": 0.29287, "decode.acc_seg": 87.85042, "aux.loss_ce": 0.21167, "aux.acc_seg": 79.75333, "loss": 0.50454, "grad_norm": 15.15133, "time": 0.40724} {"mode": "train", "epoch": 50, "iter": 62550, "lr": 0.0, "memory": 14793, "data_time": 0.00549, "decode.loss_ce": 0.26433, "decode.acc_seg": 89.3379, "aux.loss_ce": 0.18875, "aux.acc_seg": 82.43336, "loss": 0.45308, "grad_norm": 11.65536, "time": 0.41414} {"mode": "train", "epoch": 50, "iter": 62600, "lr": 0.0, "memory": 14793, "data_time": 0.00536, "decode.loss_ce": 0.28148, "decode.acc_seg": 88.31493, "aux.loss_ce": 0.19568, "aux.acc_seg": 81.52271, "loss": 0.47716, "grad_norm": 14.9137, "time": 0.4129} {"mode": "train", "epoch": 50, "iter": 62650, "lr": 0.0, "memory": 14793, "data_time": 0.00672, "decode.loss_ce": 0.29753, "decode.acc_seg": 87.93276, "aux.loss_ce": 0.20377, "aux.acc_seg": 81.28574, "loss": 0.5013, "grad_norm": 15.2821, "time": 0.40877} {"mode": "train", "epoch": 50, "iter": 62700, "lr": 0.0, "memory": 14793, "data_time": 0.00581, "decode.loss_ce": 0.27301, "decode.acc_seg": 88.73268, "aux.loss_ce": 0.19511, "aux.acc_seg": 81.33578, "loss": 0.46811, "grad_norm": 13.59691, "time": 0.4262} {"mode": "train", "epoch": 50, "iter": 62750, "lr": 0.0, "memory": 14793, "data_time": 0.00586, "decode.loss_ce": 0.27471, "decode.acc_seg": 88.39184, "aux.loss_ce": 0.19911, "aux.acc_seg": 81.20375, "loss": 0.47382, "grad_norm": 13.51874, "time": 0.41677} {"mode": "train", "epoch": 50, "iter": 62800, "lr": 0.0, "memory": 14793, "data_time": 0.00587, "decode.loss_ce": 0.26906, "decode.acc_seg": 88.98138, "aux.loss_ce": 0.19344, "aux.acc_seg": 82.0318, "loss": 0.46249, "grad_norm": 12.18149, "time": 0.41714} {"mode": "train", "epoch": 50, "iter": 62850, "lr": 0.0, "memory": 14793, "data_time": 0.00501, "decode.loss_ce": 0.2704, "decode.acc_seg": 88.67558, "aux.loss_ce": 0.18535, "aux.acc_seg": 82.40465, "loss": 0.45574, "grad_norm": 18.66601, "time": 0.40997} {"mode": "train", "epoch": 50, "iter": 62900, "lr": 0.0, "memory": 14793, "data_time": 0.00532, "decode.loss_ce": 0.28459, "decode.acc_seg": 88.41672, "aux.loss_ce": 0.19935, "aux.acc_seg": 81.57552, "loss": 0.48394, "grad_norm": 16.36883, "time": 0.41288} {"mode": "train", "epoch": 50, "iter": 62950, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.28178, "decode.acc_seg": 88.303, "aux.loss_ce": 0.19265, "aux.acc_seg": 81.89639, "loss": 0.47443, "grad_norm": 13.09098, "time": 0.40894} {"mode": "train", "epoch": 50, "iter": 63000, "lr": 0.0, "memory": 14793, "data_time": 0.0073, "decode.loss_ce": 0.28757, "decode.acc_seg": 88.41812, "aux.loss_ce": 0.20127, "aux.acc_seg": 81.16959, "loss": 0.48884, "grad_norm": 14.11211, "time": 0.69711} {"mode": "val", "epoch": 50, "iter": 125, "lr": 0.0, "aAcc": 0.8458, "mIoU": 0.5375, "mAcc": 0.6682, "IoU.wall": 0.7967, "IoU.building": 0.8387, "IoU.sky": 0.9471, "IoU.floor": 0.8289, "IoU.tree": 0.7606, "IoU.ceiling": 0.856, "IoU.road": 0.848, "IoU.bed ": 0.9112, "IoU.windowpane": 0.6387, "IoU.grass": 0.6698, "IoU.cabinet": 0.6287, "IoU.sidewalk": 0.6736, "IoU.person": 0.8332, "IoU.earth": 0.3779, "IoU.door": 0.5476, "IoU.table": 0.6376, "IoU.mountain": 0.6111, "IoU.plant": 0.5515, "IoU.curtain": 0.7595, "IoU.chair": 0.6293, "IoU.car": 0.8608, "IoU.water": 0.5936, "IoU.painting": 0.723, "IoU.sofa": 0.7291, "IoU.shelf": 0.4492, "IoU.house": 0.4778, "IoU.sea": 0.6885, "IoU.mirror": 0.7154, "IoU.rug": 0.6644, "IoU.field": 0.2899, "IoU.armchair": 0.4781, "IoU.seat": 0.6535, "IoU.fence": 0.4902, "IoU.desk": 0.5268, "IoU.rock": 0.5046, "IoU.wardrobe": 0.516, "IoU.lamp": 0.6641, "IoU.bathtub": 0.8122, "IoU.railing": 0.4231, "IoU.cushion": 0.6272, "IoU.base": 0.3925, "IoU.box": 0.3552, "IoU.column": 0.5299, "IoU.signboard": 0.3776, "IoU.chest of drawers": 0.43, "IoU.counter": 0.3811, "IoU.sand": 0.5795, "IoU.sink": 0.7927, "IoU.skyscraper": 0.5735, "IoU.fireplace": 0.6477, "IoU.refrigerator": 0.7383, "IoU.grandstand": 0.4812, "IoU.path": 0.2559, "IoU.stairs": 0.3341, "IoU.runway": 0.6721, "IoU.case": 0.5983, "IoU.pool table": 0.9344, "IoU.pillow": 0.6054, "IoU.screen door": 0.6683, "IoU.stairway": 0.4094, "IoU.river": 0.0907, "IoU.bridge": 0.4921, "IoU.bookcase": 0.443, "IoU.blind": 0.4477, "IoU.coffee table": 0.5957, "IoU.toilet": 0.8621, "IoU.flower": 0.4456, "IoU.book": 0.4753, "IoU.hill": 0.0614, "IoU.bench": 0.648, "IoU.countertop": 0.5995, "IoU.stove": 0.8098, "IoU.palm": 0.5541, "IoU.kitchen island": 0.3309, "IoU.computer": 0.7246, "IoU.swivel chair": 0.5597, "IoU.boat": 0.7012, "IoU.bar": 0.5004, "IoU.arcade machine": 0.7626, "IoU.hovel": 0.443, "IoU.bus": 0.9264, "IoU.towel": 0.6974, "IoU.light": 0.5617, "IoU.truck": 0.4437, "IoU.tower": 0.2544, "IoU.chandelier": 0.675, "IoU.awning": 0.3323, "IoU.streetlight": 0.3062, "IoU.booth": 0.3665, "IoU.television receiver": 0.7751, "IoU.airplane": 0.7019, "IoU.dirt track": 0.0, "IoU.apparel": 0.5565, "IoU.pole": 0.222, "IoU.land": 0.05, "IoU.bannister": 0.1494, "IoU.escalator": 0.5317, "IoU.ottoman": 0.5367, "IoU.bottle": 0.414, "IoU.buffet": 0.529, "IoU.poster": 0.3445, "IoU.stage": 0.2178, "IoU.van": 0.4642, "IoU.ship": 0.7824, "IoU.fountain": 0.2737, "IoU.conveyer belt": 0.8109, "IoU.canopy": 0.4205, "IoU.washer": 0.7512, "IoU.plaything": 0.4204, "IoU.swimming pool": 0.6685, "IoU.stool": 0.4812, "IoU.barrel": 0.6046, "IoU.basket": 0.384, "IoU.waterfall": 0.6279, "IoU.tent": 0.9358, "IoU.bag": 0.2312, "IoU.minibike": 0.7113, "IoU.cradle": 0.7979, "IoU.oven": 0.4704, "IoU.ball": 0.3748, "IoU.food": 0.579, "IoU.step": 0.1975, "IoU.tank": 0.6275, "IoU.trade name": 0.2343, "IoU.microwave": 0.8001, "IoU.pot": 0.4799, "IoU.animal": 0.641, "IoU.bicycle": 0.5849, "IoU.lake": 0.4762, "IoU.dishwasher": 0.6763, "IoU.screen": 0.5495, "IoU.blanket": 0.1936, "IoU.sculpture": 0.6006, "IoU.hood": 0.6565, "IoU.sconce": 0.512, "IoU.vase": 0.4158, "IoU.traffic light": 0.3421, "IoU.tray": 0.0514, "IoU.ashcan": 0.4958, "IoU.fan": 0.6445, "IoU.pier": 0.3833, "IoU.crt screen": 0.0246, "IoU.plate": 0.5481, "IoU.monitor": 0.1725, "IoU.bulletin board": 0.6073, "IoU.shower": 0.0031, "IoU.radiator": 0.6238, "IoU.glass": 0.1433, "IoU.clock": 0.4213, "IoU.flag": 0.5975, "Acc.wall": 0.8778, "Acc.building": 0.9304, "Acc.sky": 0.9801, "Acc.floor": 0.8997, "Acc.tree": 0.8731, "Acc.ceiling": 0.9253, "Acc.road": 0.9037, "Acc.bed ": 0.9726, "Acc.windowpane": 0.8142, "Acc.grass": 0.8202, "Acc.cabinet": 0.7368, "Acc.sidewalk": 0.8285, "Acc.person": 0.9262, "Acc.earth": 0.5091, "Acc.door": 0.7125, "Acc.table": 0.7865, "Acc.mountain": 0.7329, "Acc.plant": 0.669, "Acc.curtain": 0.8839, "Acc.chair": 0.7508, "Acc.car": 0.9399, "Acc.water": 0.75, "Acc.painting": 0.8896, "Acc.sofa": 0.8693, "Acc.shelf": 0.6178, "Acc.house": 0.6177, "Acc.sea": 0.8441, "Acc.mirror": 0.8081, "Acc.rug": 0.779, "Acc.field": 0.4328, "Acc.armchair": 0.6953, "Acc.seat": 0.7947, "Acc.fence": 0.6362, "Acc.desk": 0.7627, "Acc.rock": 0.7908, "Acc.wardrobe": 0.7507, "Acc.lamp": 0.7972, "Acc.bathtub": 0.8565, "Acc.railing": 0.5816, "Acc.cushion": 0.7455, "Acc.base": 0.5676, "Acc.box": 0.4812, "Acc.column": 0.6486, "Acc.signboard": 0.5264, "Acc.chest of drawers": 0.6691, "Acc.counter": 0.4787, "Acc.sand": 0.8126, "Acc.sink": 0.8639, "Acc.skyscraper": 0.7134, "Acc.fireplace": 0.9506, "Acc.refrigerator": 0.8465, "Acc.grandstand": 0.8363, "Acc.path": 0.3967, "Acc.stairs": 0.4221, "Acc.runway": 0.8928, "Acc.case": 0.8128, "Acc.pool table": 0.9793, "Acc.pillow": 0.7188, "Acc.screen door": 0.8714, "Acc.stairway": 0.5, "Acc.river": 0.1832, "Acc.bridge": 0.605, "Acc.bookcase": 0.6827, "Acc.blind": 0.5421, "Acc.coffee table": 0.8738, "Acc.toilet": 0.9265, "Acc.flower": 0.6502, "Acc.book": 0.707, "Acc.hill": 0.1145, "Acc.bench": 0.763, "Acc.countertop": 0.7921, "Acc.stove": 0.8734, "Acc.palm": 0.7568, "Acc.kitchen island": 0.641, "Acc.computer": 0.9124, "Acc.swivel chair": 0.803, "Acc.boat": 0.8382, "Acc.bar": 0.6296, "Acc.arcade machine": 0.8168, "Acc.hovel": 0.7231, "Acc.bus": 0.9693, "Acc.towel": 0.8362, "Acc.light": 0.6982, "Acc.truck": 0.6076, "Acc.tower": 0.4641, "Acc.chandelier": 0.8219, "Acc.awning": 0.3933, "Acc.streetlight": 0.4422, "Acc.booth": 0.4611, "Acc.television receiver": 0.8629, "Acc.airplane": 0.768, "Acc.dirt track": 0.0, "Acc.apparel": 0.6859, "Acc.pole": 0.2873, "Acc.land": 0.0686, "Acc.bannister": 0.1996, "Acc.escalator": 0.827, "Acc.ottoman": 0.7077, "Acc.bottle": 0.6875, "Acc.buffet": 0.6432, "Acc.poster": 0.4714, "Acc.stage": 0.3614, "Acc.van": 0.6062, "Acc.ship": 0.8808, "Acc.fountain": 0.2847, "Acc.conveyer belt": 0.9436, "Acc.canopy": 0.6442, "Acc.washer": 0.7742, "Acc.plaything": 0.6606, "Acc.swimming pool": 0.7507, "Acc.stool": 0.6384, "Acc.barrel": 0.8676, "Acc.basket": 0.4815, "Acc.waterfall": 0.712, "Acc.tent": 0.9838, "Acc.bag": 0.2828, "Acc.minibike": 0.8418, "Acc.cradle": 0.9777, "Acc.oven": 0.6559, "Acc.ball": 0.4045, "Acc.food": 0.6262, "Acc.step": 0.2378, "Acc.tank": 0.6762, "Acc.trade name": 0.268, "Acc.microwave": 0.9306, "Acc.pot": 0.5565, "Acc.animal": 0.6634, "Acc.bicycle": 0.7779, "Acc.lake": 0.641, "Acc.dishwasher": 0.7775, "Acc.screen": 0.8718, "Acc.blanket": 0.2244, "Acc.sculpture": 0.8237, "Acc.hood": 0.7503, "Acc.sconce": 0.6317, "Acc.vase": 0.57, "Acc.traffic light": 0.4819, "Acc.tray": 0.0632, "Acc.ashcan": 0.6131, "Acc.fan": 0.7789, "Acc.pier": 0.544, "Acc.crt screen": 0.0597, "Acc.plate": 0.7312, "Acc.monitor": 0.2105, "Acc.bulletin board": 0.7117, "Acc.shower": 0.0054, "Acc.radiator": 0.7397, "Acc.glass": 0.1507, "Acc.clock": 0.4831, "Acc.flag": 0.6624} {"mode": "train", "epoch": 50, "iter": 63050, "lr": 0.0, "memory": 14793, "data_time": 2.12142, "decode.loss_ce": 0.27577, "decode.acc_seg": 88.4806, "aux.loss_ce": 0.19502, "aux.acc_seg": 81.05649, "loss": 0.47079, "grad_norm": 11.73925, "time": 2.53107} {"mode": "train", "epoch": 50, "iter": 63100, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.283, "decode.acc_seg": 88.29942, "aux.loss_ce": 0.19682, "aux.acc_seg": 81.37379, "loss": 0.47982, "grad_norm": 11.42798, "time": 0.42842} {"mode": "train", "epoch": 50, "iter": 63150, "lr": 0.0, "memory": 14793, "data_time": 0.00561, "decode.loss_ce": 0.27295, "decode.acc_seg": 88.76085, "aux.loss_ce": 0.18791, "aux.acc_seg": 82.35599, "loss": 0.46086, "grad_norm": 13.48493, "time": 0.42748} {"mode": "train", "epoch": 50, "iter": 63200, "lr": 0.0, "memory": 14793, "data_time": 0.00552, "decode.loss_ce": 0.27711, "decode.acc_seg": 88.61754, "aux.loss_ce": 0.1975, "aux.acc_seg": 81.53743, "loss": 0.47461, "grad_norm": 11.76736, "time": 0.41628} {"mode": "train", "epoch": 51, "iter": 63250, "lr": 0.0, "memory": 14793, "data_time": 0.05424, "decode.loss_ce": 0.28846, "decode.acc_seg": 88.54378, "aux.loss_ce": 0.20069, "aux.acc_seg": 81.42709, "loss": 0.48915, "grad_norm": 13.2456, "time": 0.47395} {"mode": "train", "epoch": 51, "iter": 63300, "lr": 0.0, "memory": 14793, "data_time": 0.00554, "decode.loss_ce": 0.27128, "decode.acc_seg": 88.52851, "aux.loss_ce": 0.19763, "aux.acc_seg": 81.21366, "loss": 0.46891, "grad_norm": 10.63855, "time": 0.41816} {"mode": "train", "epoch": 51, "iter": 63350, "lr": 0.0, "memory": 14793, "data_time": 0.00648, "decode.loss_ce": 0.26335, "decode.acc_seg": 89.1727, "aux.loss_ce": 0.18278, "aux.acc_seg": 82.5866, "loss": 0.44613, "grad_norm": 13.68007, "time": 0.41132} {"mode": "train", "epoch": 51, "iter": 63400, "lr": 0.0, "memory": 14793, "data_time": 0.00601, "decode.loss_ce": 0.26118, "decode.acc_seg": 89.04419, "aux.loss_ce": 0.18828, "aux.acc_seg": 81.79773, "loss": 0.44946, "grad_norm": 15.50388, "time": 0.41825} {"mode": "train", "epoch": 51, "iter": 63450, "lr": 0.0, "memory": 14793, "data_time": 0.00539, "decode.loss_ce": 0.2714, "decode.acc_seg": 89.11748, "aux.loss_ce": 0.18374, "aux.acc_seg": 82.84235, "loss": 0.45514, "grad_norm": 17.71531, "time": 0.42306} {"mode": "train", "epoch": 51, "iter": 63500, "lr": 0.0, "memory": 14793, "data_time": 0.00594, "decode.loss_ce": 0.26819, "decode.acc_seg": 88.91717, "aux.loss_ce": 0.18808, "aux.acc_seg": 81.91398, "loss": 0.45627, "grad_norm": 11.03124, "time": 0.42905} {"mode": "train", "epoch": 51, "iter": 63550, "lr": 0.0, "memory": 14793, "data_time": 0.00655, "decode.loss_ce": 0.26496, "decode.acc_seg": 89.36178, "aux.loss_ce": 0.18085, "aux.acc_seg": 82.95154, "loss": 0.44582, "grad_norm": 11.47494, "time": 0.43188} {"mode": "train", "epoch": 51, "iter": 63600, "lr": 0.0, "memory": 14793, "data_time": 0.00545, "decode.loss_ce": 0.27065, "decode.acc_seg": 88.99595, "aux.loss_ce": 0.19953, "aux.acc_seg": 81.34148, "loss": 0.47018, "grad_norm": 12.13772, "time": 0.41867} {"mode": "train", "epoch": 51, "iter": 63650, "lr": 0.0, "memory": 14793, "data_time": 0.0052, "decode.loss_ce": 0.26401, "decode.acc_seg": 89.08186, "aux.loss_ce": 0.18506, "aux.acc_seg": 82.87928, "loss": 0.44907, "grad_norm": 12.4903, "time": 0.41646} {"mode": "train", "epoch": 51, "iter": 63700, "lr": 0.0, "memory": 14793, "data_time": 0.00522, "decode.loss_ce": 0.27603, "decode.acc_seg": 88.70479, "aux.loss_ce": 0.19664, "aux.acc_seg": 81.3255, "loss": 0.47268, "grad_norm": 12.41685, "time": 0.41062} {"mode": "train", "epoch": 51, "iter": 63750, "lr": 0.0, "memory": 14793, "data_time": 0.00529, "decode.loss_ce": 0.26317, "decode.acc_seg": 89.23005, "aux.loss_ce": 0.19172, "aux.acc_seg": 82.1884, "loss": 0.4549, "grad_norm": 12.35233, "time": 0.41511} {"mode": "train", "epoch": 51, "iter": 63800, "lr": 0.0, "memory": 14793, "data_time": 0.00512, "decode.loss_ce": 0.26638, "decode.acc_seg": 88.95955, "aux.loss_ce": 0.18841, "aux.acc_seg": 81.62151, "loss": 0.4548, "grad_norm": 10.66469, "time": 0.40677} {"mode": "train", "epoch": 51, "iter": 63850, "lr": 0.0, "memory": 14793, "data_time": 0.00583, "decode.loss_ce": 0.28088, "decode.acc_seg": 88.7146, "aux.loss_ce": 0.19294, "aux.acc_seg": 82.66383, "loss": 0.47382, "grad_norm": 11.38125, "time": 0.42323} {"mode": "train", "epoch": 51, "iter": 63900, "lr": 0.0, "memory": 14793, "data_time": 0.00512, "decode.loss_ce": 0.27793, "decode.acc_seg": 88.85095, "aux.loss_ce": 0.18711, "aux.acc_seg": 82.92304, "loss": 0.46505, "grad_norm": 15.00644, "time": 0.41736} {"mode": "train", "epoch": 51, "iter": 63950, "lr": 0.0, "memory": 14793, "data_time": 0.00524, "decode.loss_ce": 0.26549, "decode.acc_seg": 88.77729, "aux.loss_ce": 0.18504, "aux.acc_seg": 81.95567, "loss": 0.45052, "grad_norm": 10.03202, "time": 0.42585} {"mode": "train", "epoch": 51, "iter": 64000, "lr": 0.0, "memory": 14793, "data_time": 0.00574, "decode.loss_ce": 0.27555, "decode.acc_seg": 88.80386, "aux.loss_ce": 0.19107, "aux.acc_seg": 82.35298, "loss": 0.46662, "grad_norm": 14.01249, "time": 0.66155} {"mode": "val", "epoch": 51, "iter": 125, "lr": 0.0, "aAcc": 0.8472, "mIoU": 0.5409, "mAcc": 0.6685, "IoU.wall": 0.8003, "IoU.building": 0.831, "IoU.sky": 0.9485, "IoU.floor": 0.8316, "IoU.tree": 0.7602, "IoU.ceiling": 0.8588, "IoU.road": 0.8573, "IoU.bed ": 0.9129, "IoU.windowpane": 0.6404, "IoU.grass": 0.6789, "IoU.cabinet": 0.6568, "IoU.sidewalk": 0.6836, "IoU.person": 0.8347, "IoU.earth": 0.3812, "IoU.door": 0.5423, "IoU.table": 0.6362, "IoU.mountain": 0.6076, "IoU.plant": 0.5184, "IoU.curtain": 0.7732, "IoU.chair": 0.6253, "IoU.car": 0.8614, "IoU.water": 0.5802, "IoU.painting": 0.7438, "IoU.sofa": 0.7392, "IoU.shelf": 0.4619, "IoU.house": 0.4868, "IoU.sea": 0.714, "IoU.mirror": 0.7165, "IoU.rug": 0.6755, "IoU.field": 0.3072, "IoU.armchair": 0.4915, "IoU.seat": 0.66, "IoU.fence": 0.5049, "IoU.desk": 0.5481, "IoU.rock": 0.5058, "IoU.wardrobe": 0.5604, "IoU.lamp": 0.6716, "IoU.bathtub": 0.8101, "IoU.railing": 0.4211, "IoU.cushion": 0.6276, "IoU.base": 0.433, "IoU.box": 0.3095, "IoU.column": 0.5397, "IoU.signboard": 0.38, "IoU.chest of drawers": 0.4202, "IoU.counter": 0.3788, "IoU.sand": 0.5468, "IoU.sink": 0.7817, "IoU.skyscraper": 0.4983, "IoU.fireplace": 0.6815, "IoU.refrigerator": 0.7552, "IoU.grandstand": 0.4888, "IoU.path": 0.2173, "IoU.stairs": 0.3431, "IoU.runway": 0.6721, "IoU.case": 0.5962, "IoU.pool table": 0.9336, "IoU.pillow": 0.6137, "IoU.screen door": 0.6607, "IoU.stairway": 0.3812, "IoU.river": 0.143, "IoU.bridge": 0.3735, "IoU.bookcase": 0.4353, "IoU.blind": 0.4732, "IoU.coffee table": 0.6005, "IoU.toilet": 0.8633, "IoU.flower": 0.455, "IoU.book": 0.4979, "IoU.hill": 0.0723, "IoU.bench": 0.6215, "IoU.countertop": 0.5917, "IoU.stove": 0.8036, "IoU.palm": 0.5656, "IoU.kitchen island": 0.3838, "IoU.computer": 0.752, "IoU.swivel chair": 0.5738, "IoU.boat": 0.7376, "IoU.bar": 0.511, "IoU.arcade machine": 0.7615, "IoU.hovel": 0.5959, "IoU.bus": 0.9125, "IoU.towel": 0.6614, "IoU.light": 0.5632, "IoU.truck": 0.4396, "IoU.tower": 0.2684, "IoU.chandelier": 0.6803, "IoU.awning": 0.337, "IoU.streetlight": 0.3042, "IoU.booth": 0.3662, "IoU.television receiver": 0.7821, "IoU.airplane": 0.7691, "IoU.dirt track": 0.0, "IoU.apparel": 0.6043, "IoU.pole": 0.2423, "IoU.land": 0.0432, "IoU.bannister": 0.1592, "IoU.escalator": 0.5351, "IoU.ottoman": 0.5456, "IoU.bottle": 0.4199, "IoU.buffet": 0.5319, "IoU.poster": 0.3486, "IoU.stage": 0.1914, "IoU.van": 0.4459, "IoU.ship": 0.7689, "IoU.fountain": 0.2819, "IoU.conveyer belt": 0.8048, "IoU.canopy": 0.4498, "IoU.washer": 0.7506, "IoU.plaything": 0.4113, "IoU.swimming pool": 0.6723, "IoU.stool": 0.4797, "IoU.barrel": 0.6019, "IoU.basket": 0.3791, "IoU.waterfall": 0.5609, "IoU.tent": 0.9496, "IoU.bag": 0.1765, "IoU.minibike": 0.7031, "IoU.cradle": 0.8247, "IoU.oven": 0.4873, "IoU.ball": 0.1257, "IoU.food": 0.571, "IoU.step": 0.1902, "IoU.tank": 0.6224, "IoU.trade name": 0.2644, "IoU.microwave": 0.8165, "IoU.pot": 0.4913, "IoU.animal": 0.6339, "IoU.bicycle": 0.5887, "IoU.lake": 0.5448, "IoU.dishwasher": 0.6696, "IoU.screen": 0.5872, "IoU.blanket": 0.2023, "IoU.sculpture": 0.5932, "IoU.hood": 0.6662, "IoU.sconce": 0.5282, "IoU.vase": 0.4267, "IoU.traffic light": 0.3445, "IoU.tray": 0.0413, "IoU.ashcan": 0.5048, "IoU.fan": 0.6384, "IoU.pier": 0.5264, "IoU.crt screen": 0.0976, "IoU.plate": 0.5516, "IoU.monitor": 0.1284, "IoU.bulletin board": 0.6048, "IoU.shower": 0.0017, "IoU.radiator": 0.6326, "IoU.glass": 0.1472, "IoU.clock": 0.432, "IoU.flag": 0.6003, "Acc.wall": 0.8895, "Acc.building": 0.918, "Acc.sky": 0.9723, "Acc.floor": 0.8988, "Acc.tree": 0.9017, "Acc.ceiling": 0.9295, "Acc.road": 0.9184, "Acc.bed ": 0.9694, "Acc.windowpane": 0.7742, "Acc.grass": 0.8271, "Acc.cabinet": 0.762, "Acc.sidewalk": 0.8175, "Acc.person": 0.9142, "Acc.earth": 0.5308, "Acc.door": 0.7152, "Acc.table": 0.7856, "Acc.mountain": 0.7471, "Acc.plant": 0.6154, "Acc.curtain": 0.8677, "Acc.chair": 0.7519, "Acc.car": 0.9428, "Acc.water": 0.7371, "Acc.painting": 0.8866, "Acc.sofa": 0.8537, "Acc.shelf": 0.6557, "Acc.house": 0.7097, "Acc.sea": 0.8257, "Acc.mirror": 0.7917, "Acc.rug": 0.8216, "Acc.field": 0.4574, "Acc.armchair": 0.7292, "Acc.seat": 0.8355, "Acc.fence": 0.7003, "Acc.desk": 0.7659, "Acc.rock": 0.6973, "Acc.wardrobe": 0.6964, "Acc.lamp": 0.7925, "Acc.bathtub": 0.855, "Acc.railing": 0.5639, "Acc.cushion": 0.7299, "Acc.base": 0.6744, "Acc.box": 0.3934, "Acc.column": 0.6597, "Acc.signboard": 0.5118, "Acc.chest of drawers": 0.6104, "Acc.counter": 0.4598, "Acc.sand": 0.7698, "Acc.sink": 0.8454, "Acc.skyscraper": 0.6004, "Acc.fireplace": 0.9377, "Acc.refrigerator": 0.8306, "Acc.grandstand": 0.8109, "Acc.path": 0.2969, "Acc.stairs": 0.4528, "Acc.runway": 0.9054, "Acc.case": 0.796, "Acc.pool table": 0.9781, "Acc.pillow": 0.7354, "Acc.screen door": 0.8674, "Acc.stairway": 0.4638, "Acc.river": 0.391, "Acc.bridge": 0.4246, "Acc.bookcase": 0.6794, "Acc.blind": 0.5897, "Acc.coffee table": 0.8576, "Acc.toilet": 0.9288, "Acc.flower": 0.61, "Acc.book": 0.725, "Acc.hill": 0.131, "Acc.bench": 0.718, "Acc.countertop": 0.8031, "Acc.stove": 0.875, "Acc.palm": 0.7673, "Acc.kitchen island": 0.8065, "Acc.computer": 0.8971, "Acc.swivel chair": 0.7974, "Acc.boat": 0.8709, "Acc.bar": 0.6503, "Acc.arcade machine": 0.8023, "Acc.hovel": 0.6718, "Acc.bus": 0.9696, "Acc.towel": 0.8554, "Acc.light": 0.6807, "Acc.truck": 0.576, "Acc.tower": 0.5525, "Acc.chandelier": 0.8135, "Acc.awning": 0.3917, "Acc.streetlight": 0.4091, "Acc.booth": 0.4696, "Acc.television receiver": 0.8854, "Acc.airplane": 0.8492, "Acc.dirt track": 0.0, "Acc.apparel": 0.7291, "Acc.pole": 0.3382, "Acc.land": 0.0831, "Acc.bannister": 0.2199, "Acc.escalator": 0.856, "Acc.ottoman": 0.7413, "Acc.bottle": 0.6354, "Acc.buffet": 0.664, "Acc.poster": 0.467, "Acc.stage": 0.2852, "Acc.van": 0.5594, "Acc.ship": 0.8776, "Acc.fountain": 0.2889, "Acc.conveyer belt": 0.9483, "Acc.canopy": 0.6946, "Acc.washer": 0.7778, "Acc.plaything": 0.562, "Acc.swimming pool": 0.7285, "Acc.stool": 0.6053, "Acc.barrel": 0.8656, "Acc.basket": 0.4958, "Acc.waterfall": 0.665, "Acc.tent": 0.9806, "Acc.bag": 0.1982, "Acc.minibike": 0.8828, "Acc.cradle": 0.976, "Acc.oven": 0.6514, "Acc.ball": 0.1301, "Acc.food": 0.6917, "Acc.step": 0.2335, "Acc.tank": 0.6753, "Acc.trade name": 0.305, "Acc.microwave": 0.9586, "Acc.pot": 0.5671, "Acc.animal": 0.6505, "Acc.bicycle": 0.7473, "Acc.lake": 0.638, "Acc.dishwasher": 0.7723, "Acc.screen": 0.8538, "Acc.blanket": 0.2354, "Acc.sculpture": 0.8311, "Acc.hood": 0.7165, "Acc.sconce": 0.6495, "Acc.vase": 0.5874, "Acc.traffic light": 0.5712, "Acc.tray": 0.0534, "Acc.ashcan": 0.6548, "Acc.fan": 0.8087, "Acc.pier": 0.6748, "Acc.crt screen": 0.2487, "Acc.plate": 0.7755, "Acc.monitor": 0.1484, "Acc.bulletin board": 0.7054, "Acc.shower": 0.0023, "Acc.radiator": 0.7191, "Acc.glass": 0.1559, "Acc.clock": 0.4756, "Acc.flag": 0.6509} {"mode": "train", "epoch": 51, "iter": 64050, "lr": 0.0, "memory": 14793, "data_time": 2.42605, "decode.loss_ce": 0.27332, "decode.acc_seg": 88.77243, "aux.loss_ce": 0.19754, "aux.acc_seg": 81.61743, "loss": 0.47086, "grad_norm": 13.13857, "time": 2.84798} {"mode": "train", "epoch": 51, "iter": 64100, "lr": 0.0, "memory": 14793, "data_time": 0.00675, "decode.loss_ce": 0.26827, "decode.acc_seg": 88.9462, "aux.loss_ce": 0.19161, "aux.acc_seg": 81.89474, "loss": 0.45988, "grad_norm": 12.68404, "time": 0.41803} {"mode": "train", "epoch": 51, "iter": 64150, "lr": 0.0, "memory": 14793, "data_time": 0.00548, "decode.loss_ce": 0.27691, "decode.acc_seg": 88.4552, "aux.loss_ce": 0.19478, "aux.acc_seg": 81.60268, "loss": 0.47169, "grad_norm": 13.47664, "time": 0.43517} {"mode": "train", "epoch": 51, "iter": 64200, "lr": 0.0, "memory": 14793, "data_time": 0.00554, "decode.loss_ce": 0.2683, "decode.acc_seg": 88.91135, "aux.loss_ce": 0.18257, "aux.acc_seg": 82.42478, "loss": 0.45088, "grad_norm": 11.62635, "time": 0.41996} {"mode": "train", "epoch": 51, "iter": 64250, "lr": 0.0, "memory": 14793, "data_time": 0.00796, "decode.loss_ce": 0.27611, "decode.acc_seg": 88.2924, "aux.loss_ce": 0.19101, "aux.acc_seg": 81.75024, "loss": 0.46713, "grad_norm": 11.57884, "time": 0.41926} {"mode": "train", "epoch": 51, "iter": 64300, "lr": 0.0, "memory": 14793, "data_time": 0.00576, "decode.loss_ce": 0.26605, "decode.acc_seg": 89.06469, "aux.loss_ce": 0.18874, "aux.acc_seg": 82.28794, "loss": 0.45479, "grad_norm": 11.79464, "time": 0.41974} {"mode": "train", "epoch": 51, "iter": 64350, "lr": 0.0, "memory": 14793, "data_time": 0.00703, "decode.loss_ce": 0.26484, "decode.acc_seg": 88.8646, "aux.loss_ce": 0.19579, "aux.acc_seg": 81.5872, "loss": 0.46063, "grad_norm": 12.62539, "time": 0.41974} {"mode": "train", "epoch": 51, "iter": 64400, "lr": 0.0, "memory": 14793, "data_time": 0.00568, "decode.loss_ce": 0.28232, "decode.acc_seg": 88.58516, "aux.loss_ce": 0.19996, "aux.acc_seg": 81.3, "loss": 0.48228, "grad_norm": 13.35333, "time": 0.41603} {"mode": "train", "epoch": 51, "iter": 64450, "lr": 0.0, "memory": 14793, "data_time": 0.0054, "decode.loss_ce": 0.28379, "decode.acc_seg": 88.50389, "aux.loss_ce": 0.19894, "aux.acc_seg": 81.75077, "loss": 0.48273, "grad_norm": 13.0871, "time": 0.41201} {"mode": "train", "epoch": 52, "iter": 64500, "lr": 0.0, "memory": 14793, "data_time": 0.05171, "decode.loss_ce": 0.26393, "decode.acc_seg": 89.32172, "aux.loss_ce": 0.1837, "aux.acc_seg": 82.94255, "loss": 0.44762, "grad_norm": 15.52748, "time": 0.48257} {"mode": "train", "epoch": 52, "iter": 64550, "lr": 0.0, "memory": 14793, "data_time": 0.00649, "decode.loss_ce": 0.26122, "decode.acc_seg": 89.32957, "aux.loss_ce": 0.19693, "aux.acc_seg": 81.75092, "loss": 0.45815, "grad_norm": 17.4429, "time": 0.42219} {"mode": "train", "epoch": 52, "iter": 64600, "lr": 0.0, "memory": 14793, "data_time": 0.00621, "decode.loss_ce": 0.26038, "decode.acc_seg": 89.03062, "aux.loss_ce": 0.18477, "aux.acc_seg": 82.50388, "loss": 0.44515, "grad_norm": 9.45166, "time": 0.41169} {"mode": "train", "epoch": 52, "iter": 64650, "lr": 0.0, "memory": 14793, "data_time": 0.00567, "decode.loss_ce": 0.26333, "decode.acc_seg": 89.23159, "aux.loss_ce": 0.1898, "aux.acc_seg": 81.92057, "loss": 0.45314, "grad_norm": 12.8634, "time": 0.41799} {"mode": "train", "epoch": 52, "iter": 64700, "lr": 0.0, "memory": 14793, "data_time": 0.00668, "decode.loss_ce": 0.2637, "decode.acc_seg": 89.16077, "aux.loss_ce": 0.18345, "aux.acc_seg": 82.69035, "loss": 0.44715, "grad_norm": 12.14817, "time": 0.42052} {"mode": "train", "epoch": 52, "iter": 64750, "lr": 0.0, "memory": 14793, "data_time": 0.00522, "decode.loss_ce": 0.27024, "decode.acc_seg": 88.96338, "aux.loss_ce": 0.1865, "aux.acc_seg": 82.15849, "loss": 0.45674, "grad_norm": 11.6727, "time": 0.41816} {"mode": "train", "epoch": 52, "iter": 64800, "lr": 0.0, "memory": 14793, "data_time": 0.00521, "decode.loss_ce": 0.28046, "decode.acc_seg": 88.28516, "aux.loss_ce": 0.20406, "aux.acc_seg": 80.68368, "loss": 0.48452, "grad_norm": 12.66262, "time": 0.42167} {"mode": "train", "epoch": 52, "iter": 64850, "lr": 0.0, "memory": 14793, "data_time": 0.00508, "decode.loss_ce": 0.29681, "decode.acc_seg": 88.18161, "aux.loss_ce": 0.21279, "aux.acc_seg": 80.81584, "loss": 0.5096, "grad_norm": 16.72568, "time": 0.41471} {"mode": "train", "epoch": 52, "iter": 64900, "lr": 0.0, "memory": 14793, "data_time": 0.00567, "decode.loss_ce": 0.26485, "decode.acc_seg": 88.9933, "aux.loss_ce": 0.178, "aux.acc_seg": 83.11005, "loss": 0.44286, "grad_norm": 12.56018, "time": 0.41517} {"mode": "train", "epoch": 52, "iter": 64950, "lr": 0.0, "memory": 14793, "data_time": 0.00519, "decode.loss_ce": 0.29051, "decode.acc_seg": 88.56617, "aux.loss_ce": 0.20706, "aux.acc_seg": 81.62656, "loss": 0.49757, "grad_norm": 14.76434, "time": 0.41711} {"mode": "train", "epoch": 52, "iter": 65000, "lr": 0.0, "memory": 14793, "data_time": 0.00729, "decode.loss_ce": 0.26752, "decode.acc_seg": 89.02597, "aux.loss_ce": 0.19061, "aux.acc_seg": 81.94032, "loss": 0.45813, "grad_norm": 11.22111, "time": 0.66543} {"mode": "val", "epoch": 52, "iter": 125, "lr": 0.0, "aAcc": 0.8456, "mIoU": 0.5393, "mAcc": 0.6668, "IoU.wall": 0.7976, "IoU.building": 0.833, "IoU.sky": 0.9487, "IoU.floor": 0.827, "IoU.tree": 0.7586, "IoU.ceiling": 0.8566, "IoU.road": 0.8478, "IoU.bed ": 0.9106, "IoU.windowpane": 0.6407, "IoU.grass": 0.6772, "IoU.cabinet": 0.6453, "IoU.sidewalk": 0.6779, "IoU.person": 0.8344, "IoU.earth": 0.3713, "IoU.door": 0.5488, "IoU.table": 0.6355, "IoU.mountain": 0.6079, "IoU.plant": 0.5267, "IoU.curtain": 0.7681, "IoU.chair": 0.6331, "IoU.car": 0.8654, "IoU.water": 0.5738, "IoU.painting": 0.7175, "IoU.sofa": 0.7201, "IoU.shelf": 0.4668, "IoU.house": 0.4673, "IoU.sea": 0.6796, "IoU.mirror": 0.7135, "IoU.rug": 0.6812, "IoU.field": 0.298, "IoU.armchair": 0.4397, "IoU.seat": 0.675, "IoU.fence": 0.5093, "IoU.desk": 0.5409, "IoU.rock": 0.493, "IoU.wardrobe": 0.5186, "IoU.lamp": 0.663, "IoU.bathtub": 0.8091, "IoU.railing": 0.4067, "IoU.cushion": 0.621, "IoU.base": 0.4047, "IoU.box": 0.336, "IoU.column": 0.5393, "IoU.signboard": 0.3612, "IoU.chest of drawers": 0.4038, "IoU.counter": 0.3575, "IoU.sand": 0.5332, "IoU.sink": 0.761, "IoU.skyscraper": 0.5979, "IoU.fireplace": 0.6431, "IoU.refrigerator": 0.7507, "IoU.grandstand": 0.4949, "IoU.path": 0.2281, "IoU.stairs": 0.3281, "IoU.runway": 0.6604, "IoU.case": 0.5693, "IoU.pool table": 0.9337, "IoU.pillow": 0.6178, "IoU.screen door": 0.5918, "IoU.stairway": 0.396, "IoU.river": 0.1358, "IoU.bridge": 0.4972, "IoU.bookcase": 0.4172, "IoU.blind": 0.5107, "IoU.coffee table": 0.6081, "IoU.toilet": 0.869, "IoU.flower": 0.4552, "IoU.book": 0.461, "IoU.hill": 0.0763, "IoU.bench": 0.6543, "IoU.countertop": 0.5997, "IoU.stove": 0.8118, "IoU.palm": 0.5569, "IoU.kitchen island": 0.3483, "IoU.computer": 0.7613, "IoU.swivel chair": 0.578, "IoU.boat": 0.7398, "IoU.bar": 0.5269, "IoU.arcade machine": 0.7325, "IoU.hovel": 0.5232, "IoU.bus": 0.9267, "IoU.towel": 0.663, "IoU.light": 0.5553, "IoU.truck": 0.4504, "IoU.tower": 0.3135, "IoU.chandelier": 0.6848, "IoU.awning": 0.3128, "IoU.streetlight": 0.3079, "IoU.booth": 0.3601, "IoU.television receiver": 0.7652, "IoU.airplane": 0.7283, "IoU.dirt track": 0.0122, "IoU.apparel": 0.5584, "IoU.pole": 0.2312, "IoU.land": 0.0421, "IoU.bannister": 0.1417, "IoU.escalator": 0.5292, "IoU.ottoman": 0.5456, "IoU.bottle": 0.4114, "IoU.buffet": 0.4767, "IoU.poster": 0.3203, "IoU.stage": 0.1918, "IoU.van": 0.481, "IoU.ship": 0.768, "IoU.fountain": 0.3022, "IoU.conveyer belt": 0.8187, "IoU.canopy": 0.4248, "IoU.washer": 0.7379, "IoU.plaything": 0.4075, "IoU.swimming pool": 0.7183, "IoU.stool": 0.461, "IoU.barrel": 0.5735, "IoU.basket": 0.3859, "IoU.waterfall": 0.6675, "IoU.tent": 0.9585, "IoU.bag": 0.1839, "IoU.minibike": 0.7022, "IoU.cradle": 0.8148, "IoU.oven": 0.4755, "IoU.ball": 0.4833, "IoU.food": 0.5966, "IoU.step": 0.2004, "IoU.tank": 0.6307, "IoU.trade name": 0.2323, "IoU.microwave": 0.8163, "IoU.pot": 0.5107, "IoU.animal": 0.6069, "IoU.bicycle": 0.5852, "IoU.lake": 0.5523, "IoU.dishwasher": 0.6544, "IoU.screen": 0.5441, "IoU.blanket": 0.1972, "IoU.sculpture": 0.588, "IoU.hood": 0.6057, "IoU.sconce": 0.5002, "IoU.vase": 0.4321, "IoU.traffic light": 0.3333, "IoU.tray": 0.048, "IoU.ashcan": 0.4904, "IoU.fan": 0.6412, "IoU.pier": 0.5472, "IoU.crt screen": 0.0513, "IoU.plate": 0.56, "IoU.monitor": 0.1017, "IoU.bulletin board": 0.6041, "IoU.shower": 0.0062, "IoU.radiator": 0.6234, "IoU.glass": 0.1489, "IoU.clock": 0.4301, "IoU.flag": 0.5801, "Acc.wall": 0.8818, "Acc.building": 0.9198, "Acc.sky": 0.9767, "Acc.floor": 0.8961, "Acc.tree": 0.8925, "Acc.ceiling": 0.9312, "Acc.road": 0.9219, "Acc.bed ": 0.972, "Acc.windowpane": 0.7722, "Acc.grass": 0.8197, "Acc.cabinet": 0.7549, "Acc.sidewalk": 0.7979, "Acc.person": 0.921, "Acc.earth": 0.5221, "Acc.door": 0.727, "Acc.table": 0.7881, "Acc.mountain": 0.7583, "Acc.plant": 0.6457, "Acc.curtain": 0.8868, "Acc.chair": 0.7563, "Acc.car": 0.9314, "Acc.water": 0.715, "Acc.painting": 0.9029, "Acc.sofa": 0.9002, "Acc.shelf": 0.6343, "Acc.house": 0.6645, "Acc.sea": 0.8521, "Acc.mirror": 0.8063, "Acc.rug": 0.8499, "Acc.field": 0.4512, "Acc.armchair": 0.5968, "Acc.seat": 0.8138, "Acc.fence": 0.7012, "Acc.desk": 0.7491, "Acc.rock": 0.6897, "Acc.wardrobe": 0.7524, "Acc.lamp": 0.7809, "Acc.bathtub": 0.8605, "Acc.railing": 0.5451, "Acc.cushion": 0.7153, "Acc.base": 0.5369, "Acc.box": 0.4312, "Acc.column": 0.659, "Acc.signboard": 0.4809, "Acc.chest of drawers": 0.5514, "Acc.counter": 0.4446, "Acc.sand": 0.7271, "Acc.sink": 0.8438, "Acc.skyscraper": 0.7318, "Acc.fireplace": 0.9475, "Acc.refrigerator": 0.8526, "Acc.grandstand": 0.8341, "Acc.path": 0.3152, "Acc.stairs": 0.4194, "Acc.runway": 0.8607, "Acc.case": 0.7264, "Acc.pool table": 0.9787, "Acc.pillow": 0.7583, "Acc.screen door": 0.7978, "Acc.stairway": 0.4767, "Acc.river": 0.3009, "Acc.bridge": 0.5746, "Acc.bookcase": 0.7234, "Acc.blind": 0.645, "Acc.coffee table": 0.85, "Acc.toilet": 0.926, "Acc.flower": 0.6108, "Acc.book": 0.654, "Acc.hill": 0.1188, "Acc.bench": 0.7782, "Acc.countertop": 0.7951, "Acc.stove": 0.8742, "Acc.palm": 0.7268, "Acc.kitchen island": 0.8307, "Acc.computer": 0.8896, "Acc.swivel chair": 0.7686, "Acc.boat": 0.8573, "Acc.bar": 0.6849, "Acc.arcade machine": 0.7784, "Acc.hovel": 0.6881, "Acc.bus": 0.9675, "Acc.towel": 0.8759, "Acc.light": 0.6358, "Acc.truck": 0.6036, "Acc.tower": 0.6619, "Acc.chandelier": 0.8493, "Acc.awning": 0.3517, "Acc.streetlight": 0.4055, "Acc.booth": 0.4302, "Acc.television receiver": 0.8408, "Acc.airplane": 0.8172, "Acc.dirt track": 0.0221, "Acc.apparel": 0.6999, "Acc.pole": 0.3112, "Acc.land": 0.0641, "Acc.bannister": 0.1887, "Acc.escalator": 0.8181, "Acc.ottoman": 0.7053, "Acc.bottle": 0.6305, "Acc.buffet": 0.5765, "Acc.poster": 0.4379, "Acc.stage": 0.364, "Acc.van": 0.609, "Acc.ship": 0.8663, "Acc.fountain": 0.3124, "Acc.conveyer belt": 0.9235, "Acc.canopy": 0.6361, "Acc.washer": 0.7647, "Acc.plaything": 0.6728, "Acc.swimming pool": 0.7626, "Acc.stool": 0.6335, "Acc.barrel": 0.8357, "Acc.basket": 0.5145, "Acc.waterfall": 0.7962, "Acc.tent": 0.9804, "Acc.bag": 0.2101, "Acc.minibike": 0.8486, "Acc.cradle": 0.9754, "Acc.oven": 0.6369, "Acc.ball": 0.5479, "Acc.food": 0.7322, "Acc.step": 0.243, "Acc.tank": 0.6734, "Acc.trade name": 0.2591, "Acc.microwave": 0.9394, "Acc.pot": 0.604, "Acc.animal": 0.6208, "Acc.bicycle": 0.7317, "Acc.lake": 0.637, "Acc.dishwasher": 0.7072, "Acc.screen": 0.8889, "Acc.blanket": 0.2384, "Acc.sculpture": 0.8337, "Acc.hood": 0.6989, "Acc.sconce": 0.5905, "Acc.vase": 0.5566, "Acc.traffic light": 0.5014, "Acc.tray": 0.0732, "Acc.ashcan": 0.6078, "Acc.fan": 0.7818, "Acc.pier": 0.6756, "Acc.crt screen": 0.1414, "Acc.plate": 0.7709, "Acc.monitor": 0.1112, "Acc.bulletin board": 0.6923, "Acc.shower": 0.028, "Acc.radiator": 0.7305, "Acc.glass": 0.1582, "Acc.clock": 0.4707, "Acc.flag": 0.6281} {"mode": "train", "epoch": 52, "iter": 65050, "lr": 0.0, "memory": 14793, "data_time": 2.07596, "decode.loss_ce": 0.27697, "decode.acc_seg": 88.76845, "aux.loss_ce": 0.18246, "aux.acc_seg": 83.04081, "loss": 0.45943, "grad_norm": 15.90524, "time": 2.48788} {"mode": "train", "epoch": 52, "iter": 65100, "lr": 0.0, "memory": 14793, "data_time": 0.00533, "decode.loss_ce": 0.29389, "decode.acc_seg": 87.74917, "aux.loss_ce": 0.20179, "aux.acc_seg": 80.647, "loss": 0.49568, "grad_norm": 15.97567, "time": 0.42013} {"mode": "train", "epoch": 52, "iter": 65150, "lr": 0.0, "memory": 14793, "data_time": 0.0061, "decode.loss_ce": 0.26476, "decode.acc_seg": 89.1687, "aux.loss_ce": 0.1963, "aux.acc_seg": 81.20809, "loss": 0.46106, "grad_norm": 11.1113, "time": 0.42589} {"mode": "train", "epoch": 52, "iter": 65200, "lr": 0.0, "memory": 14793, "data_time": 0.00524, "decode.loss_ce": 0.25631, "decode.acc_seg": 89.4169, "aux.loss_ce": 0.17832, "aux.acc_seg": 83.01246, "loss": 0.43463, "grad_norm": 13.36099, "time": 0.41875} {"mode": "train", "epoch": 52, "iter": 65250, "lr": 0.0, "memory": 14793, "data_time": 0.00581, "decode.loss_ce": 0.27068, "decode.acc_seg": 88.99365, "aux.loss_ce": 0.18703, "aux.acc_seg": 82.42148, "loss": 0.45771, "grad_norm": 10.95549, "time": 0.41715} {"mode": "train", "epoch": 52, "iter": 65300, "lr": 0.0, "memory": 14793, "data_time": 0.00546, "decode.loss_ce": 0.27871, "decode.acc_seg": 88.57839, "aux.loss_ce": 0.19358, "aux.acc_seg": 81.99436, "loss": 0.4723, "grad_norm": 13.63943, "time": 0.40567} {"mode": "train", "epoch": 52, "iter": 65350, "lr": 0.0, "memory": 14793, "data_time": 0.00543, "decode.loss_ce": 0.26152, "decode.acc_seg": 89.21413, "aux.loss_ce": 0.18589, "aux.acc_seg": 82.6448, "loss": 0.44741, "grad_norm": 11.49224, "time": 0.40661} {"mode": "train", "epoch": 52, "iter": 65400, "lr": 0.0, "memory": 14793, "data_time": 0.00539, "decode.loss_ce": 0.25885, "decode.acc_seg": 89.20069, "aux.loss_ce": 0.19224, "aux.acc_seg": 82.07582, "loss": 0.45109, "grad_norm": 11.35292, "time": 0.40922} {"mode": "train", "epoch": 52, "iter": 65450, "lr": 0.0, "memory": 14793, "data_time": 0.00594, "decode.loss_ce": 0.25279, "decode.acc_seg": 89.65734, "aux.loss_ce": 0.18052, "aux.acc_seg": 83.08409, "loss": 0.43331, "grad_norm": 13.42296, "time": 0.40813} {"mode": "train", "epoch": 52, "iter": 65500, "lr": 0.0, "memory": 14793, "data_time": 0.00651, "decode.loss_ce": 0.27792, "decode.acc_seg": 88.44722, "aux.loss_ce": 0.20031, "aux.acc_seg": 81.36057, "loss": 0.47824, "grad_norm": 14.9776, "time": 0.41102} {"mode": "train", "epoch": 52, "iter": 65550, "lr": 0.0, "memory": 14793, "data_time": 0.00571, "decode.loss_ce": 0.26135, "decode.acc_seg": 89.44077, "aux.loss_ce": 0.19487, "aux.acc_seg": 81.82625, "loss": 0.45622, "grad_norm": 16.04212, "time": 0.41914} {"mode": "train", "epoch": 52, "iter": 65600, "lr": 0.0, "memory": 14793, "data_time": 0.0055, "decode.loss_ce": 0.2751, "decode.acc_seg": 88.87529, "aux.loss_ce": 0.19512, "aux.acc_seg": 81.98075, "loss": 0.47022, "grad_norm": 12.36825, "time": 0.42658} {"mode": "train", "epoch": 52, "iter": 65650, "lr": 0.0, "memory": 14793, "data_time": 0.00533, "decode.loss_ce": 0.26575, "decode.acc_seg": 89.22764, "aux.loss_ce": 0.1999, "aux.acc_seg": 81.46159, "loss": 0.46565, "grad_norm": 13.50175, "time": 0.43168} {"mode": "train", "epoch": 52, "iter": 65700, "lr": 0.0, "memory": 14793, "data_time": 0.00476, "decode.loss_ce": 0.28578, "decode.acc_seg": 88.49266, "aux.loss_ce": 0.19841, "aux.acc_seg": 81.14466, "loss": 0.48419, "grad_norm": 16.44588, "time": 0.41511} {"mode": "train", "epoch": 53, "iter": 65750, "lr": 0.0, "memory": 14793, "data_time": 0.0525, "decode.loss_ce": 0.25884, "decode.acc_seg": 88.80801, "aux.loss_ce": 0.18303, "aux.acc_seg": 82.03916, "loss": 0.44188, "grad_norm": 11.44538, "time": 0.46835} {"mode": "train", "epoch": 53, "iter": 65800, "lr": 0.0, "memory": 14793, "data_time": 0.00587, "decode.loss_ce": 0.28422, "decode.acc_seg": 88.79921, "aux.loss_ce": 0.20449, "aux.acc_seg": 81.36004, "loss": 0.48871, "grad_norm": 11.08794, "time": 0.42357} {"mode": "train", "epoch": 53, "iter": 65850, "lr": 0.0, "memory": 14793, "data_time": 0.00523, "decode.loss_ce": 0.2866, "decode.acc_seg": 88.62227, "aux.loss_ce": 0.19912, "aux.acc_seg": 81.79489, "loss": 0.48572, "grad_norm": 13.55177, "time": 0.41367} {"mode": "train", "epoch": 53, "iter": 65900, "lr": 0.0, "memory": 14793, "data_time": 0.00509, "decode.loss_ce": 0.27555, "decode.acc_seg": 89.01976, "aux.loss_ce": 0.1887, "aux.acc_seg": 82.84729, "loss": 0.46425, "grad_norm": 13.91301, "time": 0.41654} {"mode": "train", "epoch": 53, "iter": 65950, "lr": 0.0, "memory": 14793, "data_time": 0.00536, "decode.loss_ce": 0.25628, "decode.acc_seg": 89.42952, "aux.loss_ce": 0.19085, "aux.acc_seg": 82.36181, "loss": 0.44713, "grad_norm": 14.88142, "time": 0.41455} {"mode": "train", "epoch": 53, "iter": 66000, "lr": 0.0, "memory": 14793, "data_time": 0.00554, "decode.loss_ce": 0.271, "decode.acc_seg": 88.61003, "aux.loss_ce": 0.19392, "aux.acc_seg": 81.26563, "loss": 0.46492, "grad_norm": 11.77757, "time": 0.65101} {"mode": "val", "epoch": 53, "iter": 125, "lr": 0.0, "aAcc": 0.8451, "mIoU": 0.5401, "mAcc": 0.6752, "IoU.wall": 0.8002, "IoU.building": 0.8346, "IoU.sky": 0.9494, "IoU.floor": 0.8272, "IoU.tree": 0.7604, "IoU.ceiling": 0.8548, "IoU.road": 0.8512, "IoU.bed ": 0.9117, "IoU.windowpane": 0.643, "IoU.grass": 0.6568, "IoU.cabinet": 0.6353, "IoU.sidewalk": 0.6806, "IoU.person": 0.8324, "IoU.earth": 0.3521, "IoU.door": 0.557, "IoU.table": 0.6425, "IoU.mountain": 0.591, "IoU.plant": 0.5422, "IoU.curtain": 0.7721, "IoU.chair": 0.619, "IoU.car": 0.8581, "IoU.water": 0.5806, "IoU.painting": 0.7278, "IoU.sofa": 0.7408, "IoU.shelf": 0.4523, "IoU.house": 0.4643, "IoU.sea": 0.6733, "IoU.mirror": 0.7221, "IoU.rug": 0.6802, "IoU.field": 0.283, "IoU.armchair": 0.488, "IoU.seat": 0.665, "IoU.fence": 0.4872, "IoU.desk": 0.5171, "IoU.rock": 0.4558, "IoU.wardrobe": 0.538, "IoU.lamp": 0.663, "IoU.bathtub": 0.8176, "IoU.railing": 0.3433, "IoU.cushion": 0.6212, "IoU.base": 0.3191, "IoU.box": 0.3344, "IoU.column": 0.5337, "IoU.signboard": 0.3719, "IoU.chest of drawers": 0.4123, "IoU.counter": 0.3438, "IoU.sand": 0.487, "IoU.sink": 0.7915, "IoU.skyscraper": 0.652, "IoU.fireplace": 0.6801, "IoU.refrigerator": 0.7365, "IoU.grandstand": 0.4708, "IoU.path": 0.249, "IoU.stairs": 0.3543, "IoU.runway": 0.6526, "IoU.case": 0.5953, "IoU.pool table": 0.9306, "IoU.pillow": 0.6035, "IoU.screen door": 0.6787, "IoU.stairway": 0.462, "IoU.river": 0.1013, "IoU.bridge": 0.5955, "IoU.bookcase": 0.4055, "IoU.blind": 0.4919, "IoU.coffee table": 0.6158, "IoU.toilet": 0.8662, "IoU.flower": 0.4266, "IoU.book": 0.4899, "IoU.hill": 0.0804, "IoU.bench": 0.6483, "IoU.countertop": 0.5923, "IoU.stove": 0.8156, "IoU.palm": 0.5462, "IoU.kitchen island": 0.366, "IoU.computer": 0.7451, "IoU.swivel chair": 0.5876, "IoU.boat": 0.6966, "IoU.bar": 0.5138, "IoU.arcade machine": 0.6837, "IoU.hovel": 0.5404, "IoU.bus": 0.8913, "IoU.towel": 0.674, "IoU.light": 0.5577, "IoU.truck": 0.4363, "IoU.tower": 0.2887, "IoU.chandelier": 0.6761, "IoU.awning": 0.3402, "IoU.streetlight": 0.3252, "IoU.booth": 0.3537, "IoU.television receiver": 0.7625, "IoU.airplane": 0.7583, "IoU.dirt track": 0.0273, "IoU.apparel": 0.5677, "IoU.pole": 0.2453, "IoU.land": 0.0369, "IoU.bannister": 0.1585, "IoU.escalator": 0.5195, "IoU.ottoman": 0.5225, "IoU.bottle": 0.366, "IoU.buffet": 0.5468, "IoU.poster": 0.3432, "IoU.stage": 0.2044, "IoU.van": 0.4537, "IoU.ship": 0.8004, "IoU.fountain": 0.2746, "IoU.conveyer belt": 0.8094, "IoU.canopy": 0.4049, "IoU.washer": 0.752, "IoU.plaything": 0.3785, "IoU.swimming pool": 0.6765, "IoU.stool": 0.4547, "IoU.barrel": 0.5841, "IoU.basket": 0.3938, "IoU.waterfall": 0.6931, "IoU.tent": 0.9534, "IoU.bag": 0.2046, "IoU.minibike": 0.7006, "IoU.cradle": 0.8318, "IoU.oven": 0.4997, "IoU.ball": 0.5367, "IoU.food": 0.5589, "IoU.step": 0.1758, "IoU.tank": 0.6262, "IoU.trade name": 0.2436, "IoU.microwave": 0.8191, "IoU.pot": 0.5149, "IoU.animal": 0.6379, "IoU.bicycle": 0.5906, "IoU.lake": 0.4788, "IoU.dishwasher": 0.6719, "IoU.screen": 0.5406, "IoU.blanket": 0.2275, "IoU.sculpture": 0.6215, "IoU.hood": 0.7021, "IoU.sconce": 0.4958, "IoU.vase": 0.4238, "IoU.traffic light": 0.3428, "IoU.tray": 0.0559, "IoU.ashcan": 0.4792, "IoU.fan": 0.6456, "IoU.pier": 0.4832, "IoU.crt screen": 0.0329, "IoU.plate": 0.5544, "IoU.monitor": 0.1645, "IoU.bulletin board": 0.6059, "IoU.shower": 0.0008, "IoU.radiator": 0.618, "IoU.glass": 0.1618, "IoU.clock": 0.4211, "IoU.flag": 0.5495, "Acc.wall": 0.8747, "Acc.building": 0.9202, "Acc.sky": 0.972, "Acc.floor": 0.8974, "Acc.tree": 0.9019, "Acc.ceiling": 0.9293, "Acc.road": 0.9206, "Acc.bed ": 0.9737, "Acc.windowpane": 0.7974, "Acc.grass": 0.8134, "Acc.cabinet": 0.728, "Acc.sidewalk": 0.8237, "Acc.person": 0.9347, "Acc.earth": 0.4564, "Acc.door": 0.7515, "Acc.table": 0.7916, "Acc.mountain": 0.7351, "Acc.plant": 0.6623, "Acc.curtain": 0.8746, "Acc.chair": 0.7352, "Acc.car": 0.9445, "Acc.water": 0.7196, "Acc.painting": 0.899, "Acc.sofa": 0.8628, "Acc.shelf": 0.6516, "Acc.house": 0.6785, "Acc.sea": 0.8485, "Acc.mirror": 0.7906, "Acc.rug": 0.829, "Acc.field": 0.4649, "Acc.armchair": 0.7434, "Acc.seat": 0.8308, "Acc.fence": 0.6375, "Acc.desk": 0.7761, "Acc.rock": 0.6718, "Acc.wardrobe": 0.7417, "Acc.lamp": 0.8127, "Acc.bathtub": 0.8594, "Acc.railing": 0.4748, "Acc.cushion": 0.7292, "Acc.base": 0.3971, "Acc.box": 0.414, "Acc.column": 0.6967, "Acc.signboard": 0.4999, "Acc.chest of drawers": 0.6793, "Acc.counter": 0.4102, "Acc.sand": 0.6789, "Acc.sink": 0.8619, "Acc.skyscraper": 0.835, "Acc.fireplace": 0.9476, "Acc.refrigerator": 0.8383, "Acc.grandstand": 0.8444, "Acc.path": 0.383, "Acc.stairs": 0.4699, "Acc.runway": 0.8576, "Acc.case": 0.8098, "Acc.pool table": 0.9838, "Acc.pillow": 0.716, "Acc.screen door": 0.8868, "Acc.stairway": 0.5875, "Acc.river": 0.2263, "Acc.bridge": 0.7134, "Acc.bookcase": 0.6187, "Acc.blind": 0.6119, "Acc.coffee table": 0.8635, "Acc.toilet": 0.9319, "Acc.flower": 0.567, "Acc.book": 0.7695, "Acc.hill": 0.136, "Acc.bench": 0.7667, "Acc.countertop": 0.7861, "Acc.stove": 0.8955, "Acc.palm": 0.7422, "Acc.kitchen island": 0.8266, "Acc.computer": 0.9058, "Acc.swivel chair": 0.8415, "Acc.boat": 0.8762, "Acc.bar": 0.6736, "Acc.arcade machine": 0.7277, "Acc.hovel": 0.6997, "Acc.bus": 0.9805, "Acc.towel": 0.8775, "Acc.light": 0.6558, "Acc.truck": 0.6003, "Acc.tower": 0.5489, "Acc.chandelier": 0.8615, "Acc.awning": 0.406, "Acc.streetlight": 0.4551, "Acc.booth": 0.4924, "Acc.television receiver": 0.8448, "Acc.airplane": 0.8537, "Acc.dirt track": 0.0742, "Acc.apparel": 0.6669, "Acc.pole": 0.3429, "Acc.land": 0.0611, "Acc.bannister": 0.2295, "Acc.escalator": 0.7884, "Acc.ottoman": 0.6968, "Acc.bottle": 0.5349, "Acc.buffet": 0.6879, "Acc.poster": 0.4758, "Acc.stage": 0.3126, "Acc.van": 0.5795, "Acc.ship": 0.9158, "Acc.fountain": 0.3047, "Acc.conveyer belt": 0.9336, "Acc.canopy": 0.5817, "Acc.washer": 0.7767, "Acc.plaything": 0.5483, "Acc.swimming pool": 0.7348, "Acc.stool": 0.6887, "Acc.barrel": 0.8494, "Acc.basket": 0.5209, "Acc.waterfall": 0.8526, "Acc.tent": 0.9849, "Acc.bag": 0.2434, "Acc.minibike": 0.86, "Acc.cradle": 0.9792, "Acc.oven": 0.6326, "Acc.ball": 0.6205, "Acc.food": 0.6205, "Acc.step": 0.2213, "Acc.tank": 0.6748, "Acc.trade name": 0.2806, "Acc.microwave": 0.9511, "Acc.pot": 0.6047, "Acc.animal": 0.6587, "Acc.bicycle": 0.7426, "Acc.lake": 0.6482, "Acc.dishwasher": 0.777, "Acc.screen": 0.8923, "Acc.blanket": 0.275, "Acc.sculpture": 0.8453, "Acc.hood": 0.802, "Acc.sconce": 0.607, "Acc.vase": 0.6009, "Acc.traffic light": 0.5311, "Acc.tray": 0.0758, "Acc.ashcan": 0.6891, "Acc.fan": 0.7912, "Acc.pier": 0.7377, "Acc.crt screen": 0.0795, "Acc.plate": 0.7986, "Acc.monitor": 0.1878, "Acc.bulletin board": 0.6885, "Acc.shower": 0.0009, "Acc.radiator": 0.7468, "Acc.glass": 0.1741, "Acc.clock": 0.4751, "Acc.flag": 0.6116} {"mode": "train", "epoch": 53, "iter": 66050, "lr": 0.0, "memory": 14793, "data_time": 2.08255, "decode.loss_ce": 0.29414, "decode.acc_seg": 88.2574, "aux.loss_ce": 0.20238, "aux.acc_seg": 81.63057, "loss": 0.49652, "grad_norm": 16.46492, "time": 2.50181} {"mode": "train", "epoch": 53, "iter": 66100, "lr": 0.0, "memory": 14793, "data_time": 0.00626, "decode.loss_ce": 0.26652, "decode.acc_seg": 88.50787, "aux.loss_ce": 0.18758, "aux.acc_seg": 81.3323, "loss": 0.45411, "grad_norm": 13.05424, "time": 0.4298} {"mode": "train", "epoch": 53, "iter": 66150, "lr": 0.0, "memory": 14793, "data_time": 0.00598, "decode.loss_ce": 0.26464, "decode.acc_seg": 89.40672, "aux.loss_ce": 0.20013, "aux.acc_seg": 81.68429, "loss": 0.46477, "grad_norm": 11.1649, "time": 0.42299} {"mode": "train", "epoch": 53, "iter": 66200, "lr": 0.0, "memory": 14793, "data_time": 0.00581, "decode.loss_ce": 0.26894, "decode.acc_seg": 89.05285, "aux.loss_ce": 0.19384, "aux.acc_seg": 81.66779, "loss": 0.46278, "grad_norm": 9.94553, "time": 0.42028} {"mode": "train", "epoch": 53, "iter": 66250, "lr": 0.0, "memory": 14793, "data_time": 0.00597, "decode.loss_ce": 0.26673, "decode.acc_seg": 88.84807, "aux.loss_ce": 0.18632, "aux.acc_seg": 82.43697, "loss": 0.45306, "grad_norm": 23.88923, "time": 0.41561} {"mode": "train", "epoch": 53, "iter": 66300, "lr": 0.0, "memory": 14793, "data_time": 0.00574, "decode.loss_ce": 0.26632, "decode.acc_seg": 89.21023, "aux.loss_ce": 0.18494, "aux.acc_seg": 82.87665, "loss": 0.45126, "grad_norm": 22.56438, "time": 0.41619} {"mode": "train", "epoch": 53, "iter": 66350, "lr": 0.0, "memory": 14793, "data_time": 0.00598, "decode.loss_ce": 0.25675, "decode.acc_seg": 89.43074, "aux.loss_ce": 0.1817, "aux.acc_seg": 83.04381, "loss": 0.43845, "grad_norm": 10.80416, "time": 0.41214} {"mode": "train", "epoch": 53, "iter": 66400, "lr": 0.0, "memory": 14793, "data_time": 0.00568, "decode.loss_ce": 0.29542, "decode.acc_seg": 87.74177, "aux.loss_ce": 0.19584, "aux.acc_seg": 81.37859, "loss": 0.49126, "grad_norm": 14.14905, "time": 0.42841} {"mode": "train", "epoch": 53, "iter": 66450, "lr": 0.0, "memory": 14793, "data_time": 0.0061, "decode.loss_ce": 0.26381, "decode.acc_seg": 89.12273, "aux.loss_ce": 0.18448, "aux.acc_seg": 82.47508, "loss": 0.4483, "grad_norm": 15.83917, "time": 0.41862} {"mode": "train", "epoch": 53, "iter": 66500, "lr": 0.0, "memory": 14793, "data_time": 0.0055, "decode.loss_ce": 0.25759, "decode.acc_seg": 89.47924, "aux.loss_ce": 0.1921, "aux.acc_seg": 82.17787, "loss": 0.44968, "grad_norm": 13.81544, "time": 0.4326} {"mode": "train", "epoch": 53, "iter": 66550, "lr": 0.0, "memory": 14793, "data_time": 0.00556, "decode.loss_ce": 0.29261, "decode.acc_seg": 88.50464, "aux.loss_ce": 0.19813, "aux.acc_seg": 81.71502, "loss": 0.49074, "grad_norm": 16.42908, "time": 0.40896} {"mode": "train", "epoch": 53, "iter": 66600, "lr": 0.0, "memory": 14793, "data_time": 0.00566, "decode.loss_ce": 0.27835, "decode.acc_seg": 88.48117, "aux.loss_ce": 0.19102, "aux.acc_seg": 81.68688, "loss": 0.46937, "grad_norm": 11.6852, "time": 0.42798} {"mode": "train", "epoch": 53, "iter": 66650, "lr": 0.0, "memory": 14793, "data_time": 0.00714, "decode.loss_ce": 0.28259, "decode.acc_seg": 88.59593, "aux.loss_ce": 0.20036, "aux.acc_seg": 81.55211, "loss": 0.48294, "grad_norm": 21.91126, "time": 0.49525} {"mode": "train", "epoch": 53, "iter": 66700, "lr": 0.0, "memory": 14793, "data_time": 0.00669, "decode.loss_ce": 0.26057, "decode.acc_seg": 89.23975, "aux.loss_ce": 0.17817, "aux.acc_seg": 83.30362, "loss": 0.43874, "grad_norm": 13.60994, "time": 0.42736} {"mode": "train", "epoch": 53, "iter": 66750, "lr": 0.0, "memory": 14793, "data_time": 0.00584, "decode.loss_ce": 0.2687, "decode.acc_seg": 89.01287, "aux.loss_ce": 0.18792, "aux.acc_seg": 82.27432, "loss": 0.45662, "grad_norm": 12.56351, "time": 0.41301} {"mode": "train", "epoch": 53, "iter": 66800, "lr": 0.0, "memory": 14793, "data_time": 0.00593, "decode.loss_ce": 0.27339, "decode.acc_seg": 88.95828, "aux.loss_ce": 0.18896, "aux.acc_seg": 82.93223, "loss": 0.46235, "grad_norm": 14.01514, "time": 0.4235} {"mode": "train", "epoch": 53, "iter": 66850, "lr": 0.0, "memory": 14793, "data_time": 0.00534, "decode.loss_ce": 0.27754, "decode.acc_seg": 88.92227, "aux.loss_ce": 0.19343, "aux.acc_seg": 82.09102, "loss": 0.47097, "grad_norm": 13.9976, "time": 0.41707} {"mode": "train", "epoch": 53, "iter": 66900, "lr": 0.0, "memory": 14793, "data_time": 0.00506, "decode.loss_ce": 0.27183, "decode.acc_seg": 89.20525, "aux.loss_ce": 0.19188, "aux.acc_seg": 82.226, "loss": 0.4637, "grad_norm": 10.30192, "time": 0.42294} {"mode": "train", "epoch": 53, "iter": 66950, "lr": 0.0, "memory": 14793, "data_time": 0.00537, "decode.loss_ce": 0.2764, "decode.acc_seg": 88.77451, "aux.loss_ce": 0.19548, "aux.acc_seg": 81.83843, "loss": 0.47188, "grad_norm": 14.27597, "time": 0.409} {"mode": "train", "epoch": 54, "iter": 67000, "lr": 0.0, "memory": 14793, "data_time": 0.05332, "decode.loss_ce": 0.26251, "decode.acc_seg": 89.26997, "aux.loss_ce": 0.18422, "aux.acc_seg": 82.79438, "loss": 0.44674, "grad_norm": 15.34373, "time": 0.69508} {"mode": "val", "epoch": 54, "iter": 125, "lr": 0.0, "aAcc": 0.8454, "mIoU": 0.5396, "mAcc": 0.6786, "IoU.wall": 0.7991, "IoU.building": 0.8323, "IoU.sky": 0.9492, "IoU.floor": 0.8283, "IoU.tree": 0.7646, "IoU.ceiling": 0.8541, "IoU.road": 0.8521, "IoU.bed ": 0.9135, "IoU.windowpane": 0.649, "IoU.grass": 0.6699, "IoU.cabinet": 0.625, "IoU.sidewalk": 0.6757, "IoU.person": 0.8348, "IoU.earth": 0.3707, "IoU.door": 0.5544, "IoU.table": 0.6368, "IoU.mountain": 0.599, "IoU.plant": 0.5424, "IoU.curtain": 0.7596, "IoU.chair": 0.6275, "IoU.car": 0.8608, "IoU.water": 0.5899, "IoU.painting": 0.7378, "IoU.sofa": 0.7295, "IoU.shelf": 0.4592, "IoU.house": 0.4999, "IoU.sea": 0.6995, "IoU.mirror": 0.7309, "IoU.rug": 0.6819, "IoU.field": 0.2772, "IoU.armchair": 0.468, "IoU.seat": 0.6597, "IoU.fence": 0.484, "IoU.desk": 0.5036, "IoU.rock": 0.5063, "IoU.wardrobe": 0.522, "IoU.lamp": 0.6746, "IoU.bathtub": 0.8137, "IoU.railing": 0.4163, "IoU.cushion": 0.6251, "IoU.base": 0.4012, "IoU.box": 0.3373, "IoU.column": 0.5225, "IoU.signboard": 0.3748, "IoU.chest of drawers": 0.4033, "IoU.counter": 0.3716, "IoU.sand": 0.4959, "IoU.sink": 0.7769, "IoU.skyscraper": 0.5203, "IoU.fireplace": 0.6503, "IoU.refrigerator": 0.7384, "IoU.grandstand": 0.4755, "IoU.path": 0.2674, "IoU.stairs": 0.3273, "IoU.runway": 0.7032, "IoU.case": 0.561, "IoU.pool table": 0.9315, "IoU.pillow": 0.6145, "IoU.screen door": 0.7071, "IoU.stairway": 0.4455, "IoU.river": 0.1434, "IoU.bridge": 0.4608, "IoU.bookcase": 0.4127, "IoU.blind": 0.5192, "IoU.coffee table": 0.5991, "IoU.toilet": 0.8544, "IoU.flower": 0.4441, "IoU.book": 0.4774, "IoU.hill": 0.1249, "IoU.bench": 0.6389, "IoU.countertop": 0.5937, "IoU.stove": 0.8165, "IoU.palm": 0.5595, "IoU.kitchen island": 0.3966, "IoU.computer": 0.7471, "IoU.swivel chair": 0.5536, "IoU.boat": 0.6689, "IoU.bar": 0.5075, "IoU.arcade machine": 0.75, "IoU.hovel": 0.579, "IoU.bus": 0.915, "IoU.towel": 0.6911, "IoU.light": 0.5576, "IoU.truck": 0.4431, "IoU.tower": 0.3123, "IoU.chandelier": 0.6903, "IoU.awning": 0.34, "IoU.streetlight": 0.3143, "IoU.booth": 0.3969, "IoU.television receiver": 0.7727, "IoU.airplane": 0.7478, "IoU.dirt track": 0.0143, "IoU.apparel": 0.5344, "IoU.pole": 0.2379, "IoU.land": 0.0521, "IoU.bannister": 0.1509, "IoU.escalator": 0.533, "IoU.ottoman": 0.552, "IoU.bottle": 0.414, "IoU.buffet": 0.5461, "IoU.poster": 0.3692, "IoU.stage": 0.2125, "IoU.van": 0.479, "IoU.ship": 0.8283, "IoU.fountain": 0.304, "IoU.conveyer belt": 0.7847, "IoU.canopy": 0.3591, "IoU.washer": 0.7323, "IoU.plaything": 0.4048, "IoU.swimming pool": 0.5984, "IoU.stool": 0.4806, "IoU.barrel": 0.5573, "IoU.basket": 0.4011, "IoU.waterfall": 0.532, "IoU.tent": 0.9594, "IoU.bag": 0.2091, "IoU.minibike": 0.7123, "IoU.cradle": 0.8152, "IoU.oven": 0.4889, "IoU.ball": 0.07, "IoU.food": 0.6024, "IoU.step": 0.2373, "IoU.tank": 0.6241, "IoU.trade name": 0.2607, "IoU.microwave": 0.8112, "IoU.pot": 0.5296, "IoU.animal": 0.6165, "IoU.bicycle": 0.6067, "IoU.lake": 0.5468, "IoU.dishwasher": 0.6871, "IoU.screen": 0.5387, "IoU.blanket": 0.2165, "IoU.sculpture": 0.6158, "IoU.hood": 0.6449, "IoU.sconce": 0.523, "IoU.vase": 0.4249, "IoU.traffic light": 0.3352, "IoU.tray": 0.0619, "IoU.ashcan": 0.4823, "IoU.fan": 0.6413, "IoU.pier": 0.52, "IoU.crt screen": 0.0633, "IoU.plate": 0.548, "IoU.monitor": 0.1753, "IoU.bulletin board": 0.6158, "IoU.shower": 0.0015, "IoU.radiator": 0.6161, "IoU.glass": 0.1567, "IoU.clock": 0.4228, "IoU.flag": 0.5423, "Acc.wall": 0.8764, "Acc.building": 0.9182, "Acc.sky": 0.9772, "Acc.floor": 0.893, "Acc.tree": 0.8847, "Acc.ceiling": 0.9156, "Acc.road": 0.9013, "Acc.bed ": 0.972, "Acc.windowpane": 0.8083, "Acc.grass": 0.8135, "Acc.cabinet": 0.7221, "Acc.sidewalk": 0.854, "Acc.person": 0.928, "Acc.earth": 0.5042, "Acc.door": 0.7035, "Acc.table": 0.7809, "Acc.mountain": 0.7037, "Acc.plant": 0.6657, "Acc.curtain": 0.8873, "Acc.chair": 0.7535, "Acc.car": 0.9446, "Acc.water": 0.7266, "Acc.painting": 0.8902, "Acc.sofa": 0.8909, "Acc.shelf": 0.6435, "Acc.house": 0.7421, "Acc.sea": 0.8745, "Acc.mirror": 0.8096, "Acc.rug": 0.8567, "Acc.field": 0.5013, "Acc.armchair": 0.6388, "Acc.seat": 0.8479, "Acc.fence": 0.6809, "Acc.desk": 0.7699, "Acc.rock": 0.7972, "Acc.wardrobe": 0.707, "Acc.lamp": 0.8, "Acc.bathtub": 0.8519, "Acc.railing": 0.594, "Acc.cushion": 0.7234, "Acc.base": 0.7206, "Acc.box": 0.4429, "Acc.column": 0.6726, "Acc.signboard": 0.4861, "Acc.chest of drawers": 0.6845, "Acc.counter": 0.5056, "Acc.sand": 0.6762, "Acc.sink": 0.8423, "Acc.skyscraper": 0.622, "Acc.fireplace": 0.9491, "Acc.refrigerator": 0.8282, "Acc.grandstand": 0.8416, "Acc.path": 0.4007, "Acc.stairs": 0.3922, "Acc.runway": 0.9551, "Acc.case": 0.6723, "Acc.pool table": 0.9834, "Acc.pillow": 0.749, "Acc.screen door": 0.8492, "Acc.stairway": 0.5655, "Acc.river": 0.3215, "Acc.bridge": 0.52, "Acc.bookcase": 0.7292, "Acc.blind": 0.6569, "Acc.coffee table": 0.8726, "Acc.toilet": 0.9337, "Acc.flower": 0.599, "Acc.book": 0.6714, "Acc.hill": 0.213, "Acc.bench": 0.7824, "Acc.countertop": 0.8261, "Acc.stove": 0.8828, "Acc.palm": 0.7425, "Acc.kitchen island": 0.6898, "Acc.computer": 0.8952, "Acc.swivel chair": 0.8289, "Acc.boat": 0.8757, "Acc.bar": 0.634, "Acc.arcade machine": 0.8062, "Acc.hovel": 0.638, "Acc.bus": 0.9758, "Acc.towel": 0.8812, "Acc.light": 0.6766, "Acc.truck": 0.6005, "Acc.tower": 0.6213, "Acc.chandelier": 0.8422, "Acc.awning": 0.4173, "Acc.streetlight": 0.428, "Acc.booth": 0.6101, "Acc.television receiver": 0.9007, "Acc.airplane": 0.8378, "Acc.dirt track": 0.0247, "Acc.apparel": 0.733, "Acc.pole": 0.3198, "Acc.land": 0.0793, "Acc.bannister": 0.2163, "Acc.escalator": 0.8207, "Acc.ottoman": 0.7255, "Acc.bottle": 0.6501, "Acc.buffet": 0.6849, "Acc.poster": 0.5131, "Acc.stage": 0.3551, "Acc.van": 0.5905, "Acc.ship": 0.9517, "Acc.fountain": 0.318, "Acc.conveyer belt": 0.9582, "Acc.canopy": 0.5271, "Acc.washer": 0.7606, "Acc.plaything": 0.6059, "Acc.swimming pool": 0.7629, "Acc.stool": 0.673, "Acc.barrel": 0.8733, "Acc.basket": 0.5222, "Acc.waterfall": 0.5889, "Acc.tent": 0.9803, "Acc.bag": 0.2477, "Acc.minibike": 0.8567, "Acc.cradle": 0.9825, "Acc.oven": 0.6488, "Acc.ball": 0.0712, "Acc.food": 0.7082, "Acc.step": 0.2991, "Acc.tank": 0.6763, "Acc.trade name": 0.2942, "Acc.microwave": 0.9422, "Acc.pot": 0.6446, "Acc.animal": 0.6314, "Acc.bicycle": 0.7871, "Acc.lake": 0.7129, "Acc.dishwasher": 0.7732, "Acc.screen": 0.8642, "Acc.blanket": 0.2588, "Acc.sculpture": 0.8358, "Acc.hood": 0.7192, "Acc.sconce": 0.6586, "Acc.vase": 0.6087, "Acc.traffic light": 0.5211, "Acc.tray": 0.1016, "Acc.ashcan": 0.6301, "Acc.fan": 0.8268, "Acc.pier": 0.7824, "Acc.crt screen": 0.1659, "Acc.plate": 0.8176, "Acc.monitor": 0.2204, "Acc.bulletin board": 0.7743, "Acc.shower": 0.0028, "Acc.radiator": 0.7468, "Acc.glass": 0.1694, "Acc.clock": 0.48, "Acc.flag": 0.5908} {"mode": "train", "epoch": 54, "iter": 67050, "lr": 0.0, "memory": 14793, "data_time": 2.10492, "decode.loss_ce": 0.24961, "decode.acc_seg": 89.45988, "aux.loss_ce": 0.18107, "aux.acc_seg": 83.05419, "loss": 0.43068, "grad_norm": 10.4655, "time": 2.51826} {"mode": "train", "epoch": 54, "iter": 67100, "lr": 0.0, "memory": 14793, "data_time": 0.00506, "decode.loss_ce": 0.25753, "decode.acc_seg": 89.6229, "aux.loss_ce": 0.18714, "aux.acc_seg": 83.06826, "loss": 0.44468, "grad_norm": 13.86596, "time": 0.41937} {"mode": "train", "epoch": 54, "iter": 67150, "lr": 0.0, "memory": 14793, "data_time": 0.00536, "decode.loss_ce": 0.26632, "decode.acc_seg": 89.12693, "aux.loss_ce": 0.1877, "aux.acc_seg": 82.48747, "loss": 0.45402, "grad_norm": 10.92403, "time": 0.4152} {"mode": "train", "epoch": 54, "iter": 67200, "lr": 0.0, "memory": 14793, "data_time": 0.00501, "decode.loss_ce": 0.25807, "decode.acc_seg": 89.25246, "aux.loss_ce": 0.1826, "aux.acc_seg": 82.51339, "loss": 0.44067, "grad_norm": 10.70409, "time": 0.41615} {"mode": "train", "epoch": 54, "iter": 67250, "lr": 0.0, "memory": 14793, "data_time": 0.00598, "decode.loss_ce": 0.25171, "decode.acc_seg": 89.24076, "aux.loss_ce": 0.18078, "aux.acc_seg": 82.13794, "loss": 0.43249, "grad_norm": 15.12115, "time": 0.42046} {"mode": "train", "epoch": 54, "iter": 67300, "lr": 0.0, "memory": 14793, "data_time": 0.00568, "decode.loss_ce": 0.262, "decode.acc_seg": 89.12433, "aux.loss_ce": 0.19051, "aux.acc_seg": 82.08713, "loss": 0.45251, "grad_norm": 13.26638, "time": 0.41731} {"mode": "train", "epoch": 54, "iter": 67350, "lr": 0.0, "memory": 14793, "data_time": 0.00664, "decode.loss_ce": 0.26904, "decode.acc_seg": 89.22494, "aux.loss_ce": 0.18839, "aux.acc_seg": 82.59811, "loss": 0.45744, "grad_norm": 13.64335, "time": 0.41318} {"mode": "train", "epoch": 54, "iter": 67400, "lr": 0.0, "memory": 14793, "data_time": 0.00522, "decode.loss_ce": 0.28099, "decode.acc_seg": 88.6465, "aux.loss_ce": 0.20041, "aux.acc_seg": 81.40311, "loss": 0.48141, "grad_norm": 16.76315, "time": 0.4114} {"mode": "train", "epoch": 54, "iter": 67450, "lr": 0.0, "memory": 14793, "data_time": 0.0057, "decode.loss_ce": 0.27332, "decode.acc_seg": 88.87653, "aux.loss_ce": 0.18994, "aux.acc_seg": 82.61445, "loss": 0.46327, "grad_norm": 14.79035, "time": 0.40701} {"mode": "train", "epoch": 54, "iter": 67500, "lr": 0.0, "memory": 14793, "data_time": 0.00502, "decode.loss_ce": 0.27106, "decode.acc_seg": 89.06572, "aux.loss_ce": 0.19808, "aux.acc_seg": 81.91056, "loss": 0.46914, "grad_norm": 13.0915, "time": 0.41866} {"mode": "train", "epoch": 54, "iter": 67550, "lr": 0.0, "memory": 14793, "data_time": 0.00519, "decode.loss_ce": 0.25352, "decode.acc_seg": 89.34648, "aux.loss_ce": 0.19352, "aux.acc_seg": 81.83416, "loss": 0.44703, "grad_norm": 11.71785, "time": 0.41901} {"mode": "train", "epoch": 54, "iter": 67600, "lr": 0.0, "memory": 14793, "data_time": 0.00499, "decode.loss_ce": 0.26383, "decode.acc_seg": 88.93731, "aux.loss_ce": 0.19054, "aux.acc_seg": 82.26293, "loss": 0.45437, "grad_norm": 14.84786, "time": 0.41345} {"mode": "train", "epoch": 54, "iter": 67650, "lr": 0.0, "memory": 14793, "data_time": 0.00521, "decode.loss_ce": 0.25445, "decode.acc_seg": 89.50503, "aux.loss_ce": 0.18316, "aux.acc_seg": 82.31786, "loss": 0.43761, "grad_norm": 8.88429, "time": 0.4252} {"mode": "train", "epoch": 54, "iter": 67700, "lr": 0.0, "memory": 14793, "data_time": 0.00504, "decode.loss_ce": 0.27335, "decode.acc_seg": 88.9733, "aux.loss_ce": 0.19245, "aux.acc_seg": 82.0922, "loss": 0.4658, "grad_norm": 16.49543, "time": 0.42141} {"mode": "train", "epoch": 54, "iter": 67750, "lr": 0.0, "memory": 14793, "data_time": 0.00672, "decode.loss_ce": 0.25729, "decode.acc_seg": 89.35838, "aux.loss_ce": 0.18594, "aux.acc_seg": 82.23333, "loss": 0.44323, "grad_norm": 12.0909, "time": 0.41069} {"mode": "train", "epoch": 54, "iter": 67800, "lr": 0.0, "memory": 14793, "data_time": 0.00564, "decode.loss_ce": 0.258, "decode.acc_seg": 89.69341, "aux.loss_ce": 0.18653, "aux.acc_seg": 82.45837, "loss": 0.44453, "grad_norm": 11.59871, "time": 0.41225} {"mode": "train", "epoch": 54, "iter": 67850, "lr": 0.0, "memory": 14793, "data_time": 0.00609, "decode.loss_ce": 0.24456, "decode.acc_seg": 89.55406, "aux.loss_ce": 0.18129, "aux.acc_seg": 82.66803, "loss": 0.42585, "grad_norm": 11.45733, "time": 0.4124} {"mode": "train", "epoch": 54, "iter": 67900, "lr": 0.0, "memory": 14793, "data_time": 0.00631, "decode.loss_ce": 0.26502, "decode.acc_seg": 89.40519, "aux.loss_ce": 0.17652, "aux.acc_seg": 83.42694, "loss": 0.44154, "grad_norm": 13.11504, "time": 0.40544} {"mode": "train", "epoch": 54, "iter": 67950, "lr": 0.0, "memory": 14793, "data_time": 0.00514, "decode.loss_ce": 0.2633, "decode.acc_seg": 88.92851, "aux.loss_ce": 0.19181, "aux.acc_seg": 81.81309, "loss": 0.4551, "grad_norm": 14.33284, "time": 0.41206} {"mode": "train", "epoch": 54, "iter": 68000, "lr": 0.0, "memory": 14793, "data_time": 0.00508, "decode.loss_ce": 0.27522, "decode.acc_seg": 88.68857, "aux.loss_ce": 0.19029, "aux.acc_seg": 82.4659, "loss": 0.46551, "grad_norm": 13.05239, "time": 0.65821} {"mode": "val", "epoch": 54, "iter": 125, "lr": 0.0, "aAcc": 0.8466, "mIoU": 0.539, "mAcc": 0.6705, "IoU.wall": 0.7998, "IoU.building": 0.8337, "IoU.sky": 0.9489, "IoU.floor": 0.8297, "IoU.tree": 0.7602, "IoU.ceiling": 0.8537, "IoU.road": 0.8567, "IoU.bed ": 0.9142, "IoU.windowpane": 0.6514, "IoU.grass": 0.6788, "IoU.cabinet": 0.6281, "IoU.sidewalk": 0.6812, "IoU.person": 0.8348, "IoU.earth": 0.3865, "IoU.door": 0.5644, "IoU.table": 0.6329, "IoU.mountain": 0.5982, "IoU.plant": 0.5371, "IoU.curtain": 0.7793, "IoU.chair": 0.6264, "IoU.car": 0.8621, "IoU.water": 0.5906, "IoU.painting": 0.7428, "IoU.sofa": 0.7278, "IoU.shelf": 0.463, "IoU.house": 0.4737, "IoU.sea": 0.6778, "IoU.mirror": 0.7235, "IoU.rug": 0.6681, "IoU.field": 0.3105, "IoU.armchair": 0.4431, "IoU.seat": 0.6567, "IoU.fence": 0.4733, "IoU.desk": 0.511, "IoU.rock": 0.5059, "IoU.wardrobe": 0.5602, "IoU.lamp": 0.6684, "IoU.bathtub": 0.8009, "IoU.railing": 0.3782, "IoU.cushion": 0.6301, "IoU.base": 0.3701, "IoU.box": 0.3086, "IoU.column": 0.544, "IoU.signboard": 0.3706, "IoU.chest of drawers": 0.3664, "IoU.counter": 0.3224, "IoU.sand": 0.5342, "IoU.sink": 0.7702, "IoU.skyscraper": 0.4949, "IoU.fireplace": 0.6575, "IoU.refrigerator": 0.7516, "IoU.grandstand": 0.4698, "IoU.path": 0.2453, "IoU.stairs": 0.3555, "IoU.runway": 0.6808, "IoU.case": 0.5842, "IoU.pool table": 0.9333, "IoU.pillow": 0.6243, "IoU.screen door": 0.6458, "IoU.stairway": 0.3876, "IoU.river": 0.144, "IoU.bridge": 0.4206, "IoU.bookcase": 0.4297, "IoU.blind": 0.5104, "IoU.coffee table": 0.6086, "IoU.toilet": 0.8647, "IoU.flower": 0.4612, "IoU.book": 0.5029, "IoU.hill": 0.0675, "IoU.bench": 0.6344, "IoU.countertop": 0.5889, "IoU.stove": 0.8145, "IoU.palm": 0.5396, "IoU.kitchen island": 0.363, "IoU.computer": 0.751, "IoU.swivel chair": 0.5654, "IoU.boat": 0.6933, "IoU.bar": 0.4849, "IoU.arcade machine": 0.7137, "IoU.hovel": 0.501, "IoU.bus": 0.9228, "IoU.towel": 0.7, "IoU.light": 0.5537, "IoU.truck": 0.4385, "IoU.tower": 0.2351, "IoU.chandelier": 0.6942, "IoU.awning": 0.3449, "IoU.streetlight": 0.3012, "IoU.booth": 0.4164, "IoU.television receiver": 0.7781, "IoU.airplane": 0.702, "IoU.dirt track": 0.054, "IoU.apparel": 0.61, "IoU.pole": 0.2251, "IoU.land": 0.0581, "IoU.bannister": 0.1516, "IoU.escalator": 0.528, "IoU.ottoman": 0.5364, "IoU.bottle": 0.404, "IoU.buffet": 0.5329, "IoU.poster": 0.3511, "IoU.stage": 0.2377, "IoU.van": 0.4605, "IoU.ship": 0.8063, "IoU.fountain": 0.2678, "IoU.conveyer belt": 0.8, "IoU.canopy": 0.471, "IoU.washer": 0.7331, "IoU.plaything": 0.3738, "IoU.swimming pool": 0.6113, "IoU.stool": 0.4458, "IoU.barrel": 0.586, "IoU.basket": 0.3919, "IoU.waterfall": 0.7343, "IoU.tent": 0.9532, "IoU.bag": 0.1922, "IoU.minibike": 0.7041, "IoU.cradle": 0.777, "IoU.oven": 0.4168, "IoU.ball": 0.4162, "IoU.food": 0.5624, "IoU.step": 0.2147, "IoU.tank": 0.6227, "IoU.trade name": 0.2963, "IoU.microwave": 0.7587, "IoU.pot": 0.4856, "IoU.animal": 0.6052, "IoU.bicycle": 0.5809, "IoU.lake": 0.5384, "IoU.dishwasher": 0.6736, "IoU.screen": 0.5699, "IoU.blanket": 0.1828, "IoU.sculpture": 0.6773, "IoU.hood": 0.6791, "IoU.sconce": 0.5051, "IoU.vase": 0.4281, "IoU.traffic light": 0.3303, "IoU.tray": 0.0482, "IoU.ashcan": 0.4936, "IoU.fan": 0.6454, "IoU.pier": 0.4869, "IoU.crt screen": 0.0548, "IoU.plate": 0.5402, "IoU.monitor": 0.2327, "IoU.bulletin board": 0.5995, "IoU.shower": 0.0, "IoU.radiator": 0.638, "IoU.glass": 0.1542, "IoU.clock": 0.4166, "IoU.flag": 0.5669, "Acc.wall": 0.8869, "Acc.building": 0.9267, "Acc.sky": 0.9784, "Acc.floor": 0.9016, "Acc.tree": 0.8783, "Acc.ceiling": 0.9319, "Acc.road": 0.9111, "Acc.bed ": 0.9669, "Acc.windowpane": 0.784, "Acc.grass": 0.8003, "Acc.cabinet": 0.7096, "Acc.sidewalk": 0.8267, "Acc.person": 0.9339, "Acc.earth": 0.5465, "Acc.door": 0.7406, "Acc.table": 0.7548, "Acc.mountain": 0.7687, "Acc.plant": 0.6543, "Acc.curtain": 0.876, "Acc.chair": 0.7428, "Acc.car": 0.9351, "Acc.water": 0.7261, "Acc.painting": 0.8884, "Acc.sofa": 0.8978, "Acc.shelf": 0.6603, "Acc.house": 0.6902, "Acc.sea": 0.9151, "Acc.mirror": 0.8014, "Acc.rug": 0.7978, "Acc.field": 0.4761, "Acc.armchair": 0.5908, "Acc.seat": 0.816, "Acc.fence": 0.6471, "Acc.desk": 0.7347, "Acc.rock": 0.6947, "Acc.wardrobe": 0.7343, "Acc.lamp": 0.7996, "Acc.bathtub": 0.8596, "Acc.railing": 0.5101, "Acc.cushion": 0.736, "Acc.base": 0.5183, "Acc.box": 0.3703, "Acc.column": 0.6226, "Acc.signboard": 0.4894, "Acc.chest of drawers": 0.7466, "Acc.counter": 0.3912, "Acc.sand": 0.7217, "Acc.sink": 0.8308, "Acc.skyscraper": 0.5955, "Acc.fireplace": 0.9546, "Acc.refrigerator": 0.8209, "Acc.grandstand": 0.8566, "Acc.path": 0.3812, "Acc.stairs": 0.481, "Acc.runway": 0.8938, "Acc.case": 0.7841, "Acc.pool table": 0.9811, "Acc.pillow": 0.7668, "Acc.screen door": 0.8962, "Acc.stairway": 0.4355, "Acc.river": 0.232, "Acc.bridge": 0.4815, "Acc.bookcase": 0.6159, "Acc.blind": 0.632, "Acc.coffee table": 0.864, "Acc.toilet": 0.9175, "Acc.flower": 0.6173, "Acc.book": 0.7539, "Acc.hill": 0.1365, "Acc.bench": 0.7281, "Acc.countertop": 0.8046, "Acc.stove": 0.8945, "Acc.palm": 0.729, "Acc.kitchen island": 0.857, "Acc.computer": 0.9004, "Acc.swivel chair": 0.7846, "Acc.boat": 0.8751, "Acc.bar": 0.6644, "Acc.arcade machine": 0.7552, "Acc.hovel": 0.7019, "Acc.bus": 0.9711, "Acc.towel": 0.8456, "Acc.light": 0.6446, "Acc.truck": 0.5737, "Acc.tower": 0.4195, "Acc.chandelier": 0.8328, "Acc.awning": 0.4381, "Acc.streetlight": 0.4023, "Acc.booth": 0.5436, "Acc.television receiver": 0.8588, "Acc.airplane": 0.7717, "Acc.dirt track": 0.1026, "Acc.apparel": 0.8275, "Acc.pole": 0.2801, "Acc.land": 0.0744, "Acc.bannister": 0.193, "Acc.escalator": 0.805, "Acc.ottoman": 0.7458, "Acc.bottle": 0.6073, "Acc.buffet": 0.6483, "Acc.poster": 0.4737, "Acc.stage": 0.372, "Acc.van": 0.5877, "Acc.ship": 0.9136, "Acc.fountain": 0.2734, "Acc.conveyer belt": 0.9389, "Acc.canopy": 0.7236, "Acc.washer": 0.7572, "Acc.plaything": 0.6232, "Acc.swimming pool": 0.7468, "Acc.stool": 0.653, "Acc.barrel": 0.8461, "Acc.basket": 0.5294, "Acc.waterfall": 0.8866, "Acc.tent": 0.9826, "Acc.bag": 0.2214, "Acc.minibike": 0.8549, "Acc.cradle": 0.982, "Acc.oven": 0.6434, "Acc.ball": 0.4512, "Acc.food": 0.6965, "Acc.step": 0.2683, "Acc.tank": 0.6764, "Acc.trade name": 0.3544, "Acc.microwave": 0.8692, "Acc.pot": 0.5599, "Acc.animal": 0.62, "Acc.bicycle": 0.7488, "Acc.lake": 0.7119, "Acc.dishwasher": 0.7835, "Acc.screen": 0.8547, "Acc.blanket": 0.2128, "Acc.sculpture": 0.8483, "Acc.hood": 0.7615, "Acc.sconce": 0.6146, "Acc.vase": 0.5836, "Acc.traffic light": 0.4525, "Acc.tray": 0.0664, "Acc.ashcan": 0.6235, "Acc.fan": 0.7877, "Acc.pier": 0.6886, "Acc.crt screen": 0.1217, "Acc.plate": 0.8071, "Acc.monitor": 0.2575, "Acc.bulletin board": 0.6822, "Acc.shower": 0.0, "Acc.radiator": 0.7209, "Acc.glass": 0.1638, "Acc.clock": 0.4708, "Acc.flag": 0.6026} {"mode": "train", "epoch": 54, "iter": 68050, "lr": 0.0, "memory": 14793, "data_time": 2.05033, "decode.loss_ce": 0.26338, "decode.acc_seg": 89.31156, "aux.loss_ce": 0.18825, "aux.acc_seg": 82.30577, "loss": 0.45163, "grad_norm": 12.16298, "time": 2.47064} {"mode": "train", "epoch": 54, "iter": 68100, "lr": 0.0, "memory": 14793, "data_time": 0.00558, "decode.loss_ce": 0.2605, "decode.acc_seg": 89.13509, "aux.loss_ce": 0.1798, "aux.acc_seg": 82.69147, "loss": 0.4403, "grad_norm": 11.61866, "time": 0.41969} {"mode": "train", "epoch": 54, "iter": 68150, "lr": 0.0, "memory": 14793, "data_time": 0.00617, "decode.loss_ce": 0.26825, "decode.acc_seg": 89.00486, "aux.loss_ce": 0.19844, "aux.acc_seg": 81.52186, "loss": 0.46669, "grad_norm": 13.15194, "time": 0.4225} {"mode": "train", "epoch": 54, "iter": 68200, "lr": 0.0, "memory": 14793, "data_time": 0.0067, "decode.loss_ce": 0.25635, "decode.acc_seg": 89.24515, "aux.loss_ce": 0.18495, "aux.acc_seg": 82.0812, "loss": 0.4413, "grad_norm": 11.53412, "time": 0.41952} {"mode": "train", "epoch": 54, "iter": 68250, "lr": 0.0, "memory": 14793, "data_time": 0.00557, "decode.loss_ce": 0.28307, "decode.acc_seg": 88.5777, "aux.loss_ce": 0.19228, "aux.acc_seg": 82.00892, "loss": 0.47535, "grad_norm": 13.24821, "time": 0.41182} {"mode": "train", "epoch": 55, "iter": 68300, "lr": 0.0, "memory": 14793, "data_time": 0.05626, "decode.loss_ce": 0.2664, "decode.acc_seg": 88.87207, "aux.loss_ce": 0.18266, "aux.acc_seg": 82.61617, "loss": 0.44906, "grad_norm": 13.78826, "time": 0.46546} {"mode": "train", "epoch": 55, "iter": 68350, "lr": 0.0, "memory": 14793, "data_time": 0.00571, "decode.loss_ce": 0.26218, "decode.acc_seg": 89.16666, "aux.loss_ce": 0.19618, "aux.acc_seg": 81.61729, "loss": 0.45836, "grad_norm": 14.50817, "time": 0.41774} {"mode": "train", "epoch": 55, "iter": 68400, "lr": 0.0, "memory": 14793, "data_time": 0.00548, "decode.loss_ce": 0.26608, "decode.acc_seg": 89.09105, "aux.loss_ce": 0.19374, "aux.acc_seg": 81.69873, "loss": 0.45982, "grad_norm": 12.48581, "time": 0.41869} {"mode": "train", "epoch": 55, "iter": 68450, "lr": 0.0, "memory": 14793, "data_time": 0.00568, "decode.loss_ce": 0.25755, "decode.acc_seg": 89.76594, "aux.loss_ce": 0.18408, "aux.acc_seg": 82.81275, "loss": 0.44163, "grad_norm": 20.79588, "time": 0.41648} {"mode": "train", "epoch": 55, "iter": 68500, "lr": 0.0, "memory": 14793, "data_time": 0.00597, "decode.loss_ce": 0.25277, "decode.acc_seg": 89.45414, "aux.loss_ce": 0.1833, "aux.acc_seg": 82.46233, "loss": 0.43606, "grad_norm": 10.56983, "time": 0.41944} {"mode": "train", "epoch": 55, "iter": 68550, "lr": 0.0, "memory": 14793, "data_time": 0.00568, "decode.loss_ce": 0.27277, "decode.acc_seg": 88.84692, "aux.loss_ce": 0.19631, "aux.acc_seg": 81.59456, "loss": 0.46908, "grad_norm": 12.00138, "time": 0.41999} {"mode": "train", "epoch": 55, "iter": 68600, "lr": 0.0, "memory": 14793, "data_time": 0.00714, "decode.loss_ce": 0.26026, "decode.acc_seg": 89.10344, "aux.loss_ce": 0.19007, "aux.acc_seg": 82.0633, "loss": 0.45033, "grad_norm": 12.36293, "time": 0.412} {"mode": "train", "epoch": 55, "iter": 68650, "lr": 0.0, "memory": 14793, "data_time": 0.00549, "decode.loss_ce": 0.28133, "decode.acc_seg": 88.68081, "aux.loss_ce": 0.19588, "aux.acc_seg": 81.8224, "loss": 0.47722, "grad_norm": 17.08373, "time": 0.40813} {"mode": "train", "epoch": 55, "iter": 68700, "lr": 0.0, "memory": 14793, "data_time": 0.00573, "decode.loss_ce": 0.26404, "decode.acc_seg": 89.10799, "aux.loss_ce": 0.17918, "aux.acc_seg": 82.93052, "loss": 0.44322, "grad_norm": 12.15188, "time": 0.41883} {"mode": "train", "epoch": 55, "iter": 68750, "lr": 0.0, "memory": 14793, "data_time": 0.00644, "decode.loss_ce": 0.27393, "decode.acc_seg": 88.80271, "aux.loss_ce": 0.1896, "aux.acc_seg": 82.41456, "loss": 0.46352, "grad_norm": 15.40823, "time": 0.41728} {"mode": "train", "epoch": 55, "iter": 68800, "lr": 0.0, "memory": 14793, "data_time": 0.00595, "decode.loss_ce": 0.26092, "decode.acc_seg": 88.77805, "aux.loss_ce": 0.182, "aux.acc_seg": 82.67916, "loss": 0.44291, "grad_norm": 12.75648, "time": 0.41726} {"mode": "train", "epoch": 55, "iter": 68850, "lr": 0.0, "memory": 14793, "data_time": 0.00582, "decode.loss_ce": 0.27537, "decode.acc_seg": 88.80892, "aux.loss_ce": 0.19462, "aux.acc_seg": 81.84232, "loss": 0.46999, "grad_norm": 12.40616, "time": 0.41454} {"mode": "train", "epoch": 55, "iter": 68900, "lr": 0.0, "memory": 14793, "data_time": 0.00521, "decode.loss_ce": 0.27156, "decode.acc_seg": 89.16089, "aux.loss_ce": 0.18513, "aux.acc_seg": 82.72969, "loss": 0.45669, "grad_norm": 13.58127, "time": 0.42274} {"mode": "train", "epoch": 55, "iter": 68950, "lr": 0.0, "memory": 14793, "data_time": 0.00503, "decode.loss_ce": 0.26988, "decode.acc_seg": 89.25629, "aux.loss_ce": 0.19488, "aux.acc_seg": 82.11854, "loss": 0.46476, "grad_norm": 12.11873, "time": 0.42374} {"mode": "train", "epoch": 55, "iter": 69000, "lr": 0.0, "memory": 14793, "data_time": 0.00556, "decode.loss_ce": 0.27413, "decode.acc_seg": 89.1411, "aux.loss_ce": 0.19593, "aux.acc_seg": 82.082, "loss": 0.47006, "grad_norm": 11.1849, "time": 0.64329} {"mode": "val", "epoch": 55, "iter": 125, "lr": 0.0, "aAcc": 0.8457, "mIoU": 0.5374, "mAcc": 0.667, "IoU.wall": 0.7993, "IoU.building": 0.8324, "IoU.sky": 0.9488, "IoU.floor": 0.8301, "IoU.tree": 0.756, "IoU.ceiling": 0.8512, "IoU.road": 0.8481, "IoU.bed ": 0.9121, "IoU.windowpane": 0.6414, "IoU.grass": 0.6726, "IoU.cabinet": 0.6495, "IoU.sidewalk": 0.6591, "IoU.person": 0.8307, "IoU.earth": 0.3876, "IoU.door": 0.5513, "IoU.table": 0.6443, "IoU.mountain": 0.602, "IoU.plant": 0.5256, "IoU.curtain": 0.7673, "IoU.chair": 0.6265, "IoU.car": 0.8626, "IoU.water": 0.6235, "IoU.painting": 0.7213, "IoU.sofa": 0.7396, "IoU.shelf": 0.4688, "IoU.house": 0.4874, "IoU.sea": 0.7181, "IoU.mirror": 0.7153, "IoU.rug": 0.6786, "IoU.field": 0.3146, "IoU.armchair": 0.4582, "IoU.seat": 0.6663, "IoU.fence": 0.4753, "IoU.desk": 0.5384, "IoU.rock": 0.4947, "IoU.wardrobe": 0.54, "IoU.lamp": 0.6703, "IoU.bathtub": 0.8176, "IoU.railing": 0.3816, "IoU.cushion": 0.6252, "IoU.base": 0.2842, "IoU.box": 0.3322, "IoU.column": 0.5272, "IoU.signboard": 0.3673, "IoU.chest of drawers": 0.4137, "IoU.counter": 0.3126, "IoU.sand": 0.5279, "IoU.sink": 0.8043, "IoU.skyscraper": 0.5181, "IoU.fireplace": 0.6511, "IoU.refrigerator": 0.7413, "IoU.grandstand": 0.4778, "IoU.path": 0.2504, "IoU.stairs": 0.3448, "IoU.runway": 0.6675, "IoU.case": 0.5521, "IoU.pool table": 0.9273, "IoU.pillow": 0.6115, "IoU.screen door": 0.6743, "IoU.stairway": 0.3909, "IoU.river": 0.1649, "IoU.bridge": 0.4516, "IoU.bookcase": 0.431, "IoU.blind": 0.35, "IoU.coffee table": 0.6008, "IoU.toilet": 0.8667, "IoU.flower": 0.4511, "IoU.book": 0.4926, "IoU.hill": 0.0705, "IoU.bench": 0.6293, "IoU.countertop": 0.6268, "IoU.stove": 0.8091, "IoU.palm": 0.5597, "IoU.kitchen island": 0.4155, "IoU.computer": 0.7588, "IoU.swivel chair": 0.4495, "IoU.boat": 0.7392, "IoU.bar": 0.4676, "IoU.arcade machine": 0.7453, "IoU.hovel": 0.5643, "IoU.bus": 0.8995, "IoU.towel": 0.6848, "IoU.light": 0.564, "IoU.truck": 0.4408, "IoU.tower": 0.3294, "IoU.chandelier": 0.6944, "IoU.awning": 0.3213, "IoU.streetlight": 0.3095, "IoU.booth": 0.4005, "IoU.television receiver": 0.7673, "IoU.airplane": 0.6904, "IoU.dirt track": 0.0106, "IoU.apparel": 0.5997, "IoU.pole": 0.2435, "IoU.land": 0.0617, "IoU.bannister": 0.1569, "IoU.escalator": 0.5328, "IoU.ottoman": 0.5534, "IoU.bottle": 0.41, "IoU.buffet": 0.5231, "IoU.poster": 0.3237, "IoU.stage": 0.2072, "IoU.van": 0.4554, "IoU.ship": 0.4743, "IoU.fountain": 0.2644, "IoU.conveyer belt": 0.8076, "IoU.canopy": 0.4404, "IoU.washer": 0.7336, "IoU.plaything": 0.3981, "IoU.swimming pool": 0.6328, "IoU.stool": 0.4666, "IoU.barrel": 0.5541, "IoU.basket": 0.4, "IoU.waterfall": 0.6442, "IoU.tent": 0.9492, "IoU.bag": 0.2216, "IoU.minibike": 0.7164, "IoU.cradle": 0.8289, "IoU.oven": 0.4773, "IoU.ball": 0.5617, "IoU.food": 0.5512, "IoU.step": 0.2169, "IoU.tank": 0.631, "IoU.trade name": 0.2425, "IoU.microwave": 0.8193, "IoU.pot": 0.4959, "IoU.animal": 0.6122, "IoU.bicycle": 0.5893, "IoU.lake": 0.5495, "IoU.dishwasher": 0.6632, "IoU.screen": 0.5515, "IoU.blanket": 0.2149, "IoU.sculpture": 0.6219, "IoU.hood": 0.6523, "IoU.sconce": 0.4937, "IoU.vase": 0.4198, "IoU.traffic light": 0.3477, "IoU.tray": 0.0706, "IoU.ashcan": 0.4629, "IoU.fan": 0.6452, "IoU.pier": 0.6097, "IoU.crt screen": 0.0293, "IoU.plate": 0.5515, "IoU.monitor": 0.177, "IoU.bulletin board": 0.5802, "IoU.shower": 0.0103, "IoU.radiator": 0.6168, "IoU.glass": 0.156, "IoU.clock": 0.4195, "IoU.flag": 0.5097, "Acc.wall": 0.8783, "Acc.building": 0.9183, "Acc.sky": 0.9775, "Acc.floor": 0.8973, "Acc.tree": 0.8991, "Acc.ceiling": 0.9327, "Acc.road": 0.8942, "Acc.bed ": 0.9742, "Acc.windowpane": 0.815, "Acc.grass": 0.8143, "Acc.cabinet": 0.7527, "Acc.sidewalk": 0.8297, "Acc.person": 0.9373, "Acc.earth": 0.5225, "Acc.door": 0.7205, "Acc.table": 0.7932, "Acc.mountain": 0.7304, "Acc.plant": 0.6353, "Acc.curtain": 0.8724, "Acc.chair": 0.7886, "Acc.car": 0.9373, "Acc.water": 0.7937, "Acc.painting": 0.9003, "Acc.sofa": 0.8905, "Acc.shelf": 0.6899, "Acc.house": 0.6948, "Acc.sea": 0.8712, "Acc.mirror": 0.8063, "Acc.rug": 0.8492, "Acc.field": 0.4841, "Acc.armchair": 0.5949, "Acc.seat": 0.8516, "Acc.fence": 0.6377, "Acc.desk": 0.7238, "Acc.rock": 0.7277, "Acc.wardrobe": 0.7351, "Acc.lamp": 0.816, "Acc.bathtub": 0.8697, "Acc.railing": 0.5435, "Acc.cushion": 0.7416, "Acc.base": 0.3683, "Acc.box": 0.4192, "Acc.column": 0.6734, "Acc.signboard": 0.4851, "Acc.chest of drawers": 0.6073, "Acc.counter": 0.4133, "Acc.sand": 0.7259, "Acc.sink": 0.8921, "Acc.skyscraper": 0.6812, "Acc.fireplace": 0.945, "Acc.refrigerator": 0.8301, "Acc.grandstand": 0.8454, "Acc.path": 0.3454, "Acc.stairs": 0.4424, "Acc.runway": 0.8868, "Acc.case": 0.6845, "Acc.pool table": 0.9853, "Acc.pillow": 0.7366, "Acc.screen door": 0.8473, "Acc.stairway": 0.4686, "Acc.river": 0.2852, "Acc.bridge": 0.518, "Acc.bookcase": 0.7191, "Acc.blind": 0.3866, "Acc.coffee table": 0.8704, "Acc.toilet": 0.9224, "Acc.flower": 0.6196, "Acc.book": 0.7218, "Acc.hill": 0.1471, "Acc.bench": 0.7328, "Acc.countertop": 0.7885, "Acc.stove": 0.9014, "Acc.palm": 0.7486, "Acc.kitchen island": 0.7452, "Acc.computer": 0.9031, "Acc.swivel chair": 0.5593, "Acc.boat": 0.8527, "Acc.bar": 0.6656, "Acc.arcade machine": 0.809, "Acc.hovel": 0.647, "Acc.bus": 0.9774, "Acc.towel": 0.8763, "Acc.light": 0.6938, "Acc.truck": 0.586, "Acc.tower": 0.7098, "Acc.chandelier": 0.8501, "Acc.awning": 0.3691, "Acc.streetlight": 0.4349, "Acc.booth": 0.5188, "Acc.television receiver": 0.862, "Acc.airplane": 0.7652, "Acc.dirt track": 0.0171, "Acc.apparel": 0.7598, "Acc.pole": 0.3331, "Acc.land": 0.0826, "Acc.bannister": 0.2111, "Acc.escalator": 0.8295, "Acc.ottoman": 0.7425, "Acc.bottle": 0.6248, "Acc.buffet": 0.6465, "Acc.poster": 0.4318, "Acc.stage": 0.3502, "Acc.van": 0.5951, "Acc.ship": 0.5017, "Acc.fountain": 0.2719, "Acc.conveyer belt": 0.9386, "Acc.canopy": 0.6032, "Acc.washer": 0.7567, "Acc.plaything": 0.6931, "Acc.swimming pool": 0.758, "Acc.stool": 0.6192, "Acc.barrel": 0.8649, "Acc.basket": 0.5181, "Acc.waterfall": 0.7663, "Acc.tent": 0.9838, "Acc.bag": 0.2618, "Acc.minibike": 0.8681, "Acc.cradle": 0.9773, "Acc.oven": 0.6131, "Acc.ball": 0.6666, "Acc.food": 0.6316, "Acc.step": 0.2629, "Acc.tank": 0.6732, "Acc.trade name": 0.2747, "Acc.microwave": 0.9471, "Acc.pot": 0.5821, "Acc.animal": 0.6321, "Acc.bicycle": 0.802, "Acc.lake": 0.6392, "Acc.dishwasher": 0.7484, "Acc.screen": 0.873, "Acc.blanket": 0.259, "Acc.sculpture": 0.8143, "Acc.hood": 0.7027, "Acc.sconce": 0.6131, "Acc.vase": 0.6204, "Acc.traffic light": 0.5192, "Acc.tray": 0.097, "Acc.ashcan": 0.5979, "Acc.fan": 0.8219, "Acc.pier": 0.8394, "Acc.crt screen": 0.0705, "Acc.plate": 0.7458, "Acc.monitor": 0.1913, "Acc.bulletin board": 0.6504, "Acc.shower": 0.0142, "Acc.radiator": 0.7208, "Acc.glass": 0.1673, "Acc.clock": 0.4776, "Acc.flag": 0.5629} {"mode": "train", "epoch": 55, "iter": 69050, "lr": 0.0, "memory": 14793, "data_time": 2.13834, "decode.loss_ce": 0.26809, "decode.acc_seg": 88.93763, "aux.loss_ce": 0.19304, "aux.acc_seg": 81.64958, "loss": 0.46113, "grad_norm": 13.32334, "time": 2.54869} {"mode": "train", "epoch": 55, "iter": 69100, "lr": 0.0, "memory": 14793, "data_time": 0.00633, "decode.loss_ce": 0.27455, "decode.acc_seg": 88.61824, "aux.loss_ce": 0.19273, "aux.acc_seg": 81.53154, "loss": 0.46728, "grad_norm": 12.26284, "time": 0.41894} {"mode": "train", "epoch": 55, "iter": 69150, "lr": 0.0, "memory": 14793, "data_time": 0.00572, "decode.loss_ce": 0.26543, "decode.acc_seg": 88.89706, "aux.loss_ce": 0.19961, "aux.acc_seg": 81.20985, "loss": 0.46505, "grad_norm": 12.23385, "time": 0.41246} {"mode": "train", "epoch": 55, "iter": 69200, "lr": 0.0, "memory": 14793, "data_time": 0.00655, "decode.loss_ce": 0.26205, "decode.acc_seg": 89.33647, "aux.loss_ce": 0.18354, "aux.acc_seg": 82.74931, "loss": 0.44559, "grad_norm": 13.85532, "time": 0.42123} {"mode": "train", "epoch": 55, "iter": 69250, "lr": 0.0, "memory": 14793, "data_time": 0.00654, "decode.loss_ce": 0.25248, "decode.acc_seg": 89.54805, "aux.loss_ce": 0.19173, "aux.acc_seg": 81.93689, "loss": 0.44421, "grad_norm": 13.23125, "time": 0.41383} {"mode": "train", "epoch": 55, "iter": 69300, "lr": 0.0, "memory": 14793, "data_time": 0.00575, "decode.loss_ce": 0.27219, "decode.acc_seg": 89.10858, "aux.loss_ce": 0.19886, "aux.acc_seg": 82.09243, "loss": 0.47105, "grad_norm": 11.7726, "time": 0.41404} {"mode": "train", "epoch": 55, "iter": 69350, "lr": 0.0, "memory": 14793, "data_time": 0.00656, "decode.loss_ce": 0.26368, "decode.acc_seg": 88.79653, "aux.loss_ce": 0.19819, "aux.acc_seg": 81.28382, "loss": 0.46187, "grad_norm": 16.17338, "time": 0.4164} {"mode": "train", "epoch": 55, "iter": 69400, "lr": 0.0, "memory": 14793, "data_time": 0.0057, "decode.loss_ce": 0.24635, "decode.acc_seg": 89.91735, "aux.loss_ce": 0.17956, "aux.acc_seg": 82.58045, "loss": 0.42591, "grad_norm": 10.54594, "time": 0.4123} {"mode": "train", "epoch": 55, "iter": 69450, "lr": 0.0, "memory": 14793, "data_time": 0.00574, "decode.loss_ce": 0.28492, "decode.acc_seg": 88.72976, "aux.loss_ce": 0.19766, "aux.acc_seg": 81.78, "loss": 0.48259, "grad_norm": 11.84784, "time": 0.4091} {"mode": "train", "epoch": 55, "iter": 69500, "lr": 0.0, "memory": 14793, "data_time": 0.00586, "decode.loss_ce": 0.26779, "decode.acc_seg": 88.9948, "aux.loss_ce": 0.18929, "aux.acc_seg": 82.54323, "loss": 0.45708, "grad_norm": 14.95066, "time": 0.40788} {"mode": "train", "epoch": 56, "iter": 69550, "lr": 0.0, "memory": 14793, "data_time": 0.05116, "decode.loss_ce": 0.26527, "decode.acc_seg": 89.08561, "aux.loss_ce": 0.18354, "aux.acc_seg": 82.49378, "loss": 0.44881, "grad_norm": 13.47762, "time": 0.46178} {"mode": "train", "epoch": 56, "iter": 69600, "lr": 0.0, "memory": 14793, "data_time": 0.00549, "decode.loss_ce": 0.27039, "decode.acc_seg": 88.86303, "aux.loss_ce": 0.1827, "aux.acc_seg": 82.7398, "loss": 0.45309, "grad_norm": 14.18493, "time": 0.41478} {"mode": "train", "epoch": 56, "iter": 69650, "lr": 0.0, "memory": 14793, "data_time": 0.00513, "decode.loss_ce": 0.26419, "decode.acc_seg": 88.67058, "aux.loss_ce": 0.18369, "aux.acc_seg": 82.24021, "loss": 0.44789, "grad_norm": 12.82917, "time": 0.41488} {"mode": "train", "epoch": 56, "iter": 69700, "lr": 0.0, "memory": 14793, "data_time": 0.00497, "decode.loss_ce": 0.26655, "decode.acc_seg": 89.13814, "aux.loss_ce": 0.18772, "aux.acc_seg": 82.38474, "loss": 0.45427, "grad_norm": 11.55556, "time": 0.41193} {"mode": "train", "epoch": 56, "iter": 69750, "lr": 0.0, "memory": 14793, "data_time": 0.00505, "decode.loss_ce": 0.26586, "decode.acc_seg": 89.1774, "aux.loss_ce": 0.18444, "aux.acc_seg": 82.61207, "loss": 0.4503, "grad_norm": 12.2696, "time": 0.42203} {"mode": "train", "epoch": 56, "iter": 69800, "lr": 0.0, "memory": 14793, "data_time": 0.00511, "decode.loss_ce": 0.25887, "decode.acc_seg": 89.51045, "aux.loss_ce": 0.18532, "aux.acc_seg": 82.99004, "loss": 0.44419, "grad_norm": 11.04782, "time": 0.42071} {"mode": "train", "epoch": 56, "iter": 69850, "lr": 0.0, "memory": 14793, "data_time": 0.00511, "decode.loss_ce": 0.25803, "decode.acc_seg": 89.29812, "aux.loss_ce": 0.1863, "aux.acc_seg": 82.36317, "loss": 0.44433, "grad_norm": 13.30101, "time": 0.43138} {"mode": "train", "epoch": 56, "iter": 69900, "lr": 0.0, "memory": 14793, "data_time": 0.00518, "decode.loss_ce": 0.26002, "decode.acc_seg": 89.50988, "aux.loss_ce": 0.18625, "aux.acc_seg": 82.61502, "loss": 0.44627, "grad_norm": 12.26952, "time": 0.41146} {"mode": "train", "epoch": 56, "iter": 69950, "lr": 0.0, "memory": 14793, "data_time": 0.00516, "decode.loss_ce": 0.26489, "decode.acc_seg": 88.69524, "aux.loss_ce": 0.18826, "aux.acc_seg": 81.91502, "loss": 0.45314, "grad_norm": 11.59511, "time": 0.41652} {"mode": "train", "epoch": 56, "iter": 70000, "lr": 0.0, "memory": 14793, "data_time": 0.00648, "decode.loss_ce": 0.26576, "decode.acc_seg": 89.16396, "aux.loss_ce": 0.18185, "aux.acc_seg": 83.28942, "loss": 0.4476, "grad_norm": 13.53271, "time": 0.64582} {"mode": "val", "epoch": 56, "iter": 125, "lr": 0.0, "aAcc": 0.8462, "mIoU": 0.5378, "mAcc": 0.6686, "IoU.wall": 0.8019, "IoU.building": 0.8373, "IoU.sky": 0.9483, "IoU.floor": 0.8219, "IoU.tree": 0.7577, "IoU.ceiling": 0.8514, "IoU.road": 0.8517, "IoU.bed ": 0.9145, "IoU.windowpane": 0.6386, "IoU.grass": 0.6718, "IoU.cabinet": 0.6363, "IoU.sidewalk": 0.6609, "IoU.person": 0.8324, "IoU.earth": 0.3882, "IoU.door": 0.578, "IoU.table": 0.6449, "IoU.mountain": 0.608, "IoU.plant": 0.5178, "IoU.curtain": 0.7581, "IoU.chair": 0.6298, "IoU.car": 0.8654, "IoU.water": 0.6122, "IoU.painting": 0.733, "IoU.sofa": 0.7378, "IoU.shelf": 0.439, "IoU.house": 0.4838, "IoU.sea": 0.7169, "IoU.mirror": 0.7249, "IoU.rug": 0.67, "IoU.field": 0.302, "IoU.armchair": 0.4743, "IoU.seat": 0.6584, "IoU.fence": 0.4772, "IoU.desk": 0.5079, "IoU.rock": 0.5254, "IoU.wardrobe": 0.5566, "IoU.lamp": 0.6711, "IoU.bathtub": 0.8118, "IoU.railing": 0.3701, "IoU.cushion": 0.6289, "IoU.base": 0.3641, "IoU.box": 0.3498, "IoU.column": 0.5311, "IoU.signboard": 0.3828, "IoU.chest of drawers": 0.3889, "IoU.counter": 0.3398, "IoU.sand": 0.5277, "IoU.sink": 0.7892, "IoU.skyscraper": 0.5993, "IoU.fireplace": 0.6561, "IoU.refrigerator": 0.7331, "IoU.grandstand": 0.4309, "IoU.path": 0.2581, "IoU.stairs": 0.3572, "IoU.runway": 0.65, "IoU.case": 0.5806, "IoU.pool table": 0.9316, "IoU.pillow": 0.6089, "IoU.screen door": 0.6623, "IoU.stairway": 0.4394, "IoU.river": 0.1085, "IoU.bridge": 0.476, "IoU.bookcase": 0.4174, "IoU.blind": 0.412, "IoU.coffee table": 0.6217, "IoU.toilet": 0.8724, "IoU.flower": 0.4528, "IoU.book": 0.4907, "IoU.hill": 0.079, "IoU.bench": 0.6287, "IoU.countertop": 0.6224, "IoU.stove": 0.8133, "IoU.palm": 0.5641, "IoU.kitchen island": 0.3481, "IoU.computer": 0.7604, "IoU.swivel chair": 0.5665, "IoU.boat": 0.7108, "IoU.bar": 0.489, "IoU.arcade machine": 0.7283, "IoU.hovel": 0.5014, "IoU.bus": 0.9201, "IoU.towel": 0.6861, "IoU.light": 0.5595, "IoU.truck": 0.4527, "IoU.tower": 0.3049, "IoU.chandelier": 0.6936, "IoU.awning": 0.3353, "IoU.streetlight": 0.3088, "IoU.booth": 0.3505, "IoU.television receiver": 0.7633, "IoU.airplane": 0.7492, "IoU.dirt track": 0.0419, "IoU.apparel": 0.5647, "IoU.pole": 0.2225, "IoU.land": 0.0457, "IoU.bannister": 0.1584, "IoU.escalator": 0.5286, "IoU.ottoman": 0.5433, "IoU.bottle": 0.4165, "IoU.buffet": 0.4881, "IoU.poster": 0.3353, "IoU.stage": 0.2362, "IoU.van": 0.4865, "IoU.ship": 0.4609, "IoU.fountain": 0.2608, "IoU.conveyer belt": 0.7809, "IoU.canopy": 0.4057, "IoU.washer": 0.7398, "IoU.plaything": 0.3945, "IoU.swimming pool": 0.686, "IoU.stool": 0.4646, "IoU.barrel": 0.5027, "IoU.basket": 0.3979, "IoU.waterfall": 0.697, "IoU.tent": 0.9335, "IoU.bag": 0.19, "IoU.minibike": 0.7233, "IoU.cradle": 0.8203, "IoU.oven": 0.4987, "IoU.ball": 0.5594, "IoU.food": 0.5241, "IoU.step": 0.188, "IoU.tank": 0.6169, "IoU.trade name": 0.2707, "IoU.microwave": 0.8153, "IoU.pot": 0.5109, "IoU.animal": 0.6134, "IoU.bicycle": 0.581, "IoU.lake": 0.5446, "IoU.dishwasher": 0.6566, "IoU.screen": 0.5279, "IoU.blanket": 0.2357, "IoU.sculpture": 0.6775, "IoU.hood": 0.6436, "IoU.sconce": 0.4937, "IoU.vase": 0.4402, "IoU.traffic light": 0.3386, "IoU.tray": 0.0361, "IoU.ashcan": 0.474, "IoU.fan": 0.6466, "IoU.pier": 0.5272, "IoU.crt screen": 0.0436, "IoU.plate": 0.557, "IoU.monitor": 0.1237, "IoU.bulletin board": 0.6332, "IoU.shower": 0.0006, "IoU.radiator": 0.6119, "IoU.glass": 0.1575, "IoU.clock": 0.4209, "IoU.flag": 0.4896, "Acc.wall": 0.8897, "Acc.building": 0.924, "Acc.sky": 0.9771, "Acc.floor": 0.8912, "Acc.tree": 0.8947, "Acc.ceiling": 0.9151, "Acc.road": 0.9002, "Acc.bed ": 0.9702, "Acc.windowpane": 0.778, "Acc.grass": 0.8129, "Acc.cabinet": 0.7436, "Acc.sidewalk": 0.8353, "Acc.person": 0.926, "Acc.earth": 0.5323, "Acc.door": 0.7744, "Acc.table": 0.7792, "Acc.mountain": 0.7231, "Acc.plant": 0.6234, "Acc.curtain": 0.8729, "Acc.chair": 0.7744, "Acc.car": 0.9327, "Acc.water": 0.7512, "Acc.painting": 0.8843, "Acc.sofa": 0.8886, "Acc.shelf": 0.5806, "Acc.house": 0.6587, "Acc.sea": 0.8521, "Acc.mirror": 0.8093, "Acc.rug": 0.8775, "Acc.field": 0.4824, "Acc.armchair": 0.6412, "Acc.seat": 0.8427, "Acc.fence": 0.631, "Acc.desk": 0.7489, "Acc.rock": 0.7753, "Acc.wardrobe": 0.701, "Acc.lamp": 0.7947, "Acc.bathtub": 0.8557, "Acc.railing": 0.523, "Acc.cushion": 0.7506, "Acc.base": 0.5002, "Acc.box": 0.4734, "Acc.column": 0.6067, "Acc.signboard": 0.4986, "Acc.chest of drawers": 0.6932, "Acc.counter": 0.3997, "Acc.sand": 0.7305, "Acc.sink": 0.8716, "Acc.skyscraper": 0.7449, "Acc.fireplace": 0.9481, "Acc.refrigerator": 0.8381, "Acc.grandstand": 0.8868, "Acc.path": 0.3608, "Acc.stairs": 0.4681, "Acc.runway": 0.9083, "Acc.case": 0.8436, "Acc.pool table": 0.9797, "Acc.pillow": 0.717, "Acc.screen door": 0.8632, "Acc.stairway": 0.5047, "Acc.river": 0.2557, "Acc.bridge": 0.5728, "Acc.bookcase": 0.7168, "Acc.blind": 0.4668, "Acc.coffee table": 0.8322, "Acc.toilet": 0.9324, "Acc.flower": 0.6054, "Acc.book": 0.6596, "Acc.hill": 0.1226, "Acc.bench": 0.7466, "Acc.countertop": 0.786, "Acc.stove": 0.8886, "Acc.palm": 0.7931, "Acc.kitchen island": 0.6213, "Acc.computer": 0.9071, "Acc.swivel chair": 0.753, "Acc.boat": 0.8677, "Acc.bar": 0.6463, "Acc.arcade machine": 0.7638, "Acc.hovel": 0.6195, "Acc.bus": 0.9748, "Acc.towel": 0.8481, "Acc.light": 0.6447, "Acc.truck": 0.5833, "Acc.tower": 0.6215, "Acc.chandelier": 0.8562, "Acc.awning": 0.3942, "Acc.streetlight": 0.3985, "Acc.booth": 0.4855, "Acc.television receiver": 0.8571, "Acc.airplane": 0.8271, "Acc.dirt track": 0.0846, "Acc.apparel": 0.7138, "Acc.pole": 0.28, "Acc.land": 0.0867, "Acc.bannister": 0.2048, "Acc.escalator": 0.8481, "Acc.ottoman": 0.6986, "Acc.bottle": 0.6756, "Acc.buffet": 0.6031, "Acc.poster": 0.4243, "Acc.stage": 0.4148, "Acc.van": 0.6424, "Acc.ship": 0.5107, "Acc.fountain": 0.2765, "Acc.conveyer belt": 0.9461, "Acc.canopy": 0.6409, "Acc.washer": 0.7594, "Acc.plaything": 0.5346, "Acc.swimming pool": 0.7165, "Acc.stool": 0.6592, "Acc.barrel": 0.8707, "Acc.basket": 0.5181, "Acc.waterfall": 0.8513, "Acc.tent": 0.9857, "Acc.bag": 0.2228, "Acc.minibike": 0.8768, "Acc.cradle": 0.9791, "Acc.oven": 0.6461, "Acc.ball": 0.6582, "Acc.food": 0.6463, "Acc.step": 0.2354, "Acc.tank": 0.675, "Acc.trade name": 0.3138, "Acc.microwave": 0.9645, "Acc.pot": 0.5966, "Acc.animal": 0.6329, "Acc.bicycle": 0.7532, "Acc.lake": 0.7084, "Acc.dishwasher": 0.7731, "Acc.screen": 0.8885, "Acc.blanket": 0.2786, "Acc.sculpture": 0.8186, "Acc.hood": 0.6807, "Acc.sconce": 0.5927, "Acc.vase": 0.5903, "Acc.traffic light": 0.5853, "Acc.tray": 0.042, "Acc.ashcan": 0.6132, "Acc.fan": 0.7842, "Acc.pier": 0.7081, "Acc.crt screen": 0.116, "Acc.plate": 0.782, "Acc.monitor": 0.1384, "Acc.bulletin board": 0.7443, "Acc.shower": 0.0015, "Acc.radiator": 0.7181, "Acc.glass": 0.1683, "Acc.clock": 0.4738, "Acc.flag": 0.5299} {"mode": "train", "epoch": 56, "iter": 70050, "lr": 0.0, "memory": 14793, "data_time": 2.19097, "decode.loss_ce": 0.27205, "decode.acc_seg": 89.119, "aux.loss_ce": 0.19696, "aux.acc_seg": 81.78566, "loss": 0.46901, "grad_norm": 10.8962, "time": 2.59669} {"mode": "train", "epoch": 56, "iter": 70100, "lr": 0.0, "memory": 14793, "data_time": 0.00567, "decode.loss_ce": 0.25762, "decode.acc_seg": 89.08616, "aux.loss_ce": 0.1867, "aux.acc_seg": 82.14707, "loss": 0.44432, "grad_norm": 11.18753, "time": 0.42362} {"mode": "train", "epoch": 56, "iter": 70150, "lr": 0.0, "memory": 14793, "data_time": 0.00577, "decode.loss_ce": 0.26013, "decode.acc_seg": 88.87747, "aux.loss_ce": 0.1854, "aux.acc_seg": 82.36692, "loss": 0.44553, "grad_norm": 17.18425, "time": 0.4242} {"mode": "train", "epoch": 56, "iter": 70200, "lr": 0.0, "memory": 14793, "data_time": 0.00595, "decode.loss_ce": 0.25049, "decode.acc_seg": 89.30833, "aux.loss_ce": 0.18224, "aux.acc_seg": 82.11003, "loss": 0.43273, "grad_norm": 13.81883, "time": 0.42055} {"mode": "train", "epoch": 56, "iter": 70250, "lr": 0.0, "memory": 14793, "data_time": 0.00553, "decode.loss_ce": 0.26562, "decode.acc_seg": 88.97296, "aux.loss_ce": 0.18927, "aux.acc_seg": 82.53095, "loss": 0.45489, "grad_norm": 12.73933, "time": 0.41736} {"mode": "train", "epoch": 56, "iter": 70300, "lr": 0.0, "memory": 14793, "data_time": 0.00648, "decode.loss_ce": 0.27597, "decode.acc_seg": 88.91604, "aux.loss_ce": 0.19825, "aux.acc_seg": 81.73462, "loss": 0.47421, "grad_norm": 17.91408, "time": 0.41212} {"mode": "train", "epoch": 56, "iter": 70350, "lr": 0.0, "memory": 14793, "data_time": 0.00588, "decode.loss_ce": 0.24065, "decode.acc_seg": 89.97803, "aux.loss_ce": 0.17214, "aux.acc_seg": 83.36939, "loss": 0.41279, "grad_norm": 12.30447, "time": 0.41341} {"mode": "train", "epoch": 56, "iter": 70400, "lr": 0.0, "memory": 14793, "data_time": 0.00567, "decode.loss_ce": 0.2786, "decode.acc_seg": 88.84344, "aux.loss_ce": 0.20101, "aux.acc_seg": 81.53661, "loss": 0.47961, "grad_norm": 14.11159, "time": 0.40781} {"mode": "train", "epoch": 56, "iter": 70450, "lr": 0.0, "memory": 14793, "data_time": 0.00568, "decode.loss_ce": 0.25623, "decode.acc_seg": 89.37078, "aux.loss_ce": 0.186, "aux.acc_seg": 82.6344, "loss": 0.44223, "grad_norm": 12.28259, "time": 0.41055} {"mode": "train", "epoch": 56, "iter": 70500, "lr": 0.0, "memory": 14793, "data_time": 0.00658, "decode.loss_ce": 0.26866, "decode.acc_seg": 88.91461, "aux.loss_ce": 0.19123, "aux.acc_seg": 81.86324, "loss": 0.45989, "grad_norm": 14.5791, "time": 0.42225} {"mode": "train", "epoch": 56, "iter": 70550, "lr": 0.0, "memory": 14793, "data_time": 0.00585, "decode.loss_ce": 0.2563, "decode.acc_seg": 89.29581, "aux.loss_ce": 0.18406, "aux.acc_seg": 82.59035, "loss": 0.44036, "grad_norm": 19.21118, "time": 0.41723} {"mode": "train", "epoch": 56, "iter": 70600, "lr": 0.0, "memory": 14793, "data_time": 0.00564, "decode.loss_ce": 0.27286, "decode.acc_seg": 89.01822, "aux.loss_ce": 0.1848, "aux.acc_seg": 82.45438, "loss": 0.45766, "grad_norm": 15.59738, "time": 0.41085} {"mode": "train", "epoch": 56, "iter": 70650, "lr": 0.0, "memory": 14793, "data_time": 0.0057, "decode.loss_ce": 0.25793, "decode.acc_seg": 88.82723, "aux.loss_ce": 0.18729, "aux.acc_seg": 81.41325, "loss": 0.44522, "grad_norm": 11.89524, "time": 0.41983} {"mode": "train", "epoch": 56, "iter": 70700, "lr": 0.0, "memory": 14793, "data_time": 0.00566, "decode.loss_ce": 0.2723, "decode.acc_seg": 88.97863, "aux.loss_ce": 0.19599, "aux.acc_seg": 81.64006, "loss": 0.4683, "grad_norm": 12.5091, "time": 0.41352} {"mode": "train", "epoch": 56, "iter": 70750, "lr": 0.0, "memory": 14793, "data_time": 0.00674, "decode.loss_ce": 0.2758, "decode.acc_seg": 88.8148, "aux.loss_ce": 0.19298, "aux.acc_seg": 82.07372, "loss": 0.46878, "grad_norm": 14.25475, "time": 0.41244} {"mode": "train", "epoch": 57, "iter": 70800, "lr": 0.0, "memory": 14793, "data_time": 0.05044, "decode.loss_ce": 0.24105, "decode.acc_seg": 90.13021, "aux.loss_ce": 0.17131, "aux.acc_seg": 83.96437, "loss": 0.41236, "grad_norm": 12.74458, "time": 0.45706} {"mode": "train", "epoch": 57, "iter": 70850, "lr": 0.0, "memory": 14793, "data_time": 0.00534, "decode.loss_ce": 0.26178, "decode.acc_seg": 89.2873, "aux.loss_ce": 0.19321, "aux.acc_seg": 82.05901, "loss": 0.45499, "grad_norm": 13.94808, "time": 0.41215} {"mode": "train", "epoch": 57, "iter": 70900, "lr": 0.0, "memory": 14793, "data_time": 0.00547, "decode.loss_ce": 0.27155, "decode.acc_seg": 89.10441, "aux.loss_ce": 0.19412, "aux.acc_seg": 81.66305, "loss": 0.46566, "grad_norm": 14.87697, "time": 0.41328} {"mode": "train", "epoch": 57, "iter": 70950, "lr": 0.0, "memory": 14793, "data_time": 0.00516, "decode.loss_ce": 0.26533, "decode.acc_seg": 88.92397, "aux.loss_ce": 0.18582, "aux.acc_seg": 82.68021, "loss": 0.45115, "grad_norm": 13.23655, "time": 0.42231} {"mode": "train", "epoch": 57, "iter": 71000, "lr": 0.0, "memory": 14793, "data_time": 0.00528, "decode.loss_ce": 0.26407, "decode.acc_seg": 89.39577, "aux.loss_ce": 0.19884, "aux.acc_seg": 81.61176, "loss": 0.46291, "grad_norm": 14.44447, "time": 0.64846} {"mode": "val", "epoch": 57, "iter": 125, "lr": 0.0, "aAcc": 0.847, "mIoU": 0.5454, "mAcc": 0.6852, "IoU.wall": 0.7982, "IoU.building": 0.8338, "IoU.sky": 0.9474, "IoU.floor": 0.8318, "IoU.tree": 0.7684, "IoU.ceiling": 0.8545, "IoU.road": 0.8579, "IoU.bed ": 0.9169, "IoU.windowpane": 0.6514, "IoU.grass": 0.688, "IoU.cabinet": 0.6495, "IoU.sidewalk": 0.6787, "IoU.person": 0.8333, "IoU.earth": 0.3839, "IoU.door": 0.5624, "IoU.table": 0.642, "IoU.mountain": 0.6057, "IoU.plant": 0.5536, "IoU.curtain": 0.7626, "IoU.chair": 0.625, "IoU.car": 0.8626, "IoU.water": 0.5741, "IoU.painting": 0.7435, "IoU.sofa": 0.7335, "IoU.shelf": 0.4497, "IoU.house": 0.4809, "IoU.sea": 0.6736, "IoU.mirror": 0.7086, "IoU.rug": 0.6794, "IoU.field": 0.3018, "IoU.armchair": 0.4638, "IoU.seat": 0.67, "IoU.fence": 0.4851, "IoU.desk": 0.5005, "IoU.rock": 0.5153, "IoU.wardrobe": 0.5423, "IoU.lamp": 0.6735, "IoU.bathtub": 0.8046, "IoU.railing": 0.3753, "IoU.cushion": 0.6377, "IoU.base": 0.2688, "IoU.box": 0.3515, "IoU.column": 0.5231, "IoU.signboard": 0.376, "IoU.chest of drawers": 0.4083, "IoU.counter": 0.3822, "IoU.sand": 0.57, "IoU.sink": 0.752, "IoU.skyscraper": 0.6553, "IoU.fireplace": 0.7008, "IoU.refrigerator": 0.7379, "IoU.grandstand": 0.4504, "IoU.path": 0.2741, "IoU.stairs": 0.3278, "IoU.runway": 0.6926, "IoU.case": 0.5966, "IoU.pool table": 0.9298, "IoU.pillow": 0.6272, "IoU.screen door": 0.6916, "IoU.stairway": 0.4401, "IoU.river": 0.1489, "IoU.bridge": 0.4187, "IoU.bookcase": 0.4085, "IoU.blind": 0.4675, "IoU.coffee table": 0.6142, "IoU.toilet": 0.8727, "IoU.flower": 0.4564, "IoU.book": 0.4599, "IoU.hill": 0.0908, "IoU.bench": 0.6477, "IoU.countertop": 0.6055, "IoU.stove": 0.8269, "IoU.palm": 0.5648, "IoU.kitchen island": 0.4509, "IoU.computer": 0.7415, "IoU.swivel chair": 0.546, "IoU.boat": 0.6815, "IoU.bar": 0.511, "IoU.arcade machine": 0.754, "IoU.hovel": 0.6035, "IoU.bus": 0.8954, "IoU.towel": 0.6984, "IoU.light": 0.5671, "IoU.truck": 0.4267, "IoU.tower": 0.3099, "IoU.chandelier": 0.7068, "IoU.awning": 0.3608, "IoU.streetlight": 0.3212, "IoU.booth": 0.3666, "IoU.television receiver": 0.7703, "IoU.airplane": 0.7452, "IoU.dirt track": 0.1553, "IoU.apparel": 0.5598, "IoU.pole": 0.2503, "IoU.land": 0.0448, "IoU.bannister": 0.1563, "IoU.escalator": 0.5204, "IoU.ottoman": 0.5486, "IoU.bottle": 0.4133, "IoU.buffet": 0.5187, "IoU.poster": 0.3524, "IoU.stage": 0.2355, "IoU.van": 0.4586, "IoU.ship": 0.7719, "IoU.fountain": 0.2816, "IoU.conveyer belt": 0.785, "IoU.canopy": 0.3823, "IoU.washer": 0.7319, "IoU.plaything": 0.4402, "IoU.swimming pool": 0.5978, "IoU.stool": 0.4565, "IoU.barrel": 0.5774, "IoU.basket": 0.3949, "IoU.waterfall": 0.7076, "IoU.tent": 0.9463, "IoU.bag": 0.2024, "IoU.minibike": 0.7219, "IoU.cradle": 0.8353, "IoU.oven": 0.4812, "IoU.ball": 0.4655, "IoU.food": 0.5685, "IoU.step": 0.1945, "IoU.tank": 0.6165, "IoU.trade name": 0.2563, "IoU.microwave": 0.8305, "IoU.pot": 0.5282, "IoU.animal": 0.602, "IoU.bicycle": 0.566, "IoU.lake": 0.5564, "IoU.dishwasher": 0.662, "IoU.screen": 0.5087, "IoU.blanket": 0.2415, "IoU.sculpture": 0.6392, "IoU.hood": 0.6541, "IoU.sconce": 0.505, "IoU.vase": 0.4366, "IoU.traffic light": 0.3533, "IoU.tray": 0.06, "IoU.ashcan": 0.4831, "IoU.fan": 0.6531, "IoU.pier": 0.5605, "IoU.crt screen": 0.0752, "IoU.plate": 0.5405, "IoU.monitor": 0.2241, "IoU.bulletin board": 0.6032, "IoU.shower": 0.0, "IoU.radiator": 0.6161, "IoU.glass": 0.1693, "IoU.clock": 0.4185, "IoU.flag": 0.5699, "Acc.wall": 0.8752, "Acc.building": 0.9093, "Acc.sky": 0.9774, "Acc.floor": 0.901, "Acc.tree": 0.892, "Acc.ceiling": 0.9149, "Acc.road": 0.9168, "Acc.bed ": 0.9695, "Acc.windowpane": 0.8046, "Acc.grass": 0.8041, "Acc.cabinet": 0.7453, "Acc.sidewalk": 0.8189, "Acc.person": 0.9291, "Acc.earth": 0.5463, "Acc.door": 0.7677, "Acc.table": 0.7991, "Acc.mountain": 0.7412, "Acc.plant": 0.6947, "Acc.curtain": 0.8836, "Acc.chair": 0.7695, "Acc.car": 0.9337, "Acc.water": 0.7007, "Acc.painting": 0.8807, "Acc.sofa": 0.8968, "Acc.shelf": 0.6448, "Acc.house": 0.7452, "Acc.sea": 0.9165, "Acc.mirror": 0.7776, "Acc.rug": 0.8147, "Acc.field": 0.4467, "Acc.armchair": 0.6224, "Acc.seat": 0.8253, "Acc.fence": 0.6534, "Acc.desk": 0.7356, "Acc.rock": 0.7483, "Acc.wardrobe": 0.7018, "Acc.lamp": 0.8142, "Acc.bathtub": 0.862, "Acc.railing": 0.5333, "Acc.cushion": 0.7608, "Acc.base": 0.3161, "Acc.box": 0.4748, "Acc.column": 0.685, "Acc.signboard": 0.5394, "Acc.chest of drawers": 0.6432, "Acc.counter": 0.4942, "Acc.sand": 0.8103, "Acc.sink": 0.8043, "Acc.skyscraper": 0.8525, "Acc.fireplace": 0.9364, "Acc.refrigerator": 0.8345, "Acc.grandstand": 0.8487, "Acc.path": 0.4256, "Acc.stairs": 0.4287, "Acc.runway": 0.9228, "Acc.case": 0.7641, "Acc.pool table": 0.9823, "Acc.pillow": 0.7644, "Acc.screen door": 0.8804, "Acc.stairway": 0.5559, "Acc.river": 0.2743, "Acc.bridge": 0.5143, "Acc.bookcase": 0.7251, "Acc.blind": 0.5593, "Acc.coffee table": 0.8523, "Acc.toilet": 0.9238, "Acc.flower": 0.6038, "Acc.book": 0.704, "Acc.hill": 0.175, "Acc.bench": 0.7727, "Acc.countertop": 0.8201, "Acc.stove": 0.889, "Acc.palm": 0.7741, "Acc.kitchen island": 0.7896, "Acc.computer": 0.9147, "Acc.swivel chair": 0.8162, "Acc.boat": 0.8732, "Acc.bar": 0.6635, "Acc.arcade machine": 0.7979, "Acc.hovel": 0.7059, "Acc.bus": 0.9753, "Acc.towel": 0.8522, "Acc.light": 0.7316, "Acc.truck": 0.6117, "Acc.tower": 0.6264, "Acc.chandelier": 0.8345, "Acc.awning": 0.4378, "Acc.streetlight": 0.4696, "Acc.booth": 0.5277, "Acc.television receiver": 0.8533, "Acc.airplane": 0.8364, "Acc.dirt track": 0.2797, "Acc.apparel": 0.7108, "Acc.pole": 0.3621, "Acc.land": 0.0809, "Acc.bannister": 0.229, "Acc.escalator": 0.8146, "Acc.ottoman": 0.7204, "Acc.bottle": 0.6505, "Acc.buffet": 0.6349, "Acc.poster": 0.5118, "Acc.stage": 0.426, "Acc.van": 0.6592, "Acc.ship": 0.9188, "Acc.fountain": 0.2863, "Acc.conveyer belt": 0.9302, "Acc.canopy": 0.5564, "Acc.washer": 0.7604, "Acc.plaything": 0.6117, "Acc.swimming pool": 0.7725, "Acc.stool": 0.6712, "Acc.barrel": 0.8413, "Acc.basket": 0.5478, "Acc.waterfall": 0.8684, "Acc.tent": 0.9858, "Acc.bag": 0.2533, "Acc.minibike": 0.8371, "Acc.cradle": 0.9755, "Acc.oven": 0.5965, "Acc.ball": 0.513, "Acc.food": 0.6396, "Acc.step": 0.2455, "Acc.tank": 0.676, "Acc.trade name": 0.307, "Acc.microwave": 0.9568, "Acc.pot": 0.6393, "Acc.animal": 0.6208, "Acc.bicycle": 0.7154, "Acc.lake": 0.7238, "Acc.dishwasher": 0.8128, "Acc.screen": 0.8159, "Acc.blanket": 0.2902, "Acc.sculpture": 0.838, "Acc.hood": 0.6933, "Acc.sconce": 0.6166, "Acc.vase": 0.6077, "Acc.traffic light": 0.539, "Acc.tray": 0.0832, "Acc.ashcan": 0.6466, "Acc.fan": 0.7895, "Acc.pier": 0.8731, "Acc.crt screen": 0.1895, "Acc.plate": 0.8276, "Acc.monitor": 0.275, "Acc.bulletin board": 0.7769, "Acc.shower": 0.0, "Acc.radiator": 0.7142, "Acc.glass": 0.1877, "Acc.clock": 0.4853, "Acc.flag": 0.6412} {"mode": "train", "epoch": 57, "iter": 71050, "lr": 0.0, "memory": 14793, "data_time": 2.31721, "decode.loss_ce": 0.26119, "decode.acc_seg": 89.67074, "aux.loss_ce": 0.18065, "aux.acc_seg": 83.50114, "loss": 0.44184, "grad_norm": 12.434, "time": 2.73163} {"mode": "train", "epoch": 57, "iter": 71100, "lr": 0.0, "memory": 14793, "data_time": 0.00589, "decode.loss_ce": 0.26568, "decode.acc_seg": 89.26178, "aux.loss_ce": 0.19101, "aux.acc_seg": 82.42062, "loss": 0.4567, "grad_norm": 14.0264, "time": 0.41366} {"mode": "train", "epoch": 57, "iter": 71150, "lr": 0.0, "memory": 14793, "data_time": 0.00666, "decode.loss_ce": 0.28867, "decode.acc_seg": 88.28866, "aux.loss_ce": 0.19823, "aux.acc_seg": 81.18654, "loss": 0.4869, "grad_norm": 14.94823, "time": 0.4141} {"mode": "train", "epoch": 57, "iter": 71200, "lr": 0.0, "memory": 14793, "data_time": 0.0066, "decode.loss_ce": 0.25997, "decode.acc_seg": 89.15987, "aux.loss_ce": 0.1871, "aux.acc_seg": 82.01521, "loss": 0.44707, "grad_norm": 15.7117, "time": 0.42917} {"mode": "train", "epoch": 57, "iter": 71250, "lr": 0.0, "memory": 14793, "data_time": 0.0059, "decode.loss_ce": 0.25773, "decode.acc_seg": 89.21111, "aux.loss_ce": 0.1838, "aux.acc_seg": 82.388, "loss": 0.44153, "grad_norm": 14.48426, "time": 0.41444} {"mode": "train", "epoch": 57, "iter": 71300, "lr": 0.0, "memory": 14793, "data_time": 0.00547, "decode.loss_ce": 0.25303, "decode.acc_seg": 89.84445, "aux.loss_ce": 0.19031, "aux.acc_seg": 82.92285, "loss": 0.44334, "grad_norm": 11.83644, "time": 0.40834} {"mode": "train", "epoch": 57, "iter": 71350, "lr": 0.0, "memory": 14793, "data_time": 0.00572, "decode.loss_ce": 0.26779, "decode.acc_seg": 89.06268, "aux.loss_ce": 0.18868, "aux.acc_seg": 82.5124, "loss": 0.45647, "grad_norm": 16.55949, "time": 0.42016} {"mode": "train", "epoch": 57, "iter": 71400, "lr": 0.0, "memory": 14793, "data_time": 0.00584, "decode.loss_ce": 0.2755, "decode.acc_seg": 89.16005, "aux.loss_ce": 0.19186, "aux.acc_seg": 82.48208, "loss": 0.46736, "grad_norm": 14.55618, "time": 0.41081} {"mode": "train", "epoch": 57, "iter": 71450, "lr": 0.0, "memory": 14793, "data_time": 0.00578, "decode.loss_ce": 0.26386, "decode.acc_seg": 89.16622, "aux.loss_ce": 0.19042, "aux.acc_seg": 81.94997, "loss": 0.45428, "grad_norm": 15.71146, "time": 0.41493} {"mode": "train", "epoch": 57, "iter": 71500, "lr": 0.0, "memory": 14793, "data_time": 0.00587, "decode.loss_ce": 0.25325, "decode.acc_seg": 88.92733, "aux.loss_ce": 0.19862, "aux.acc_seg": 81.04735, "loss": 0.45187, "grad_norm": 12.54965, "time": 0.41942} {"mode": "train", "epoch": 57, "iter": 71550, "lr": 0.0, "memory": 14793, "data_time": 0.00606, "decode.loss_ce": 0.26348, "decode.acc_seg": 89.05779, "aux.loss_ce": 0.18808, "aux.acc_seg": 81.91657, "loss": 0.45156, "grad_norm": 15.87068, "time": 0.40795} {"mode": "train", "epoch": 57, "iter": 71600, "lr": 0.0, "memory": 14793, "data_time": 0.0061, "decode.loss_ce": 0.27322, "decode.acc_seg": 89.10044, "aux.loss_ce": 0.19261, "aux.acc_seg": 82.46847, "loss": 0.46583, "grad_norm": 10.76065, "time": 0.41264} {"mode": "train", "epoch": 57, "iter": 71650, "lr": 0.0, "memory": 14793, "data_time": 0.00654, "decode.loss_ce": 0.26045, "decode.acc_seg": 89.06335, "aux.loss_ce": 0.17966, "aux.acc_seg": 82.27369, "loss": 0.44011, "grad_norm": 14.37095, "time": 0.40994} {"mode": "train", "epoch": 57, "iter": 71700, "lr": 0.0, "memory": 14793, "data_time": 0.0057, "decode.loss_ce": 0.24971, "decode.acc_seg": 89.53536, "aux.loss_ce": 0.18182, "aux.acc_seg": 82.65653, "loss": 0.43152, "grad_norm": 12.03775, "time": 0.40904} {"mode": "train", "epoch": 57, "iter": 71750, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.25882, "decode.acc_seg": 89.46282, "aux.loss_ce": 0.18496, "aux.acc_seg": 82.36705, "loss": 0.44378, "grad_norm": 11.9667, "time": 0.41703} {"mode": "train", "epoch": 57, "iter": 71800, "lr": 0.0, "memory": 14793, "data_time": 0.0054, "decode.loss_ce": 0.25853, "decode.acc_seg": 89.20269, "aux.loss_ce": 0.17914, "aux.acc_seg": 82.92781, "loss": 0.43766, "grad_norm": 13.02854, "time": 0.41901} {"mode": "train", "epoch": 57, "iter": 71850, "lr": 0.0, "memory": 14793, "data_time": 0.00548, "decode.loss_ce": 0.25622, "decode.acc_seg": 89.46546, "aux.loss_ce": 0.18801, "aux.acc_seg": 82.25624, "loss": 0.44423, "grad_norm": 13.64567, "time": 0.41504} {"mode": "train", "epoch": 57, "iter": 71900, "lr": 0.0, "memory": 14793, "data_time": 0.00507, "decode.loss_ce": 0.26826, "decode.acc_seg": 89.17239, "aux.loss_ce": 0.19311, "aux.acc_seg": 82.43411, "loss": 0.46136, "grad_norm": 11.95772, "time": 0.40907} {"mode": "train", "epoch": 57, "iter": 71950, "lr": 0.0, "memory": 14793, "data_time": 0.00756, "decode.loss_ce": 0.25778, "decode.acc_seg": 89.49085, "aux.loss_ce": 0.18774, "aux.acc_seg": 82.59676, "loss": 0.44552, "grad_norm": 11.81698, "time": 0.41489} {"mode": "train", "epoch": 57, "iter": 72000, "lr": 0.0, "memory": 14793, "data_time": 0.00542, "decode.loss_ce": 0.2771, "decode.acc_seg": 88.56526, "aux.loss_ce": 0.19628, "aux.acc_seg": 81.30999, "loss": 0.47338, "grad_norm": 14.54795, "time": 0.6473} {"mode": "val", "epoch": 57, "iter": 125, "lr": 0.0, "aAcc": 0.8462, "mIoU": 0.5407, "mAcc": 0.6724, "IoU.wall": 0.7995, "IoU.building": 0.8326, "IoU.sky": 0.9494, "IoU.floor": 0.8291, "IoU.tree": 0.7609, "IoU.ceiling": 0.8537, "IoU.road": 0.853, "IoU.bed ": 0.9155, "IoU.windowpane": 0.6495, "IoU.grass": 0.6722, "IoU.cabinet": 0.6406, "IoU.sidewalk": 0.6771, "IoU.person": 0.8347, "IoU.earth": 0.3643, "IoU.door": 0.5382, "IoU.table": 0.644, "IoU.mountain": 0.5973, "IoU.plant": 0.5386, "IoU.curtain": 0.7661, "IoU.chair": 0.6162, "IoU.car": 0.8596, "IoU.water": 0.6066, "IoU.painting": 0.7443, "IoU.sofa": 0.7305, "IoU.shelf": 0.4403, "IoU.house": 0.4986, "IoU.sea": 0.668, "IoU.mirror": 0.702, "IoU.rug": 0.6788, "IoU.field": 0.2885, "IoU.armchair": 0.4575, "IoU.seat": 0.6458, "IoU.fence": 0.4773, "IoU.desk": 0.5089, "IoU.rock": 0.5248, "IoU.wardrobe": 0.5015, "IoU.lamp": 0.6711, "IoU.bathtub": 0.8159, "IoU.railing": 0.3894, "IoU.cushion": 0.6308, "IoU.base": 0.3367, "IoU.box": 0.3431, "IoU.column": 0.5351, "IoU.signboard": 0.3654, "IoU.chest of drawers": 0.4198, "IoU.counter": 0.3582, "IoU.sand": 0.5555, "IoU.sink": 0.7553, "IoU.skyscraper": 0.6382, "IoU.fireplace": 0.7453, "IoU.refrigerator": 0.7414, "IoU.grandstand": 0.4707, "IoU.path": 0.2724, "IoU.stairs": 0.3661, "IoU.runway": 0.6796, "IoU.case": 0.6013, "IoU.pool table": 0.9313, "IoU.pillow": 0.6117, "IoU.screen door": 0.6378, "IoU.stairway": 0.3934, "IoU.river": 0.1341, "IoU.bridge": 0.4576, "IoU.bookcase": 0.4463, "IoU.blind": 0.4604, "IoU.coffee table": 0.6066, "IoU.toilet": 0.8721, "IoU.flower": 0.4718, "IoU.book": 0.4682, "IoU.hill": 0.0688, "IoU.bench": 0.6454, "IoU.countertop": 0.5975, "IoU.stove": 0.8285, "IoU.palm": 0.5615, "IoU.kitchen island": 0.4228, "IoU.computer": 0.7329, "IoU.swivel chair": 0.511, "IoU.boat": 0.702, "IoU.bar": 0.5218, "IoU.arcade machine": 0.7365, "IoU.hovel": 0.6002, "IoU.bus": 0.8952, "IoU.towel": 0.6704, "IoU.light": 0.5694, "IoU.truck": 0.4074, "IoU.tower": 0.2663, "IoU.chandelier": 0.6897, "IoU.awning": 0.3275, "IoU.streetlight": 0.3136, "IoU.booth": 0.4108, "IoU.television receiver": 0.7871, "IoU.airplane": 0.761, "IoU.dirt track": 0.1238, "IoU.apparel": 0.5919, "IoU.pole": 0.2332, "IoU.land": 0.0332, "IoU.bannister": 0.1593, "IoU.escalator": 0.5415, "IoU.ottoman": 0.551, "IoU.bottle": 0.4231, "IoU.buffet": 0.5218, "IoU.poster": 0.3614, "IoU.stage": 0.2198, "IoU.van": 0.4021, "IoU.ship": 0.75, "IoU.fountain": 0.2206, "IoU.conveyer belt": 0.822, "IoU.canopy": 0.4251, "IoU.washer": 0.748, "IoU.plaything": 0.3782, "IoU.swimming pool": 0.659, "IoU.stool": 0.4518, "IoU.barrel": 0.5258, "IoU.basket": 0.3969, "IoU.waterfall": 0.6426, "IoU.tent": 0.9454, "IoU.bag": 0.2076, "IoU.minibike": 0.7137, "IoU.cradle": 0.8051, "IoU.oven": 0.463, "IoU.ball": 0.4001, "IoU.food": 0.5626, "IoU.step": 0.2447, "IoU.tank": 0.6248, "IoU.trade name": 0.2243, "IoU.microwave": 0.7955, "IoU.pot": 0.5171, "IoU.animal": 0.5881, "IoU.bicycle": 0.5735, "IoU.lake": 0.5372, "IoU.dishwasher": 0.7082, "IoU.screen": 0.5362, "IoU.blanket": 0.1853, "IoU.sculpture": 0.6527, "IoU.hood": 0.6335, "IoU.sconce": 0.5356, "IoU.vase": 0.4277, "IoU.traffic light": 0.3356, "IoU.tray": 0.0428, "IoU.ashcan": 0.4835, "IoU.fan": 0.6506, "IoU.pier": 0.4909, "IoU.crt screen": 0.0929, "IoU.plate": 0.5611, "IoU.monitor": 0.143, "IoU.bulletin board": 0.62, "IoU.shower": 0.0, "IoU.radiator": 0.6263, "IoU.glass": 0.1524, "IoU.clock": 0.4367, "IoU.flag": 0.5353, "Acc.wall": 0.8803, "Acc.building": 0.9134, "Acc.sky": 0.9748, "Acc.floor": 0.899, "Acc.tree": 0.8987, "Acc.ceiling": 0.9307, "Acc.road": 0.9223, "Acc.bed ": 0.9712, "Acc.windowpane": 0.8125, "Acc.grass": 0.8279, "Acc.cabinet": 0.7453, "Acc.sidewalk": 0.8125, "Acc.person": 0.9237, "Acc.earth": 0.485, "Acc.door": 0.7529, "Acc.table": 0.7953, "Acc.mountain": 0.7435, "Acc.plant": 0.6547, "Acc.curtain": 0.8836, "Acc.chair": 0.731, "Acc.car": 0.9419, "Acc.water": 0.7524, "Acc.painting": 0.8857, "Acc.sofa": 0.9023, "Acc.shelf": 0.6216, "Acc.house": 0.7738, "Acc.sea": 0.8626, "Acc.mirror": 0.7693, "Acc.rug": 0.81, "Acc.field": 0.4269, "Acc.armchair": 0.6091, "Acc.seat": 0.8112, "Acc.fence": 0.638, "Acc.desk": 0.714, "Acc.rock": 0.7753, "Acc.wardrobe": 0.6702, "Acc.lamp": 0.7813, "Acc.bathtub": 0.8598, "Acc.railing": 0.5294, "Acc.cushion": 0.744, "Acc.base": 0.4489, "Acc.box": 0.4397, "Acc.column": 0.6587, "Acc.signboard": 0.514, "Acc.chest of drawers": 0.708, "Acc.counter": 0.446, "Acc.sand": 0.775, "Acc.sink": 0.8058, "Acc.skyscraper": 0.818, "Acc.fireplace": 0.9038, "Acc.refrigerator": 0.8269, "Acc.grandstand": 0.8551, "Acc.path": 0.4088, "Acc.stairs": 0.5031, "Acc.runway": 0.8911, "Acc.case": 0.829, "Acc.pool table": 0.9823, "Acc.pillow": 0.7126, "Acc.screen door": 0.7392, "Acc.stairway": 0.4494, "Acc.river": 0.2571, "Acc.bridge": 0.5566, "Acc.bookcase": 0.7358, "Acc.blind": 0.5404, "Acc.coffee table": 0.8777, "Acc.toilet": 0.9294, "Acc.flower": 0.6477, "Acc.book": 0.6378, "Acc.hill": 0.1082, "Acc.bench": 0.7702, "Acc.countertop": 0.8212, "Acc.stove": 0.8893, "Acc.palm": 0.7523, "Acc.kitchen island": 0.8461, "Acc.computer": 0.9131, "Acc.swivel chair": 0.8311, "Acc.boat": 0.8858, "Acc.bar": 0.6893, "Acc.arcade machine": 0.7953, "Acc.hovel": 0.6585, "Acc.bus": 0.9738, "Acc.towel": 0.8499, "Acc.light": 0.678, "Acc.truck": 0.5498, "Acc.tower": 0.5184, "Acc.chandelier": 0.8516, "Acc.awning": 0.3871, "Acc.streetlight": 0.425, "Acc.booth": 0.5656, "Acc.television receiver": 0.8953, "Acc.airplane": 0.8388, "Acc.dirt track": 0.2257, "Acc.apparel": 0.7186, "Acc.pole": 0.309, "Acc.land": 0.066, "Acc.bannister": 0.2088, "Acc.escalator": 0.8036, "Acc.ottoman": 0.7176, "Acc.bottle": 0.6547, "Acc.buffet": 0.634, "Acc.poster": 0.5282, "Acc.stage": 0.3758, "Acc.van": 0.5281, "Acc.ship": 0.8566, "Acc.fountain": 0.2225, "Acc.conveyer belt": 0.9237, "Acc.canopy": 0.561, "Acc.washer": 0.7799, "Acc.plaything": 0.5551, "Acc.swimming pool": 0.74, "Acc.stool": 0.6485, "Acc.barrel": 0.8574, "Acc.basket": 0.4833, "Acc.waterfall": 0.8724, "Acc.tent": 0.9865, "Acc.bag": 0.2416, "Acc.minibike": 0.8381, "Acc.cradle": 0.9753, "Acc.oven": 0.6457, "Acc.ball": 0.4304, "Acc.food": 0.668, "Acc.step": 0.3086, "Acc.tank": 0.6771, "Acc.trade name": 0.2505, "Acc.microwave": 0.9159, "Acc.pot": 0.6118, "Acc.animal": 0.6023, "Acc.bicycle": 0.7246, "Acc.lake": 0.703, "Acc.dishwasher": 0.804, "Acc.screen": 0.8522, "Acc.blanket": 0.2166, "Acc.sculpture": 0.8338, "Acc.hood": 0.6657, "Acc.sconce": 0.6662, "Acc.vase": 0.6195, "Acc.traffic light": 0.5536, "Acc.tray": 0.0523, "Acc.ashcan": 0.6121, "Acc.fan": 0.7919, "Acc.pier": 0.641, "Acc.crt screen": 0.2451, "Acc.plate": 0.772, "Acc.monitor": 0.1764, "Acc.bulletin board": 0.7332, "Acc.shower": 0.0, "Acc.radiator": 0.7052, "Acc.glass": 0.1612, "Acc.clock": 0.4874, "Acc.flag": 0.5956} {"mode": "train", "epoch": 58, "iter": 72050, "lr": 0.0, "memory": 14793, "data_time": 2.1539, "decode.loss_ce": 0.26691, "decode.acc_seg": 89.0494, "aux.loss_ce": 0.19684, "aux.acc_seg": 81.53515, "loss": 0.46375, "grad_norm": 10.86691, "time": 2.56558} {"mode": "train", "epoch": 58, "iter": 72100, "lr": 0.0, "memory": 14793, "data_time": 0.00549, "decode.loss_ce": 0.25915, "decode.acc_seg": 89.79423, "aux.loss_ce": 0.17755, "aux.acc_seg": 83.37941, "loss": 0.4367, "grad_norm": 13.80288, "time": 0.41807} {"mode": "train", "epoch": 58, "iter": 72150, "lr": 0.0, "memory": 14793, "data_time": 0.00668, "decode.loss_ce": 0.25247, "decode.acc_seg": 89.74879, "aux.loss_ce": 0.19051, "aux.acc_seg": 81.79726, "loss": 0.44298, "grad_norm": 11.89102, "time": 0.41933} {"mode": "train", "epoch": 58, "iter": 72200, "lr": 0.0, "memory": 14793, "data_time": 0.00577, "decode.loss_ce": 0.2512, "decode.acc_seg": 89.54687, "aux.loss_ce": 0.18058, "aux.acc_seg": 82.67311, "loss": 0.43177, "grad_norm": 15.44967, "time": 0.41693} {"mode": "train", "epoch": 58, "iter": 72250, "lr": 0.0, "memory": 14793, "data_time": 0.00529, "decode.loss_ce": 0.2457, "decode.acc_seg": 89.41172, "aux.loss_ce": 0.17611, "aux.acc_seg": 82.73656, "loss": 0.42181, "grad_norm": 12.01504, "time": 0.41536} {"mode": "train", "epoch": 58, "iter": 72300, "lr": 0.0, "memory": 14793, "data_time": 0.00565, "decode.loss_ce": 0.26428, "decode.acc_seg": 88.60597, "aux.loss_ce": 0.18614, "aux.acc_seg": 81.92491, "loss": 0.45042, "grad_norm": 12.46929, "time": 0.42442} {"mode": "train", "epoch": 58, "iter": 72350, "lr": 0.0, "memory": 14793, "data_time": 0.00558, "decode.loss_ce": 0.26298, "decode.acc_seg": 89.47454, "aux.loss_ce": 0.19127, "aux.acc_seg": 82.2463, "loss": 0.45425, "grad_norm": 17.31619, "time": 0.4145} {"mode": "train", "epoch": 58, "iter": 72400, "lr": 0.0, "memory": 14793, "data_time": 0.00546, "decode.loss_ce": 0.25968, "decode.acc_seg": 89.1947, "aux.loss_ce": 0.18403, "aux.acc_seg": 82.4844, "loss": 0.44371, "grad_norm": 12.53309, "time": 0.41262} {"mode": "train", "epoch": 58, "iter": 72450, "lr": 0.0, "memory": 14793, "data_time": 0.0055, "decode.loss_ce": 0.26599, "decode.acc_seg": 88.97077, "aux.loss_ce": 0.19628, "aux.acc_seg": 81.43817, "loss": 0.46227, "grad_norm": 13.55714, "time": 0.41197} {"mode": "train", "epoch": 58, "iter": 72500, "lr": 0.0, "memory": 14793, "data_time": 0.00632, "decode.loss_ce": 0.25992, "decode.acc_seg": 89.24342, "aux.loss_ce": 0.18281, "aux.acc_seg": 82.68439, "loss": 0.44273, "grad_norm": 13.0259, "time": 0.40947} {"mode": "train", "epoch": 58, "iter": 72550, "lr": 0.0, "memory": 14793, "data_time": 0.00571, "decode.loss_ce": 0.25576, "decode.acc_seg": 89.66982, "aux.loss_ce": 0.17627, "aux.acc_seg": 83.39324, "loss": 0.43203, "grad_norm": 24.02853, "time": 0.42334} {"mode": "train", "epoch": 58, "iter": 72600, "lr": 0.0, "memory": 14793, "data_time": 0.00592, "decode.loss_ce": 0.26419, "decode.acc_seg": 89.41771, "aux.loss_ce": 0.18238, "aux.acc_seg": 82.73548, "loss": 0.44657, "grad_norm": 14.86098, "time": 0.42187} {"mode": "train", "epoch": 58, "iter": 72650, "lr": 0.0, "memory": 14793, "data_time": 0.00655, "decode.loss_ce": 0.25752, "decode.acc_seg": 89.20116, "aux.loss_ce": 0.1873, "aux.acc_seg": 82.216, "loss": 0.44483, "grad_norm": 17.92782, "time": 0.41456} {"mode": "train", "epoch": 58, "iter": 72700, "lr": 0.0, "memory": 14793, "data_time": 0.00624, "decode.loss_ce": 0.2612, "decode.acc_seg": 89.34372, "aux.loss_ce": 0.18207, "aux.acc_seg": 82.98294, "loss": 0.44327, "grad_norm": 12.32253, "time": 0.41713} {"mode": "train", "epoch": 58, "iter": 72750, "lr": 0.0, "memory": 14793, "data_time": 0.00522, "decode.loss_ce": 0.26031, "decode.acc_seg": 89.52191, "aux.loss_ce": 0.18989, "aux.acc_seg": 82.05075, "loss": 0.4502, "grad_norm": 11.73016, "time": 0.40951} {"mode": "train", "epoch": 58, "iter": 72800, "lr": 0.0, "memory": 14793, "data_time": 0.00506, "decode.loss_ce": 0.26486, "decode.acc_seg": 89.48035, "aux.loss_ce": 0.19297, "aux.acc_seg": 82.29725, "loss": 0.45783, "grad_norm": 10.45821, "time": 0.40108} {"mode": "train", "epoch": 58, "iter": 72850, "lr": 0.0, "memory": 14793, "data_time": 0.00657, "decode.loss_ce": 0.25163, "decode.acc_seg": 89.40888, "aux.loss_ce": 0.17962, "aux.acc_seg": 82.84941, "loss": 0.43125, "grad_norm": 12.94778, "time": 0.41003} {"mode": "train", "epoch": 58, "iter": 72900, "lr": 0.0, "memory": 14793, "data_time": 0.0052, "decode.loss_ce": 0.2402, "decode.acc_seg": 90.20101, "aux.loss_ce": 0.17318, "aux.acc_seg": 83.67426, "loss": 0.41339, "grad_norm": 12.06798, "time": 0.40909} {"mode": "train", "epoch": 58, "iter": 72950, "lr": 0.0, "memory": 14793, "data_time": 0.00516, "decode.loss_ce": 0.28218, "decode.acc_seg": 88.5533, "aux.loss_ce": 0.20033, "aux.acc_seg": 81.30782, "loss": 0.4825, "grad_norm": 16.31782, "time": 0.4128} {"mode": "train", "epoch": 58, "iter": 73000, "lr": 0.0, "memory": 14793, "data_time": 0.00606, "decode.loss_ce": 0.24663, "decode.acc_seg": 89.73792, "aux.loss_ce": 0.17673, "aux.acc_seg": 83.24541, "loss": 0.42336, "grad_norm": 12.19902, "time": 0.65628} {"mode": "val", "epoch": 58, "iter": 125, "lr": 0.0, "aAcc": 0.848, "mIoU": 0.5403, "mAcc": 0.6652, "IoU.wall": 0.8031, "IoU.building": 0.8372, "IoU.sky": 0.949, "IoU.floor": 0.8285, "IoU.tree": 0.7616, "IoU.ceiling": 0.8583, "IoU.road": 0.8512, "IoU.bed ": 0.9127, "IoU.windowpane": 0.6458, "IoU.grass": 0.6694, "IoU.cabinet": 0.6492, "IoU.sidewalk": 0.6753, "IoU.person": 0.8341, "IoU.earth": 0.3872, "IoU.door": 0.554, "IoU.table": 0.6466, "IoU.mountain": 0.6079, "IoU.plant": 0.5424, "IoU.curtain": 0.7718, "IoU.chair": 0.623, "IoU.car": 0.8629, "IoU.water": 0.5707, "IoU.painting": 0.7294, "IoU.sofa": 0.7339, "IoU.shelf": 0.4617, "IoU.house": 0.4876, "IoU.sea": 0.6649, "IoU.mirror": 0.7344, "IoU.rug": 0.6895, "IoU.field": 0.2937, "IoU.armchair": 0.4732, "IoU.seat": 0.6471, "IoU.fence": 0.4908, "IoU.desk": 0.5237, "IoU.rock": 0.5227, "IoU.wardrobe": 0.5516, "IoU.lamp": 0.6823, "IoU.bathtub": 0.8117, "IoU.railing": 0.3935, "IoU.cushion": 0.6264, "IoU.base": 0.3374, "IoU.box": 0.3311, "IoU.column": 0.5327, "IoU.signboard": 0.365, "IoU.chest of drawers": 0.422, "IoU.counter": 0.3097, "IoU.sand": 0.5669, "IoU.sink": 0.7785, "IoU.skyscraper": 0.6218, "IoU.fireplace": 0.6872, "IoU.refrigerator": 0.7672, "IoU.grandstand": 0.4683, "IoU.path": 0.2781, "IoU.stairs": 0.3747, "IoU.runway": 0.6587, "IoU.case": 0.5283, "IoU.pool table": 0.9315, "IoU.pillow": 0.5977, "IoU.screen door": 0.7366, "IoU.stairway": 0.4005, "IoU.river": 0.1488, "IoU.bridge": 0.5501, "IoU.bookcase": 0.4208, "IoU.blind": 0.4107, "IoU.coffee table": 0.6277, "IoU.toilet": 0.878, "IoU.flower": 0.4616, "IoU.book": 0.4983, "IoU.hill": 0.0846, "IoU.bench": 0.6482, "IoU.countertop": 0.5958, "IoU.stove": 0.8282, "IoU.palm": 0.5573, "IoU.kitchen island": 0.4005, "IoU.computer": 0.7397, "IoU.swivel chair": 0.536, "IoU.boat": 0.7456, "IoU.bar": 0.4814, "IoU.arcade machine": 0.6173, "IoU.hovel": 0.561, "IoU.bus": 0.9301, "IoU.towel": 0.6717, "IoU.light": 0.5704, "IoU.truck": 0.4373, "IoU.tower": 0.2207, "IoU.chandelier": 0.7054, "IoU.awning": 0.3173, "IoU.streetlight": 0.3127, "IoU.booth": 0.4173, "IoU.television receiver": 0.777, "IoU.airplane": 0.7282, "IoU.dirt track": 0.032, "IoU.apparel": 0.6042, "IoU.pole": 0.2467, "IoU.land": 0.0397, "IoU.bannister": 0.159, "IoU.escalator": 0.5371, "IoU.ottoman": 0.5675, "IoU.bottle": 0.4085, "IoU.buffet": 0.5191, "IoU.poster": 0.3571, "IoU.stage": 0.2307, "IoU.van": 0.4738, "IoU.ship": 0.5329, "IoU.fountain": 0.2825, "IoU.conveyer belt": 0.7827, "IoU.canopy": 0.4078, "IoU.washer": 0.7157, "IoU.plaything": 0.3783, "IoU.swimming pool": 0.6284, "IoU.stool": 0.4683, "IoU.barrel": 0.5923, "IoU.basket": 0.4039, "IoU.waterfall": 0.5819, "IoU.tent": 0.9415, "IoU.bag": 0.1843, "IoU.minibike": 0.7172, "IoU.cradle": 0.7942, "IoU.oven": 0.4804, "IoU.ball": 0.5622, "IoU.food": 0.5913, "IoU.step": 0.258, "IoU.tank": 0.636, "IoU.trade name": 0.2555, "IoU.microwave": 0.8283, "IoU.pot": 0.5236, "IoU.animal": 0.5698, "IoU.bicycle": 0.5871, "IoU.lake": 0.5434, "IoU.dishwasher": 0.6901, "IoU.screen": 0.5686, "IoU.blanket": 0.1733, "IoU.sculpture": 0.6704, "IoU.hood": 0.6433, "IoU.sconce": 0.5223, "IoU.vase": 0.437, "IoU.traffic light": 0.3472, "IoU.tray": 0.0592, "IoU.ashcan": 0.4597, "IoU.fan": 0.639, "IoU.pier": 0.3608, "IoU.crt screen": 0.086, "IoU.plate": 0.5548, "IoU.monitor": 0.1092, "IoU.bulletin board": 0.6234, "IoU.shower": 0.0, "IoU.radiator": 0.6182, "IoU.glass": 0.1541, "IoU.clock": 0.437, "IoU.flag": 0.5385, "Acc.wall": 0.8879, "Acc.building": 0.9292, "Acc.sky": 0.976, "Acc.floor": 0.9044, "Acc.tree": 0.8919, "Acc.ceiling": 0.9245, "Acc.road": 0.9035, "Acc.bed ": 0.9747, "Acc.windowpane": 0.8243, "Acc.grass": 0.8175, "Acc.cabinet": 0.7691, "Acc.sidewalk": 0.8316, "Acc.person": 0.9262, "Acc.earth": 0.5279, "Acc.door": 0.7043, "Acc.table": 0.7945, "Acc.mountain": 0.7375, "Acc.plant": 0.6458, "Acc.curtain": 0.8735, "Acc.chair": 0.7377, "Acc.car": 0.9356, "Acc.water": 0.7053, "Acc.painting": 0.8866, "Acc.sofa": 0.8909, "Acc.shelf": 0.6344, "Acc.house": 0.6472, "Acc.sea": 0.856, "Acc.mirror": 0.8274, "Acc.rug": 0.852, "Acc.field": 0.4684, "Acc.armchair": 0.6265, "Acc.seat": 0.821, "Acc.fence": 0.6874, "Acc.desk": 0.7075, "Acc.rock": 0.7745, "Acc.wardrobe": 0.7113, "Acc.lamp": 0.7916, "Acc.bathtub": 0.8549, "Acc.railing": 0.5419, "Acc.cushion": 0.7285, "Acc.base": 0.4205, "Acc.box": 0.423, "Acc.column": 0.6174, "Acc.signboard": 0.4672, "Acc.chest of drawers": 0.6269, "Acc.counter": 0.408, "Acc.sand": 0.8204, "Acc.sink": 0.8537, "Acc.skyscraper": 0.7944, "Acc.fireplace": 0.939, "Acc.refrigerator": 0.8206, "Acc.grandstand": 0.83, "Acc.path": 0.4362, "Acc.stairs": 0.4947, "Acc.runway": 0.8894, "Acc.case": 0.6434, "Acc.pool table": 0.9804, "Acc.pillow": 0.7036, "Acc.screen door": 0.847, "Acc.stairway": 0.4737, "Acc.river": 0.3396, "Acc.bridge": 0.6314, "Acc.bookcase": 0.6951, "Acc.blind": 0.4678, "Acc.coffee table": 0.8234, "Acc.toilet": 0.9354, "Acc.flower": 0.6082, "Acc.book": 0.7135, "Acc.hill": 0.1419, "Acc.bench": 0.784, "Acc.countertop": 0.8133, "Acc.stove": 0.8833, "Acc.palm": 0.7844, "Acc.kitchen island": 0.8061, "Acc.computer": 0.9124, "Acc.swivel chair": 0.7898, "Acc.boat": 0.8518, "Acc.bar": 0.641, "Acc.arcade machine": 0.6528, "Acc.hovel": 0.5901, "Acc.bus": 0.9687, "Acc.towel": 0.8099, "Acc.light": 0.6825, "Acc.truck": 0.5974, "Acc.tower": 0.4391, "Acc.chandelier": 0.8183, "Acc.awning": 0.363, "Acc.streetlight": 0.4274, "Acc.booth": 0.5118, "Acc.television receiver": 0.8492, "Acc.airplane": 0.8155, "Acc.dirt track": 0.0533, "Acc.apparel": 0.7568, "Acc.pole": 0.3211, "Acc.land": 0.0714, "Acc.bannister": 0.2084, "Acc.escalator": 0.8591, "Acc.ottoman": 0.7489, "Acc.bottle": 0.6194, "Acc.buffet": 0.6442, "Acc.poster": 0.4869, "Acc.stage": 0.3468, "Acc.van": 0.6197, "Acc.ship": 0.5953, "Acc.fountain": 0.2925, "Acc.conveyer belt": 0.9487, "Acc.canopy": 0.5238, "Acc.washer": 0.7384, "Acc.plaything": 0.5502, "Acc.swimming pool": 0.7083, "Acc.stool": 0.6463, "Acc.barrel": 0.8596, "Acc.basket": 0.5261, "Acc.waterfall": 0.7126, "Acc.tent": 0.9853, "Acc.bag": 0.2182, "Acc.minibike": 0.8464, "Acc.cradle": 0.97, "Acc.oven": 0.5666, "Acc.ball": 0.6572, "Acc.food": 0.7194, "Acc.step": 0.3491, "Acc.tank": 0.6721, "Acc.trade name": 0.2875, "Acc.microwave": 0.9618, "Acc.pot": 0.6259, "Acc.animal": 0.5794, "Acc.bicycle": 0.7596, "Acc.lake": 0.66, "Acc.dishwasher": 0.8197, "Acc.screen": 0.8796, "Acc.blanket": 0.2011, "Acc.sculpture": 0.8277, "Acc.hood": 0.7257, "Acc.sconce": 0.6258, "Acc.vase": 0.5568, "Acc.traffic light": 0.4985, "Acc.tray": 0.0931, "Acc.ashcan": 0.5886, "Acc.fan": 0.8136, "Acc.pier": 0.5386, "Acc.crt screen": 0.2369, "Acc.plate": 0.7659, "Acc.monitor": 0.1166, "Acc.bulletin board": 0.7072, "Acc.shower": 0.0, "Acc.radiator": 0.6926, "Acc.glass": 0.1634, "Acc.clock": 0.4767, "Acc.flag": 0.5882} {"mode": "train", "epoch": 58, "iter": 73050, "lr": 0.0, "memory": 14793, "data_time": 2.10537, "decode.loss_ce": 0.26226, "decode.acc_seg": 89.36337, "aux.loss_ce": 0.18906, "aux.acc_seg": 82.22491, "loss": 0.45132, "grad_norm": 12.74839, "time": 2.52964} {"mode": "train", "epoch": 58, "iter": 73100, "lr": 0.0, "memory": 14793, "data_time": 0.0055, "decode.loss_ce": 0.25709, "decode.acc_seg": 89.39616, "aux.loss_ce": 0.19215, "aux.acc_seg": 81.94403, "loss": 0.44924, "grad_norm": 13.08376, "time": 0.42045} {"mode": "train", "epoch": 58, "iter": 73150, "lr": 0.0, "memory": 14793, "data_time": 0.00553, "decode.loss_ce": 0.26173, "decode.acc_seg": 89.39625, "aux.loss_ce": 0.19377, "aux.acc_seg": 82.23473, "loss": 0.4555, "grad_norm": 12.13315, "time": 0.41178} {"mode": "train", "epoch": 58, "iter": 73200, "lr": 0.0, "memory": 14793, "data_time": 0.00635, "decode.loss_ce": 0.24043, "decode.acc_seg": 90.11034, "aux.loss_ce": 0.17327, "aux.acc_seg": 83.87518, "loss": 0.41371, "grad_norm": 11.29284, "time": 0.40196} {"mode": "train", "epoch": 58, "iter": 73250, "lr": 0.0, "memory": 14793, "data_time": 0.00587, "decode.loss_ce": 0.26531, "decode.acc_seg": 89.07458, "aux.loss_ce": 0.18373, "aux.acc_seg": 82.45217, "loss": 0.44904, "grad_norm": 14.15098, "time": 0.40612} {"mode": "train", "epoch": 58, "iter": 73300, "lr": 0.0, "memory": 14793, "data_time": 0.00541, "decode.loss_ce": 0.26368, "decode.acc_seg": 89.00821, "aux.loss_ce": 0.20006, "aux.acc_seg": 80.91971, "loss": 0.46374, "grad_norm": 10.68425, "time": 0.40684} {"mode": "train", "epoch": 59, "iter": 73350, "lr": 0.0, "memory": 14793, "data_time": 0.05009, "decode.loss_ce": 0.27533, "decode.acc_seg": 88.5618, "aux.loss_ce": 0.20167, "aux.acc_seg": 80.89923, "loss": 0.47699, "grad_norm": 11.08716, "time": 0.45241} {"mode": "train", "epoch": 59, "iter": 73400, "lr": 0.0, "memory": 14793, "data_time": 0.0052, "decode.loss_ce": 0.26487, "decode.acc_seg": 89.15113, "aux.loss_ce": 0.19035, "aux.acc_seg": 81.89997, "loss": 0.45522, "grad_norm": 11.59711, "time": 0.42389} {"mode": "train", "epoch": 59, "iter": 73450, "lr": 0.0, "memory": 14793, "data_time": 0.00531, "decode.loss_ce": 0.25601, "decode.acc_seg": 89.42392, "aux.loss_ce": 0.18315, "aux.acc_seg": 82.50985, "loss": 0.43916, "grad_norm": 12.28826, "time": 0.41624} {"mode": "train", "epoch": 59, "iter": 73500, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.26091, "decode.acc_seg": 89.14776, "aux.loss_ce": 0.18614, "aux.acc_seg": 82.33283, "loss": 0.44705, "grad_norm": 15.03419, "time": 0.41617} {"mode": "train", "epoch": 59, "iter": 73550, "lr": 0.0, "memory": 14793, "data_time": 0.00567, "decode.loss_ce": 0.27548, "decode.acc_seg": 88.85028, "aux.loss_ce": 0.19302, "aux.acc_seg": 82.31223, "loss": 0.4685, "grad_norm": 13.16196, "time": 0.4157} {"mode": "train", "epoch": 59, "iter": 73600, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.25464, "decode.acc_seg": 89.62083, "aux.loss_ce": 0.18668, "aux.acc_seg": 82.51909, "loss": 0.44132, "grad_norm": 12.59668, "time": 0.40893} {"mode": "train", "epoch": 59, "iter": 73650, "lr": 0.0, "memory": 14793, "data_time": 0.00524, "decode.loss_ce": 0.24489, "decode.acc_seg": 89.82397, "aux.loss_ce": 0.17666, "aux.acc_seg": 83.47101, "loss": 0.42155, "grad_norm": 12.24803, "time": 0.40788} {"mode": "train", "epoch": 59, "iter": 73700, "lr": 0.0, "memory": 14793, "data_time": 0.00497, "decode.loss_ce": 0.25142, "decode.acc_seg": 89.69896, "aux.loss_ce": 0.18192, "aux.acc_seg": 82.69306, "loss": 0.43334, "grad_norm": 14.00618, "time": 0.40812} {"mode": "train", "epoch": 59, "iter": 73750, "lr": 0.0, "memory": 14793, "data_time": 0.00628, "decode.loss_ce": 0.27393, "decode.acc_seg": 88.84206, "aux.loss_ce": 0.19476, "aux.acc_seg": 81.52824, "loss": 0.46869, "grad_norm": 15.00603, "time": 0.41187} {"mode": "train", "epoch": 59, "iter": 73800, "lr": 0.0, "memory": 14793, "data_time": 0.00543, "decode.loss_ce": 0.26518, "decode.acc_seg": 89.21109, "aux.loss_ce": 0.20066, "aux.acc_seg": 81.13823, "loss": 0.46584, "grad_norm": 16.01798, "time": 0.4195} {"mode": "train", "epoch": 59, "iter": 73850, "lr": 0.0, "memory": 14793, "data_time": 0.00578, "decode.loss_ce": 0.27254, "decode.acc_seg": 88.88299, "aux.loss_ce": 0.19492, "aux.acc_seg": 81.82538, "loss": 0.46747, "grad_norm": 11.6086, "time": 0.42554} {"mode": "train", "epoch": 59, "iter": 73900, "lr": 0.0, "memory": 14793, "data_time": 0.00636, "decode.loss_ce": 0.24982, "decode.acc_seg": 89.89031, "aux.loss_ce": 0.17201, "aux.acc_seg": 83.82237, "loss": 0.42183, "grad_norm": 16.04367, "time": 0.41612} {"mode": "train", "epoch": 59, "iter": 73950, "lr": 0.0, "memory": 14793, "data_time": 0.0064, "decode.loss_ce": 0.24622, "decode.acc_seg": 89.69515, "aux.loss_ce": 0.18096, "aux.acc_seg": 82.88336, "loss": 0.42718, "grad_norm": 16.55271, "time": 0.41784} {"mode": "train", "epoch": 59, "iter": 74000, "lr": 0.0, "memory": 14793, "data_time": 0.00535, "decode.loss_ce": 0.25055, "decode.acc_seg": 89.75529, "aux.loss_ce": 0.18451, "aux.acc_seg": 83.30002, "loss": 0.43506, "grad_norm": 14.61899, "time": 0.63991} {"mode": "val", "epoch": 59, "iter": 125, "lr": 0.0, "aAcc": 0.8476, "mIoU": 0.5411, "mAcc": 0.6724, "IoU.wall": 0.8024, "IoU.building": 0.837, "IoU.sky": 0.9491, "IoU.floor": 0.8296, "IoU.tree": 0.7556, "IoU.ceiling": 0.8589, "IoU.road": 0.8536, "IoU.bed ": 0.9168, "IoU.windowpane": 0.6495, "IoU.grass": 0.6535, "IoU.cabinet": 0.6494, "IoU.sidewalk": 0.6778, "IoU.person": 0.8327, "IoU.earth": 0.3786, "IoU.door": 0.5667, "IoU.table": 0.6475, "IoU.mountain": 0.5996, "IoU.plant": 0.5412, "IoU.curtain": 0.7679, "IoU.chair": 0.6216, "IoU.car": 0.864, "IoU.water": 0.6213, "IoU.painting": 0.7437, "IoU.sofa": 0.7435, "IoU.shelf": 0.4548, "IoU.house": 0.4706, "IoU.sea": 0.7187, "IoU.mirror": 0.7207, "IoU.rug": 0.6751, "IoU.field": 0.2755, "IoU.armchair": 0.4923, "IoU.seat": 0.6464, "IoU.fence": 0.4735, "IoU.desk": 0.5188, "IoU.rock": 0.5174, "IoU.wardrobe": 0.532, "IoU.lamp": 0.6795, "IoU.bathtub": 0.8076, "IoU.railing": 0.3791, "IoU.cushion": 0.6398, "IoU.base": 0.3071, "IoU.box": 0.3169, "IoU.column": 0.536, "IoU.signboard": 0.3549, "IoU.chest of drawers": 0.4139, "IoU.counter": 0.3517, "IoU.sand": 0.5692, "IoU.sink": 0.776, "IoU.skyscraper": 0.6325, "IoU.fireplace": 0.6728, "IoU.refrigerator": 0.7386, "IoU.grandstand": 0.4766, "IoU.path": 0.2786, "IoU.stairs": 0.3391, "IoU.runway": 0.6991, "IoU.case": 0.6175, "IoU.pool table": 0.9407, "IoU.pillow": 0.6012, "IoU.screen door": 0.6618, "IoU.stairway": 0.3931, "IoU.river": 0.106, "IoU.bridge": 0.5305, "IoU.bookcase": 0.4213, "IoU.blind": 0.5068, "IoU.coffee table": 0.6126, "IoU.toilet": 0.868, "IoU.flower": 0.4831, "IoU.book": 0.4964, "IoU.hill": 0.073, "IoU.bench": 0.6281, "IoU.countertop": 0.621, "IoU.stove": 0.8169, "IoU.palm": 0.5456, "IoU.kitchen island": 0.404, "IoU.computer": 0.7373, "IoU.swivel chair": 0.5112, "IoU.boat": 0.7449, "IoU.bar": 0.4828, "IoU.arcade machine": 0.7147, "IoU.hovel": 0.5389, "IoU.bus": 0.9146, "IoU.towel": 0.6671, "IoU.light": 0.5681, "IoU.truck": 0.4549, "IoU.tower": 0.2355, "IoU.chandelier": 0.707, "IoU.awning": 0.317, "IoU.streetlight": 0.2997, "IoU.booth": 0.388, "IoU.television receiver": 0.7823, "IoU.airplane": 0.7131, "IoU.dirt track": 0.0288, "IoU.apparel": 0.573, "IoU.pole": 0.2488, "IoU.land": 0.0355, "IoU.bannister": 0.1541, "IoU.escalator": 0.52, "IoU.ottoman": 0.5384, "IoU.bottle": 0.4132, "IoU.buffet": 0.4867, "IoU.poster": 0.3471, "IoU.stage": 0.2443, "IoU.van": 0.4768, "IoU.ship": 0.5172, "IoU.fountain": 0.3085, "IoU.conveyer belt": 0.7919, "IoU.canopy": 0.4101, "IoU.washer": 0.7576, "IoU.plaything": 0.3759, "IoU.swimming pool": 0.6957, "IoU.stool": 0.4355, "IoU.barrel": 0.5529, "IoU.basket": 0.4166, "IoU.waterfall": 0.6601, "IoU.tent": 0.9475, "IoU.bag": 0.2015, "IoU.minibike": 0.7176, "IoU.cradle": 0.8211, "IoU.oven": 0.4877, "IoU.ball": 0.564, "IoU.food": 0.553, "IoU.step": 0.2328, "IoU.tank": 0.6314, "IoU.trade name": 0.2546, "IoU.microwave": 0.8163, "IoU.pot": 0.5298, "IoU.animal": 0.5957, "IoU.bicycle": 0.5752, "IoU.lake": 0.5207, "IoU.dishwasher": 0.6658, "IoU.screen": 0.5718, "IoU.blanket": 0.2007, "IoU.sculpture": 0.6784, "IoU.hood": 0.6157, "IoU.sconce": 0.519, "IoU.vase": 0.4298, "IoU.traffic light": 0.3427, "IoU.tray": 0.0554, "IoU.ashcan": 0.4814, "IoU.fan": 0.6371, "IoU.pier": 0.4623, "IoU.crt screen": 0.0955, "IoU.plate": 0.5542, "IoU.monitor": 0.1152, "IoU.bulletin board": 0.6438, "IoU.shower": 0.002, "IoU.radiator": 0.6154, "IoU.glass": 0.1527, "IoU.clock": 0.4217, "IoU.flag": 0.5406, "Acc.wall": 0.8828, "Acc.building": 0.9274, "Acc.sky": 0.9773, "Acc.floor": 0.9089, "Acc.tree": 0.886, "Acc.ceiling": 0.9279, "Acc.road": 0.913, "Acc.bed ": 0.9699, "Acc.windowpane": 0.8032, "Acc.grass": 0.8003, "Acc.cabinet": 0.7503, "Acc.sidewalk": 0.8298, "Acc.person": 0.9232, "Acc.earth": 0.4947, "Acc.door": 0.7495, "Acc.table": 0.7724, "Acc.mountain": 0.7246, "Acc.plant": 0.6567, "Acc.curtain": 0.8983, "Acc.chair": 0.7397, "Acc.car": 0.9377, "Acc.water": 0.7849, "Acc.painting": 0.8816, "Acc.sofa": 0.8735, "Acc.shelf": 0.6439, "Acc.house": 0.6099, "Acc.sea": 0.8435, "Acc.mirror": 0.7897, "Acc.rug": 0.8037, "Acc.field": 0.4716, "Acc.armchair": 0.6717, "Acc.seat": 0.8358, "Acc.fence": 0.6597, "Acc.desk": 0.6915, "Acc.rock": 0.7791, "Acc.wardrobe": 0.6814, "Acc.lamp": 0.7938, "Acc.bathtub": 0.8657, "Acc.railing": 0.5214, "Acc.cushion": 0.7787, "Acc.base": 0.4201, "Acc.box": 0.4062, "Acc.column": 0.6729, "Acc.signboard": 0.4663, "Acc.chest of drawers": 0.6771, "Acc.counter": 0.4443, "Acc.sand": 0.8367, "Acc.sink": 0.8555, "Acc.skyscraper": 0.8023, "Acc.fireplace": 0.9429, "Acc.refrigerator": 0.832, "Acc.grandstand": 0.8526, "Acc.path": 0.4147, "Acc.stairs": 0.445, "Acc.runway": 0.9477, "Acc.case": 0.8037, "Acc.pool table": 0.9778, "Acc.pillow": 0.7093, "Acc.screen door": 0.8884, "Acc.stairway": 0.4593, "Acc.river": 0.2108, "Acc.bridge": 0.6178, "Acc.bookcase": 0.6712, "Acc.blind": 0.6302, "Acc.coffee table": 0.8463, "Acc.toilet": 0.9409, "Acc.flower": 0.6286, "Acc.book": 0.7612, "Acc.hill": 0.1434, "Acc.bench": 0.7378, "Acc.countertop": 0.793, "Acc.stove": 0.9047, "Acc.palm": 0.775, "Acc.kitchen island": 0.8187, "Acc.computer": 0.9129, "Acc.swivel chair": 0.6988, "Acc.boat": 0.8798, "Acc.bar": 0.6171, "Acc.arcade machine": 0.7646, "Acc.hovel": 0.6719, "Acc.bus": 0.9734, "Acc.towel": 0.8547, "Acc.light": 0.6767, "Acc.truck": 0.6024, "Acc.tower": 0.4963, "Acc.chandelier": 0.8411, "Acc.awning": 0.378, "Acc.streetlight": 0.3917, "Acc.booth": 0.5393, "Acc.television receiver": 0.8651, "Acc.airplane": 0.786, "Acc.dirt track": 0.0462, "Acc.apparel": 0.7237, "Acc.pole": 0.3408, "Acc.land": 0.0526, "Acc.bannister": 0.2175, "Acc.escalator": 0.8222, "Acc.ottoman": 0.7467, "Acc.bottle": 0.6998, "Acc.buffet": 0.5818, "Acc.poster": 0.4369, "Acc.stage": 0.3849, "Acc.van": 0.6445, "Acc.ship": 0.5848, "Acc.fountain": 0.3158, "Acc.conveyer belt": 0.9385, "Acc.canopy": 0.5421, "Acc.washer": 0.7917, "Acc.plaything": 0.518, "Acc.swimming pool": 0.7443, "Acc.stool": 0.6679, "Acc.barrel": 0.8374, "Acc.basket": 0.521, "Acc.waterfall": 0.853, "Acc.tent": 0.9852, "Acc.bag": 0.2533, "Acc.minibike": 0.8393, "Acc.cradle": 0.9737, "Acc.oven": 0.6367, "Acc.ball": 0.7284, "Acc.food": 0.6786, "Acc.step": 0.2885, "Acc.tank": 0.6726, "Acc.trade name": 0.2846, "Acc.microwave": 0.967, "Acc.pot": 0.6294, "Acc.animal": 0.6105, "Acc.bicycle": 0.7421, "Acc.lake": 0.6733, "Acc.dishwasher": 0.7516, "Acc.screen": 0.8487, "Acc.blanket": 0.25, "Acc.sculpture": 0.8263, "Acc.hood": 0.7674, "Acc.sconce": 0.6246, "Acc.vase": 0.6108, "Acc.traffic light": 0.524, "Acc.tray": 0.0726, "Acc.ashcan": 0.6179, "Acc.fan": 0.7591, "Acc.pier": 0.6033, "Acc.crt screen": 0.2601, "Acc.plate": 0.7813, "Acc.monitor": 0.1344, "Acc.bulletin board": 0.7715, "Acc.shower": 0.0029, "Acc.radiator": 0.7384, "Acc.glass": 0.1615, "Acc.clock": 0.4515, "Acc.flag": 0.5932} {"mode": "train", "epoch": 59, "iter": 74050, "lr": 0.0, "memory": 14793, "data_time": 2.17378, "decode.loss_ce": 0.24641, "decode.acc_seg": 89.73052, "aux.loss_ce": 0.1798, "aux.acc_seg": 82.78433, "loss": 0.42621, "grad_norm": 16.87443, "time": 2.57577} {"mode": "train", "epoch": 59, "iter": 74100, "lr": 0.0, "memory": 14793, "data_time": 0.0058, "decode.loss_ce": 0.24806, "decode.acc_seg": 89.67147, "aux.loss_ce": 0.18563, "aux.acc_seg": 82.8112, "loss": 0.43369, "grad_norm": 14.21117, "time": 0.40913} {"mode": "train", "epoch": 59, "iter": 74150, "lr": 0.0, "memory": 14793, "data_time": 0.00537, "decode.loss_ce": 0.24664, "decode.acc_seg": 89.88674, "aux.loss_ce": 0.17578, "aux.acc_seg": 83.45364, "loss": 0.42241, "grad_norm": 12.99281, "time": 0.41185} {"mode": "train", "epoch": 59, "iter": 74200, "lr": 0.0, "memory": 14793, "data_time": 0.00529, "decode.loss_ce": 0.27889, "decode.acc_seg": 88.4216, "aux.loss_ce": 0.19903, "aux.acc_seg": 81.28251, "loss": 0.47792, "grad_norm": 15.44982, "time": 0.40878} {"mode": "train", "epoch": 59, "iter": 74250, "lr": 0.0, "memory": 14793, "data_time": 0.00576, "decode.loss_ce": 0.24691, "decode.acc_seg": 89.8714, "aux.loss_ce": 0.17478, "aux.acc_seg": 83.25053, "loss": 0.42169, "grad_norm": 10.18955, "time": 0.41669} {"mode": "train", "epoch": 59, "iter": 74300, "lr": 0.0, "memory": 14793, "data_time": 0.00583, "decode.loss_ce": 0.24172, "decode.acc_seg": 89.83235, "aux.loss_ce": 0.17859, "aux.acc_seg": 82.5372, "loss": 0.42031, "grad_norm": 11.63035, "time": 0.41811} {"mode": "train", "epoch": 59, "iter": 74350, "lr": 0.0, "memory": 14793, "data_time": 0.00594, "decode.loss_ce": 0.24227, "decode.acc_seg": 89.95378, "aux.loss_ce": 0.1741, "aux.acc_seg": 83.29582, "loss": 0.41637, "grad_norm": 10.61327, "time": 0.41044} {"mode": "train", "epoch": 59, "iter": 74400, "lr": 0.0, "memory": 14793, "data_time": 0.00648, "decode.loss_ce": 0.25986, "decode.acc_seg": 89.4049, "aux.loss_ce": 0.18504, "aux.acc_seg": 82.79731, "loss": 0.4449, "grad_norm": 14.72791, "time": 0.40801} {"mode": "train", "epoch": 59, "iter": 74450, "lr": 0.0, "memory": 14793, "data_time": 0.00666, "decode.loss_ce": 0.25831, "decode.acc_seg": 89.33375, "aux.loss_ce": 0.18767, "aux.acc_seg": 82.1704, "loss": 0.44599, "grad_norm": 14.4952, "time": 0.4107} {"mode": "train", "epoch": 59, "iter": 74500, "lr": 0.0, "memory": 14793, "data_time": 0.00561, "decode.loss_ce": 0.26466, "decode.acc_seg": 89.39135, "aux.loss_ce": 0.19312, "aux.acc_seg": 82.33638, "loss": 0.45779, "grad_norm": 15.59895, "time": 0.40708} {"mode": "train", "epoch": 59, "iter": 74550, "lr": 0.0, "memory": 14793, "data_time": 0.00583, "decode.loss_ce": 0.26098, "decode.acc_seg": 88.79743, "aux.loss_ce": 0.18587, "aux.acc_seg": 81.85361, "loss": 0.44684, "grad_norm": 16.11525, "time": 0.41487} {"mode": "train", "epoch": 60, "iter": 74600, "lr": 0.0, "memory": 14793, "data_time": 0.05343, "decode.loss_ce": 0.23876, "decode.acc_seg": 90.24715, "aux.loss_ce": 0.17476, "aux.acc_seg": 83.56211, "loss": 0.41352, "grad_norm": 11.94129, "time": 0.46689} {"mode": "train", "epoch": 60, "iter": 74650, "lr": 0.0, "memory": 14793, "data_time": 0.00572, "decode.loss_ce": 0.23937, "decode.acc_seg": 90.08438, "aux.loss_ce": 0.17125, "aux.acc_seg": 83.61385, "loss": 0.41063, "grad_norm": 10.11999, "time": 0.43311} {"mode": "train", "epoch": 60, "iter": 74700, "lr": 0.0, "memory": 14793, "data_time": 0.00622, "decode.loss_ce": 0.26558, "decode.acc_seg": 89.25226, "aux.loss_ce": 0.19274, "aux.acc_seg": 82.41614, "loss": 0.45831, "grad_norm": 21.40213, "time": 0.42076} {"mode": "train", "epoch": 60, "iter": 74750, "lr": 0.0, "memory": 14793, "data_time": 0.00608, "decode.loss_ce": 0.2599, "decode.acc_seg": 89.37563, "aux.loss_ce": 0.18333, "aux.acc_seg": 82.54672, "loss": 0.44323, "grad_norm": 15.18255, "time": 0.41658} {"mode": "train", "epoch": 60, "iter": 74800, "lr": 0.0, "memory": 14793, "data_time": 0.00495, "decode.loss_ce": 0.25766, "decode.acc_seg": 89.13403, "aux.loss_ce": 0.18428, "aux.acc_seg": 82.44171, "loss": 0.44195, "grad_norm": 14.09559, "time": 0.41048} {"mode": "train", "epoch": 60, "iter": 74850, "lr": 0.0, "memory": 14793, "data_time": 0.00604, "decode.loss_ce": 0.24948, "decode.acc_seg": 89.66382, "aux.loss_ce": 0.18017, "aux.acc_seg": 82.85345, "loss": 0.42965, "grad_norm": 14.22324, "time": 0.40796} {"mode": "train", "epoch": 60, "iter": 74900, "lr": 0.0, "memory": 14793, "data_time": 0.00571, "decode.loss_ce": 0.25486, "decode.acc_seg": 89.41377, "aux.loss_ce": 0.19065, "aux.acc_seg": 82.48607, "loss": 0.44551, "grad_norm": 11.59259, "time": 0.41186} {"mode": "train", "epoch": 60, "iter": 74950, "lr": 0.0, "memory": 14793, "data_time": 0.00555, "decode.loss_ce": 0.26369, "decode.acc_seg": 88.77464, "aux.loss_ce": 0.18621, "aux.acc_seg": 81.86912, "loss": 0.4499, "grad_norm": 15.46915, "time": 0.40927} {"mode": "train", "epoch": 60, "iter": 75000, "lr": 0.0, "memory": 14793, "data_time": 0.00476, "decode.loss_ce": 0.2448, "decode.acc_seg": 89.7033, "aux.loss_ce": 0.17774, "aux.acc_seg": 82.95906, "loss": 0.42254, "grad_norm": 10.38644, "time": 0.64499} {"mode": "val", "epoch": 60, "iter": 125, "lr": 0.0, "aAcc": 0.8449, "mIoU": 0.541, "mAcc": 0.6706, "IoU.wall": 0.7963, "IoU.building": 0.8315, "IoU.sky": 0.9485, "IoU.floor": 0.8265, "IoU.tree": 0.757, "IoU.ceiling": 0.8527, "IoU.road": 0.8533, "IoU.bed ": 0.9134, "IoU.windowpane": 0.6357, "IoU.grass": 0.6573, "IoU.cabinet": 0.6322, "IoU.sidewalk": 0.6775, "IoU.person": 0.8368, "IoU.earth": 0.3632, "IoU.door": 0.5456, "IoU.table": 0.6511, "IoU.mountain": 0.5981, "IoU.plant": 0.5397, "IoU.curtain": 0.7577, "IoU.chair": 0.6265, "IoU.car": 0.8645, "IoU.water": 0.628, "IoU.painting": 0.7218, "IoU.sofa": 0.7209, "IoU.shelf": 0.4449, "IoU.house": 0.4616, "IoU.sea": 0.7252, "IoU.mirror": 0.7219, "IoU.rug": 0.6805, "IoU.field": 0.2874, "IoU.armchair": 0.4526, "IoU.seat": 0.6524, "IoU.fence": 0.4712, "IoU.desk": 0.5231, "IoU.rock": 0.5214, "IoU.wardrobe": 0.5146, "IoU.lamp": 0.6634, "IoU.bathtub": 0.8101, "IoU.railing": 0.3999, "IoU.cushion": 0.6338, "IoU.base": 0.316, "IoU.box": 0.3427, "IoU.column": 0.5346, "IoU.signboard": 0.3823, "IoU.chest of drawers": 0.4173, "IoU.counter": 0.2872, "IoU.sand": 0.5699, "IoU.sink": 0.7699, "IoU.skyscraper": 0.6348, "IoU.fireplace": 0.6448, "IoU.refrigerator": 0.7399, "IoU.grandstand": 0.4615, "IoU.path": 0.2585, "IoU.stairs": 0.3281, "IoU.runway": 0.707, "IoU.case": 0.61, "IoU.pool table": 0.9322, "IoU.pillow": 0.5971, "IoU.screen door": 0.7189, "IoU.stairway": 0.364, "IoU.river": 0.1682, "IoU.bridge": 0.4968, "IoU.bookcase": 0.4304, "IoU.blind": 0.3912, "IoU.coffee table": 0.5991, "IoU.toilet": 0.8729, "IoU.flower": 0.4763, "IoU.book": 0.4993, "IoU.hill": 0.076, "IoU.bench": 0.6453, "IoU.countertop": 0.5949, "IoU.stove": 0.8284, "IoU.palm": 0.5479, "IoU.kitchen island": 0.3731, "IoU.computer": 0.7629, "IoU.swivel chair": 0.5409, "IoU.boat": 0.719, "IoU.bar": 0.5712, "IoU.arcade machine": 0.7514, "IoU.hovel": 0.5381, "IoU.bus": 0.8586, "IoU.towel": 0.6764, "IoU.light": 0.5691, "IoU.truck": 0.423, "IoU.tower": 0.2777, "IoU.chandelier": 0.6735, "IoU.awning": 0.3292, "IoU.streetlight": 0.3082, "IoU.booth": 0.3846, "IoU.television receiver": 0.7827, "IoU.airplane": 0.6969, "IoU.dirt track": 0.0507, "IoU.apparel": 0.5811, "IoU.pole": 0.2557, "IoU.land": 0.0473, "IoU.bannister": 0.1541, "IoU.escalator": 0.5393, "IoU.ottoman": 0.5512, "IoU.bottle": 0.4121, "IoU.buffet": 0.5423, "IoU.poster": 0.3127, "IoU.stage": 0.2677, "IoU.van": 0.4627, "IoU.ship": 0.6953, "IoU.fountain": 0.2306, "IoU.conveyer belt": 0.7976, "IoU.canopy": 0.4184, "IoU.washer": 0.7254, "IoU.plaything": 0.3471, "IoU.swimming pool": 0.7123, "IoU.stool": 0.4458, "IoU.barrel": 0.5568, "IoU.basket": 0.417, "IoU.waterfall": 0.6892, "IoU.tent": 0.9541, "IoU.bag": 0.1833, "IoU.minibike": 0.7225, "IoU.cradle": 0.8435, "IoU.oven": 0.4942, "IoU.ball": 0.5239, "IoU.food": 0.595, "IoU.step": 0.1988, "IoU.tank": 0.6369, "IoU.trade name": 0.2776, "IoU.microwave": 0.8294, "IoU.pot": 0.5412, "IoU.animal": 0.585, "IoU.bicycle": 0.5878, "IoU.lake": 0.5227, "IoU.dishwasher": 0.6694, "IoU.screen": 0.5536, "IoU.blanket": 0.2315, "IoU.sculpture": 0.6797, "IoU.hood": 0.6322, "IoU.sconce": 0.5204, "IoU.vase": 0.4456, "IoU.traffic light": 0.3583, "IoU.tray": 0.0721, "IoU.ashcan": 0.4443, "IoU.fan": 0.6398, "IoU.pier": 0.3626, "IoU.crt screen": 0.1047, "IoU.plate": 0.5564, "IoU.monitor": 0.1186, "IoU.bulletin board": 0.6288, "IoU.shower": 0.0003, "IoU.radiator": 0.6312, "IoU.glass": 0.1514, "IoU.clock": 0.4393, "IoU.flag": 0.5182, "Acc.wall": 0.8784, "Acc.building": 0.9112, "Acc.sky": 0.9769, "Acc.floor": 0.8979, "Acc.tree": 0.8829, "Acc.ceiling": 0.9362, "Acc.road": 0.9291, "Acc.bed ": 0.9726, "Acc.windowpane": 0.8128, "Acc.grass": 0.8005, "Acc.cabinet": 0.7386, "Acc.sidewalk": 0.7854, "Acc.person": 0.9284, "Acc.earth": 0.4838, "Acc.door": 0.7577, "Acc.table": 0.7756, "Acc.mountain": 0.7482, "Acc.plant": 0.6636, "Acc.curtain": 0.8551, "Acc.chair": 0.7354, "Acc.car": 0.9393, "Acc.water": 0.7945, "Acc.painting": 0.9008, "Acc.sofa": 0.8915, "Acc.shelf": 0.6565, "Acc.house": 0.7147, "Acc.sea": 0.9064, "Acc.mirror": 0.7951, "Acc.rug": 0.8521, "Acc.field": 0.4602, "Acc.armchair": 0.5999, "Acc.seat": 0.8229, "Acc.fence": 0.6419, "Acc.desk": 0.6997, "Acc.rock": 0.7818, "Acc.wardrobe": 0.7226, "Acc.lamp": 0.7507, "Acc.bathtub": 0.8626, "Acc.railing": 0.602, "Acc.cushion": 0.7375, "Acc.base": 0.3945, "Acc.box": 0.4629, "Acc.column": 0.6533, "Acc.signboard": 0.5055, "Acc.chest of drawers": 0.6456, "Acc.counter": 0.3341, "Acc.sand": 0.8179, "Acc.sink": 0.8273, "Acc.skyscraper": 0.8008, "Acc.fireplace": 0.947, "Acc.refrigerator": 0.8316, "Acc.grandstand": 0.8412, "Acc.path": 0.4241, "Acc.stairs": 0.4487, "Acc.runway": 0.9393, "Acc.case": 0.7158, "Acc.pool table": 0.98, "Acc.pillow": 0.698, "Acc.screen door": 0.819, "Acc.stairway": 0.4758, "Acc.river": 0.2271, "Acc.bridge": 0.5786, "Acc.bookcase": 0.73, "Acc.blind": 0.4439, "Acc.coffee table": 0.8643, "Acc.toilet": 0.9354, "Acc.flower": 0.5905, "Acc.book": 0.6889, "Acc.hill": 0.1469, "Acc.bench": 0.8031, "Acc.countertop": 0.8119, "Acc.stove": 0.8782, "Acc.palm": 0.7361, "Acc.kitchen island": 0.6468, "Acc.computer": 0.896, "Acc.swivel chair": 0.7189, "Acc.boat": 0.8407, "Acc.bar": 0.7753, "Acc.arcade machine": 0.8062, "Acc.hovel": 0.7152, "Acc.bus": 0.9785, "Acc.towel": 0.8429, "Acc.light": 0.6603, "Acc.truck": 0.5624, "Acc.tower": 0.5674, "Acc.chandelier": 0.8733, "Acc.awning": 0.4021, "Acc.streetlight": 0.4071, "Acc.booth": 0.4803, "Acc.television receiver": 0.8783, "Acc.airplane": 0.7557, "Acc.dirt track": 0.1032, "Acc.apparel": 0.7651, "Acc.pole": 0.3614, "Acc.land": 0.0721, "Acc.bannister": 0.1947, "Acc.escalator": 0.8374, "Acc.ottoman": 0.7153, "Acc.bottle": 0.6424, "Acc.buffet": 0.6711, "Acc.poster": 0.4487, "Acc.stage": 0.475, "Acc.van": 0.6184, "Acc.ship": 0.7732, "Acc.fountain": 0.2353, "Acc.conveyer belt": 0.9475, "Acc.canopy": 0.6179, "Acc.washer": 0.7488, "Acc.plaything": 0.4594, "Acc.swimming pool": 0.7421, "Acc.stool": 0.614, "Acc.barrel": 0.8621, "Acc.basket": 0.5415, "Acc.waterfall": 0.8179, "Acc.tent": 0.9834, "Acc.bag": 0.2094, "Acc.minibike": 0.8526, "Acc.cradle": 0.9583, "Acc.oven": 0.6353, "Acc.ball": 0.5887, "Acc.food": 0.7122, "Acc.step": 0.2564, "Acc.tank": 0.6661, "Acc.trade name": 0.3265, "Acc.microwave": 0.963, "Acc.pot": 0.6587, "Acc.animal": 0.5975, "Acc.bicycle": 0.762, "Acc.lake": 0.637, "Acc.dishwasher": 0.8305, "Acc.screen": 0.8262, "Acc.blanket": 0.289, "Acc.sculpture": 0.8285, "Acc.hood": 0.7131, "Acc.sconce": 0.6216, "Acc.vase": 0.5685, "Acc.traffic light": 0.5195, "Acc.tray": 0.1121, "Acc.ashcan": 0.5552, "Acc.fan": 0.7477, "Acc.pier": 0.5664, "Acc.crt screen": 0.3125, "Acc.plate": 0.7852, "Acc.monitor": 0.1446, "Acc.bulletin board": 0.7581, "Acc.shower": 0.0004, "Acc.radiator": 0.7365, "Acc.glass": 0.1594, "Acc.clock": 0.4785, "Acc.flag": 0.5545} {"mode": "train", "epoch": 60, "iter": 75050, "lr": 0.0, "memory": 14793, "data_time": 2.12642, "decode.loss_ce": 0.25464, "decode.acc_seg": 89.49594, "aux.loss_ce": 0.17532, "aux.acc_seg": 83.05305, "loss": 0.42996, "grad_norm": 11.41773, "time": 2.55319} {"mode": "train", "epoch": 60, "iter": 75100, "lr": 0.0, "memory": 14793, "data_time": 0.0054, "decode.loss_ce": 0.2825, "decode.acc_seg": 88.42469, "aux.loss_ce": 0.20543, "aux.acc_seg": 81.19335, "loss": 0.48792, "grad_norm": 16.35096, "time": 0.41966} {"mode": "train", "epoch": 60, "iter": 75150, "lr": 0.0, "memory": 14793, "data_time": 0.00532, "decode.loss_ce": 0.24253, "decode.acc_seg": 89.96015, "aux.loss_ce": 0.18294, "aux.acc_seg": 82.56769, "loss": 0.42547, "grad_norm": 11.21773, "time": 0.42051} {"mode": "train", "epoch": 60, "iter": 75200, "lr": 0.0, "memory": 14793, "data_time": 0.00683, "decode.loss_ce": 0.2405, "decode.acc_seg": 90.2539, "aux.loss_ce": 0.17564, "aux.acc_seg": 83.38877, "loss": 0.41614, "grad_norm": 11.57215, "time": 0.41695} {"mode": "train", "epoch": 60, "iter": 75250, "lr": 0.0, "memory": 14793, "data_time": 0.00595, "decode.loss_ce": 0.2467, "decode.acc_seg": 89.64588, "aux.loss_ce": 0.18245, "aux.acc_seg": 82.58007, "loss": 0.42915, "grad_norm": 13.41339, "time": 0.40724} {"mode": "train", "epoch": 60, "iter": 75300, "lr": 0.0, "memory": 14793, "data_time": 0.00665, "decode.loss_ce": 0.25422, "decode.acc_seg": 89.71772, "aux.loss_ce": 0.18281, "aux.acc_seg": 83.23558, "loss": 0.43703, "grad_norm": 11.53032, "time": 0.41186} {"mode": "train", "epoch": 60, "iter": 75350, "lr": 0.0, "memory": 14793, "data_time": 0.00556, "decode.loss_ce": 0.25821, "decode.acc_seg": 89.63261, "aux.loss_ce": 0.18919, "aux.acc_seg": 82.30297, "loss": 0.4474, "grad_norm": 11.43653, "time": 0.40363} {"mode": "train", "epoch": 60, "iter": 75400, "lr": 0.0, "memory": 14793, "data_time": 0.00647, "decode.loss_ce": 0.2655, "decode.acc_seg": 89.20802, "aux.loss_ce": 0.1885, "aux.acc_seg": 82.29009, "loss": 0.45399, "grad_norm": 12.30407, "time": 0.4124} {"mode": "train", "epoch": 60, "iter": 75450, "lr": 0.0, "memory": 14793, "data_time": 0.00552, "decode.loss_ce": 0.25964, "decode.acc_seg": 89.60382, "aux.loss_ce": 0.18625, "aux.acc_seg": 82.5942, "loss": 0.44589, "grad_norm": 12.61425, "time": 0.41959} {"mode": "train", "epoch": 60, "iter": 75500, "lr": 0.0, "memory": 14793, "data_time": 0.00611, "decode.loss_ce": 0.26169, "decode.acc_seg": 89.3958, "aux.loss_ce": 0.18553, "aux.acc_seg": 82.63766, "loss": 0.44723, "grad_norm": 14.15713, "time": 0.41246} {"mode": "train", "epoch": 60, "iter": 75550, "lr": 0.0, "memory": 14793, "data_time": 0.00604, "decode.loss_ce": 0.23602, "decode.acc_seg": 89.96817, "aux.loss_ce": 0.17615, "aux.acc_seg": 82.94051, "loss": 0.41217, "grad_norm": 16.9174, "time": 0.42944} {"mode": "train", "epoch": 60, "iter": 75600, "lr": 0.0, "memory": 14793, "data_time": 0.00583, "decode.loss_ce": 0.23769, "decode.acc_seg": 90.41988, "aux.loss_ce": 0.17828, "aux.acc_seg": 83.38988, "loss": 0.41597, "grad_norm": 13.27743, "time": 0.41369} {"mode": "train", "epoch": 60, "iter": 75650, "lr": 0.0, "memory": 14793, "data_time": 0.0055, "decode.loss_ce": 0.24974, "decode.acc_seg": 89.84174, "aux.loss_ce": 0.17905, "aux.acc_seg": 83.56255, "loss": 0.42879, "grad_norm": 12.45328, "time": 0.40731} {"mode": "train", "epoch": 60, "iter": 75700, "lr": 0.0, "memory": 14793, "data_time": 0.00641, "decode.loss_ce": 0.2479, "decode.acc_seg": 90.0695, "aux.loss_ce": 0.17511, "aux.acc_seg": 83.15784, "loss": 0.42301, "grad_norm": 13.03164, "time": 0.40974} {"mode": "train", "epoch": 60, "iter": 75750, "lr": 0.0, "memory": 14793, "data_time": 0.00625, "decode.loss_ce": 0.23542, "decode.acc_seg": 90.20353, "aux.loss_ce": 0.17345, "aux.acc_seg": 83.13065, "loss": 0.40887, "grad_norm": 11.1719, "time": 0.41578} {"mode": "train", "epoch": 60, "iter": 75800, "lr": 0.0, "memory": 14793, "data_time": 0.00562, "decode.loss_ce": 0.24707, "decode.acc_seg": 89.70336, "aux.loss_ce": 0.16944, "aux.acc_seg": 83.43943, "loss": 0.41651, "grad_norm": 12.80926, "time": 0.41309} {"mode": "train", "epoch": 61, "iter": 75850, "lr": 0.0, "memory": 14793, "data_time": 0.05097, "decode.loss_ce": 0.2526, "decode.acc_seg": 89.56283, "aux.loss_ce": 0.18544, "aux.acc_seg": 82.20093, "loss": 0.43804, "grad_norm": 12.7663, "time": 0.45945} {"mode": "train", "epoch": 61, "iter": 75900, "lr": 0.0, "memory": 14793, "data_time": 0.00507, "decode.loss_ce": 0.24669, "decode.acc_seg": 89.75738, "aux.loss_ce": 0.17571, "aux.acc_seg": 83.18259, "loss": 0.4224, "grad_norm": 11.43938, "time": 0.4171} {"mode": "train", "epoch": 61, "iter": 75950, "lr": 0.0, "memory": 14793, "data_time": 0.00513, "decode.loss_ce": 0.27072, "decode.acc_seg": 89.24754, "aux.loss_ce": 0.18005, "aux.acc_seg": 82.62969, "loss": 0.45077, "grad_norm": 16.40358, "time": 0.41445} {"mode": "train", "epoch": 61, "iter": 76000, "lr": 0.0, "memory": 14793, "data_time": 0.00525, "decode.loss_ce": 0.25387, "decode.acc_seg": 89.44569, "aux.loss_ce": 0.18515, "aux.acc_seg": 82.81726, "loss": 0.43901, "grad_norm": 14.66557, "time": 0.63432} {"mode": "val", "epoch": 61, "iter": 125, "lr": 0.0, "aAcc": 0.8474, "mIoU": 0.5426, "mAcc": 0.6663, "IoU.wall": 0.8013, "IoU.building": 0.84, "IoU.sky": 0.9484, "IoU.floor": 0.8255, "IoU.tree": 0.7593, "IoU.ceiling": 0.8569, "IoU.road": 0.8571, "IoU.bed ": 0.9162, "IoU.windowpane": 0.6423, "IoU.grass": 0.6616, "IoU.cabinet": 0.6475, "IoU.sidewalk": 0.6877, "IoU.person": 0.8359, "IoU.earth": 0.3618, "IoU.door": 0.5502, "IoU.table": 0.6482, "IoU.mountain": 0.5949, "IoU.plant": 0.5255, "IoU.curtain": 0.7733, "IoU.chair": 0.6306, "IoU.car": 0.8653, "IoU.water": 0.6195, "IoU.painting": 0.7464, "IoU.sofa": 0.7321, "IoU.shelf": 0.4605, "IoU.house": 0.4901, "IoU.sea": 0.7199, "IoU.mirror": 0.7156, "IoU.rug": 0.6318, "IoU.field": 0.3034, "IoU.armchair": 0.4886, "IoU.seat": 0.6696, "IoU.fence": 0.4886, "IoU.desk": 0.518, "IoU.rock": 0.5163, "IoU.wardrobe": 0.5269, "IoU.lamp": 0.6818, "IoU.bathtub": 0.817, "IoU.railing": 0.3892, "IoU.cushion": 0.6449, "IoU.base": 0.3405, "IoU.box": 0.3128, "IoU.column": 0.5279, "IoU.signboard": 0.382, "IoU.chest of drawers": 0.4178, "IoU.counter": 0.2737, "IoU.sand": 0.5698, "IoU.sink": 0.7706, "IoU.skyscraper": 0.6443, "IoU.fireplace": 0.6963, "IoU.refrigerator": 0.7606, "IoU.grandstand": 0.4609, "IoU.path": 0.2583, "IoU.stairs": 0.3518, "IoU.runway": 0.6713, "IoU.case": 0.5522, "IoU.pool table": 0.9385, "IoU.pillow": 0.6233, "IoU.screen door": 0.6267, "IoU.stairway": 0.3799, "IoU.river": 0.1004, "IoU.bridge": 0.4946, "IoU.bookcase": 0.4288, "IoU.blind": 0.4043, "IoU.coffee table": 0.6178, "IoU.toilet": 0.8707, "IoU.flower": 0.4692, "IoU.book": 0.4944, "IoU.hill": 0.0772, "IoU.bench": 0.6426, "IoU.countertop": 0.5919, "IoU.stove": 0.8146, "IoU.palm": 0.5594, "IoU.kitchen island": 0.4335, "IoU.computer": 0.7634, "IoU.swivel chair": 0.5296, "IoU.boat": 0.7479, "IoU.bar": 0.5458, "IoU.arcade machine": 0.7384, "IoU.hovel": 0.4971, "IoU.bus": 0.8565, "IoU.towel": 0.6796, "IoU.light": 0.5717, "IoU.truck": 0.445, "IoU.tower": 0.3327, "IoU.chandelier": 0.7045, "IoU.awning": 0.328, "IoU.streetlight": 0.3075, "IoU.booth": 0.404, "IoU.television receiver": 0.7762, "IoU.airplane": 0.7819, "IoU.dirt track": 0.1023, "IoU.apparel": 0.5883, "IoU.pole": 0.2317, "IoU.land": 0.0393, "IoU.bannister": 0.1559, "IoU.escalator": 0.5196, "IoU.ottoman": 0.5371, "IoU.bottle": 0.4092, "IoU.buffet": 0.5309, "IoU.poster": 0.3411, "IoU.stage": 0.2745, "IoU.van": 0.4757, "IoU.ship": 0.5656, "IoU.fountain": 0.2297, "IoU.conveyer belt": 0.8175, "IoU.canopy": 0.4108, "IoU.washer": 0.7228, "IoU.plaything": 0.4348, "IoU.swimming pool": 0.725, "IoU.stool": 0.4439, "IoU.barrel": 0.616, "IoU.basket": 0.4091, "IoU.waterfall": 0.6777, "IoU.tent": 0.9532, "IoU.bag": 0.1676, "IoU.minibike": 0.7315, "IoU.cradle": 0.8304, "IoU.oven": 0.4662, "IoU.ball": 0.4167, "IoU.food": 0.5702, "IoU.step": 0.2199, "IoU.tank": 0.6386, "IoU.trade name": 0.2618, "IoU.microwave": 0.8316, "IoU.pot": 0.5158, "IoU.animal": 0.5852, "IoU.bicycle": 0.5847, "IoU.lake": 0.4925, "IoU.dishwasher": 0.679, "IoU.screen": 0.5832, "IoU.blanket": 0.2075, "IoU.sculpture": 0.6923, "IoU.hood": 0.6466, "IoU.sconce": 0.52, "IoU.vase": 0.4279, "IoU.traffic light": 0.3536, "IoU.tray": 0.0375, "IoU.ashcan": 0.4669, "IoU.fan": 0.6251, "IoU.pier": 0.4449, "IoU.crt screen": 0.0515, "IoU.plate": 0.5656, "IoU.monitor": 0.203, "IoU.bulletin board": 0.6125, "IoU.shower": 0.0007, "IoU.radiator": 0.6556, "IoU.glass": 0.1595, "IoU.clock": 0.4217, "IoU.flag": 0.5485, "Acc.wall": 0.8934, "Acc.building": 0.917, "Acc.sky": 0.9776, "Acc.floor": 0.913, "Acc.tree": 0.8902, "Acc.ceiling": 0.9205, "Acc.road": 0.9239, "Acc.bed ": 0.9681, "Acc.windowpane": 0.7962, "Acc.grass": 0.8208, "Acc.cabinet": 0.7463, "Acc.sidewalk": 0.8118, "Acc.person": 0.9303, "Acc.earth": 0.4845, "Acc.door": 0.7425, "Acc.table": 0.7917, "Acc.mountain": 0.7079, "Acc.plant": 0.6601, "Acc.curtain": 0.8801, "Acc.chair": 0.7523, "Acc.car": 0.9356, "Acc.water": 0.7696, "Acc.painting": 0.8832, "Acc.sofa": 0.8474, "Acc.shelf": 0.6588, "Acc.house": 0.7361, "Acc.sea": 0.8661, "Acc.mirror": 0.7717, "Acc.rug": 0.7233, "Acc.field": 0.4609, "Acc.armchair": 0.6925, "Acc.seat": 0.8436, "Acc.fence": 0.6317, "Acc.desk": 0.6776, "Acc.rock": 0.7752, "Acc.wardrobe": 0.6905, "Acc.lamp": 0.7937, "Acc.bathtub": 0.8568, "Acc.railing": 0.5518, "Acc.cushion": 0.7632, "Acc.base": 0.4496, "Acc.box": 0.3803, "Acc.column": 0.6691, "Acc.signboard": 0.5276, "Acc.chest of drawers": 0.6713, "Acc.counter": 0.3582, "Acc.sand": 0.7925, "Acc.sink": 0.8364, "Acc.skyscraper": 0.8303, "Acc.fireplace": 0.9064, "Acc.refrigerator": 0.8288, "Acc.grandstand": 0.8586, "Acc.path": 0.3994, "Acc.stairs": 0.4733, "Acc.runway": 0.8825, "Acc.case": 0.7084, "Acc.pool table": 0.9769, "Acc.pillow": 0.7484, "Acc.screen door": 0.7743, "Acc.stairway": 0.4417, "Acc.river": 0.2111, "Acc.bridge": 0.5689, "Acc.bookcase": 0.6973, "Acc.blind": 0.4644, "Acc.coffee table": 0.8674, "Acc.toilet": 0.9324, "Acc.flower": 0.5763, "Acc.book": 0.69, "Acc.hill": 0.134, "Acc.bench": 0.7507, "Acc.countertop": 0.7717, "Acc.stove": 0.8828, "Acc.palm": 0.7775, "Acc.kitchen island": 0.7386, "Acc.computer": 0.8897, "Acc.swivel chair": 0.7011, "Acc.boat": 0.883, "Acc.bar": 0.751, "Acc.arcade machine": 0.7902, "Acc.hovel": 0.7104, "Acc.bus": 0.9716, "Acc.towel": 0.8545, "Acc.light": 0.6826, "Acc.truck": 0.6092, "Acc.tower": 0.5736, "Acc.chandelier": 0.8692, "Acc.awning": 0.3914, "Acc.streetlight": 0.4382, "Acc.booth": 0.5163, "Acc.television receiver": 0.8546, "Acc.airplane": 0.8693, "Acc.dirt track": 0.186, "Acc.apparel": 0.7025, "Acc.pole": 0.2937, "Acc.land": 0.0751, "Acc.bannister": 0.2111, "Acc.escalator": 0.7575, "Acc.ottoman": 0.6939, "Acc.bottle": 0.6096, "Acc.buffet": 0.6421, "Acc.poster": 0.4967, "Acc.stage": 0.4355, "Acc.van": 0.6525, "Acc.ship": 0.6348, "Acc.fountain": 0.2346, "Acc.conveyer belt": 0.9232, "Acc.canopy": 0.54, "Acc.washer": 0.7445, "Acc.plaything": 0.6633, "Acc.swimming pool": 0.7413, "Acc.stool": 0.6276, "Acc.barrel": 0.8301, "Acc.basket": 0.4992, "Acc.waterfall": 0.8738, "Acc.tent": 0.9842, "Acc.bag": 0.1918, "Acc.minibike": 0.8708, "Acc.cradle": 0.977, "Acc.oven": 0.6013, "Acc.ball": 0.445, "Acc.food": 0.7276, "Acc.step": 0.2735, "Acc.tank": 0.6683, "Acc.trade name": 0.3098, "Acc.microwave": 0.9376, "Acc.pot": 0.6036, "Acc.animal": 0.5978, "Acc.bicycle": 0.7537, "Acc.lake": 0.6416, "Acc.dishwasher": 0.7518, "Acc.screen": 0.8679, "Acc.blanket": 0.2546, "Acc.sculpture": 0.8204, "Acc.hood": 0.6825, "Acc.sconce": 0.6086, "Acc.vase": 0.5859, "Acc.traffic light": 0.5382, "Acc.tray": 0.0429, "Acc.ashcan": 0.5991, "Acc.fan": 0.7217, "Acc.pier": 0.5878, "Acc.crt screen": 0.1177, "Acc.plate": 0.7833, "Acc.monitor": 0.2522, "Acc.bulletin board": 0.7063, "Acc.shower": 0.0029, "Acc.radiator": 0.7375, "Acc.glass": 0.1715, "Acc.clock": 0.4582, "Acc.flag": 0.6038} {"mode": "train", "epoch": 61, "iter": 76050, "lr": 0.0, "memory": 14793, "data_time": 2.13239, "decode.loss_ce": 0.24703, "decode.acc_seg": 89.65885, "aux.loss_ce": 0.18435, "aux.acc_seg": 82.66329, "loss": 0.43138, "grad_norm": 15.33481, "time": 2.54204} {"mode": "train", "epoch": 61, "iter": 76100, "lr": 0.0, "memory": 14793, "data_time": 0.00564, "decode.loss_ce": 0.25378, "decode.acc_seg": 89.49552, "aux.loss_ce": 0.18137, "aux.acc_seg": 83.25848, "loss": 0.43516, "grad_norm": 14.91672, "time": 0.4084} {"mode": "train", "epoch": 61, "iter": 76150, "lr": 0.0, "memory": 14793, "data_time": 0.00611, "decode.loss_ce": 0.25649, "decode.acc_seg": 89.31734, "aux.loss_ce": 0.18696, "aux.acc_seg": 82.44375, "loss": 0.44345, "grad_norm": 13.91441, "time": 0.40991} {"mode": "train", "epoch": 61, "iter": 76200, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.2591, "decode.acc_seg": 88.99155, "aux.loss_ce": 0.18862, "aux.acc_seg": 82.16505, "loss": 0.44772, "grad_norm": 14.20606, "time": 0.41266} {"mode": "train", "epoch": 61, "iter": 76250, "lr": 0.0, "memory": 14793, "data_time": 0.00539, "decode.loss_ce": 0.25427, "decode.acc_seg": 89.65313, "aux.loss_ce": 0.19064, "aux.acc_seg": 82.14479, "loss": 0.44492, "grad_norm": 10.6887, "time": 0.41889} {"mode": "train", "epoch": 61, "iter": 76300, "lr": 0.0, "memory": 14793, "data_time": 0.0057, "decode.loss_ce": 0.24266, "decode.acc_seg": 89.82461, "aux.loss_ce": 0.17703, "aux.acc_seg": 83.10795, "loss": 0.41969, "grad_norm": 13.30777, "time": 0.41549} {"mode": "train", "epoch": 61, "iter": 76350, "lr": 0.0, "memory": 14793, "data_time": 0.00551, "decode.loss_ce": 0.25649, "decode.acc_seg": 89.56971, "aux.loss_ce": 0.17837, "aux.acc_seg": 83.46138, "loss": 0.43486, "grad_norm": 11.99047, "time": 0.40927} {"mode": "train", "epoch": 61, "iter": 76400, "lr": 0.0, "memory": 14793, "data_time": 0.00579, "decode.loss_ce": 0.25491, "decode.acc_seg": 89.6942, "aux.loss_ce": 0.18934, "aux.acc_seg": 82.42181, "loss": 0.44425, "grad_norm": 11.25944, "time": 0.41626} {"mode": "train", "epoch": 61, "iter": 76450, "lr": 0.0, "memory": 14793, "data_time": 0.00563, "decode.loss_ce": 0.24419, "decode.acc_seg": 90.05837, "aux.loss_ce": 0.1806, "aux.acc_seg": 82.95499, "loss": 0.42479, "grad_norm": 10.95268, "time": 0.4131} {"mode": "train", "epoch": 61, "iter": 76500, "lr": 0.0, "memory": 14793, "data_time": 0.00632, "decode.loss_ce": 0.26231, "decode.acc_seg": 89.62759, "aux.loss_ce": 0.18707, "aux.acc_seg": 82.8763, "loss": 0.44939, "grad_norm": 14.05173, "time": 0.40418} {"mode": "train", "epoch": 61, "iter": 76550, "lr": 0.0, "memory": 14793, "data_time": 0.00581, "decode.loss_ce": 0.25314, "decode.acc_seg": 89.66428, "aux.loss_ce": 0.18335, "aux.acc_seg": 82.72157, "loss": 0.43649, "grad_norm": 12.98538, "time": 0.41841} {"mode": "train", "epoch": 61, "iter": 76600, "lr": 0.0, "memory": 14793, "data_time": 0.00607, "decode.loss_ce": 0.24889, "decode.acc_seg": 89.60643, "aux.loss_ce": 0.17359, "aux.acc_seg": 83.52479, "loss": 0.42248, "grad_norm": 14.5391, "time": 0.42022} {"mode": "train", "epoch": 61, "iter": 76650, "lr": 0.0, "memory": 14793, "data_time": 0.00562, "decode.loss_ce": 0.25372, "decode.acc_seg": 88.99415, "aux.loss_ce": 0.17824, "aux.acc_seg": 82.12215, "loss": 0.43196, "grad_norm": 12.38805, "time": 0.41358} {"mode": "train", "epoch": 61, "iter": 76700, "lr": 0.0, "memory": 14793, "data_time": 0.00553, "decode.loss_ce": 0.26022, "decode.acc_seg": 89.86584, "aux.loss_ce": 0.18617, "aux.acc_seg": 82.50551, "loss": 0.44638, "grad_norm": 13.76596, "time": 0.43194} {"mode": "train", "epoch": 61, "iter": 76750, "lr": 0.0, "memory": 14793, "data_time": 0.00625, "decode.loss_ce": 0.24786, "decode.acc_seg": 89.78481, "aux.loss_ce": 0.18097, "aux.acc_seg": 82.43707, "loss": 0.42883, "grad_norm": 11.85909, "time": 0.4219} {"mode": "train", "epoch": 61, "iter": 76800, "lr": 0.0, "memory": 14793, "data_time": 0.0051, "decode.loss_ce": 0.24899, "decode.acc_seg": 89.6242, "aux.loss_ce": 0.18669, "aux.acc_seg": 82.71272, "loss": 0.43568, "grad_norm": 12.62301, "time": 0.42489} {"mode": "train", "epoch": 61, "iter": 76850, "lr": 0.0, "memory": 14793, "data_time": 0.00506, "decode.loss_ce": 0.24838, "decode.acc_seg": 90.10472, "aux.loss_ce": 0.17998, "aux.acc_seg": 83.84258, "loss": 0.42836, "grad_norm": 12.19634, "time": 0.41275} {"mode": "train", "epoch": 61, "iter": 76900, "lr": 0.0, "memory": 14793, "data_time": 0.00651, "decode.loss_ce": 0.24803, "decode.acc_seg": 89.70699, "aux.loss_ce": 0.17979, "aux.acc_seg": 83.16617, "loss": 0.42782, "grad_norm": 13.68748, "time": 0.41494} {"mode": "train", "epoch": 61, "iter": 76950, "lr": 0.0, "memory": 14793, "data_time": 0.00535, "decode.loss_ce": 0.2337, "decode.acc_seg": 89.99907, "aux.loss_ce": 0.16729, "aux.acc_seg": 83.83814, "loss": 0.40099, "grad_norm": 10.75659, "time": 0.41276} {"mode": "train", "epoch": 61, "iter": 77000, "lr": 0.0, "memory": 14793, "data_time": 0.00526, "decode.loss_ce": 0.25, "decode.acc_seg": 89.70319, "aux.loss_ce": 0.17755, "aux.acc_seg": 83.1568, "loss": 0.42754, "grad_norm": 13.68411, "time": 0.647} {"mode": "val", "epoch": 61, "iter": 125, "lr": 0.0, "aAcc": 0.846, "mIoU": 0.5439, "mAcc": 0.6681, "IoU.wall": 0.7996, "IoU.building": 0.8362, "IoU.sky": 0.9495, "IoU.floor": 0.832, "IoU.tree": 0.7572, "IoU.ceiling": 0.8572, "IoU.road": 0.8493, "IoU.bed ": 0.9152, "IoU.windowpane": 0.6398, "IoU.grass": 0.6594, "IoU.cabinet": 0.6413, "IoU.sidewalk": 0.6788, "IoU.person": 0.8366, "IoU.earth": 0.3413, "IoU.door": 0.5427, "IoU.table": 0.6493, "IoU.mountain": 0.5974, "IoU.plant": 0.5173, "IoU.curtain": 0.7621, "IoU.chair": 0.6306, "IoU.car": 0.8654, "IoU.water": 0.5734, "IoU.painting": 0.7397, "IoU.sofa": 0.7264, "IoU.shelf": 0.4597, "IoU.house": 0.4794, "IoU.sea": 0.6533, "IoU.mirror": 0.7293, "IoU.rug": 0.6695, "IoU.field": 0.3005, "IoU.armchair": 0.4672, "IoU.seat": 0.6433, "IoU.fence": 0.4757, "IoU.desk": 0.5254, "IoU.rock": 0.5139, "IoU.wardrobe": 0.5247, "IoU.lamp": 0.6854, "IoU.bathtub": 0.8167, "IoU.railing": 0.4096, "IoU.cushion": 0.631, "IoU.base": 0.3752, "IoU.box": 0.3452, "IoU.column": 0.5402, "IoU.signboard": 0.3871, "IoU.chest of drawers": 0.4174, "IoU.counter": 0.3529, "IoU.sand": 0.5843, "IoU.sink": 0.7897, "IoU.skyscraper": 0.5924, "IoU.fireplace": 0.6751, "IoU.refrigerator": 0.7537, "IoU.grandstand": 0.4438, "IoU.path": 0.2755, "IoU.stairs": 0.3302, "IoU.runway": 0.6654, "IoU.case": 0.5971, "IoU.pool table": 0.9328, "IoU.pillow": 0.6175, "IoU.screen door": 0.5245, "IoU.stairway": 0.3647, "IoU.river": 0.125, "IoU.bridge": 0.356, "IoU.bookcase": 0.4415, "IoU.blind": 0.3882, "IoU.coffee table": 0.6131, "IoU.toilet": 0.8775, "IoU.flower": 0.454, "IoU.book": 0.5126, "IoU.hill": 0.073, "IoU.bench": 0.6525, "IoU.countertop": 0.6012, "IoU.stove": 0.8248, "IoU.palm": 0.5574, "IoU.kitchen island": 0.3926, "IoU.computer": 0.7525, "IoU.swivel chair": 0.4962, "IoU.boat": 0.7836, "IoU.bar": 0.5242, "IoU.arcade machine": 0.5987, "IoU.hovel": 0.5977, "IoU.bus": 0.9032, "IoU.towel": 0.685, "IoU.light": 0.5657, "IoU.truck": 0.4416, "IoU.tower": 0.2788, "IoU.chandelier": 0.7009, "IoU.awning": 0.3405, "IoU.streetlight": 0.3183, "IoU.booth": 0.3825, "IoU.television receiver": 0.7802, "IoU.airplane": 0.736, "IoU.dirt track": 0.0521, "IoU.apparel": 0.595, "IoU.pole": 0.2439, "IoU.land": 0.0393, "IoU.bannister": 0.1709, "IoU.escalator": 0.5394, "IoU.ottoman": 0.5398, "IoU.bottle": 0.4176, "IoU.buffet": 0.5185, "IoU.poster": 0.3373, "IoU.stage": 0.2508, "IoU.van": 0.4857, "IoU.ship": 0.8082, "IoU.fountain": 0.2772, "IoU.conveyer belt": 0.8177, "IoU.canopy": 0.4525, "IoU.washer": 0.7212, "IoU.plaything": 0.3741, "IoU.swimming pool": 0.6825, "IoU.stool": 0.4571, "IoU.barrel": 0.6025, "IoU.basket": 0.4096, "IoU.waterfall": 0.6667, "IoU.tent": 0.9512, "IoU.bag": 0.2291, "IoU.minibike": 0.7268, "IoU.cradle": 0.8429, "IoU.oven": 0.5026, "IoU.ball": 0.5486, "IoU.food": 0.5418, "IoU.step": 0.2277, "IoU.tank": 0.6365, "IoU.trade name": 0.2844, "IoU.microwave": 0.8383, "IoU.pot": 0.5124, "IoU.animal": 0.6146, "IoU.bicycle": 0.5838, "IoU.lake": 0.5266, "IoU.dishwasher": 0.702, "IoU.screen": 0.5693, "IoU.blanket": 0.1945, "IoU.sculpture": 0.7033, "IoU.hood": 0.6926, "IoU.sconce": 0.5366, "IoU.vase": 0.4223, "IoU.traffic light": 0.357, "IoU.tray": 0.0392, "IoU.ashcan": 0.4869, "IoU.fan": 0.644, "IoU.pier": 0.5161, "IoU.crt screen": 0.084, "IoU.plate": 0.5587, "IoU.monitor": 0.2145, "IoU.bulletin board": 0.6214, "IoU.shower": 0.0018, "IoU.radiator": 0.6329, "IoU.glass": 0.1583, "IoU.clock": 0.4044, "IoU.flag": 0.5218, "Acc.wall": 0.8887, "Acc.building": 0.9236, "Acc.sky": 0.9744, "Acc.floor": 0.903, "Acc.tree": 0.9077, "Acc.ceiling": 0.9254, "Acc.road": 0.9116, "Acc.bed ": 0.9688, "Acc.windowpane": 0.8198, "Acc.grass": 0.8163, "Acc.cabinet": 0.7493, "Acc.sidewalk": 0.8258, "Acc.person": 0.9289, "Acc.earth": 0.4537, "Acc.door": 0.6946, "Acc.table": 0.7743, "Acc.mountain": 0.7435, "Acc.plant": 0.6304, "Acc.curtain": 0.878, "Acc.chair": 0.7662, "Acc.car": 0.9368, "Acc.water": 0.7094, "Acc.painting": 0.8808, "Acc.sofa": 0.8826, "Acc.shelf": 0.6452, "Acc.house": 0.6622, "Acc.sea": 0.8795, "Acc.mirror": 0.7994, "Acc.rug": 0.7807, "Acc.field": 0.4982, "Acc.armchair": 0.666, "Acc.seat": 0.8071, "Acc.fence": 0.6157, "Acc.desk": 0.7279, "Acc.rock": 0.7139, "Acc.wardrobe": 0.6924, "Acc.lamp": 0.7941, "Acc.bathtub": 0.8634, "Acc.railing": 0.5791, "Acc.cushion": 0.7394, "Acc.base": 0.5131, "Acc.box": 0.4363, "Acc.column": 0.6515, "Acc.signboard": 0.5111, "Acc.chest of drawers": 0.6881, "Acc.counter": 0.4395, "Acc.sand": 0.821, "Acc.sink": 0.8768, "Acc.skyscraper": 0.7374, "Acc.fireplace": 0.9392, "Acc.refrigerator": 0.8256, "Acc.grandstand": 0.8419, "Acc.path": 0.4212, "Acc.stairs": 0.4292, "Acc.runway": 0.9014, "Acc.case": 0.7557, "Acc.pool table": 0.9822, "Acc.pillow": 0.7315, "Acc.screen door": 0.6501, "Acc.stairway": 0.4618, "Acc.river": 0.2276, "Acc.bridge": 0.4056, "Acc.bookcase": 0.6991, "Acc.blind": 0.4328, "Acc.coffee table": 0.8766, "Acc.toilet": 0.941, "Acc.flower": 0.5766, "Acc.book": 0.6818, "Acc.hill": 0.1245, "Acc.bench": 0.7699, "Acc.countertop": 0.7577, "Acc.stove": 0.8662, "Acc.palm": 0.7784, "Acc.kitchen island": 0.7894, "Acc.computer": 0.8955, "Acc.swivel chair": 0.6546, "Acc.boat": 0.8785, "Acc.bar": 0.6579, "Acc.arcade machine": 0.6293, "Acc.hovel": 0.6948, "Acc.bus": 0.9723, "Acc.towel": 0.8441, "Acc.light": 0.6519, "Acc.truck": 0.5971, "Acc.tower": 0.4947, "Acc.chandelier": 0.82, "Acc.awning": 0.4118, "Acc.streetlight": 0.4493, "Acc.booth": 0.534, "Acc.television receiver": 0.8744, "Acc.airplane": 0.822, "Acc.dirt track": 0.0979, "Acc.apparel": 0.7376, "Acc.pole": 0.3162, "Acc.land": 0.0522, "Acc.bannister": 0.2253, "Acc.escalator": 0.817, "Acc.ottoman": 0.7246, "Acc.bottle": 0.6566, "Acc.buffet": 0.679, "Acc.poster": 0.4922, "Acc.stage": 0.4099, "Acc.van": 0.6463, "Acc.ship": 0.9295, "Acc.fountain": 0.2804, "Acc.conveyer belt": 0.9262, "Acc.canopy": 0.5825, "Acc.washer": 0.746, "Acc.plaything": 0.5277, "Acc.swimming pool": 0.7765, "Acc.stool": 0.6358, "Acc.barrel": 0.8261, "Acc.basket": 0.5024, "Acc.waterfall": 0.8742, "Acc.tent": 0.9841, "Acc.bag": 0.2818, "Acc.minibike": 0.8683, "Acc.cradle": 0.9784, "Acc.oven": 0.6191, "Acc.ball": 0.6336, "Acc.food": 0.6127, "Acc.step": 0.2873, "Acc.tank": 0.666, "Acc.trade name": 0.3381, "Acc.microwave": 0.9535, "Acc.pot": 0.5955, "Acc.animal": 0.6381, "Acc.bicycle": 0.7209, "Acc.lake": 0.6823, "Acc.dishwasher": 0.8132, "Acc.screen": 0.8635, "Acc.blanket": 0.2195, "Acc.sculpture": 0.8244, "Acc.hood": 0.7511, "Acc.sconce": 0.6243, "Acc.vase": 0.5458, "Acc.traffic light": 0.5412, "Acc.tray": 0.0491, "Acc.ashcan": 0.6216, "Acc.fan": 0.7543, "Acc.pier": 0.6453, "Acc.crt screen": 0.1854, "Acc.plate": 0.7613, "Acc.monitor": 0.2924, "Acc.bulletin board": 0.6979, "Acc.shower": 0.0159, "Acc.radiator": 0.7153, "Acc.glass": 0.1694, "Acc.clock": 0.4377, "Acc.flag": 0.5757} {"mode": "train", "epoch": 61, "iter": 77050, "lr": 0.0, "memory": 14793, "data_time": 2.16116, "decode.loss_ce": 0.25096, "decode.acc_seg": 89.79272, "aux.loss_ce": 0.18456, "aux.acc_seg": 82.56323, "loss": 0.43552, "grad_norm": 14.06264, "time": 2.56782} {"mode": "train", "epoch": 61, "iter": 77100, "lr": 0.0, "memory": 14793, "data_time": 0.0055, "decode.loss_ce": 0.26262, "decode.acc_seg": 89.35451, "aux.loss_ce": 0.18629, "aux.acc_seg": 82.60808, "loss": 0.44891, "grad_norm": 13.49536, "time": 0.41807} {"mode": "train", "epoch": 62, "iter": 77150, "lr": 0.0, "memory": 14793, "data_time": 0.05321, "decode.loss_ce": 0.23334, "decode.acc_seg": 90.51857, "aux.loss_ce": 0.17846, "aux.acc_seg": 83.19791, "loss": 0.41181, "grad_norm": 10.4559, "time": 0.47205} {"mode": "train", "epoch": 62, "iter": 77200, "lr": 0.0, "memory": 14793, "data_time": 0.00541, "decode.loss_ce": 0.24671, "decode.acc_seg": 89.81426, "aux.loss_ce": 0.1837, "aux.acc_seg": 83.01198, "loss": 0.4304, "grad_norm": 11.97722, "time": 0.41682} {"mode": "train", "epoch": 62, "iter": 77250, "lr": 0.0, "memory": 14793, "data_time": 0.00747, "decode.loss_ce": 0.24645, "decode.acc_seg": 89.64124, "aux.loss_ce": 0.17338, "aux.acc_seg": 83.54527, "loss": 0.41983, "grad_norm": 16.36655, "time": 0.41378} {"mode": "train", "epoch": 62, "iter": 77300, "lr": 0.0, "memory": 14793, "data_time": 0.00578, "decode.loss_ce": 0.24872, "decode.acc_seg": 89.58929, "aux.loss_ce": 0.18519, "aux.acc_seg": 82.38951, "loss": 0.43391, "grad_norm": 13.01676, "time": 0.40809} {"mode": "train", "epoch": 62, "iter": 77350, "lr": 0.0, "memory": 14793, "data_time": 0.00546, "decode.loss_ce": 0.25037, "decode.acc_seg": 89.65176, "aux.loss_ce": 0.1831, "aux.acc_seg": 82.78017, "loss": 0.43347, "grad_norm": 13.32464, "time": 0.40985} {"mode": "train", "epoch": 62, "iter": 77400, "lr": 0.0, "memory": 14793, "data_time": 0.00561, "decode.loss_ce": 0.25019, "decode.acc_seg": 89.81519, "aux.loss_ce": 0.18629, "aux.acc_seg": 82.74975, "loss": 0.43649, "grad_norm": 12.04183, "time": 0.41009} {"mode": "train", "epoch": 62, "iter": 77450, "lr": 0.0, "memory": 14793, "data_time": 0.00605, "decode.loss_ce": 0.24247, "decode.acc_seg": 90.15282, "aux.loss_ce": 0.17599, "aux.acc_seg": 83.77989, "loss": 0.41845, "grad_norm": 9.94764, "time": 0.4173} {"mode": "train", "epoch": 62, "iter": 77500, "lr": 0.0, "memory": 14793, "data_time": 0.00577, "decode.loss_ce": 0.2523, "decode.acc_seg": 89.61392, "aux.loss_ce": 0.18048, "aux.acc_seg": 82.97309, "loss": 0.43278, "grad_norm": 14.74083, "time": 0.41132} {"mode": "train", "epoch": 62, "iter": 77550, "lr": 0.0, "memory": 14793, "data_time": 0.00587, "decode.loss_ce": 0.25125, "decode.acc_seg": 89.59953, "aux.loss_ce": 0.18462, "aux.acc_seg": 82.24552, "loss": 0.43587, "grad_norm": 11.70001, "time": 0.42469} {"mode": "train", "epoch": 62, "iter": 77600, "lr": 0.0, "memory": 14793, "data_time": 0.00552, "decode.loss_ce": 0.27471, "decode.acc_seg": 88.86339, "aux.loss_ce": 0.19089, "aux.acc_seg": 82.26039, "loss": 0.4656, "grad_norm": 12.95419, "time": 0.41395} {"mode": "train", "epoch": 62, "iter": 77650, "lr": 0.0, "memory": 14793, "data_time": 0.00635, "decode.loss_ce": 0.24372, "decode.acc_seg": 89.51117, "aux.loss_ce": 0.18321, "aux.acc_seg": 82.19205, "loss": 0.42693, "grad_norm": 14.28764, "time": 0.41004} {"mode": "train", "epoch": 62, "iter": 77700, "lr": 0.0, "memory": 14793, "data_time": 0.00527, "decode.loss_ce": 0.24253, "decode.acc_seg": 89.81443, "aux.loss_ce": 0.18403, "aux.acc_seg": 82.40323, "loss": 0.42656, "grad_norm": 12.51888, "time": 0.41744} {"mode": "train", "epoch": 62, "iter": 77750, "lr": 0.0, "memory": 14793, "data_time": 0.00512, "decode.loss_ce": 0.25027, "decode.acc_seg": 90.04566, "aux.loss_ce": 0.18021, "aux.acc_seg": 83.77169, "loss": 0.43048, "grad_norm": 18.13938, "time": 0.40915} {"mode": "train", "epoch": 62, "iter": 77800, "lr": 0.0, "memory": 14793, "data_time": 0.00643, "decode.loss_ce": 0.23298, "decode.acc_seg": 90.4511, "aux.loss_ce": 0.17557, "aux.acc_seg": 83.29035, "loss": 0.40855, "grad_norm": 10.7866, "time": 0.41233} {"mode": "train", "epoch": 62, "iter": 77850, "lr": 0.0, "memory": 14793, "data_time": 0.00527, "decode.loss_ce": 0.24327, "decode.acc_seg": 89.73742, "aux.loss_ce": 0.18215, "aux.acc_seg": 82.24561, "loss": 0.42542, "grad_norm": 11.8796, "time": 0.41216} {"mode": "train", "epoch": 62, "iter": 77900, "lr": 0.0, "memory": 14793, "data_time": 0.00565, "decode.loss_ce": 0.26822, "decode.acc_seg": 89.13662, "aux.loss_ce": 0.19079, "aux.acc_seg": 82.00887, "loss": 0.459, "grad_norm": 15.25601, "time": 0.42484} {"mode": "train", "epoch": 62, "iter": 77950, "lr": 0.0, "memory": 14793, "data_time": 0.00549, "decode.loss_ce": 0.25323, "decode.acc_seg": 89.31005, "aux.loss_ce": 0.17993, "aux.acc_seg": 82.87844, "loss": 0.43317, "grad_norm": 14.87893, "time": 0.43302} {"mode": "train", "epoch": 62, "iter": 78000, "lr": 0.0, "memory": 14793, "data_time": 0.00554, "decode.loss_ce": 0.2568, "decode.acc_seg": 89.49105, "aux.loss_ce": 0.18694, "aux.acc_seg": 82.14976, "loss": 0.44374, "grad_norm": 13.11404, "time": 0.64947} {"mode": "val", "epoch": 62, "iter": 125, "lr": 0.0, "aAcc": 0.8473, "mIoU": 0.5408, "mAcc": 0.6702, "IoU.wall": 0.7997, "IoU.building": 0.8396, "IoU.sky": 0.9491, "IoU.floor": 0.8296, "IoU.tree": 0.7607, "IoU.ceiling": 0.8551, "IoU.road": 0.8504, "IoU.bed ": 0.9107, "IoU.windowpane": 0.6491, "IoU.grass": 0.675, "IoU.cabinet": 0.6372, "IoU.sidewalk": 0.6792, "IoU.person": 0.8376, "IoU.earth": 0.3914, "IoU.door": 0.5528, "IoU.table": 0.6452, "IoU.mountain": 0.5918, "IoU.plant": 0.522, "IoU.curtain": 0.7677, "IoU.chair": 0.6314, "IoU.car": 0.856, "IoU.water": 0.5843, "IoU.painting": 0.7391, "IoU.sofa": 0.7391, "IoU.shelf": 0.4555, "IoU.house": 0.5039, "IoU.sea": 0.6536, "IoU.mirror": 0.7134, "IoU.rug": 0.6471, "IoU.field": 0.3212, "IoU.armchair": 0.4677, "IoU.seat": 0.6644, "IoU.fence": 0.4927, "IoU.desk": 0.515, "IoU.rock": 0.5052, "IoU.wardrobe": 0.5099, "IoU.lamp": 0.6794, "IoU.bathtub": 0.817, "IoU.railing": 0.4111, "IoU.cushion": 0.6448, "IoU.base": 0.3755, "IoU.box": 0.3062, "IoU.column": 0.5268, "IoU.signboard": 0.3795, "IoU.chest of drawers": 0.43, "IoU.counter": 0.3032, "IoU.sand": 0.5991, "IoU.sink": 0.7863, "IoU.skyscraper": 0.5482, "IoU.fireplace": 0.6827, "IoU.refrigerator": 0.758, "IoU.grandstand": 0.4654, "IoU.path": 0.2513, "IoU.stairs": 0.3469, "IoU.runway": 0.6416, "IoU.case": 0.5891, "IoU.pool table": 0.928, "IoU.pillow": 0.6038, "IoU.screen door": 0.605, "IoU.stairway": 0.3887, "IoU.river": 0.1146, "IoU.bridge": 0.4567, "IoU.bookcase": 0.4189, "IoU.blind": 0.5062, "IoU.coffee table": 0.6093, "IoU.toilet": 0.8704, "IoU.flower": 0.4597, "IoU.book": 0.4718, "IoU.hill": 0.0663, "IoU.bench": 0.6214, "IoU.countertop": 0.5808, "IoU.stove": 0.8265, "IoU.palm": 0.5639, "IoU.kitchen island": 0.4388, "IoU.computer": 0.7425, "IoU.swivel chair": 0.4955, "IoU.boat": 0.7676, "IoU.bar": 0.5013, "IoU.arcade machine": 0.6691, "IoU.hovel": 0.6173, "IoU.bus": 0.8544, "IoU.towel": 0.6587, "IoU.light": 0.5715, "IoU.truck": 0.4014, "IoU.tower": 0.2498, "IoU.chandelier": 0.706, "IoU.awning": 0.329, "IoU.streetlight": 0.3155, "IoU.booth": 0.3759, "IoU.television receiver": 0.7775, "IoU.airplane": 0.7612, "IoU.dirt track": 0.0112, "IoU.apparel": 0.6076, "IoU.pole": 0.2343, "IoU.land": 0.0236, "IoU.bannister": 0.1572, "IoU.escalator": 0.5231, "IoU.ottoman": 0.5435, "IoU.bottle": 0.4072, "IoU.buffet": 0.5353, "IoU.poster": 0.3195, "IoU.stage": 0.2602, "IoU.van": 0.2779, "IoU.ship": 0.8319, "IoU.fountain": 0.3216, "IoU.conveyer belt": 0.8001, "IoU.canopy": 0.44, "IoU.washer": 0.7354, "IoU.plaything": 0.3709, "IoU.swimming pool": 0.6693, "IoU.stool": 0.4572, "IoU.barrel": 0.6052, "IoU.basket": 0.3988, "IoU.waterfall": 0.6428, "IoU.tent": 0.954, "IoU.bag": 0.1807, "IoU.minibike": 0.7203, "IoU.cradle": 0.8336, "IoU.oven": 0.5122, "IoU.ball": 0.375, "IoU.food": 0.5705, "IoU.step": 0.1874, "IoU.tank": 0.632, "IoU.trade name": 0.2371, "IoU.microwave": 0.8306, "IoU.pot": 0.5254, "IoU.animal": 0.6053, "IoU.bicycle": 0.5903, "IoU.lake": 0.5767, "IoU.dishwasher": 0.6944, "IoU.screen": 0.4958, "IoU.blanket": 0.2209, "IoU.sculpture": 0.6681, "IoU.hood": 0.6444, "IoU.sconce": 0.5109, "IoU.vase": 0.4323, "IoU.traffic light": 0.3611, "IoU.tray": 0.0455, "IoU.ashcan": 0.4883, "IoU.fan": 0.6542, "IoU.pier": 0.5769, "IoU.crt screen": 0.115, "IoU.plate": 0.5607, "IoU.monitor": 0.1613, "IoU.bulletin board": 0.6249, "IoU.shower": 0.0044, "IoU.radiator": 0.6229, "IoU.glass": 0.1633, "IoU.clock": 0.4373, "IoU.flag": 0.5227, "Acc.wall": 0.8803, "Acc.building": 0.937, "Acc.sky": 0.9747, "Acc.floor": 0.9084, "Acc.tree": 0.8936, "Acc.ceiling": 0.9161, "Acc.road": 0.9294, "Acc.bed ": 0.973, "Acc.windowpane": 0.8021, "Acc.grass": 0.8208, "Acc.cabinet": 0.7256, "Acc.sidewalk": 0.7898, "Acc.person": 0.9266, "Acc.earth": 0.5338, "Acc.door": 0.7426, "Acc.table": 0.791, "Acc.mountain": 0.7229, "Acc.plant": 0.6274, "Acc.curtain": 0.8818, "Acc.chair": 0.762, "Acc.car": 0.9446, "Acc.water": 0.7229, "Acc.painting": 0.8843, "Acc.sofa": 0.8813, "Acc.shelf": 0.6331, "Acc.house": 0.6341, "Acc.sea": 0.8662, "Acc.mirror": 0.7998, "Acc.rug": 0.7528, "Acc.field": 0.4797, "Acc.armchair": 0.6314, "Acc.seat": 0.8505, "Acc.fence": 0.6255, "Acc.desk": 0.7365, "Acc.rock": 0.7664, "Acc.wardrobe": 0.7074, "Acc.lamp": 0.81, "Acc.bathtub": 0.8628, "Acc.railing": 0.589, "Acc.cushion": 0.7427, "Acc.base": 0.5229, "Acc.box": 0.3794, "Acc.column": 0.6529, "Acc.signboard": 0.5169, "Acc.chest of drawers": 0.6822, "Acc.counter": 0.359, "Acc.sand": 0.7909, "Acc.sink": 0.8603, "Acc.skyscraper": 0.6854, "Acc.fireplace": 0.9444, "Acc.refrigerator": 0.8404, "Acc.grandstand": 0.8351, "Acc.path": 0.373, "Acc.stairs": 0.4513, "Acc.runway": 0.8583, "Acc.case": 0.7626, "Acc.pool table": 0.9849, "Acc.pillow": 0.7095, "Acc.screen door": 0.8983, "Acc.stairway": 0.4814, "Acc.river": 0.2193, "Acc.bridge": 0.536, "Acc.bookcase": 0.7265, "Acc.blind": 0.6156, "Acc.coffee table": 0.8634, "Acc.toilet": 0.9393, "Acc.flower": 0.6087, "Acc.book": 0.6636, "Acc.hill": 0.13, "Acc.bench": 0.7655, "Acc.countertop": 0.7942, "Acc.stove": 0.8889, "Acc.palm": 0.7595, "Acc.kitchen island": 0.8025, "Acc.computer": 0.8986, "Acc.swivel chair": 0.6446, "Acc.boat": 0.9053, "Acc.bar": 0.6547, "Acc.arcade machine": 0.7125, "Acc.hovel": 0.6644, "Acc.bus": 0.9785, "Acc.towel": 0.8945, "Acc.light": 0.6731, "Acc.truck": 0.5573, "Acc.tower": 0.417, "Acc.chandelier": 0.8419, "Acc.awning": 0.3924, "Acc.streetlight": 0.4455, "Acc.booth": 0.4715, "Acc.television receiver": 0.8966, "Acc.airplane": 0.86, "Acc.dirt track": 0.0198, "Acc.apparel": 0.7587, "Acc.pole": 0.304, "Acc.land": 0.0307, "Acc.bannister": 0.198, "Acc.escalator": 0.8428, "Acc.ottoman": 0.7367, "Acc.bottle": 0.6922, "Acc.buffet": 0.6853, "Acc.poster": 0.5089, "Acc.stage": 0.4143, "Acc.van": 0.3467, "Acc.ship": 0.9467, "Acc.fountain": 0.3284, "Acc.conveyer belt": 0.9354, "Acc.canopy": 0.6038, "Acc.washer": 0.7667, "Acc.plaything": 0.4895, "Acc.swimming pool": 0.7858, "Acc.stool": 0.6342, "Acc.barrel": 0.838, "Acc.basket": 0.5302, "Acc.waterfall": 0.8129, "Acc.tent": 0.9834, "Acc.bag": 0.2107, "Acc.minibike": 0.8853, "Acc.cradle": 0.9781, "Acc.oven": 0.6412, "Acc.ball": 0.3995, "Acc.food": 0.7144, "Acc.step": 0.2328, "Acc.tank": 0.6755, "Acc.trade name": 0.2623, "Acc.microwave": 0.9633, "Acc.pot": 0.6251, "Acc.animal": 0.6248, "Acc.bicycle": 0.7717, "Acc.lake": 0.7579, "Acc.dishwasher": 0.8105, "Acc.screen": 0.7066, "Acc.blanket": 0.2795, "Acc.sculpture": 0.839, "Acc.hood": 0.6829, "Acc.sconce": 0.5976, "Acc.vase": 0.5923, "Acc.traffic light": 0.5562, "Acc.tray": 0.0643, "Acc.ashcan": 0.6553, "Acc.fan": 0.8127, "Acc.pier": 0.7263, "Acc.crt screen": 0.3419, "Acc.plate": 0.7641, "Acc.monitor": 0.1924, "Acc.bulletin board": 0.7147, "Acc.shower": 0.0049, "Acc.radiator": 0.7412, "Acc.glass": 0.1774, "Acc.clock": 0.4864, "Acc.flag": 0.5787} {"mode": "train", "epoch": 62, "iter": 78050, "lr": 0.0, "memory": 14793, "data_time": 2.0913, "decode.loss_ce": 0.23701, "decode.acc_seg": 90.3264, "aux.loss_ce": 0.17925, "aux.acc_seg": 83.03153, "loss": 0.41626, "grad_norm": 10.96048, "time": 2.50145} {"mode": "train", "epoch": 62, "iter": 78100, "lr": 0.0, "memory": 14793, "data_time": 0.00645, "decode.loss_ce": 0.24523, "decode.acc_seg": 89.50905, "aux.loss_ce": 0.17439, "aux.acc_seg": 83.06631, "loss": 0.41962, "grad_norm": 13.05971, "time": 0.41526} {"mode": "train", "epoch": 62, "iter": 78150, "lr": 0.0, "memory": 14793, "data_time": 0.00555, "decode.loss_ce": 0.25894, "decode.acc_seg": 89.4447, "aux.loss_ce": 0.19285, "aux.acc_seg": 82.25791, "loss": 0.45179, "grad_norm": 16.37352, "time": 0.40913} {"mode": "train", "epoch": 62, "iter": 78200, "lr": 0.0, "memory": 14793, "data_time": 0.00568, "decode.loss_ce": 0.26031, "decode.acc_seg": 89.3321, "aux.loss_ce": 0.18264, "aux.acc_seg": 82.64428, "loss": 0.44295, "grad_norm": 14.83082, "time": 0.40875} {"mode": "train", "epoch": 62, "iter": 78250, "lr": 0.0, "memory": 14793, "data_time": 0.00543, "decode.loss_ce": 0.24563, "decode.acc_seg": 89.76923, "aux.loss_ce": 0.17609, "aux.acc_seg": 83.16225, "loss": 0.42171, "grad_norm": 14.81681, "time": 0.41569} {"mode": "train", "epoch": 62, "iter": 78300, "lr": 0.0, "memory": 14793, "data_time": 0.00522, "decode.loss_ce": 0.24667, "decode.acc_seg": 89.92693, "aux.loss_ce": 0.18613, "aux.acc_seg": 83.06485, "loss": 0.4328, "grad_norm": 16.92653, "time": 0.41092} {"mode": "train", "epoch": 62, "iter": 78350, "lr": 0.0, "memory": 14793, "data_time": 0.00547, "decode.loss_ce": 0.24782, "decode.acc_seg": 89.82251, "aux.loss_ce": 0.17715, "aux.acc_seg": 82.93581, "loss": 0.42498, "grad_norm": 13.33166, "time": 0.43484} {"mode": "train", "epoch": 63, "iter": 78400, "lr": 0.0, "memory": 14793, "data_time": 0.05271, "decode.loss_ce": 0.22942, "decode.acc_seg": 90.23524, "aux.loss_ce": 0.16403, "aux.acc_seg": 84.43562, "loss": 0.39345, "grad_norm": 11.38777, "time": 0.47439} {"mode": "train", "epoch": 63, "iter": 78450, "lr": 0.0, "memory": 14793, "data_time": 0.00614, "decode.loss_ce": 0.2475, "decode.acc_seg": 89.46928, "aux.loss_ce": 0.17193, "aux.acc_seg": 83.02069, "loss": 0.41942, "grad_norm": 16.03914, "time": 0.41867} {"mode": "train", "epoch": 63, "iter": 78500, "lr": 0.0, "memory": 14793, "data_time": 0.00646, "decode.loss_ce": 0.26008, "decode.acc_seg": 89.58096, "aux.loss_ce": 0.18328, "aux.acc_seg": 82.9279, "loss": 0.44337, "grad_norm": 13.01589, "time": 0.4065} {"mode": "train", "epoch": 63, "iter": 78550, "lr": 0.0, "memory": 14793, "data_time": 0.00583, "decode.loss_ce": 0.2535, "decode.acc_seg": 89.55723, "aux.loss_ce": 0.18901, "aux.acc_seg": 82.35384, "loss": 0.44251, "grad_norm": 20.11157, "time": 0.41487} {"mode": "train", "epoch": 63, "iter": 78600, "lr": 0.0, "memory": 14793, "data_time": 0.0054, "decode.loss_ce": 0.24401, "decode.acc_seg": 90.01084, "aux.loss_ce": 0.18453, "aux.acc_seg": 82.72033, "loss": 0.42854, "grad_norm": 11.94276, "time": 0.40823} {"mode": "train", "epoch": 63, "iter": 78650, "lr": 0.0, "memory": 14793, "data_time": 0.00508, "decode.loss_ce": 0.25182, "decode.acc_seg": 89.76763, "aux.loss_ce": 0.17956, "aux.acc_seg": 83.0725, "loss": 0.43138, "grad_norm": 12.06792, "time": 0.42224} {"mode": "train", "epoch": 63, "iter": 78700, "lr": 0.0, "memory": 14793, "data_time": 0.00509, "decode.loss_ce": 0.23693, "decode.acc_seg": 90.18365, "aux.loss_ce": 0.17479, "aux.acc_seg": 83.39964, "loss": 0.41172, "grad_norm": 13.44508, "time": 0.41802} {"mode": "train", "epoch": 63, "iter": 78750, "lr": 0.0, "memory": 14793, "data_time": 0.0052, "decode.loss_ce": 0.24598, "decode.acc_seg": 90.01191, "aux.loss_ce": 0.17449, "aux.acc_seg": 83.60893, "loss": 0.42048, "grad_norm": 14.32663, "time": 0.41803} {"mode": "train", "epoch": 63, "iter": 78800, "lr": 0.0, "memory": 14793, "data_time": 0.00578, "decode.loss_ce": 0.24969, "decode.acc_seg": 90.27984, "aux.loss_ce": 0.1819, "aux.acc_seg": 83.23697, "loss": 0.43159, "grad_norm": 10.86422, "time": 0.42246} {"mode": "train", "epoch": 63, "iter": 78850, "lr": 0.0, "memory": 14793, "data_time": 0.00518, "decode.loss_ce": 0.24577, "decode.acc_seg": 89.84797, "aux.loss_ce": 0.18557, "aux.acc_seg": 82.83825, "loss": 0.43134, "grad_norm": 11.76512, "time": 0.41169} {"mode": "train", "epoch": 63, "iter": 78900, "lr": 0.0, "memory": 14793, "data_time": 0.00528, "decode.loss_ce": 0.25763, "decode.acc_seg": 89.35164, "aux.loss_ce": 0.18872, "aux.acc_seg": 82.40754, "loss": 0.44635, "grad_norm": 13.61593, "time": 0.41683} {"mode": "train", "epoch": 63, "iter": 78950, "lr": 0.0, "memory": 14793, "data_time": 0.00536, "decode.loss_ce": 0.26273, "decode.acc_seg": 89.55195, "aux.loss_ce": 0.1916, "aux.acc_seg": 82.42205, "loss": 0.45433, "grad_norm": 14.22798, "time": 0.41557} {"mode": "train", "epoch": 63, "iter": 79000, "lr": 0.0, "memory": 14793, "data_time": 0.00529, "decode.loss_ce": 0.24803, "decode.acc_seg": 89.64135, "aux.loss_ce": 0.1826, "aux.acc_seg": 82.4466, "loss": 0.43062, "grad_norm": 13.32348, "time": 0.64132} {"mode": "val", "epoch": 63, "iter": 125, "lr": 0.0, "aAcc": 0.8473, "mIoU": 0.5412, "mAcc": 0.6673, "IoU.wall": 0.8031, "IoU.building": 0.8343, "IoU.sky": 0.9489, "IoU.floor": 0.8312, "IoU.tree": 0.7531, "IoU.ceiling": 0.8586, "IoU.road": 0.8525, "IoU.bed ": 0.9121, "IoU.windowpane": 0.6476, "IoU.grass": 0.6525, "IoU.cabinet": 0.6565, "IoU.sidewalk": 0.6773, "IoU.person": 0.8373, "IoU.earth": 0.3884, "IoU.door": 0.5626, "IoU.table": 0.6464, "IoU.mountain": 0.6014, "IoU.plant": 0.518, "IoU.curtain": 0.7678, "IoU.chair": 0.6331, "IoU.car": 0.8602, "IoU.water": 0.608, "IoU.painting": 0.7209, "IoU.sofa": 0.7242, "IoU.shelf": 0.4693, "IoU.house": 0.4507, "IoU.sea": 0.7234, "IoU.mirror": 0.7371, "IoU.rug": 0.6694, "IoU.field": 0.2917, "IoU.armchair": 0.4673, "IoU.seat": 0.6545, "IoU.fence": 0.4811, "IoU.desk": 0.4992, "IoU.rock": 0.5176, "IoU.wardrobe": 0.5475, "IoU.lamp": 0.6758, "IoU.bathtub": 0.8159, "IoU.railing": 0.4007, "IoU.cushion": 0.6319, "IoU.base": 0.3364, "IoU.box": 0.3378, "IoU.column": 0.5372, "IoU.signboard": 0.3643, "IoU.chest of drawers": 0.4145, "IoU.counter": 0.2392, "IoU.sand": 0.5836, "IoU.sink": 0.7832, "IoU.skyscraper": 0.5776, "IoU.fireplace": 0.7135, "IoU.refrigerator": 0.748, "IoU.grandstand": 0.4788, "IoU.path": 0.2784, "IoU.stairs": 0.3425, "IoU.runway": 0.6618, "IoU.case": 0.5503, "IoU.pool table": 0.9345, "IoU.pillow": 0.5848, "IoU.screen door": 0.6931, "IoU.stairway": 0.4015, "IoU.river": 0.1379, "IoU.bridge": 0.4213, "IoU.bookcase": 0.4604, "IoU.blind": 0.4166, "IoU.coffee table": 0.6191, "IoU.toilet": 0.8736, "IoU.flower": 0.4402, "IoU.book": 0.4913, "IoU.hill": 0.071, "IoU.bench": 0.6283, "IoU.countertop": 0.5762, "IoU.stove": 0.8124, "IoU.palm": 0.554, "IoU.kitchen island": 0.4038, "IoU.computer": 0.7347, "IoU.swivel chair": 0.5575, "IoU.boat": 0.7694, "IoU.bar": 0.5261, "IoU.arcade machine": 0.5854, "IoU.hovel": 0.5448, "IoU.bus": 0.9014, "IoU.towel": 0.6821, "IoU.light": 0.5612, "IoU.truck": 0.4019, "IoU.tower": 0.2772, "IoU.chandelier": 0.692, "IoU.awning": 0.2971, "IoU.streetlight": 0.3104, "IoU.booth": 0.4106, "IoU.television receiver": 0.764, "IoU.airplane": 0.7105, "IoU.dirt track": 0.1318, "IoU.apparel": 0.5493, "IoU.pole": 0.2552, "IoU.land": 0.0289, "IoU.bannister": 0.1773, "IoU.escalator": 0.5448, "IoU.ottoman": 0.5508, "IoU.bottle": 0.4148, "IoU.buffet": 0.5421, "IoU.poster": 0.3122, "IoU.stage": 0.2578, "IoU.van": 0.412, "IoU.ship": 0.7331, "IoU.fountain": 0.2644, "IoU.conveyer belt": 0.8096, "IoU.canopy": 0.4823, "IoU.washer": 0.7285, "IoU.plaything": 0.3672, "IoU.swimming pool": 0.7093, "IoU.stool": 0.4666, "IoU.barrel": 0.621, "IoU.basket": 0.4111, "IoU.waterfall": 0.5053, "IoU.tent": 0.9548, "IoU.bag": 0.2049, "IoU.minibike": 0.7184, "IoU.cradle": 0.8388, "IoU.oven": 0.4958, "IoU.ball": 0.5488, "IoU.food": 0.5354, "IoU.step": 0.1986, "IoU.tank": 0.6376, "IoU.trade name": 0.2417, "IoU.microwave": 0.8288, "IoU.pot": 0.517, "IoU.animal": 0.6198, "IoU.bicycle": 0.5863, "IoU.lake": 0.5293, "IoU.dishwasher": 0.6598, "IoU.screen": 0.5538, "IoU.blanket": 0.2315, "IoU.sculpture": 0.6791, "IoU.hood": 0.6486, "IoU.sconce": 0.5301, "IoU.vase": 0.435, "IoU.traffic light": 0.3577, "IoU.tray": 0.0507, "IoU.ashcan": 0.4813, "IoU.fan": 0.6443, "IoU.pier": 0.5139, "IoU.crt screen": 0.0344, "IoU.plate": 0.5407, "IoU.monitor": 0.2102, "IoU.bulletin board": 0.6269, "IoU.shower": 0.0024, "IoU.radiator": 0.623, "IoU.glass": 0.1624, "IoU.clock": 0.4282, "IoU.flag": 0.5062, "Acc.wall": 0.8876, "Acc.building": 0.9239, "Acc.sky": 0.978, "Acc.floor": 0.9072, "Acc.tree": 0.8867, "Acc.ceiling": 0.9254, "Acc.road": 0.8997, "Acc.bed ": 0.972, "Acc.windowpane": 0.812, "Acc.grass": 0.7901, "Acc.cabinet": 0.7619, "Acc.sidewalk": 0.8547, "Acc.person": 0.9323, "Acc.earth": 0.5187, "Acc.door": 0.7355, "Acc.table": 0.7771, "Acc.mountain": 0.7363, "Acc.plant": 0.6337, "Acc.curtain": 0.8846, "Acc.chair": 0.7647, "Acc.car": 0.9387, "Acc.water": 0.7678, "Acc.painting": 0.9086, "Acc.sofa": 0.8726, "Acc.shelf": 0.6574, "Acc.house": 0.6749, "Acc.sea": 0.9123, "Acc.mirror": 0.814, "Acc.rug": 0.7891, "Acc.field": 0.4687, "Acc.armchair": 0.6395, "Acc.seat": 0.8391, "Acc.fence": 0.66, "Acc.desk": 0.7109, "Acc.rock": 0.8012, "Acc.wardrobe": 0.6609, "Acc.lamp": 0.779, "Acc.bathtub": 0.8643, "Acc.railing": 0.5651, "Acc.cushion": 0.7506, "Acc.base": 0.4559, "Acc.box": 0.4279, "Acc.column": 0.6658, "Acc.signboard": 0.4828, "Acc.chest of drawers": 0.6101, "Acc.counter": 0.2938, "Acc.sand": 0.7564, "Acc.sink": 0.8717, "Acc.skyscraper": 0.687, "Acc.fireplace": 0.9305, "Acc.refrigerator": 0.8266, "Acc.grandstand": 0.842, "Acc.path": 0.378, "Acc.stairs": 0.447, "Acc.runway": 0.8505, "Acc.case": 0.7393, "Acc.pool table": 0.9809, "Acc.pillow": 0.6661, "Acc.screen door": 0.8409, "Acc.stairway": 0.4984, "Acc.river": 0.2146, "Acc.bridge": 0.4785, "Acc.bookcase": 0.6429, "Acc.blind": 0.4654, "Acc.coffee table": 0.8507, "Acc.toilet": 0.9399, "Acc.flower": 0.5844, "Acc.book": 0.7307, "Acc.hill": 0.1121, "Acc.bench": 0.7653, "Acc.countertop": 0.7586, "Acc.stove": 0.8988, "Acc.palm": 0.7404, "Acc.kitchen island": 0.7865, "Acc.computer": 0.9062, "Acc.swivel chair": 0.7678, "Acc.boat": 0.8868, "Acc.bar": 0.7482, "Acc.arcade machine": 0.6116, "Acc.hovel": 0.7005, "Acc.bus": 0.9695, "Acc.towel": 0.8588, "Acc.light": 0.6355, "Acc.truck": 0.55, "Acc.tower": 0.475, "Acc.chandelier": 0.8522, "Acc.awning": 0.3417, "Acc.streetlight": 0.4319, "Acc.booth": 0.5277, "Acc.television receiver": 0.841, "Acc.airplane": 0.7977, "Acc.dirt track": 0.2128, "Acc.apparel": 0.7597, "Acc.pole": 0.3647, "Acc.land": 0.0703, "Acc.bannister": 0.2388, "Acc.escalator": 0.8054, "Acc.ottoman": 0.7213, "Acc.bottle": 0.6396, "Acc.buffet": 0.6748, "Acc.poster": 0.4411, "Acc.stage": 0.4117, "Acc.van": 0.5862, "Acc.ship": 0.8145, "Acc.fountain": 0.2671, "Acc.conveyer belt": 0.9247, "Acc.canopy": 0.7528, "Acc.washer": 0.7506, "Acc.plaything": 0.4684, "Acc.swimming pool": 0.754, "Acc.stool": 0.6293, "Acc.barrel": 0.8442, "Acc.basket": 0.5452, "Acc.waterfall": 0.629, "Acc.tent": 0.9841, "Acc.bag": 0.2452, "Acc.minibike": 0.8694, "Acc.cradle": 0.9784, "Acc.oven": 0.6153, "Acc.ball": 0.649, "Acc.food": 0.6364, "Acc.step": 0.2491, "Acc.tank": 0.6702, "Acc.trade name": 0.2659, "Acc.microwave": 0.9627, "Acc.pot": 0.6113, "Acc.animal": 0.6385, "Acc.bicycle": 0.7497, "Acc.lake": 0.6815, "Acc.dishwasher": 0.7183, "Acc.screen": 0.8889, "Acc.blanket": 0.2776, "Acc.sculpture": 0.8314, "Acc.hood": 0.6902, "Acc.sconce": 0.6467, "Acc.vase": 0.5885, "Acc.traffic light": 0.5249, "Acc.tray": 0.0766, "Acc.ashcan": 0.6498, "Acc.fan": 0.7605, "Acc.pier": 0.7259, "Acc.crt screen": 0.0745, "Acc.plate": 0.806, "Acc.monitor": 0.2458, "Acc.bulletin board": 0.7351, "Acc.shower": 0.0034, "Acc.radiator": 0.7323, "Acc.glass": 0.175, "Acc.clock": 0.4872, "Acc.flag": 0.5565} {"mode": "train", "epoch": 63, "iter": 79050, "lr": 0.0, "memory": 14793, "data_time": 2.11481, "decode.loss_ce": 0.25772, "decode.acc_seg": 89.13838, "aux.loss_ce": 0.1829, "aux.acc_seg": 82.46075, "loss": 0.44062, "grad_norm": 13.4698, "time": 2.53365} {"mode": "train", "epoch": 63, "iter": 79100, "lr": 0.0, "memory": 14793, "data_time": 0.0058, "decode.loss_ce": 0.25693, "decode.acc_seg": 89.55551, "aux.loss_ce": 0.17797, "aux.acc_seg": 83.30365, "loss": 0.4349, "grad_norm": 12.52226, "time": 0.40954} {"mode": "train", "epoch": 63, "iter": 79150, "lr": 0.0, "memory": 14793, "data_time": 0.00609, "decode.loss_ce": 0.25661, "decode.acc_seg": 89.61719, "aux.loss_ce": 0.18844, "aux.acc_seg": 82.63443, "loss": 0.44505, "grad_norm": 12.70764, "time": 0.42241} {"mode": "train", "epoch": 63, "iter": 79200, "lr": 0.0, "memory": 14793, "data_time": 0.00543, "decode.loss_ce": 0.25264, "decode.acc_seg": 89.67922, "aux.loss_ce": 0.17725, "aux.acc_seg": 83.5451, "loss": 0.42989, "grad_norm": 18.14146, "time": 0.41678} {"mode": "train", "epoch": 63, "iter": 79250, "lr": 0.0, "memory": 14793, "data_time": 0.00694, "decode.loss_ce": 0.25053, "decode.acc_seg": 89.72392, "aux.loss_ce": 0.17428, "aux.acc_seg": 83.36808, "loss": 0.42481, "grad_norm": 10.87666, "time": 0.4228} {"mode": "train", "epoch": 63, "iter": 79300, "lr": 0.0, "memory": 14793, "data_time": 0.00621, "decode.loss_ce": 0.25166, "decode.acc_seg": 89.71427, "aux.loss_ce": 0.18268, "aux.acc_seg": 82.71696, "loss": 0.43434, "grad_norm": 11.50565, "time": 0.41805} {"mode": "train", "epoch": 63, "iter": 79350, "lr": 0.0, "memory": 14793, "data_time": 0.00772, "decode.loss_ce": 0.25162, "decode.acc_seg": 89.54983, "aux.loss_ce": 0.18715, "aux.acc_seg": 82.61789, "loss": 0.43877, "grad_norm": 11.89368, "time": 0.41884} {"mode": "train", "epoch": 63, "iter": 79400, "lr": 0.0, "memory": 14793, "data_time": 0.00569, "decode.loss_ce": 0.23848, "decode.acc_seg": 90.1852, "aux.loss_ce": 0.1685, "aux.acc_seg": 83.92228, "loss": 0.40698, "grad_norm": 13.10213, "time": 0.41528} {"mode": "train", "epoch": 63, "iter": 79450, "lr": 0.0, "memory": 14793, "data_time": 0.00555, "decode.loss_ce": 0.26521, "decode.acc_seg": 89.0588, "aux.loss_ce": 0.19599, "aux.acc_seg": 81.75259, "loss": 0.4612, "grad_norm": 14.09565, "time": 0.41589} {"mode": "train", "epoch": 63, "iter": 79500, "lr": 0.0, "memory": 14793, "data_time": 0.00572, "decode.loss_ce": 0.2415, "decode.acc_seg": 90.08143, "aux.loss_ce": 0.1828, "aux.acc_seg": 82.82525, "loss": 0.4243, "grad_norm": 11.4008, "time": 0.42318} {"mode": "train", "epoch": 63, "iter": 79550, "lr": 0.0, "memory": 14793, "data_time": 0.00568, "decode.loss_ce": 0.26403, "decode.acc_seg": 89.3478, "aux.loss_ce": 0.18311, "aux.acc_seg": 82.93909, "loss": 0.44714, "grad_norm": 13.01954, "time": 0.41573} {"mode": "train", "epoch": 63, "iter": 79600, "lr": 0.0, "memory": 14793, "data_time": 0.006, "decode.loss_ce": 0.22914, "decode.acc_seg": 90.45008, "aux.loss_ce": 0.17029, "aux.acc_seg": 83.67528, "loss": 0.39943, "grad_norm": 10.81479, "time": 0.42627} {"mode": "train", "epoch": 64, "iter": 79650, "lr": 0.0, "memory": 14793, "data_time": 0.05721, "decode.loss_ce": 0.24012, "decode.acc_seg": 90.03892, "aux.loss_ce": 0.17443, "aux.acc_seg": 83.35216, "loss": 0.41455, "grad_norm": 13.70842, "time": 0.46527} {"mode": "train", "epoch": 64, "iter": 79700, "lr": 0.0, "memory": 14793, "data_time": 0.005, "decode.loss_ce": 0.2523, "decode.acc_seg": 89.62263, "aux.loss_ce": 0.18619, "aux.acc_seg": 82.42553, "loss": 0.43848, "grad_norm": 14.39611, "time": 0.42366} {"mode": "train", "epoch": 64, "iter": 79750, "lr": 0.0, "memory": 14793, "data_time": 0.00563, "decode.loss_ce": 0.25416, "decode.acc_seg": 89.59291, "aux.loss_ce": 0.19079, "aux.acc_seg": 82.16207, "loss": 0.44495, "grad_norm": 11.43133, "time": 0.43014} {"mode": "train", "epoch": 64, "iter": 79800, "lr": 0.0, "memory": 14793, "data_time": 0.00506, "decode.loss_ce": 0.24959, "decode.acc_seg": 89.8189, "aux.loss_ce": 0.18178, "aux.acc_seg": 82.76181, "loss": 0.43137, "grad_norm": 14.20667, "time": 0.41468} {"mode": "train", "epoch": 64, "iter": 79850, "lr": 0.0, "memory": 14793, "data_time": 0.00541, "decode.loss_ce": 0.25803, "decode.acc_seg": 89.55191, "aux.loss_ce": 0.18048, "aux.acc_seg": 83.12869, "loss": 0.43851, "grad_norm": 13.64689, "time": 0.41284} {"mode": "train", "epoch": 64, "iter": 79900, "lr": 0.0, "memory": 14793, "data_time": 0.00536, "decode.loss_ce": 0.24371, "decode.acc_seg": 89.75628, "aux.loss_ce": 0.17739, "aux.acc_seg": 82.76977, "loss": 0.4211, "grad_norm": 10.43716, "time": 0.42006} {"mode": "train", "epoch": 64, "iter": 79950, "lr": 0.0, "memory": 14793, "data_time": 0.00542, "decode.loss_ce": 0.2728, "decode.acc_seg": 88.65384, "aux.loss_ce": 0.19373, "aux.acc_seg": 81.85723, "loss": 0.46653, "grad_norm": 15.41319, "time": 0.41462} {"mode": "train", "epoch": 64, "iter": 80000, "lr": 0.0, "memory": 14793, "data_time": 0.00542, "decode.loss_ce": 0.24204, "decode.acc_seg": 90.00341, "aux.loss_ce": 0.17651, "aux.acc_seg": 83.41997, "loss": 0.41855, "grad_norm": 9.51258, "time": 0.65048} {"mode": "val", "epoch": 64, "iter": 125, "lr": 0.0, "aAcc": 0.8472, "mIoU": 0.5425, "mAcc": 0.675, "IoU.wall": 0.8036, "IoU.building": 0.841, "IoU.sky": 0.9499, "IoU.floor": 0.8313, "IoU.tree": 0.7627, "IoU.ceiling": 0.8578, "IoU.road": 0.8521, "IoU.bed ": 0.9146, "IoU.windowpane": 0.6435, "IoU.grass": 0.666, "IoU.cabinet": 0.6553, "IoU.sidewalk": 0.6781, "IoU.person": 0.8348, "IoU.earth": 0.3652, "IoU.door": 0.5527, "IoU.table": 0.6443, "IoU.mountain": 0.5893, "IoU.plant": 0.5272, "IoU.curtain": 0.7619, "IoU.chair": 0.6194, "IoU.car": 0.8592, "IoU.water": 0.5822, "IoU.painting": 0.7383, "IoU.sofa": 0.7299, "IoU.shelf": 0.4463, "IoU.house": 0.4614, "IoU.sea": 0.6638, "IoU.mirror": 0.7224, "IoU.rug": 0.681, "IoU.field": 0.2923, "IoU.armchair": 0.4443, "IoU.seat": 0.6664, "IoU.fence": 0.4988, "IoU.desk": 0.4997, "IoU.rock": 0.5292, "IoU.wardrobe": 0.5483, "IoU.lamp": 0.6806, "IoU.bathtub": 0.8187, "IoU.railing": 0.4072, "IoU.cushion": 0.6429, "IoU.base": 0.326, "IoU.box": 0.3424, "IoU.column": 0.5364, "IoU.signboard": 0.3792, "IoU.chest of drawers": 0.423, "IoU.counter": 0.278, "IoU.sand": 0.5657, "IoU.sink": 0.7929, "IoU.skyscraper": 0.528, "IoU.fireplace": 0.6999, "IoU.refrigerator": 0.7578, "IoU.grandstand": 0.4756, "IoU.path": 0.2586, "IoU.stairs": 0.3582, "IoU.runway": 0.6802, "IoU.case": 0.5719, "IoU.pool table": 0.9335, "IoU.pillow": 0.5988, "IoU.screen door": 0.6383, "IoU.stairway": 0.3696, "IoU.river": 0.108, "IoU.bridge": 0.4973, "IoU.bookcase": 0.4493, "IoU.blind": 0.4446, "IoU.coffee table": 0.6114, "IoU.toilet": 0.867, "IoU.flower": 0.4217, "IoU.book": 0.4917, "IoU.hill": 0.0593, "IoU.bench": 0.6344, "IoU.countertop": 0.6065, "IoU.stove": 0.8235, "IoU.palm": 0.5654, "IoU.kitchen island": 0.4345, "IoU.computer": 0.729, "IoU.swivel chair": 0.5531, "IoU.boat": 0.7256, "IoU.bar": 0.4977, "IoU.arcade machine": 0.6785, "IoU.hovel": 0.524, "IoU.bus": 0.9019, "IoU.towel": 0.6742, "IoU.light": 0.575, "IoU.truck": 0.414, "IoU.tower": 0.2552, "IoU.chandelier": 0.7018, "IoU.awning": 0.3301, "IoU.streetlight": 0.3222, "IoU.booth": 0.391, "IoU.television receiver": 0.7989, "IoU.airplane": 0.7202, "IoU.dirt track": 0.1187, "IoU.apparel": 0.5816, "IoU.pole": 0.2513, "IoU.land": 0.0439, "IoU.bannister": 0.1625, "IoU.escalator": 0.5395, "IoU.ottoman": 0.5527, "IoU.bottle": 0.4157, "IoU.buffet": 0.4968, "IoU.poster": 0.3331, "IoU.stage": 0.208, "IoU.van": 0.4444, "IoU.ship": 0.8275, "IoU.fountain": 0.2896, "IoU.conveyer belt": 0.7766, "IoU.canopy": 0.3961, "IoU.washer": 0.7588, "IoU.plaything": 0.383, "IoU.swimming pool": 0.6679, "IoU.stool": 0.46, "IoU.barrel": 0.5987, "IoU.basket": 0.412, "IoU.waterfall": 0.5575, "IoU.tent": 0.9594, "IoU.bag": 0.2164, "IoU.minibike": 0.7277, "IoU.cradle": 0.8552, "IoU.oven": 0.5046, "IoU.ball": 0.5522, "IoU.food": 0.5618, "IoU.step": 0.2385, "IoU.tank": 0.6375, "IoU.trade name": 0.2928, "IoU.microwave": 0.8274, "IoU.pot": 0.5102, "IoU.animal": 0.6271, "IoU.bicycle": 0.5954, "IoU.lake": 0.5246, "IoU.dishwasher": 0.6745, "IoU.screen": 0.5529, "IoU.blanket": 0.2361, "IoU.sculpture": 0.6617, "IoU.hood": 0.6912, "IoU.sconce": 0.5465, "IoU.vase": 0.4282, "IoU.traffic light": 0.3692, "IoU.tray": 0.0563, "IoU.ashcan": 0.4668, "IoU.fan": 0.6606, "IoU.pier": 0.3171, "IoU.crt screen": 0.0391, "IoU.plate": 0.5556, "IoU.monitor": 0.1929, "IoU.bulletin board": 0.6581, "IoU.shower": 0.009, "IoU.radiator": 0.6216, "IoU.glass": 0.1665, "IoU.clock": 0.4444, "IoU.flag": 0.539, "Acc.wall": 0.8854, "Acc.building": 0.9337, "Acc.sky": 0.9747, "Acc.floor": 0.896, "Acc.tree": 0.8968, "Acc.ceiling": 0.9245, "Acc.road": 0.9076, "Acc.bed ": 0.9705, "Acc.windowpane": 0.7958, "Acc.grass": 0.8157, "Acc.cabinet": 0.7554, "Acc.sidewalk": 0.8382, "Acc.person": 0.9318, "Acc.earth": 0.4826, "Acc.door": 0.7251, "Acc.table": 0.7998, "Acc.mountain": 0.7403, "Acc.plant": 0.6472, "Acc.curtain": 0.878, "Acc.chair": 0.7179, "Acc.car": 0.9455, "Acc.water": 0.7454, "Acc.painting": 0.8963, "Acc.sofa": 0.8937, "Acc.shelf": 0.6506, "Acc.house": 0.5861, "Acc.sea": 0.7716, "Acc.mirror": 0.7842, "Acc.rug": 0.8454, "Acc.field": 0.4776, "Acc.armchair": 0.634, "Acc.seat": 0.8285, "Acc.fence": 0.6538, "Acc.desk": 0.6896, "Acc.rock": 0.7808, "Acc.wardrobe": 0.6893, "Acc.lamp": 0.7963, "Acc.bathtub": 0.8595, "Acc.railing": 0.5782, "Acc.cushion": 0.7916, "Acc.base": 0.407, "Acc.box": 0.4515, "Acc.column": 0.6726, "Acc.signboard": 0.5077, "Acc.chest of drawers": 0.6652, "Acc.counter": 0.362, "Acc.sand": 0.7725, "Acc.sink": 0.8706, "Acc.skyscraper": 0.618, "Acc.fireplace": 0.9364, "Acc.refrigerator": 0.8343, "Acc.grandstand": 0.8463, "Acc.path": 0.4439, "Acc.stairs": 0.4992, "Acc.runway": 0.9152, "Acc.case": 0.7317, "Acc.pool table": 0.9816, "Acc.pillow": 0.698, "Acc.screen door": 0.8106, "Acc.stairway": 0.4335, "Acc.river": 0.2615, "Acc.bridge": 0.5756, "Acc.bookcase": 0.7108, "Acc.blind": 0.5211, "Acc.coffee table": 0.8748, "Acc.toilet": 0.9414, "Acc.flower": 0.5603, "Acc.book": 0.7238, "Acc.hill": 0.099, "Acc.bench": 0.7667, "Acc.countertop": 0.8007, "Acc.stove": 0.9014, "Acc.palm": 0.7912, "Acc.kitchen island": 0.8603, "Acc.computer": 0.9166, "Acc.swivel chair": 0.7907, "Acc.boat": 0.8247, "Acc.bar": 0.667, "Acc.arcade machine": 0.7114, "Acc.hovel": 0.6882, "Acc.bus": 0.9723, "Acc.towel": 0.8824, "Acc.light": 0.6878, "Acc.truck": 0.5583, "Acc.tower": 0.4159, "Acc.chandelier": 0.8564, "Acc.awning": 0.4168, "Acc.streetlight": 0.4625, "Acc.booth": 0.4913, "Acc.television receiver": 0.8906, "Acc.airplane": 0.8117, "Acc.dirt track": 0.2419, "Acc.apparel": 0.7308, "Acc.pole": 0.3393, "Acc.land": 0.0592, "Acc.bannister": 0.2293, "Acc.escalator": 0.8223, "Acc.ottoman": 0.741, "Acc.bottle": 0.6856, "Acc.buffet": 0.5985, "Acc.poster": 0.4809, "Acc.stage": 0.3203, "Acc.van": 0.5895, "Acc.ship": 0.929, "Acc.fountain": 0.2983, "Acc.conveyer belt": 0.9321, "Acc.canopy": 0.5676, "Acc.washer": 0.791, "Acc.plaything": 0.5297, "Acc.swimming pool": 0.8138, "Acc.stool": 0.6217, "Acc.barrel": 0.8767, "Acc.basket": 0.5496, "Acc.waterfall": 0.7128, "Acc.tent": 0.98, "Acc.bag": 0.2767, "Acc.minibike": 0.8647, "Acc.cradle": 0.9769, "Acc.oven": 0.6302, "Acc.ball": 0.6531, "Acc.food": 0.6736, "Acc.step": 0.3237, "Acc.tank": 0.6703, "Acc.trade name": 0.3458, "Acc.microwave": 0.9523, "Acc.pot": 0.6016, "Acc.animal": 0.6481, "Acc.bicycle": 0.7871, "Acc.lake": 0.6635, "Acc.dishwasher": 0.77, "Acc.screen": 0.8772, "Acc.blanket": 0.2816, "Acc.sculpture": 0.8443, "Acc.hood": 0.7878, "Acc.sconce": 0.677, "Acc.vase": 0.6215, "Acc.traffic light": 0.5609, "Acc.tray": 0.0829, "Acc.ashcan": 0.6204, "Acc.fan": 0.8134, "Acc.pier": 0.5537, "Acc.crt screen": 0.0936, "Acc.plate": 0.8202, "Acc.monitor": 0.2136, "Acc.bulletin board": 0.7688, "Acc.shower": 0.0131, "Acc.radiator": 0.7406, "Acc.glass": 0.182, "Acc.clock": 0.4991, "Acc.flag": 0.6097} {"mode": "train", "epoch": 64, "iter": 80050, "lr": 0.0, "memory": 14793, "data_time": 2.04896, "decode.loss_ce": 0.24574, "decode.acc_seg": 89.76897, "aux.loss_ce": 0.17604, "aux.acc_seg": 82.92529, "loss": 0.42178, "grad_norm": 12.49828, "time": 2.45741} {"mode": "train", "epoch": 64, "iter": 80100, "lr": 0.0, "memory": 14793, "data_time": 0.00585, "decode.loss_ce": 0.24846, "decode.acc_seg": 90.01156, "aux.loss_ce": 0.18152, "aux.acc_seg": 82.66934, "loss": 0.42999, "grad_norm": 13.69952, "time": 0.41736} {"mode": "train", "epoch": 64, "iter": 80150, "lr": 0.0, "memory": 14793, "data_time": 0.00555, "decode.loss_ce": 0.25468, "decode.acc_seg": 89.61024, "aux.loss_ce": 0.18194, "aux.acc_seg": 83.05787, "loss": 0.43662, "grad_norm": 12.73616, "time": 0.41392} {"mode": "train", "epoch": 64, "iter": 80200, "lr": 0.0, "memory": 14793, "data_time": 0.00653, "decode.loss_ce": 0.24393, "decode.acc_seg": 90.16936, "aux.loss_ce": 0.17825, "aux.acc_seg": 83.30661, "loss": 0.42218, "grad_norm": 13.73501, "time": 0.41042} {"mode": "train", "epoch": 64, "iter": 80250, "lr": 0.0, "memory": 14793, "data_time": 0.00626, "decode.loss_ce": 0.24435, "decode.acc_seg": 89.89705, "aux.loss_ce": 0.17726, "aux.acc_seg": 83.20638, "loss": 0.4216, "grad_norm": 10.48129, "time": 0.41142} {"mode": "train", "epoch": 64, "iter": 80300, "lr": 0.0, "memory": 14793, "data_time": 0.0059, "decode.loss_ce": 0.25092, "decode.acc_seg": 89.71707, "aux.loss_ce": 0.1873, "aux.acc_seg": 82.61504, "loss": 0.43822, "grad_norm": 14.10857, "time": 0.41936} {"mode": "train", "epoch": 64, "iter": 80350, "lr": 0.0, "memory": 14793, "data_time": 0.0054, "decode.loss_ce": 0.24945, "decode.acc_seg": 89.74821, "aux.loss_ce": 0.17956, "aux.acc_seg": 82.65101, "loss": 0.42901, "grad_norm": 13.20385, "time": 0.41456} {"mode": "train", "epoch": 64, "iter": 80400, "lr": 0.0, "memory": 14793, "data_time": 0.00575, "decode.loss_ce": 0.23203, "decode.acc_seg": 90.56225, "aux.loss_ce": 0.16542, "aux.acc_seg": 84.43804, "loss": 0.39745, "grad_norm": 11.2268, "time": 0.42739} {"mode": "train", "epoch": 64, "iter": 80450, "lr": 0.0, "memory": 14793, "data_time": 0.00569, "decode.loss_ce": 0.25412, "decode.acc_seg": 89.47857, "aux.loss_ce": 0.18431, "aux.acc_seg": 82.95387, "loss": 0.43843, "grad_norm": 11.56688, "time": 0.41583} {"mode": "train", "epoch": 64, "iter": 80500, "lr": 0.0, "memory": 14793, "data_time": 0.00591, "decode.loss_ce": 0.24007, "decode.acc_seg": 90.45621, "aux.loss_ce": 0.18396, "aux.acc_seg": 83.27817, "loss": 0.42403, "grad_norm": 11.91524, "time": 0.41458} {"mode": "train", "epoch": 64, "iter": 80550, "lr": 0.0, "memory": 14793, "data_time": 0.00565, "decode.loss_ce": 0.2506, "decode.acc_seg": 90.08093, "aux.loss_ce": 0.17568, "aux.acc_seg": 83.62917, "loss": 0.42628, "grad_norm": 13.51515, "time": 0.41661} {"mode": "train", "epoch": 64, "iter": 80600, "lr": 0.0, "memory": 14793, "data_time": 0.00557, "decode.loss_ce": 0.26043, "decode.acc_seg": 89.52947, "aux.loss_ce": 0.18224, "aux.acc_seg": 82.95184, "loss": 0.44268, "grad_norm": 16.12208, "time": 0.41104} {"mode": "train", "epoch": 64, "iter": 80650, "lr": 0.0, "memory": 14793, "data_time": 0.00542, "decode.loss_ce": 0.25705, "decode.acc_seg": 88.969, "aux.loss_ce": 0.18521, "aux.acc_seg": 82.24489, "loss": 0.44226, "grad_norm": 21.75673, "time": 0.41354} {"mode": "train", "epoch": 64, "iter": 80700, "lr": 0.0, "memory": 14793, "data_time": 0.00493, "decode.loss_ce": 0.25935, "decode.acc_seg": 88.99102, "aux.loss_ce": 0.19044, "aux.acc_seg": 81.86039, "loss": 0.44979, "grad_norm": 12.85901, "time": 0.41722} {"mode": "train", "epoch": 64, "iter": 80750, "lr": 0.0, "memory": 14793, "data_time": 0.00522, "decode.loss_ce": 0.24368, "decode.acc_seg": 89.91716, "aux.loss_ce": 0.18059, "aux.acc_seg": 83.00575, "loss": 0.42427, "grad_norm": 14.42947, "time": 0.40892} {"mode": "train", "epoch": 64, "iter": 80800, "lr": 0.0, "memory": 14793, "data_time": 0.00537, "decode.loss_ce": 0.23589, "decode.acc_seg": 90.14737, "aux.loss_ce": 0.17862, "aux.acc_seg": 83.06106, "loss": 0.41451, "grad_norm": 13.54044, "time": 0.42659} {"mode": "train", "epoch": 64, "iter": 80850, "lr": 0.0, "memory": 14793, "data_time": 0.00501, "decode.loss_ce": 0.24584, "decode.acc_seg": 90.0287, "aux.loss_ce": 0.18415, "aux.acc_seg": 82.96416, "loss": 0.42999, "grad_norm": 11.69084, "time": 0.42051} {"mode": "train", "epoch": 65, "iter": 80900, "lr": 0.0, "memory": 14793, "data_time": 0.05256, "decode.loss_ce": 0.23894, "decode.acc_seg": 89.99819, "aux.loss_ce": 0.16958, "aux.acc_seg": 83.67973, "loss": 0.40852, "grad_norm": 10.37181, "time": 0.4846} {"mode": "train", "epoch": 65, "iter": 80950, "lr": 0.0, "memory": 14793, "data_time": 0.00514, "decode.loss_ce": 0.24844, "decode.acc_seg": 89.91877, "aux.loss_ce": 0.17726, "aux.acc_seg": 83.5577, "loss": 0.4257, "grad_norm": 14.57349, "time": 0.40673} {"mode": "train", "epoch": 65, "iter": 81000, "lr": 0.0, "memory": 14793, "data_time": 0.00558, "decode.loss_ce": 0.25726, "decode.acc_seg": 89.71633, "aux.loss_ce": 0.18889, "aux.acc_seg": 82.30049, "loss": 0.44615, "grad_norm": 11.82699, "time": 0.63983} {"mode": "val", "epoch": 65, "iter": 125, "lr": 0.0, "aAcc": 0.8479, "mIoU": 0.5419, "mAcc": 0.6683, "IoU.wall": 0.8037, "IoU.building": 0.8335, "IoU.sky": 0.9499, "IoU.floor": 0.8312, "IoU.tree": 0.7605, "IoU.ceiling": 0.8582, "IoU.road": 0.8514, "IoU.bed ": 0.9146, "IoU.windowpane": 0.6466, "IoU.grass": 0.6666, "IoU.cabinet": 0.6551, "IoU.sidewalk": 0.6712, "IoU.person": 0.8384, "IoU.earth": 0.4066, "IoU.door": 0.55, "IoU.table": 0.6427, "IoU.mountain": 0.5853, "IoU.plant": 0.5342, "IoU.curtain": 0.7724, "IoU.chair": 0.6277, "IoU.car": 0.8637, "IoU.water": 0.6111, "IoU.painting": 0.7399, "IoU.sofa": 0.7165, "IoU.shelf": 0.4618, "IoU.house": 0.4632, "IoU.sea": 0.6999, "IoU.mirror": 0.7151, "IoU.rug": 0.6668, "IoU.field": 0.3068, "IoU.armchair": 0.4404, "IoU.seat": 0.6533, "IoU.fence": 0.4761, "IoU.desk": 0.5071, "IoU.rock": 0.5143, "IoU.wardrobe": 0.5372, "IoU.lamp": 0.6825, "IoU.bathtub": 0.8113, "IoU.railing": 0.3926, "IoU.cushion": 0.629, "IoU.base": 0.3103, "IoU.box": 0.3421, "IoU.column": 0.5394, "IoU.signboard": 0.3818, "IoU.chest of drawers": 0.4286, "IoU.counter": 0.3027, "IoU.sand": 0.5683, "IoU.sink": 0.7701, "IoU.skyscraper": 0.5701, "IoU.fireplace": 0.7142, "IoU.refrigerator": 0.7549, "IoU.grandstand": 0.4753, "IoU.path": 0.268, "IoU.stairs": 0.3423, "IoU.runway": 0.7104, "IoU.case": 0.5573, "IoU.pool table": 0.9375, "IoU.pillow": 0.6067, "IoU.screen door": 0.6359, "IoU.stairway": 0.3847, "IoU.river": 0.1049, "IoU.bridge": 0.5707, "IoU.bookcase": 0.4683, "IoU.blind": 0.4787, "IoU.coffee table": 0.609, "IoU.toilet": 0.8756, "IoU.flower": 0.4374, "IoU.book": 0.5078, "IoU.hill": 0.0637, "IoU.bench": 0.6139, "IoU.countertop": 0.6093, "IoU.stove": 0.8239, "IoU.palm": 0.5575, "IoU.kitchen island": 0.409, "IoU.computer": 0.7311, "IoU.swivel chair": 0.5505, "IoU.boat": 0.7451, "IoU.bar": 0.5114, "IoU.arcade machine": 0.7044, "IoU.hovel": 0.5186, "IoU.bus": 0.8933, "IoU.towel": 0.6741, "IoU.light": 0.5812, "IoU.truck": 0.3965, "IoU.tower": 0.281, "IoU.chandelier": 0.7051, "IoU.awning": 0.3066, "IoU.streetlight": 0.3112, "IoU.booth": 0.3511, "IoU.television receiver": 0.7845, "IoU.airplane": 0.6961, "IoU.dirt track": 0.071, "IoU.apparel": 0.5438, "IoU.pole": 0.2284, "IoU.land": 0.0364, "IoU.bannister": 0.1671, "IoU.escalator": 0.5632, "IoU.ottoman": 0.5396, "IoU.bottle": 0.3907, "IoU.buffet": 0.4637, "IoU.poster": 0.332, "IoU.stage": 0.2218, "IoU.van": 0.4621, "IoU.ship": 0.8464, "IoU.fountain": 0.2952, "IoU.conveyer belt": 0.7887, "IoU.canopy": 0.4147, "IoU.washer": 0.7592, "IoU.plaything": 0.3709, "IoU.swimming pool": 0.6623, "IoU.stool": 0.4572, "IoU.barrel": 0.6113, "IoU.basket": 0.4144, "IoU.waterfall": 0.5239, "IoU.tent": 0.948, "IoU.bag": 0.1949, "IoU.minibike": 0.7226, "IoU.cradle": 0.8339, "IoU.oven": 0.492, "IoU.ball": 0.5122, "IoU.food": 0.5529, "IoU.step": 0.251, "IoU.tank": 0.6352, "IoU.trade name": 0.2795, "IoU.microwave": 0.8329, "IoU.pot": 0.5237, "IoU.animal": 0.6204, "IoU.bicycle": 0.5843, "IoU.lake": 0.4946, "IoU.dishwasher": 0.5956, "IoU.screen": 0.5666, "IoU.blanket": 0.203, "IoU.sculpture": 0.6732, "IoU.hood": 0.6193, "IoU.sconce": 0.5311, "IoU.vase": 0.4349, "IoU.traffic light": 0.3586, "IoU.tray": 0.0582, "IoU.ashcan": 0.469, "IoU.fan": 0.6431, "IoU.pier": 0.4776, "IoU.crt screen": 0.0835, "IoU.plate": 0.5611, "IoU.monitor": 0.2408, "IoU.bulletin board": 0.6555, "IoU.shower": 0.0, "IoU.radiator": 0.6309, "IoU.glass": 0.1525, "IoU.clock": 0.4341, "IoU.flag": 0.501, "Acc.wall": 0.8925, "Acc.building": 0.9228, "Acc.sky": 0.9747, "Acc.floor": 0.9082, "Acc.tree": 0.8881, "Acc.ceiling": 0.9267, "Acc.road": 0.8983, "Acc.bed ": 0.973, "Acc.windowpane": 0.7866, "Acc.grass": 0.8185, "Acc.cabinet": 0.7684, "Acc.sidewalk": 0.8389, "Acc.person": 0.929, "Acc.earth": 0.5598, "Acc.door": 0.7121, "Acc.table": 0.7706, "Acc.mountain": 0.7058, "Acc.plant": 0.6494, "Acc.curtain": 0.8884, "Acc.chair": 0.7482, "Acc.car": 0.9381, "Acc.water": 0.7815, "Acc.painting": 0.8954, "Acc.sofa": 0.9, "Acc.shelf": 0.6681, "Acc.house": 0.7161, "Acc.sea": 0.8393, "Acc.mirror": 0.7723, "Acc.rug": 0.7991, "Acc.field": 0.4587, "Acc.armchair": 0.5816, "Acc.seat": 0.836, "Acc.fence": 0.5893, "Acc.desk": 0.7203, "Acc.rock": 0.7525, "Acc.wardrobe": 0.6463, "Acc.lamp": 0.7824, "Acc.bathtub": 0.8653, "Acc.railing": 0.5157, "Acc.cushion": 0.741, "Acc.base": 0.3814, "Acc.box": 0.4374, "Acc.column": 0.6519, "Acc.signboard": 0.5099, "Acc.chest of drawers": 0.6683, "Acc.counter": 0.3831, "Acc.sand": 0.8262, "Acc.sink": 0.8413, "Acc.skyscraper": 0.7003, "Acc.fireplace": 0.9372, "Acc.refrigerator": 0.816, "Acc.grandstand": 0.8621, "Acc.path": 0.3796, "Acc.stairs": 0.4422, "Acc.runway": 0.9284, "Acc.case": 0.7491, "Acc.pool table": 0.9808, "Acc.pillow": 0.7101, "Acc.screen door": 0.7702, "Acc.stairway": 0.4368, "Acc.river": 0.2127, "Acc.bridge": 0.6755, "Acc.bookcase": 0.6822, "Acc.blind": 0.5716, "Acc.coffee table": 0.8813, "Acc.toilet": 0.9327, "Acc.flower": 0.5676, "Acc.book": 0.6772, "Acc.hill": 0.1259, "Acc.bench": 0.7128, "Acc.countertop": 0.7712, "Acc.stove": 0.9011, "Acc.palm": 0.7746, "Acc.kitchen island": 0.8764, "Acc.computer": 0.9197, "Acc.swivel chair": 0.7574, "Acc.boat": 0.8684, "Acc.bar": 0.6477, "Acc.arcade machine": 0.7515, "Acc.hovel": 0.7312, "Acc.bus": 0.9727, "Acc.towel": 0.828, "Acc.light": 0.6907, "Acc.truck": 0.524, "Acc.tower": 0.5538, "Acc.chandelier": 0.8369, "Acc.awning": 0.3701, "Acc.streetlight": 0.4353, "Acc.booth": 0.4266, "Acc.television receiver": 0.8777, "Acc.airplane": 0.7852, "Acc.dirt track": 0.1422, "Acc.apparel": 0.7365, "Acc.pole": 0.2869, "Acc.land": 0.0645, "Acc.bannister": 0.2109, "Acc.escalator": 0.8199, "Acc.ottoman": 0.7184, "Acc.bottle": 0.5798, "Acc.buffet": 0.5656, "Acc.poster": 0.4291, "Acc.stage": 0.3546, "Acc.van": 0.6316, "Acc.ship": 0.9671, "Acc.fountain": 0.3017, "Acc.conveyer belt": 0.9404, "Acc.canopy": 0.5188, "Acc.washer": 0.7979, "Acc.plaything": 0.5271, "Acc.swimming pool": 0.7766, "Acc.stool": 0.6328, "Acc.barrel": 0.8707, "Acc.basket": 0.557, "Acc.waterfall": 0.6116, "Acc.tent": 0.9833, "Acc.bag": 0.2357, "Acc.minibike": 0.861, "Acc.cradle": 0.9679, "Acc.oven": 0.6028, "Acc.ball": 0.5765, "Acc.food": 0.651, "Acc.step": 0.308, "Acc.tank": 0.671, "Acc.trade name": 0.3268, "Acc.microwave": 0.9567, "Acc.pot": 0.6294, "Acc.animal": 0.6464, "Acc.bicycle": 0.7572, "Acc.lake": 0.6442, "Acc.dishwasher": 0.8335, "Acc.screen": 0.8447, "Acc.blanket": 0.2334, "Acc.sculpture": 0.8504, "Acc.hood": 0.7134, "Acc.sconce": 0.6132, "Acc.vase": 0.6024, "Acc.traffic light": 0.5143, "Acc.tray": 0.0827, "Acc.ashcan": 0.6148, "Acc.fan": 0.7454, "Acc.pier": 0.6917, "Acc.crt screen": 0.1787, "Acc.plate": 0.7998, "Acc.monitor": 0.2925, "Acc.bulletin board": 0.7553, "Acc.shower": 0.0, "Acc.radiator": 0.7333, "Acc.glass": 0.1623, "Acc.clock": 0.4722, "Acc.flag": 0.5464} {"mode": "train", "epoch": 65, "iter": 81050, "lr": 0.0, "memory": 14793, "data_time": 2.11439, "decode.loss_ce": 0.24938, "decode.acc_seg": 90.03011, "aux.loss_ce": 0.18237, "aux.acc_seg": 83.57076, "loss": 0.43175, "grad_norm": 15.0683, "time": 2.52592} {"mode": "train", "epoch": 65, "iter": 81100, "lr": 0.0, "memory": 14793, "data_time": 0.00574, "decode.loss_ce": 0.23966, "decode.acc_seg": 90.23565, "aux.loss_ce": 0.17525, "aux.acc_seg": 83.17896, "loss": 0.41491, "grad_norm": 10.67323, "time": 0.4126} {"mode": "train", "epoch": 65, "iter": 81150, "lr": 0.0, "memory": 14793, "data_time": 0.00543, "decode.loss_ce": 0.23308, "decode.acc_seg": 90.23684, "aux.loss_ce": 0.17307, "aux.acc_seg": 83.58019, "loss": 0.40615, "grad_norm": 12.04595, "time": 0.4261} {"mode": "train", "epoch": 65, "iter": 81200, "lr": 0.0, "memory": 14793, "data_time": 0.00586, "decode.loss_ce": 0.24402, "decode.acc_seg": 89.73327, "aux.loss_ce": 0.17616, "aux.acc_seg": 83.06514, "loss": 0.42018, "grad_norm": 11.94256, "time": 0.42116} {"mode": "train", "epoch": 65, "iter": 81250, "lr": 0.0, "memory": 14793, "data_time": 0.00647, "decode.loss_ce": 0.25543, "decode.acc_seg": 89.57104, "aux.loss_ce": 0.18235, "aux.acc_seg": 82.83992, "loss": 0.43778, "grad_norm": 13.31525, "time": 0.41447} {"mode": "train", "epoch": 65, "iter": 81300, "lr": 0.0, "memory": 14793, "data_time": 0.0057, "decode.loss_ce": 0.25505, "decode.acc_seg": 89.81534, "aux.loss_ce": 0.1821, "aux.acc_seg": 83.27034, "loss": 0.43716, "grad_norm": 18.6217, "time": 0.42639} {"mode": "train", "epoch": 65, "iter": 81350, "lr": 0.0, "memory": 14793, "data_time": 0.00565, "decode.loss_ce": 0.23609, "decode.acc_seg": 90.12564, "aux.loss_ce": 0.16257, "aux.acc_seg": 84.33988, "loss": 0.39866, "grad_norm": 8.28691, "time": 0.40661} {"mode": "train", "epoch": 65, "iter": 81400, "lr": 0.0, "memory": 14793, "data_time": 0.00753, "decode.loss_ce": 0.25545, "decode.acc_seg": 89.30109, "aux.loss_ce": 0.18449, "aux.acc_seg": 82.50278, "loss": 0.43994, "grad_norm": 12.49812, "time": 0.41229} {"mode": "train", "epoch": 65, "iter": 81450, "lr": 0.0, "memory": 14793, "data_time": 0.00562, "decode.loss_ce": 0.23225, "decode.acc_seg": 90.34433, "aux.loss_ce": 0.17188, "aux.acc_seg": 83.5568, "loss": 0.40413, "grad_norm": 10.67959, "time": 0.41073} {"mode": "train", "epoch": 65, "iter": 81500, "lr": 0.0, "memory": 14793, "data_time": 0.0061, "decode.loss_ce": 0.24271, "decode.acc_seg": 89.85355, "aux.loss_ce": 0.17342, "aux.acc_seg": 83.02632, "loss": 0.41613, "grad_norm": 11.14321, "time": 0.41621} {"mode": "train", "epoch": 65, "iter": 81550, "lr": 0.0, "memory": 14793, "data_time": 0.00596, "decode.loss_ce": 0.24371, "decode.acc_seg": 89.59882, "aux.loss_ce": 0.17501, "aux.acc_seg": 82.75707, "loss": 0.41872, "grad_norm": 10.8071, "time": 0.41285} {"mode": "train", "epoch": 65, "iter": 81600, "lr": 0.0, "memory": 14793, "data_time": 0.00583, "decode.loss_ce": 0.23675, "decode.acc_seg": 90.26531, "aux.loss_ce": 0.17819, "aux.acc_seg": 83.30124, "loss": 0.41494, "grad_norm": 11.30615, "time": 0.42422} {"mode": "train", "epoch": 65, "iter": 81650, "lr": 0.0, "memory": 14793, "data_time": 0.00512, "decode.loss_ce": 0.25209, "decode.acc_seg": 89.57413, "aux.loss_ce": 0.17963, "aux.acc_seg": 83.10932, "loss": 0.43172, "grad_norm": 12.15369, "time": 0.41715} {"mode": "train", "epoch": 65, "iter": 81700, "lr": 0.0, "memory": 14793, "data_time": 0.00479, "decode.loss_ce": 0.25455, "decode.acc_seg": 89.47918, "aux.loss_ce": 0.18354, "aux.acc_seg": 82.25409, "loss": 0.43809, "grad_norm": 20.28932, "time": 0.41723} {"mode": "train", "epoch": 65, "iter": 81750, "lr": 0.0, "memory": 14793, "data_time": 0.00554, "decode.loss_ce": 0.24846, "decode.acc_seg": 90.10224, "aux.loss_ce": 0.18214, "aux.acc_seg": 83.15834, "loss": 0.4306, "grad_norm": 12.14896, "time": 0.42835} {"mode": "train", "epoch": 65, "iter": 81800, "lr": 0.0, "memory": 14793, "data_time": 0.00575, "decode.loss_ce": 0.24427, "decode.acc_seg": 89.98138, "aux.loss_ce": 0.17319, "aux.acc_seg": 83.56292, "loss": 0.41746, "grad_norm": 13.06928, "time": 0.42159} {"mode": "train", "epoch": 65, "iter": 81850, "lr": 0.0, "memory": 14793, "data_time": 0.00539, "decode.loss_ce": 0.23244, "decode.acc_seg": 90.40193, "aux.loss_ce": 0.17483, "aux.acc_seg": 83.61409, "loss": 0.40727, "grad_norm": 9.33535, "time": 0.41765} {"mode": "train", "epoch": 65, "iter": 81900, "lr": 0.0, "memory": 14793, "data_time": 0.00533, "decode.loss_ce": 0.25016, "decode.acc_seg": 89.79865, "aux.loss_ce": 0.18615, "aux.acc_seg": 82.56509, "loss": 0.4363, "grad_norm": 14.31242, "time": 0.41577} {"mode": "train", "epoch": 65, "iter": 81950, "lr": 0.0, "memory": 14793, "data_time": 0.00678, "decode.loss_ce": 0.25569, "decode.acc_seg": 89.5402, "aux.loss_ce": 0.18084, "aux.acc_seg": 82.79726, "loss": 0.43652, "grad_norm": 10.06356, "time": 0.41971} {"mode": "train", "epoch": 65, "iter": 82000, "lr": 0.0, "memory": 14793, "data_time": 0.00529, "decode.loss_ce": 0.24909, "decode.acc_seg": 89.53185, "aux.loss_ce": 0.17971, "aux.acc_seg": 82.64645, "loss": 0.4288, "grad_norm": 14.27988, "time": 0.65963} {"mode": "val", "epoch": 65, "iter": 125, "lr": 0.0, "aAcc": 0.8458, "mIoU": 0.5394, "mAcc": 0.6746, "IoU.wall": 0.8008, "IoU.building": 0.8355, "IoU.sky": 0.9483, "IoU.floor": 0.8326, "IoU.tree": 0.7618, "IoU.ceiling": 0.8584, "IoU.road": 0.851, "IoU.bed ": 0.9124, "IoU.windowpane": 0.6428, "IoU.grass": 0.6617, "IoU.cabinet": 0.6318, "IoU.sidewalk": 0.6764, "IoU.person": 0.8392, "IoU.earth": 0.3752, "IoU.door": 0.5554, "IoU.table": 0.6441, "IoU.mountain": 0.5794, "IoU.plant": 0.5269, "IoU.curtain": 0.7679, "IoU.chair": 0.6281, "IoU.car": 0.8663, "IoU.water": 0.6011, "IoU.painting": 0.7473, "IoU.sofa": 0.7364, "IoU.shelf": 0.4379, "IoU.house": 0.4594, "IoU.sea": 0.6967, "IoU.mirror": 0.7149, "IoU.rug": 0.6863, "IoU.field": 0.3176, "IoU.armchair": 0.4828, "IoU.seat": 0.6683, "IoU.fence": 0.4801, "IoU.desk": 0.5114, "IoU.rock": 0.5147, "IoU.wardrobe": 0.4863, "IoU.lamp": 0.6748, "IoU.bathtub": 0.8152, "IoU.railing": 0.3983, "IoU.cushion": 0.6393, "IoU.base": 0.3467, "IoU.box": 0.3208, "IoU.column": 0.5368, "IoU.signboard": 0.3841, "IoU.chest of drawers": 0.455, "IoU.counter": 0.2526, "IoU.sand": 0.5944, "IoU.sink": 0.7738, "IoU.skyscraper": 0.4923, "IoU.fireplace": 0.6928, "IoU.refrigerator": 0.7404, "IoU.grandstand": 0.468, "IoU.path": 0.2587, "IoU.stairs": 0.3306, "IoU.runway": 0.6932, "IoU.case": 0.4658, "IoU.pool table": 0.9349, "IoU.pillow": 0.6246, "IoU.screen door": 0.6474, "IoU.stairway": 0.4241, "IoU.river": 0.1001, "IoU.bridge": 0.4153, "IoU.bookcase": 0.4177, "IoU.blind": 0.4072, "IoU.coffee table": 0.6285, "IoU.toilet": 0.8704, "IoU.flower": 0.4557, "IoU.book": 0.4783, "IoU.hill": 0.0794, "IoU.bench": 0.6467, "IoU.countertop": 0.5839, "IoU.stove": 0.8298, "IoU.palm": 0.5644, "IoU.kitchen island": 0.4193, "IoU.computer": 0.7353, "IoU.swivel chair": 0.558, "IoU.boat": 0.7035, "IoU.bar": 0.4662, "IoU.arcade machine": 0.7489, "IoU.hovel": 0.495, "IoU.bus": 0.9049, "IoU.towel": 0.6712, "IoU.light": 0.5761, "IoU.truck": 0.4432, "IoU.tower": 0.2975, "IoU.chandelier": 0.703, "IoU.awning": 0.3222, "IoU.streetlight": 0.3239, "IoU.booth": 0.378, "IoU.television receiver": 0.7851, "IoU.airplane": 0.7366, "IoU.dirt track": 0.0956, "IoU.apparel": 0.6121, "IoU.pole": 0.2535, "IoU.land": 0.0431, "IoU.bannister": 0.1659, "IoU.escalator": 0.5315, "IoU.ottoman": 0.5596, "IoU.bottle": 0.4139, "IoU.buffet": 0.4797, "IoU.poster": 0.3396, "IoU.stage": 0.281, "IoU.van": 0.4898, "IoU.ship": 0.7232, "IoU.fountain": 0.2965, "IoU.conveyer belt": 0.773, "IoU.canopy": 0.4548, "IoU.washer": 0.7304, "IoU.plaything": 0.4164, "IoU.swimming pool": 0.6975, "IoU.stool": 0.4481, "IoU.barrel": 0.577, "IoU.basket": 0.3975, "IoU.waterfall": 0.5171, "IoU.tent": 0.9468, "IoU.bag": 0.1831, "IoU.minibike": 0.722, "IoU.cradle": 0.8213, "IoU.oven": 0.5206, "IoU.ball": 0.3661, "IoU.food": 0.5471, "IoU.step": 0.244, "IoU.tank": 0.6349, "IoU.trade name": 0.2434, "IoU.microwave": 0.8286, "IoU.pot": 0.5112, "IoU.animal": 0.6002, "IoU.bicycle": 0.6006, "IoU.lake": 0.4754, "IoU.dishwasher": 0.6882, "IoU.screen": 0.5636, "IoU.blanket": 0.206, "IoU.sculpture": 0.635, "IoU.hood": 0.6547, "IoU.sconce": 0.5437, "IoU.vase": 0.4329, "IoU.traffic light": 0.3634, "IoU.tray": 0.0568, "IoU.ashcan": 0.4822, "IoU.fan": 0.6554, "IoU.pier": 0.4047, "IoU.crt screen": 0.0768, "IoU.plate": 0.5687, "IoU.monitor": 0.2806, "IoU.bulletin board": 0.6374, "IoU.shower": 0.0138, "IoU.radiator": 0.5891, "IoU.glass": 0.1552, "IoU.clock": 0.4375, "IoU.flag": 0.479, "Acc.wall": 0.8793, "Acc.building": 0.9244, "Acc.sky": 0.9774, "Acc.floor": 0.9021, "Acc.tree": 0.8861, "Acc.ceiling": 0.9238, "Acc.road": 0.9042, "Acc.bed ": 0.9701, "Acc.windowpane": 0.8099, "Acc.grass": 0.8143, "Acc.cabinet": 0.7302, "Acc.sidewalk": 0.8283, "Acc.person": 0.9288, "Acc.earth": 0.4896, "Acc.door": 0.7472, "Acc.table": 0.8031, "Acc.mountain": 0.7423, "Acc.plant": 0.6377, "Acc.curtain": 0.8696, "Acc.chair": 0.7409, "Acc.car": 0.9362, "Acc.water": 0.7557, "Acc.painting": 0.8888, "Acc.sofa": 0.8738, "Acc.shelf": 0.6032, "Acc.house": 0.6627, "Acc.sea": 0.864, "Acc.mirror": 0.7924, "Acc.rug": 0.8581, "Acc.field": 0.4962, "Acc.armchair": 0.6707, "Acc.seat": 0.8623, "Acc.fence": 0.6612, "Acc.desk": 0.7345, "Acc.rock": 0.7917, "Acc.wardrobe": 0.7272, "Acc.lamp": 0.8132, "Acc.bathtub": 0.8681, "Acc.railing": 0.5638, "Acc.cushion": 0.7228, "Acc.base": 0.4692, "Acc.box": 0.4043, "Acc.column": 0.7118, "Acc.signboard": 0.5363, "Acc.chest of drawers": 0.66, "Acc.counter": 0.3367, "Acc.sand": 0.8202, "Acc.sink": 0.8548, "Acc.skyscraper": 0.5911, "Acc.fireplace": 0.9437, "Acc.refrigerator": 0.8535, "Acc.grandstand": 0.8659, "Acc.path": 0.4359, "Acc.stairs": 0.4315, "Acc.runway": 0.9148, "Acc.case": 0.6195, "Acc.pool table": 0.9816, "Acc.pillow": 0.7835, "Acc.screen door": 0.8434, "Acc.stairway": 0.5192, "Acc.river": 0.2023, "Acc.bridge": 0.4945, "Acc.bookcase": 0.722, "Acc.blind": 0.4604, "Acc.coffee table": 0.8609, "Acc.toilet": 0.9382, "Acc.flower": 0.6256, "Acc.book": 0.6818, "Acc.hill": 0.1338, "Acc.bench": 0.7699, "Acc.countertop": 0.7931, "Acc.stove": 0.9056, "Acc.palm": 0.7684, "Acc.kitchen island": 0.7471, "Acc.computer": 0.9117, "Acc.swivel chair": 0.8099, "Acc.boat": 0.83, "Acc.bar": 0.7007, "Acc.arcade machine": 0.799, "Acc.hovel": 0.7358, "Acc.bus": 0.9773, "Acc.towel": 0.8735, "Acc.light": 0.6742, "Acc.truck": 0.5936, "Acc.tower": 0.5208, "Acc.chandelier": 0.8422, "Acc.awning": 0.3826, "Acc.streetlight": 0.4283, "Acc.booth": 0.5136, "Acc.television receiver": 0.8769, "Acc.airplane": 0.8418, "Acc.dirt track": 0.2019, "Acc.apparel": 0.7362, "Acc.pole": 0.3455, "Acc.land": 0.0698, "Acc.bannister": 0.2103, "Acc.escalator": 0.8095, "Acc.ottoman": 0.7464, "Acc.bottle": 0.6927, "Acc.buffet": 0.5747, "Acc.poster": 0.4732, "Acc.stage": 0.43, "Acc.van": 0.626, "Acc.ship": 0.8232, "Acc.fountain": 0.3031, "Acc.conveyer belt": 0.9487, "Acc.canopy": 0.7344, "Acc.washer": 0.7531, "Acc.plaything": 0.6381, "Acc.swimming pool": 0.7777, "Acc.stool": 0.6397, "Acc.barrel": 0.8752, "Acc.basket": 0.5264, "Acc.waterfall": 0.614, "Acc.tent": 0.9837, "Acc.bag": 0.2209, "Acc.minibike": 0.8796, "Acc.cradle": 0.9821, "Acc.oven": 0.6406, "Acc.ball": 0.3874, "Acc.food": 0.6726, "Acc.step": 0.3003, "Acc.tank": 0.6688, "Acc.trade name": 0.2762, "Acc.microwave": 0.9639, "Acc.pot": 0.599, "Acc.animal": 0.6197, "Acc.bicycle": 0.7645, "Acc.lake": 0.6447, "Acc.dishwasher": 0.7787, "Acc.screen": 0.8703, "Acc.blanket": 0.2534, "Acc.sculpture": 0.8369, "Acc.hood": 0.7629, "Acc.sconce": 0.6765, "Acc.vase": 0.6139, "Acc.traffic light": 0.5357, "Acc.tray": 0.0841, "Acc.ashcan": 0.6782, "Acc.fan": 0.804, "Acc.pier": 0.5735, "Acc.crt screen": 0.1518, "Acc.plate": 0.7733, "Acc.monitor": 0.3373, "Acc.bulletin board": 0.744, "Acc.shower": 0.0223, "Acc.radiator": 0.72, "Acc.glass": 0.1666, "Acc.clock": 0.4836, "Acc.flag": 0.5206} {"mode": "train", "epoch": 65, "iter": 82050, "lr": 0.0, "memory": 14793, "data_time": 2.07407, "decode.loss_ce": 0.25244, "decode.acc_seg": 89.82567, "aux.loss_ce": 0.17479, "aux.acc_seg": 83.69358, "loss": 0.42723, "grad_norm": 17.7782, "time": 2.49052} {"mode": "train", "epoch": 65, "iter": 82100, "lr": 0.0, "memory": 14793, "data_time": 0.00668, "decode.loss_ce": 0.24866, "decode.acc_seg": 89.34889, "aux.loss_ce": 0.17224, "aux.acc_seg": 83.23245, "loss": 0.42091, "grad_norm": 18.32014, "time": 0.42436} {"mode": "train", "epoch": 65, "iter": 82150, "lr": 0.0, "memory": 14793, "data_time": 0.00609, "decode.loss_ce": 0.24721, "decode.acc_seg": 89.70581, "aux.loss_ce": 0.18393, "aux.acc_seg": 82.7325, "loss": 0.43114, "grad_norm": 10.75427, "time": 0.42446} {"mode": "train", "epoch": 66, "iter": 82200, "lr": 0.0, "memory": 14793, "data_time": 0.05767, "decode.loss_ce": 0.23829, "decode.acc_seg": 90.14779, "aux.loss_ce": 0.17654, "aux.acc_seg": 83.05673, "loss": 0.41483, "grad_norm": 10.47199, "time": 0.45953} {"mode": "train", "epoch": 66, "iter": 82250, "lr": 0.0, "memory": 14793, "data_time": 0.00699, "decode.loss_ce": 0.24105, "decode.acc_seg": 89.99953, "aux.loss_ce": 0.17862, "aux.acc_seg": 83.30176, "loss": 0.41967, "grad_norm": 12.62923, "time": 0.42094} {"mode": "train", "epoch": 66, "iter": 82300, "lr": 0.0, "memory": 14793, "data_time": 0.00598, "decode.loss_ce": 0.26028, "decode.acc_seg": 89.29817, "aux.loss_ce": 0.19198, "aux.acc_seg": 82.08549, "loss": 0.45226, "grad_norm": 15.1337, "time": 0.41602} {"mode": "train", "epoch": 66, "iter": 82350, "lr": 0.0, "memory": 14793, "data_time": 0.00564, "decode.loss_ce": 0.24514, "decode.acc_seg": 89.98829, "aux.loss_ce": 0.17572, "aux.acc_seg": 83.15383, "loss": 0.42086, "grad_norm": 12.87419, "time": 0.42043} {"mode": "train", "epoch": 66, "iter": 82400, "lr": 0.0, "memory": 14793, "data_time": 0.00597, "decode.loss_ce": 0.24968, "decode.acc_seg": 89.58939, "aux.loss_ce": 0.17541, "aux.acc_seg": 83.16886, "loss": 0.4251, "grad_norm": 12.46673, "time": 0.41521} {"mode": "train", "epoch": 66, "iter": 82450, "lr": 0.0, "memory": 14793, "data_time": 0.00551, "decode.loss_ce": 0.24774, "decode.acc_seg": 89.90988, "aux.loss_ce": 0.18934, "aux.acc_seg": 82.30937, "loss": 0.43708, "grad_norm": 12.68334, "time": 0.42302} {"mode": "train", "epoch": 66, "iter": 82500, "lr": 0.0, "memory": 14793, "data_time": 0.00628, "decode.loss_ce": 0.22521, "decode.acc_seg": 90.42808, "aux.loss_ce": 0.1759, "aux.acc_seg": 83.02826, "loss": 0.40111, "grad_norm": 13.5892, "time": 0.42504} {"mode": "train", "epoch": 66, "iter": 82550, "lr": 0.0, "memory": 14793, "data_time": 0.00621, "decode.loss_ce": 0.26358, "decode.acc_seg": 89.08777, "aux.loss_ce": 0.19406, "aux.acc_seg": 81.93628, "loss": 0.45764, "grad_norm": 18.67012, "time": 0.41451} {"mode": "train", "epoch": 66, "iter": 82600, "lr": 0.0, "memory": 14793, "data_time": 0.00546, "decode.loss_ce": 0.24138, "decode.acc_seg": 89.84888, "aux.loss_ce": 0.18261, "aux.acc_seg": 82.78059, "loss": 0.42399, "grad_norm": 13.08359, "time": 0.41371} {"mode": "train", "epoch": 66, "iter": 82650, "lr": 0.0, "memory": 14793, "data_time": 0.00532, "decode.loss_ce": 0.22718, "decode.acc_seg": 90.61138, "aux.loss_ce": 0.16726, "aux.acc_seg": 84.35292, "loss": 0.39444, "grad_norm": 12.88234, "time": 0.41053} {"mode": "train", "epoch": 66, "iter": 82700, "lr": 0.0, "memory": 14793, "data_time": 0.00534, "decode.loss_ce": 0.24369, "decode.acc_seg": 89.47083, "aux.loss_ce": 0.18001, "aux.acc_seg": 82.481, "loss": 0.4237, "grad_norm": 12.75789, "time": 0.40907} {"mode": "train", "epoch": 66, "iter": 82750, "lr": 0.0, "memory": 14793, "data_time": 0.00575, "decode.loss_ce": 0.2407, "decode.acc_seg": 89.69785, "aux.loss_ce": 0.17751, "aux.acc_seg": 82.97441, "loss": 0.41822, "grad_norm": 9.54757, "time": 0.41344} {"mode": "train", "epoch": 66, "iter": 82800, "lr": 0.0, "memory": 14793, "data_time": 0.00529, "decode.loss_ce": 0.251, "decode.acc_seg": 89.78158, "aux.loss_ce": 0.17507, "aux.acc_seg": 83.62718, "loss": 0.42607, "grad_norm": 12.35275, "time": 0.41812} {"mode": "train", "epoch": 66, "iter": 82850, "lr": 0.0, "memory": 14793, "data_time": 0.00593, "decode.loss_ce": 0.24242, "decode.acc_seg": 90.07692, "aux.loss_ce": 0.17156, "aux.acc_seg": 83.62898, "loss": 0.41398, "grad_norm": 13.33519, "time": 0.42161} {"mode": "train", "epoch": 66, "iter": 82900, "lr": 0.0, "memory": 14793, "data_time": 0.00498, "decode.loss_ce": 0.25256, "decode.acc_seg": 89.52119, "aux.loss_ce": 0.18874, "aux.acc_seg": 82.16534, "loss": 0.4413, "grad_norm": 10.66468, "time": 0.4217} {"mode": "train", "epoch": 66, "iter": 82950, "lr": 0.0, "memory": 14793, "data_time": 0.00696, "decode.loss_ce": 0.24001, "decode.acc_seg": 89.93827, "aux.loss_ce": 0.16953, "aux.acc_seg": 83.71498, "loss": 0.40954, "grad_norm": 13.20685, "time": 0.42002} {"mode": "train", "epoch": 66, "iter": 83000, "lr": 0.0, "memory": 14793, "data_time": 0.00825, "decode.loss_ce": 0.24399, "decode.acc_seg": 89.8213, "aux.loss_ce": 0.17904, "aux.acc_seg": 82.69966, "loss": 0.42303, "grad_norm": 12.52137, "time": 0.64714} {"mode": "val", "epoch": 66, "iter": 125, "lr": 0.0, "aAcc": 0.8466, "mIoU": 0.5434, "mAcc": 0.6738, "IoU.wall": 0.801, "IoU.building": 0.8333, "IoU.sky": 0.9477, "IoU.floor": 0.8303, "IoU.tree": 0.7602, "IoU.ceiling": 0.8538, "IoU.road": 0.8455, "IoU.bed ": 0.914, "IoU.windowpane": 0.6371, "IoU.grass": 0.6712, "IoU.cabinet": 0.6406, "IoU.sidewalk": 0.6787, "IoU.person": 0.8367, "IoU.earth": 0.3845, "IoU.door": 0.5516, "IoU.table": 0.643, "IoU.mountain": 0.594, "IoU.plant": 0.5356, "IoU.curtain": 0.7611, "IoU.chair": 0.6346, "IoU.car": 0.8666, "IoU.water": 0.5999, "IoU.painting": 0.7358, "IoU.sofa": 0.732, "IoU.shelf": 0.4611, "IoU.house": 0.474, "IoU.sea": 0.6815, "IoU.mirror": 0.7219, "IoU.rug": 0.6679, "IoU.field": 0.3035, "IoU.armchair": 0.4741, "IoU.seat": 0.675, "IoU.fence": 0.4856, "IoU.desk": 0.5167, "IoU.rock": 0.519, "IoU.wardrobe": 0.5033, "IoU.lamp": 0.6698, "IoU.bathtub": 0.8137, "IoU.railing": 0.4071, "IoU.cushion": 0.6469, "IoU.base": 0.3616, "IoU.box": 0.3495, "IoU.column": 0.5569, "IoU.signboard": 0.3858, "IoU.chest of drawers": 0.4564, "IoU.counter": 0.2953, "IoU.sand": 0.5859, "IoU.sink": 0.7899, "IoU.skyscraper": 0.6053, "IoU.fireplace": 0.7095, "IoU.refrigerator": 0.7685, "IoU.grandstand": 0.4816, "IoU.path": 0.2603, "IoU.stairs": 0.3519, "IoU.runway": 0.664, "IoU.case": 0.448, "IoU.pool table": 0.9421, "IoU.pillow": 0.6103, "IoU.screen door": 0.6278, "IoU.stairway": 0.4004, "IoU.river": 0.1051, "IoU.bridge": 0.422, "IoU.bookcase": 0.4715, "IoU.blind": 0.4763, "IoU.coffee table": 0.6185, "IoU.toilet": 0.8724, "IoU.flower": 0.4281, "IoU.book": 0.496, "IoU.hill": 0.0726, "IoU.bench": 0.6497, "IoU.countertop": 0.6045, "IoU.stove": 0.8252, "IoU.palm": 0.5614, "IoU.kitchen island": 0.4283, "IoU.computer": 0.7458, "IoU.swivel chair": 0.5526, "IoU.boat": 0.7391, "IoU.bar": 0.5105, "IoU.arcade machine": 0.7519, "IoU.hovel": 0.5462, "IoU.bus": 0.915, "IoU.towel": 0.6876, "IoU.light": 0.5794, "IoU.truck": 0.44, "IoU.tower": 0.2748, "IoU.chandelier": 0.6756, "IoU.awning": 0.3312, "IoU.streetlight": 0.3308, "IoU.booth": 0.3566, "IoU.television receiver": 0.7738, "IoU.airplane": 0.6877, "IoU.dirt track": 0.0729, "IoU.apparel": 0.6087, "IoU.pole": 0.2411, "IoU.land": 0.0515, "IoU.bannister": 0.1736, "IoU.escalator": 0.541, "IoU.ottoman": 0.5649, "IoU.bottle": 0.4198, "IoU.buffet": 0.4749, "IoU.poster": 0.3266, "IoU.stage": 0.2727, "IoU.van": 0.4848, "IoU.ship": 0.6771, "IoU.fountain": 0.2904, "IoU.conveyer belt": 0.7884, "IoU.canopy": 0.4163, "IoU.washer": 0.724, "IoU.plaything": 0.4247, "IoU.swimming pool": 0.734, "IoU.stool": 0.451, "IoU.barrel": 0.5849, "IoU.basket": 0.4076, "IoU.waterfall": 0.5251, "IoU.tent": 0.9535, "IoU.bag": 0.2188, "IoU.minibike": 0.7201, "IoU.cradle": 0.8357, "IoU.oven": 0.4848, "IoU.ball": 0.3613, "IoU.food": 0.5415, "IoU.step": 0.24, "IoU.tank": 0.6319, "IoU.trade name": 0.3025, "IoU.microwave": 0.8178, "IoU.pot": 0.5269, "IoU.animal": 0.624, "IoU.bicycle": 0.5935, "IoU.lake": 0.5523, "IoU.dishwasher": 0.6897, "IoU.screen": 0.5474, "IoU.blanket": 0.2354, "IoU.sculpture": 0.6732, "IoU.hood": 0.6631, "IoU.sconce": 0.5299, "IoU.vase": 0.4359, "IoU.traffic light": 0.3681, "IoU.tray": 0.0463, "IoU.ashcan": 0.4804, "IoU.fan": 0.653, "IoU.pier": 0.4719, "IoU.crt screen": 0.0465, "IoU.plate": 0.5494, "IoU.monitor": 0.1546, "IoU.bulletin board": 0.6225, "IoU.shower": 0.0199, "IoU.radiator": 0.6091, "IoU.glass": 0.1616, "IoU.clock": 0.4519, "IoU.flag": 0.5563, "Acc.wall": 0.8754, "Acc.building": 0.9146, "Acc.sky": 0.9768, "Acc.floor": 0.9033, "Acc.tree": 0.9012, "Acc.ceiling": 0.9387, "Acc.road": 0.8991, "Acc.bed ": 0.9724, "Acc.windowpane": 0.7772, "Acc.grass": 0.8151, "Acc.cabinet": 0.7584, "Acc.sidewalk": 0.8542, "Acc.person": 0.9342, "Acc.earth": 0.5096, "Acc.door": 0.7591, "Acc.table": 0.799, "Acc.mountain": 0.7033, "Acc.plant": 0.6641, "Acc.curtain": 0.8906, "Acc.chair": 0.7754, "Acc.car": 0.9362, "Acc.water": 0.7558, "Acc.painting": 0.9063, "Acc.sofa": 0.8687, "Acc.shelf": 0.6284, "Acc.house": 0.6714, "Acc.sea": 0.8361, "Acc.mirror": 0.8044, "Acc.rug": 0.8443, "Acc.field": 0.4753, "Acc.armchair": 0.6469, "Acc.seat": 0.8525, "Acc.fence": 0.6198, "Acc.desk": 0.6995, "Acc.rock": 0.785, "Acc.wardrobe": 0.7323, "Acc.lamp": 0.7907, "Acc.bathtub": 0.8618, "Acc.railing": 0.5611, "Acc.cushion": 0.7444, "Acc.base": 0.4955, "Acc.box": 0.4779, "Acc.column": 0.6701, "Acc.signboard": 0.5318, "Acc.chest of drawers": 0.6219, "Acc.counter": 0.3999, "Acc.sand": 0.8041, "Acc.sink": 0.8627, "Acc.skyscraper": 0.7961, "Acc.fireplace": 0.9358, "Acc.refrigerator": 0.8582, "Acc.grandstand": 0.8469, "Acc.path": 0.3906, "Acc.stairs": 0.477, "Acc.runway": 0.8972, "Acc.case": 0.5622, "Acc.pool table": 0.9771, "Acc.pillow": 0.7262, "Acc.screen door": 0.8521, "Acc.stairway": 0.4715, "Acc.river": 0.2236, "Acc.bridge": 0.5015, "Acc.bookcase": 0.6334, "Acc.blind": 0.5614, "Acc.coffee table": 0.8389, "Acc.toilet": 0.9244, "Acc.flower": 0.5418, "Acc.book": 0.7327, "Acc.hill": 0.1356, "Acc.bench": 0.7619, "Acc.countertop": 0.7927, "Acc.stove": 0.8815, "Acc.palm": 0.804, "Acc.kitchen island": 0.7631, "Acc.computer": 0.9061, "Acc.swivel chair": 0.7476, "Acc.boat": 0.8691, "Acc.bar": 0.6769, "Acc.arcade machine": 0.8035, "Acc.hovel": 0.6613, "Acc.bus": 0.9763, "Acc.towel": 0.8741, "Acc.light": 0.6781, "Acc.truck": 0.5836, "Acc.tower": 0.4684, "Acc.chandelier": 0.8855, "Acc.awning": 0.4193, "Acc.streetlight": 0.4731, "Acc.booth": 0.4467, "Acc.television receiver": 0.8461, "Acc.airplane": 0.7742, "Acc.dirt track": 0.1101, "Acc.apparel": 0.8149, "Acc.pole": 0.3305, "Acc.land": 0.0806, "Acc.bannister": 0.2565, "Acc.escalator": 0.8282, "Acc.ottoman": 0.7352, "Acc.bottle": 0.6681, "Acc.buffet": 0.5745, "Acc.poster": 0.4272, "Acc.stage": 0.4246, "Acc.van": 0.6641, "Acc.ship": 0.7714, "Acc.fountain": 0.3019, "Acc.conveyer belt": 0.9448, "Acc.canopy": 0.5715, "Acc.washer": 0.7475, "Acc.plaything": 0.6175, "Acc.swimming pool": 0.7607, "Acc.stool": 0.6749, "Acc.barrel": 0.8747, "Acc.basket": 0.5159, "Acc.waterfall": 0.6095, "Acc.tent": 0.9825, "Acc.bag": 0.2701, "Acc.minibike": 0.8542, "Acc.cradle": 0.9653, "Acc.oven": 0.6809, "Acc.ball": 0.3827, "Acc.food": 0.6014, "Acc.step": 0.3199, "Acc.tank": 0.6709, "Acc.trade name": 0.3726, "Acc.microwave": 0.9174, "Acc.pot": 0.6257, "Acc.animal": 0.6464, "Acc.bicycle": 0.758, "Acc.lake": 0.7047, "Acc.dishwasher": 0.7662, "Acc.screen": 0.9032, "Acc.blanket": 0.2974, "Acc.sculpture": 0.8455, "Acc.hood": 0.7107, "Acc.sconce": 0.685, "Acc.vase": 0.59, "Acc.traffic light": 0.5708, "Acc.tray": 0.0836, "Acc.ashcan": 0.6714, "Acc.fan": 0.8271, "Acc.pier": 0.7157, "Acc.crt screen": 0.116, "Acc.plate": 0.7963, "Acc.monitor": 0.1698, "Acc.bulletin board": 0.7274, "Acc.shower": 0.0294, "Acc.radiator": 0.6935, "Acc.glass": 0.1748, "Acc.clock": 0.5118, "Acc.flag": 0.6387} {"mode": "train", "epoch": 66, "iter": 83050, "lr": 0.0, "memory": 14793, "data_time": 2.12567, "decode.loss_ce": 0.25305, "decode.acc_seg": 89.78176, "aux.loss_ce": 0.18327, "aux.acc_seg": 82.55321, "loss": 0.43632, "grad_norm": 19.02896, "time": 2.53957} {"mode": "train", "epoch": 66, "iter": 83100, "lr": 0.0, "memory": 14793, "data_time": 0.00563, "decode.loss_ce": 0.23737, "decode.acc_seg": 90.14046, "aux.loss_ce": 0.17074, "aux.acc_seg": 83.68205, "loss": 0.40811, "grad_norm": 13.51615, "time": 0.4256} {"mode": "train", "epoch": 66, "iter": 83150, "lr": 0.0, "memory": 14793, "data_time": 0.00656, "decode.loss_ce": 0.24415, "decode.acc_seg": 89.57011, "aux.loss_ce": 0.17497, "aux.acc_seg": 82.98398, "loss": 0.41912, "grad_norm": 14.45985, "time": 0.41903} {"mode": "train", "epoch": 66, "iter": 83200, "lr": 0.0, "memory": 14793, "data_time": 0.00548, "decode.loss_ce": 0.25133, "decode.acc_seg": 89.7048, "aux.loss_ce": 0.17887, "aux.acc_seg": 83.3069, "loss": 0.4302, "grad_norm": 17.11326, "time": 0.41564} {"mode": "train", "epoch": 66, "iter": 83250, "lr": 0.0, "memory": 14793, "data_time": 0.00556, "decode.loss_ce": 0.24418, "decode.acc_seg": 89.7306, "aux.loss_ce": 0.17435, "aux.acc_seg": 83.4808, "loss": 0.41853, "grad_norm": 13.5218, "time": 0.43045} {"mode": "train", "epoch": 66, "iter": 83300, "lr": 0.0, "memory": 14793, "data_time": 0.00541, "decode.loss_ce": 0.22819, "decode.acc_seg": 90.60732, "aux.loss_ce": 0.16712, "aux.acc_seg": 83.66692, "loss": 0.39532, "grad_norm": 11.81766, "time": 0.42265} {"mode": "train", "epoch": 66, "iter": 83350, "lr": 0.0, "memory": 14793, "data_time": 0.00594, "decode.loss_ce": 0.23596, "decode.acc_seg": 90.26109, "aux.loss_ce": 0.17514, "aux.acc_seg": 83.8783, "loss": 0.41111, "grad_norm": 10.80344, "time": 0.41414} {"mode": "train", "epoch": 66, "iter": 83400, "lr": 0.0, "memory": 14793, "data_time": 0.00566, "decode.loss_ce": 0.24762, "decode.acc_seg": 89.6759, "aux.loss_ce": 0.17744, "aux.acc_seg": 83.24193, "loss": 0.42506, "grad_norm": 12.22394, "time": 0.41972} {"mode": "train", "epoch": 67, "iter": 83450, "lr": 0.0, "memory": 14793, "data_time": 0.05644, "decode.loss_ce": 0.22768, "decode.acc_seg": 90.40872, "aux.loss_ce": 0.17383, "aux.acc_seg": 83.14352, "loss": 0.40151, "grad_norm": 13.15237, "time": 0.484} {"mode": "train", "epoch": 67, "iter": 83500, "lr": 0.0, "memory": 14793, "data_time": 0.00592, "decode.loss_ce": 0.22498, "decode.acc_seg": 90.7765, "aux.loss_ce": 0.16477, "aux.acc_seg": 84.01177, "loss": 0.38975, "grad_norm": 17.13713, "time": 0.42877} {"mode": "train", "epoch": 67, "iter": 83550, "lr": 0.0, "memory": 14793, "data_time": 0.00597, "decode.loss_ce": 0.25158, "decode.acc_seg": 89.73821, "aux.loss_ce": 0.17653, "aux.acc_seg": 83.33513, "loss": 0.42812, "grad_norm": 15.56867, "time": 0.41125} {"mode": "train", "epoch": 67, "iter": 83600, "lr": 0.0, "memory": 14793, "data_time": 0.00561, "decode.loss_ce": 0.23203, "decode.acc_seg": 89.83518, "aux.loss_ce": 0.17553, "aux.acc_seg": 82.57418, "loss": 0.40757, "grad_norm": 10.587, "time": 0.41776} {"mode": "train", "epoch": 67, "iter": 83650, "lr": 0.0, "memory": 14793, "data_time": 0.00599, "decode.loss_ce": 0.22148, "decode.acc_seg": 90.54005, "aux.loss_ce": 0.16478, "aux.acc_seg": 84.13971, "loss": 0.38626, "grad_norm": 10.61209, "time": 0.42183} {"mode": "train", "epoch": 67, "iter": 83700, "lr": 0.0, "memory": 14793, "data_time": 0.00852, "decode.loss_ce": 0.24145, "decode.acc_seg": 90.03779, "aux.loss_ce": 0.1829, "aux.acc_seg": 82.72795, "loss": 0.42436, "grad_norm": 13.33712, "time": 0.43413} {"mode": "train", "epoch": 67, "iter": 83750, "lr": 0.0, "memory": 14793, "data_time": 0.00513, "decode.loss_ce": 0.24675, "decode.acc_seg": 90.006, "aux.loss_ce": 0.18199, "aux.acc_seg": 83.10516, "loss": 0.42874, "grad_norm": 12.0362, "time": 0.42139} {"mode": "train", "epoch": 67, "iter": 83800, "lr": 0.0, "memory": 14793, "data_time": 0.00505, "decode.loss_ce": 0.24462, "decode.acc_seg": 89.82518, "aux.loss_ce": 0.17674, "aux.acc_seg": 83.40554, "loss": 0.42135, "grad_norm": 10.86641, "time": 0.41457} {"mode": "train", "epoch": 67, "iter": 83850, "lr": 0.0, "memory": 14793, "data_time": 0.0057, "decode.loss_ce": 0.24116, "decode.acc_seg": 89.73956, "aux.loss_ce": 0.17765, "aux.acc_seg": 82.81036, "loss": 0.41881, "grad_norm": 13.87431, "time": 0.4191} {"mode": "train", "epoch": 67, "iter": 83900, "lr": 0.0, "memory": 14793, "data_time": 0.0055, "decode.loss_ce": 0.22889, "decode.acc_seg": 90.47864, "aux.loss_ce": 0.1681, "aux.acc_seg": 84.06991, "loss": 0.39698, "grad_norm": 10.57269, "time": 0.41253} {"mode": "train", "epoch": 67, "iter": 83950, "lr": 0.0, "memory": 14793, "data_time": 0.00537, "decode.loss_ce": 0.23398, "decode.acc_seg": 90.30473, "aux.loss_ce": 0.16838, "aux.acc_seg": 83.81934, "loss": 0.40236, "grad_norm": 10.59377, "time": 0.41607} {"mode": "train", "epoch": 67, "iter": 84000, "lr": 0.0, "memory": 14793, "data_time": 0.00523, "decode.loss_ce": 0.23624, "decode.acc_seg": 90.50367, "aux.loss_ce": 0.17544, "aux.acc_seg": 83.61855, "loss": 0.41167, "grad_norm": 9.94179, "time": 0.64576} {"mode": "val", "epoch": 67, "iter": 125, "lr": 0.0, "aAcc": 0.8476, "mIoU": 0.5448, "mAcc": 0.677, "IoU.wall": 0.8028, "IoU.building": 0.833, "IoU.sky": 0.9479, "IoU.floor": 0.8288, "IoU.tree": 0.7545, "IoU.ceiling": 0.8591, "IoU.road": 0.8535, "IoU.bed ": 0.9166, "IoU.windowpane": 0.646, "IoU.grass": 0.6682, "IoU.cabinet": 0.6522, "IoU.sidewalk": 0.6971, "IoU.person": 0.8375, "IoU.earth": 0.3808, "IoU.door": 0.5511, "IoU.table": 0.6523, "IoU.mountain": 0.5906, "IoU.plant": 0.5321, "IoU.curtain": 0.7694, "IoU.chair": 0.6267, "IoU.car": 0.8644, "IoU.water": 0.5984, "IoU.painting": 0.7594, "IoU.sofa": 0.7435, "IoU.shelf": 0.4564, "IoU.house": 0.4821, "IoU.sea": 0.6797, "IoU.mirror": 0.7317, "IoU.rug": 0.6493, "IoU.field": 0.3077, "IoU.armchair": 0.4853, "IoU.seat": 0.659, "IoU.fence": 0.4821, "IoU.desk": 0.5039, "IoU.rock": 0.4733, "IoU.wardrobe": 0.5379, "IoU.lamp": 0.6779, "IoU.bathtub": 0.815, "IoU.railing": 0.4048, "IoU.cushion": 0.6505, "IoU.base": 0.3894, "IoU.box": 0.3544, "IoU.column": 0.5596, "IoU.signboard": 0.3761, "IoU.chest of drawers": 0.4368, "IoU.counter": 0.2676, "IoU.sand": 0.5868, "IoU.sink": 0.7985, "IoU.skyscraper": 0.4989, "IoU.fireplace": 0.6977, "IoU.refrigerator": 0.7708, "IoU.grandstand": 0.4653, "IoU.path": 0.2494, "IoU.stairs": 0.3118, "IoU.runway": 0.6627, "IoU.case": 0.5799, "IoU.pool table": 0.9343, "IoU.pillow": 0.6152, "IoU.screen door": 0.6225, "IoU.stairway": 0.3685, "IoU.river": 0.1044, "IoU.bridge": 0.378, "IoU.bookcase": 0.4223, "IoU.blind": 0.5214, "IoU.coffee table": 0.6134, "IoU.toilet": 0.8693, "IoU.flower": 0.442, "IoU.book": 0.4696, "IoU.hill": 0.0736, "IoU.bench": 0.5948, "IoU.countertop": 0.6037, "IoU.stove": 0.8196, "IoU.palm": 0.5556, "IoU.kitchen island": 0.4293, "IoU.computer": 0.7191, "IoU.swivel chair": 0.5387, "IoU.boat": 0.7361, "IoU.bar": 0.5267, "IoU.arcade machine": 0.713, "IoU.hovel": 0.6093, "IoU.bus": 0.9028, "IoU.towel": 0.6772, "IoU.light": 0.57, "IoU.truck": 0.4522, "IoU.tower": 0.259, "IoU.chandelier": 0.7027, "IoU.awning": 0.3544, "IoU.streetlight": 0.3218, "IoU.booth": 0.3875, "IoU.television receiver": 0.7836, "IoU.airplane": 0.7334, "IoU.dirt track": 0.0847, "IoU.apparel": 0.5808, "IoU.pole": 0.2582, "IoU.land": 0.0461, "IoU.bannister": 0.1675, "IoU.escalator": 0.52, "IoU.ottoman": 0.5651, "IoU.bottle": 0.4133, "IoU.buffet": 0.5077, "IoU.poster": 0.3587, "IoU.stage": 0.2671, "IoU.van": 0.4773, "IoU.ship": 0.7479, "IoU.fountain": 0.2833, "IoU.conveyer belt": 0.771, "IoU.canopy": 0.4205, "IoU.washer": 0.7275, "IoU.plaything": 0.4115, "IoU.swimming pool": 0.7192, "IoU.stool": 0.4588, "IoU.barrel": 0.621, "IoU.basket": 0.4111, "IoU.waterfall": 0.6812, "IoU.tent": 0.9549, "IoU.bag": 0.2408, "IoU.minibike": 0.7194, "IoU.cradle": 0.8371, "IoU.oven": 0.513, "IoU.ball": 0.4406, "IoU.food": 0.5235, "IoU.step": 0.2221, "IoU.tank": 0.6362, "IoU.trade name": 0.2484, "IoU.microwave": 0.8226, "IoU.pot": 0.5339, "IoU.animal": 0.5914, "IoU.bicycle": 0.5967, "IoU.lake": 0.4905, "IoU.dishwasher": 0.7108, "IoU.screen": 0.5459, "IoU.blanket": 0.2512, "IoU.sculpture": 0.7046, "IoU.hood": 0.6726, "IoU.sconce": 0.5203, "IoU.vase": 0.4406, "IoU.traffic light": 0.3661, "IoU.tray": 0.0591, "IoU.ashcan": 0.48, "IoU.fan": 0.65, "IoU.pier": 0.3941, "IoU.crt screen": 0.1021, "IoU.plate": 0.5487, "IoU.monitor": 0.159, "IoU.bulletin board": 0.6265, "IoU.shower": 0.0093, "IoU.radiator": 0.6269, "IoU.glass": 0.1549, "IoU.clock": 0.4496, "IoU.flag": 0.587, "Acc.wall": 0.89, "Acc.building": 0.9202, "Acc.sky": 0.9743, "Acc.floor": 0.9083, "Acc.tree": 0.895, "Acc.ceiling": 0.9191, "Acc.road": 0.9226, "Acc.bed ": 0.9674, "Acc.windowpane": 0.8049, "Acc.grass": 0.8145, "Acc.cabinet": 0.7597, "Acc.sidewalk": 0.8129, "Acc.person": 0.927, "Acc.earth": 0.5035, "Acc.door": 0.6714, "Acc.table": 0.7855, "Acc.mountain": 0.7474, "Acc.plant": 0.646, "Acc.curtain": 0.8902, "Acc.chair": 0.7548, "Acc.car": 0.9411, "Acc.water": 0.7463, "Acc.painting": 0.8772, "Acc.sofa": 0.881, "Acc.shelf": 0.6436, "Acc.house": 0.7064, "Acc.sea": 0.8426, "Acc.mirror": 0.8264, "Acc.rug": 0.7636, "Acc.field": 0.4749, "Acc.armchair": 0.6521, "Acc.seat": 0.8626, "Acc.fence": 0.624, "Acc.desk": 0.7241, "Acc.rock": 0.6546, "Acc.wardrobe": 0.681, "Acc.lamp": 0.7945, "Acc.bathtub": 0.8634, "Acc.railing": 0.548, "Acc.cushion": 0.7622, "Acc.base": 0.521, "Acc.box": 0.475, "Acc.column": 0.6562, "Acc.signboard": 0.5355, "Acc.chest of drawers": 0.6423, "Acc.counter": 0.3329, "Acc.sand": 0.8017, "Acc.sink": 0.8692, "Acc.skyscraper": 0.6048, "Acc.fireplace": 0.9409, "Acc.refrigerator": 0.8461, "Acc.grandstand": 0.8703, "Acc.path": 0.3827, "Acc.stairs": 0.4038, "Acc.runway": 0.8974, "Acc.case": 0.7744, "Acc.pool table": 0.9785, "Acc.pillow": 0.7224, "Acc.screen door": 0.8724, "Acc.stairway": 0.4816, "Acc.river": 0.215, "Acc.bridge": 0.4773, "Acc.bookcase": 0.7497, "Acc.blind": 0.668, "Acc.coffee table": 0.8573, "Acc.toilet": 0.9352, "Acc.flower": 0.5792, "Acc.book": 0.6155, "Acc.hill": 0.13, "Acc.bench": 0.6746, "Acc.countertop": 0.8015, "Acc.stove": 0.9064, "Acc.palm": 0.813, "Acc.kitchen island": 0.7353, "Acc.computer": 0.9161, "Acc.swivel chair": 0.7769, "Acc.boat": 0.8676, "Acc.bar": 0.7284, "Acc.arcade machine": 0.7558, "Acc.hovel": 0.6997, "Acc.bus": 0.9773, "Acc.towel": 0.861, "Acc.light": 0.6582, "Acc.truck": 0.6126, "Acc.tower": 0.4658, "Acc.chandelier": 0.8341, "Acc.awning": 0.4483, "Acc.streetlight": 0.4387, "Acc.booth": 0.4842, "Acc.television receiver": 0.8556, "Acc.airplane": 0.8641, "Acc.dirt track": 0.1706, "Acc.apparel": 0.7342, "Acc.pole": 0.3555, "Acc.land": 0.0655, "Acc.bannister": 0.2745, "Acc.escalator": 0.831, "Acc.ottoman": 0.7587, "Acc.bottle": 0.6531, "Acc.buffet": 0.6313, "Acc.poster": 0.5911, "Acc.stage": 0.4491, "Acc.van": 0.64, "Acc.ship": 0.8644, "Acc.fountain": 0.2872, "Acc.conveyer belt": 0.9488, "Acc.canopy": 0.5685, "Acc.washer": 0.7476, "Acc.plaything": 0.582, "Acc.swimming pool": 0.7726, "Acc.stool": 0.6461, "Acc.barrel": 0.8711, "Acc.basket": 0.5417, "Acc.waterfall": 0.8726, "Acc.tent": 0.9806, "Acc.bag": 0.2978, "Acc.minibike": 0.8658, "Acc.cradle": 0.9773, "Acc.oven": 0.6394, "Acc.ball": 0.4743, "Acc.food": 0.6039, "Acc.step": 0.2718, "Acc.tank": 0.6706, "Acc.trade name": 0.2853, "Acc.microwave": 0.9638, "Acc.pot": 0.6366, "Acc.animal": 0.6082, "Acc.bicycle": 0.7816, "Acc.lake": 0.6399, "Acc.dishwasher": 0.8163, "Acc.screen": 0.8803, "Acc.blanket": 0.3172, "Acc.sculpture": 0.845, "Acc.hood": 0.7426, "Acc.sconce": 0.6356, "Acc.vase": 0.5858, "Acc.traffic light": 0.5701, "Acc.tray": 0.0954, "Acc.ashcan": 0.695, "Acc.fan": 0.8023, "Acc.pier": 0.5589, "Acc.crt screen": 0.2738, "Acc.plate": 0.7882, "Acc.monitor": 0.1723, "Acc.bulletin board": 0.75, "Acc.shower": 0.0126, "Acc.radiator": 0.7318, "Acc.glass": 0.1656, "Acc.clock": 0.5009, "Acc.flag": 0.6654} {"mode": "train", "epoch": 67, "iter": 84050, "lr": 0.0, "memory": 14793, "data_time": 2.08118, "decode.loss_ce": 0.23118, "decode.acc_seg": 90.38497, "aux.loss_ce": 0.17143, "aux.acc_seg": 83.79281, "loss": 0.40262, "grad_norm": 10.00262, "time": 2.48854} {"mode": "train", "epoch": 67, "iter": 84100, "lr": 0.0, "memory": 14793, "data_time": 0.00623, "decode.loss_ce": 0.22325, "decode.acc_seg": 90.53757, "aux.loss_ce": 0.1654, "aux.acc_seg": 83.67069, "loss": 0.38864, "grad_norm": 11.3785, "time": 0.42354} {"mode": "train", "epoch": 67, "iter": 84150, "lr": 0.0, "memory": 14793, "data_time": 0.0055, "decode.loss_ce": 0.23813, "decode.acc_seg": 90.03353, "aux.loss_ce": 0.16886, "aux.acc_seg": 83.8194, "loss": 0.40699, "grad_norm": 10.96059, "time": 0.42144} {"mode": "train", "epoch": 67, "iter": 84200, "lr": 0.0, "memory": 14793, "data_time": 0.00605, "decode.loss_ce": 0.25943, "decode.acc_seg": 89.30106, "aux.loss_ce": 0.18995, "aux.acc_seg": 81.94865, "loss": 0.44938, "grad_norm": 14.40816, "time": 0.41978} {"mode": "train", "epoch": 67, "iter": 84250, "lr": 0.0, "memory": 14793, "data_time": 0.00629, "decode.loss_ce": 0.24365, "decode.acc_seg": 89.8284, "aux.loss_ce": 0.16948, "aux.acc_seg": 83.98639, "loss": 0.41312, "grad_norm": 12.40736, "time": 0.41809} {"mode": "train", "epoch": 67, "iter": 84300, "lr": 0.0, "memory": 14793, "data_time": 0.00602, "decode.loss_ce": 0.23995, "decode.acc_seg": 89.85858, "aux.loss_ce": 0.17755, "aux.acc_seg": 82.36937, "loss": 0.4175, "grad_norm": 10.83516, "time": 0.41535} {"mode": "train", "epoch": 67, "iter": 84350, "lr": 0.0, "memory": 14793, "data_time": 0.00622, "decode.loss_ce": 0.25545, "decode.acc_seg": 89.52872, "aux.loss_ce": 0.18838, "aux.acc_seg": 82.30451, "loss": 0.44383, "grad_norm": 15.6215, "time": 0.41669} {"mode": "train", "epoch": 67, "iter": 84400, "lr": 0.0, "memory": 14793, "data_time": 0.00604, "decode.loss_ce": 0.24178, "decode.acc_seg": 90.04266, "aux.loss_ce": 0.16893, "aux.acc_seg": 83.75515, "loss": 0.41071, "grad_norm": 12.84426, "time": 0.4074} {"mode": "train", "epoch": 67, "iter": 84450, "lr": 0.0, "memory": 14793, "data_time": 0.00571, "decode.loss_ce": 0.24247, "decode.acc_seg": 89.8854, "aux.loss_ce": 0.17981, "aux.acc_seg": 82.88446, "loss": 0.42228, "grad_norm": 12.60466, "time": 0.41186} {"mode": "train", "epoch": 67, "iter": 84500, "lr": 0.0, "memory": 14793, "data_time": 0.00573, "decode.loss_ce": 0.23479, "decode.acc_seg": 90.05277, "aux.loss_ce": 0.18168, "aux.acc_seg": 82.81378, "loss": 0.41647, "grad_norm": 11.18474, "time": 0.42974} {"mode": "train", "epoch": 67, "iter": 84550, "lr": 0.0, "memory": 14793, "data_time": 0.00628, "decode.loss_ce": 0.26189, "decode.acc_seg": 89.01748, "aux.loss_ce": 0.19305, "aux.acc_seg": 81.86249, "loss": 0.45494, "grad_norm": 11.10172, "time": 0.43024} {"mode": "train", "epoch": 67, "iter": 84600, "lr": 0.0, "memory": 14793, "data_time": 0.0054, "decode.loss_ce": 0.22544, "decode.acc_seg": 90.69417, "aux.loss_ce": 0.16379, "aux.acc_seg": 84.43478, "loss": 0.38923, "grad_norm": 9.9421, "time": 0.43201} {"mode": "train", "epoch": 67, "iter": 84650, "lr": 0.0, "memory": 14793, "data_time": 0.00514, "decode.loss_ce": 0.23956, "decode.acc_seg": 90.16318, "aux.loss_ce": 0.17259, "aux.acc_seg": 83.42171, "loss": 0.41215, "grad_norm": 13.17583, "time": 0.40713} {"mode": "train", "epoch": 68, "iter": 84700, "lr": 0.0, "memory": 14793, "data_time": 0.05189, "decode.loss_ce": 0.2403, "decode.acc_seg": 89.93764, "aux.loss_ce": 0.17528, "aux.acc_seg": 83.36875, "loss": 0.41558, "grad_norm": 10.51446, "time": 0.4679} {"mode": "train", "epoch": 68, "iter": 84750, "lr": 0.0, "memory": 14793, "data_time": 0.00501, "decode.loss_ce": 0.26174, "decode.acc_seg": 89.57706, "aux.loss_ce": 0.18931, "aux.acc_seg": 82.83408, "loss": 0.45104, "grad_norm": 11.39322, "time": 0.4152} {"mode": "train", "epoch": 68, "iter": 84800, "lr": 0.0, "memory": 14793, "data_time": 0.00594, "decode.loss_ce": 0.2508, "decode.acc_seg": 89.69943, "aux.loss_ce": 0.17204, "aux.acc_seg": 84.00076, "loss": 0.42284, "grad_norm": 12.74221, "time": 0.42005} {"mode": "train", "epoch": 68, "iter": 84850, "lr": 0.0, "memory": 14793, "data_time": 0.00506, "decode.loss_ce": 0.23197, "decode.acc_seg": 90.266, "aux.loss_ce": 0.17066, "aux.acc_seg": 83.30724, "loss": 0.40262, "grad_norm": 12.69807, "time": 0.41607} {"mode": "train", "epoch": 68, "iter": 84900, "lr": 0.0, "memory": 14793, "data_time": 0.00637, "decode.loss_ce": 0.244, "decode.acc_seg": 89.96993, "aux.loss_ce": 0.17409, "aux.acc_seg": 83.3557, "loss": 0.41809, "grad_norm": 15.20358, "time": 0.4245} {"mode": "train", "epoch": 68, "iter": 84950, "lr": 0.0, "memory": 14793, "data_time": 0.00513, "decode.loss_ce": 0.23311, "decode.acc_seg": 90.45101, "aux.loss_ce": 0.17074, "aux.acc_seg": 84.05597, "loss": 0.40384, "grad_norm": 10.14557, "time": 0.42482} {"mode": "train", "epoch": 68, "iter": 85000, "lr": 0.0, "memory": 14793, "data_time": 0.00732, "decode.loss_ce": 0.23538, "decode.acc_seg": 90.43142, "aux.loss_ce": 0.18202, "aux.acc_seg": 82.91034, "loss": 0.4174, "grad_norm": 12.71891, "time": 0.66276} {"mode": "val", "epoch": 68, "iter": 125, "lr": 0.0, "aAcc": 0.8474, "mIoU": 0.5406, "mAcc": 0.6659, "IoU.wall": 0.802, "IoU.building": 0.8356, "IoU.sky": 0.9479, "IoU.floor": 0.8298, "IoU.tree": 0.7577, "IoU.ceiling": 0.8564, "IoU.road": 0.8568, "IoU.bed ": 0.91, "IoU.windowpane": 0.6404, "IoU.grass": 0.6742, "IoU.cabinet": 0.6476, "IoU.sidewalk": 0.6771, "IoU.person": 0.8385, "IoU.earth": 0.3804, "IoU.door": 0.5537, "IoU.table": 0.6531, "IoU.mountain": 0.589, "IoU.plant": 0.5352, "IoU.curtain": 0.7647, "IoU.chair": 0.6301, "IoU.car": 0.8651, "IoU.water": 0.6087, "IoU.painting": 0.7429, "IoU.sofa": 0.7255, "IoU.shelf": 0.4539, "IoU.house": 0.5064, "IoU.sea": 0.6969, "IoU.mirror": 0.7194, "IoU.rug": 0.6633, "IoU.field": 0.3162, "IoU.armchair": 0.4656, "IoU.seat": 0.6666, "IoU.fence": 0.4747, "IoU.desk": 0.5205, "IoU.rock": 0.5334, "IoU.wardrobe": 0.5569, "IoU.lamp": 0.68, "IoU.bathtub": 0.8048, "IoU.railing": 0.3768, "IoU.cushion": 0.6313, "IoU.base": 0.3654, "IoU.box": 0.3264, "IoU.column": 0.5549, "IoU.signboard": 0.3719, "IoU.chest of drawers": 0.4218, "IoU.counter": 0.32, "IoU.sand": 0.5767, "IoU.sink": 0.7842, "IoU.skyscraper": 0.5688, "IoU.fireplace": 0.6983, "IoU.refrigerator": 0.7703, "IoU.grandstand": 0.4704, "IoU.path": 0.2529, "IoU.stairs": 0.3585, "IoU.runway": 0.6898, "IoU.case": 0.5462, "IoU.pool table": 0.9329, "IoU.pillow": 0.5882, "IoU.screen door": 0.5844, "IoU.stairway": 0.3856, "IoU.river": 0.1085, "IoU.bridge": 0.4318, "IoU.bookcase": 0.4725, "IoU.blind": 0.4207, "IoU.coffee table": 0.6032, "IoU.toilet": 0.8659, "IoU.flower": 0.4443, "IoU.book": 0.4899, "IoU.hill": 0.0637, "IoU.bench": 0.6284, "IoU.countertop": 0.6003, "IoU.stove": 0.8319, "IoU.palm": 0.5563, "IoU.kitchen island": 0.4267, "IoU.computer": 0.7498, "IoU.swivel chair": 0.544, "IoU.boat": 0.7196, "IoU.bar": 0.5503, "IoU.arcade machine": 0.6373, "IoU.hovel": 0.6124, "IoU.bus": 0.9203, "IoU.towel": 0.6788, "IoU.light": 0.5798, "IoU.truck": 0.4457, "IoU.tower": 0.2611, "IoU.chandelier": 0.6982, "IoU.awning": 0.3253, "IoU.streetlight": 0.3183, "IoU.booth": 0.3504, "IoU.television receiver": 0.767, "IoU.airplane": 0.7426, "IoU.dirt track": 0.1016, "IoU.apparel": 0.5692, "IoU.pole": 0.2556, "IoU.land": 0.0445, "IoU.bannister": 0.1672, "IoU.escalator": 0.5203, "IoU.ottoman": 0.5521, "IoU.bottle": 0.4125, "IoU.buffet": 0.474, "IoU.poster": 0.3266, "IoU.stage": 0.2348, "IoU.van": 0.4107, "IoU.ship": 0.5426, "IoU.fountain": 0.2447, "IoU.conveyer belt": 0.7878, "IoU.canopy": 0.4214, "IoU.washer": 0.7206, "IoU.plaything": 0.4234, "IoU.swimming pool": 0.6497, "IoU.stool": 0.4679, "IoU.barrel": 0.549, "IoU.basket": 0.4044, "IoU.waterfall": 0.6568, "IoU.tent": 0.9543, "IoU.bag": 0.1904, "IoU.minibike": 0.726, "IoU.cradle": 0.831, "IoU.oven": 0.443, "IoU.ball": 0.5657, "IoU.food": 0.5051, "IoU.step": 0.2038, "IoU.tank": 0.6355, "IoU.trade name": 0.2276, "IoU.microwave": 0.783, "IoU.pot": 0.4737, "IoU.animal": 0.5953, "IoU.bicycle": 0.5946, "IoU.lake": 0.5179, "IoU.dishwasher": 0.7238, "IoU.screen": 0.5857, "IoU.blanket": 0.2246, "IoU.sculpture": 0.6815, "IoU.hood": 0.6606, "IoU.sconce": 0.5302, "IoU.vase": 0.4304, "IoU.traffic light": 0.3678, "IoU.tray": 0.038, "IoU.ashcan": 0.4805, "IoU.fan": 0.6482, "IoU.pier": 0.3855, "IoU.crt screen": 0.1378, "IoU.plate": 0.5664, "IoU.monitor": 0.1402, "IoU.bulletin board": 0.6286, "IoU.shower": 0.0004, "IoU.radiator": 0.6326, "IoU.glass": 0.1644, "IoU.clock": 0.4615, "IoU.flag": 0.6108, "Acc.wall": 0.8904, "Acc.building": 0.9209, "Acc.sky": 0.9783, "Acc.floor": 0.9085, "Acc.tree": 0.8824, "Acc.ceiling": 0.9258, "Acc.road": 0.9219, "Acc.bed ": 0.976, "Acc.windowpane": 0.8311, "Acc.grass": 0.7997, "Acc.cabinet": 0.755, "Acc.sidewalk": 0.8137, "Acc.person": 0.9283, "Acc.earth": 0.5157, "Acc.door": 0.6881, "Acc.table": 0.7846, "Acc.mountain": 0.7253, "Acc.plant": 0.6473, "Acc.curtain": 0.8551, "Acc.chair": 0.7582, "Acc.car": 0.9414, "Acc.water": 0.7594, "Acc.painting": 0.902, "Acc.sofa": 0.886, "Acc.shelf": 0.6729, "Acc.house": 0.772, "Acc.sea": 0.8404, "Acc.mirror": 0.7921, "Acc.rug": 0.7913, "Acc.field": 0.4917, "Acc.armchair": 0.6185, "Acc.seat": 0.8359, "Acc.fence": 0.6253, "Acc.desk": 0.6922, "Acc.rock": 0.7531, "Acc.wardrobe": 0.704, "Acc.lamp": 0.7948, "Acc.bathtub": 0.8606, "Acc.railing": 0.5089, "Acc.cushion": 0.7429, "Acc.base": 0.4631, "Acc.box": 0.3946, "Acc.column": 0.676, "Acc.signboard": 0.5216, "Acc.chest of drawers": 0.6776, "Acc.counter": 0.4218, "Acc.sand": 0.7968, "Acc.sink": 0.8489, "Acc.skyscraper": 0.7056, "Acc.fireplace": 0.9355, "Acc.refrigerator": 0.8327, "Acc.grandstand": 0.8485, "Acc.path": 0.3975, "Acc.stairs": 0.4969, "Acc.runway": 0.9157, "Acc.case": 0.7271, "Acc.pool table": 0.9822, "Acc.pillow": 0.6658, "Acc.screen door": 0.7098, "Acc.stairway": 0.4433, "Acc.river": 0.2434, "Acc.bridge": 0.5183, "Acc.bookcase": 0.7096, "Acc.blind": 0.4895, "Acc.coffee table": 0.8863, "Acc.toilet": 0.9381, "Acc.flower": 0.5922, "Acc.book": 0.6802, "Acc.hill": 0.1297, "Acc.bench": 0.7455, "Acc.countertop": 0.7821, "Acc.stove": 0.8903, "Acc.palm": 0.796, "Acc.kitchen island": 0.7237, "Acc.computer": 0.9005, "Acc.swivel chair": 0.7685, "Acc.boat": 0.8852, "Acc.bar": 0.7271, "Acc.arcade machine": 0.6743, "Acc.hovel": 0.6876, "Acc.bus": 0.9702, "Acc.towel": 0.8452, "Acc.light": 0.707, "Acc.truck": 0.6007, "Acc.tower": 0.4363, "Acc.chandelier": 0.8482, "Acc.awning": 0.3732, "Acc.streetlight": 0.435, "Acc.booth": 0.4267, "Acc.television receiver": 0.8421, "Acc.airplane": 0.8232, "Acc.dirt track": 0.2093, "Acc.apparel": 0.7182, "Acc.pole": 0.3761, "Acc.land": 0.067, "Acc.bannister": 0.2241, "Acc.escalator": 0.8089, "Acc.ottoman": 0.7345, "Acc.bottle": 0.6776, "Acc.buffet": 0.5789, "Acc.poster": 0.4483, "Acc.stage": 0.3413, "Acc.van": 0.5076, "Acc.ship": 0.5984, "Acc.fountain": 0.2473, "Acc.conveyer belt": 0.9354, "Acc.canopy": 0.5896, "Acc.washer": 0.7396, "Acc.plaything": 0.6231, "Acc.swimming pool": 0.6935, "Acc.stool": 0.6442, "Acc.barrel": 0.867, "Acc.basket": 0.5157, "Acc.waterfall": 0.8283, "Acc.tent": 0.9838, "Acc.bag": 0.2166, "Acc.minibike": 0.8486, "Acc.cradle": 0.9788, "Acc.oven": 0.6263, "Acc.ball": 0.6513, "Acc.food": 0.5809, "Acc.step": 0.2551, "Acc.tank": 0.6719, "Acc.trade name": 0.2585, "Acc.microwave": 0.8867, "Acc.pot": 0.541, "Acc.animal": 0.6127, "Acc.bicycle": 0.7963, "Acc.lake": 0.6448, "Acc.dishwasher": 0.7923, "Acc.screen": 0.8264, "Acc.blanket": 0.2733, "Acc.sculpture": 0.8251, "Acc.hood": 0.7384, "Acc.sconce": 0.6421, "Acc.vase": 0.6053, "Acc.traffic light": 0.5455, "Acc.tray": 0.0443, "Acc.ashcan": 0.6115, "Acc.fan": 0.7616, "Acc.pier": 0.5095, "Acc.crt screen": 0.3585, "Acc.plate": 0.7965, "Acc.monitor": 0.1585, "Acc.bulletin board": 0.7468, "Acc.shower": 0.0025, "Acc.radiator": 0.7261, "Acc.glass": 0.1784, "Acc.clock": 0.5148, "Acc.flag": 0.6747} {"mode": "train", "epoch": 68, "iter": 85050, "lr": 0.0, "memory": 14793, "data_time": 2.03624, "decode.loss_ce": 0.22107, "decode.acc_seg": 90.52795, "aux.loss_ce": 0.1681, "aux.acc_seg": 83.44728, "loss": 0.38917, "grad_norm": 9.17276, "time": 2.45921} {"mode": "train", "epoch": 68, "iter": 85100, "lr": 0.0, "memory": 14793, "data_time": 0.00581, "decode.loss_ce": 0.22208, "decode.acc_seg": 90.77082, "aux.loss_ce": 0.15833, "aux.acc_seg": 84.78632, "loss": 0.3804, "grad_norm": 13.36063, "time": 0.40516} {"mode": "train", "epoch": 68, "iter": 85150, "lr": 0.0, "memory": 14793, "data_time": 0.00555, "decode.loss_ce": 0.23699, "decode.acc_seg": 90.26005, "aux.loss_ce": 0.1768, "aux.acc_seg": 83.55368, "loss": 0.41378, "grad_norm": 15.12035, "time": 0.4224} {"mode": "train", "epoch": 68, "iter": 85200, "lr": 0.0, "memory": 14793, "data_time": 0.00577, "decode.loss_ce": 0.23202, "decode.acc_seg": 90.11441, "aux.loss_ce": 0.17403, "aux.acc_seg": 82.84829, "loss": 0.40604, "grad_norm": 10.30078, "time": 0.41903} {"mode": "train", "epoch": 68, "iter": 85250, "lr": 0.0, "memory": 14793, "data_time": 0.00581, "decode.loss_ce": 0.23583, "decode.acc_seg": 90.05752, "aux.loss_ce": 0.1723, "aux.acc_seg": 83.9787, "loss": 0.40813, "grad_norm": 13.12741, "time": 0.42421} {"mode": "train", "epoch": 68, "iter": 85300, "lr": 0.0, "memory": 14793, "data_time": 0.00575, "decode.loss_ce": 0.26162, "decode.acc_seg": 89.08819, "aux.loss_ce": 0.18894, "aux.acc_seg": 81.54892, "loss": 0.45056, "grad_norm": 12.90374, "time": 0.41788} {"mode": "train", "epoch": 68, "iter": 85350, "lr": 0.0, "memory": 14793, "data_time": 0.0055, "decode.loss_ce": 0.24548, "decode.acc_seg": 89.97499, "aux.loss_ce": 0.17611, "aux.acc_seg": 83.01206, "loss": 0.42159, "grad_norm": 13.42332, "time": 0.43096} {"mode": "train", "epoch": 68, "iter": 85400, "lr": 0.0, "memory": 14793, "data_time": 0.00702, "decode.loss_ce": 0.24199, "decode.acc_seg": 90.03464, "aux.loss_ce": 0.17431, "aux.acc_seg": 83.24768, "loss": 0.4163, "grad_norm": 11.42126, "time": 0.42332} {"mode": "train", "epoch": 68, "iter": 85450, "lr": 0.0, "memory": 14793, "data_time": 0.0064, "decode.loss_ce": 0.24128, "decode.acc_seg": 89.8912, "aux.loss_ce": 0.17696, "aux.acc_seg": 83.1721, "loss": 0.41823, "grad_norm": 12.59872, "time": 0.42241} {"mode": "train", "epoch": 68, "iter": 85500, "lr": 0.0, "memory": 14793, "data_time": 0.00557, "decode.loss_ce": 0.23804, "decode.acc_seg": 90.37717, "aux.loss_ce": 0.18012, "aux.acc_seg": 83.32166, "loss": 0.41816, "grad_norm": 13.22799, "time": 0.41773} {"mode": "train", "epoch": 68, "iter": 85550, "lr": 0.0, "memory": 14793, "data_time": 0.00551, "decode.loss_ce": 0.25574, "decode.acc_seg": 89.66143, "aux.loss_ce": 0.1833, "aux.acc_seg": 83.05811, "loss": 0.43904, "grad_norm": 12.36091, "time": 0.42035} {"mode": "train", "epoch": 68, "iter": 85600, "lr": 0.0, "memory": 14793, "data_time": 0.00553, "decode.loss_ce": 0.24125, "decode.acc_seg": 90.18171, "aux.loss_ce": 0.16703, "aux.acc_seg": 84.27826, "loss": 0.40828, "grad_norm": 11.23261, "time": 0.41263} {"mode": "train", "epoch": 68, "iter": 85650, "lr": 0.0, "memory": 14793, "data_time": 0.00554, "decode.loss_ce": 0.26374, "decode.acc_seg": 89.3624, "aux.loss_ce": 0.18965, "aux.acc_seg": 82.83039, "loss": 0.45339, "grad_norm": 16.85351, "time": 0.41389} {"mode": "train", "epoch": 68, "iter": 85700, "lr": 0.0, "memory": 14793, "data_time": 0.00558, "decode.loss_ce": 0.24656, "decode.acc_seg": 89.67166, "aux.loss_ce": 0.18528, "aux.acc_seg": 82.22983, "loss": 0.43184, "grad_norm": 11.68671, "time": 0.4242} {"mode": "train", "epoch": 68, "iter": 85750, "lr": 0.0, "memory": 14793, "data_time": 0.00646, "decode.loss_ce": 0.24074, "decode.acc_seg": 90.09086, "aux.loss_ce": 0.18575, "aux.acc_seg": 82.64713, "loss": 0.42649, "grad_norm": 16.31643, "time": 0.42589} {"mode": "train", "epoch": 68, "iter": 85800, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.23091, "decode.acc_seg": 90.24526, "aux.loss_ce": 0.16161, "aux.acc_seg": 84.49842, "loss": 0.39252, "grad_norm": 11.16489, "time": 0.42553} {"mode": "train", "epoch": 68, "iter": 85850, "lr": 0.0, "memory": 14793, "data_time": 0.00529, "decode.loss_ce": 0.23832, "decode.acc_seg": 89.93534, "aux.loss_ce": 0.17658, "aux.acc_seg": 83.06277, "loss": 0.4149, "grad_norm": 13.45986, "time": 0.42184} {"mode": "train", "epoch": 68, "iter": 85900, "lr": 0.0, "memory": 14793, "data_time": 0.00556, "decode.loss_ce": 0.24747, "decode.acc_seg": 89.89777, "aux.loss_ce": 0.18392, "aux.acc_seg": 82.77702, "loss": 0.43139, "grad_norm": 16.37882, "time": 0.4204} {"mode": "train", "epoch": 68, "iter": 85950, "lr": 0.0, "memory": 14793, "data_time": 0.00621, "decode.loss_ce": 0.24057, "decode.acc_seg": 90.19898, "aux.loss_ce": 0.17188, "aux.acc_seg": 83.68569, "loss": 0.41244, "grad_norm": 10.56977, "time": 0.41877} {"mode": "train", "epoch": 69, "iter": 86000, "lr": 0.0, "memory": 14793, "data_time": 0.05674, "decode.loss_ce": 0.24698, "decode.acc_seg": 89.75451, "aux.loss_ce": 0.18146, "aux.acc_seg": 82.87347, "loss": 0.42844, "grad_norm": 12.67208, "time": 0.71883} {"mode": "val", "epoch": 69, "iter": 125, "lr": 0.0, "aAcc": 0.8478, "mIoU": 0.5389, "mAcc": 0.6666, "IoU.wall": 0.8066, "IoU.building": 0.8398, "IoU.sky": 0.9482, "IoU.floor": 0.8319, "IoU.tree": 0.7557, "IoU.ceiling": 0.8577, "IoU.road": 0.8522, "IoU.bed ": 0.9147, "IoU.windowpane": 0.6392, "IoU.grass": 0.6743, "IoU.cabinet": 0.6461, "IoU.sidewalk": 0.6763, "IoU.person": 0.8363, "IoU.earth": 0.391, "IoU.door": 0.5535, "IoU.table": 0.6423, "IoU.mountain": 0.5906, "IoU.plant": 0.5336, "IoU.curtain": 0.7685, "IoU.chair": 0.6251, "IoU.car": 0.8572, "IoU.water": 0.6024, "IoU.painting": 0.7485, "IoU.sofa": 0.7212, "IoU.shelf": 0.4619, "IoU.house": 0.5017, "IoU.sea": 0.681, "IoU.mirror": 0.7162, "IoU.rug": 0.6489, "IoU.field": 0.3166, "IoU.armchair": 0.4588, "IoU.seat": 0.6599, "IoU.fence": 0.4805, "IoU.desk": 0.518, "IoU.rock": 0.5132, "IoU.wardrobe": 0.5287, "IoU.lamp": 0.6816, "IoU.bathtub": 0.8118, "IoU.railing": 0.3869, "IoU.cushion": 0.6326, "IoU.base": 0.3658, "IoU.box": 0.3253, "IoU.column": 0.5503, "IoU.signboard": 0.379, "IoU.chest of drawers": 0.4314, "IoU.counter": 0.2969, "IoU.sand": 0.5872, "IoU.sink": 0.7676, "IoU.skyscraper": 0.4983, "IoU.fireplace": 0.7179, "IoU.refrigerator": 0.7744, "IoU.grandstand": 0.4636, "IoU.path": 0.2584, "IoU.stairs": 0.3321, "IoU.runway": 0.6869, "IoU.case": 0.5055, "IoU.pool table": 0.9339, "IoU.pillow": 0.6251, "IoU.screen door": 0.6359, "IoU.stairway": 0.4516, "IoU.river": 0.1007, "IoU.bridge": 0.4295, "IoU.bookcase": 0.4083, "IoU.blind": 0.421, "IoU.coffee table": 0.6182, "IoU.toilet": 0.8717, "IoU.flower": 0.4457, "IoU.book": 0.4539, "IoU.hill": 0.0618, "IoU.bench": 0.6172, "IoU.countertop": 0.5938, "IoU.stove": 0.83, "IoU.palm": 0.5483, "IoU.kitchen island": 0.4088, "IoU.computer": 0.7346, "IoU.swivel chair": 0.5636, "IoU.boat": 0.7309, "IoU.bar": 0.484, "IoU.arcade machine": 0.5663, "IoU.hovel": 0.6107, "IoU.bus": 0.9178, "IoU.towel": 0.7058, "IoU.light": 0.5848, "IoU.truck": 0.448, "IoU.tower": 0.3014, "IoU.chandelier": 0.7018, "IoU.awning": 0.3623, "IoU.streetlight": 0.3247, "IoU.booth": 0.4355, "IoU.television receiver": 0.7805, "IoU.airplane": 0.698, "IoU.dirt track": 0.1, "IoU.apparel": 0.5889, "IoU.pole": 0.2324, "IoU.land": 0.0581, "IoU.bannister": 0.1674, "IoU.escalator": 0.5401, "IoU.ottoman": 0.5669, "IoU.bottle": 0.407, "IoU.buffet": 0.4868, "IoU.poster": 0.3398, "IoU.stage": 0.2586, "IoU.van": 0.3487, "IoU.ship": 0.5906, "IoU.fountain": 0.258, "IoU.conveyer belt": 0.7925, "IoU.canopy": 0.3841, "IoU.washer": 0.7343, "IoU.plaything": 0.3651, "IoU.swimming pool": 0.6683, "IoU.stool": 0.4716, "IoU.barrel": 0.576, "IoU.basket": 0.414, "IoU.waterfall": 0.6187, "IoU.tent": 0.9535, "IoU.bag": 0.1954, "IoU.minibike": 0.7286, "IoU.cradle": 0.8309, "IoU.oven": 0.497, "IoU.ball": 0.106, "IoU.food": 0.5597, "IoU.step": 0.2181, "IoU.tank": 0.638, "IoU.trade name": 0.2741, "IoU.microwave": 0.8264, "IoU.pot": 0.5295, "IoU.animal": 0.6236, "IoU.bicycle": 0.5905, "IoU.lake": 0.5747, "IoU.dishwasher": 0.7009, "IoU.screen": 0.5826, "IoU.blanket": 0.2685, "IoU.sculpture": 0.6794, "IoU.hood": 0.6578, "IoU.sconce": 0.5076, "IoU.vase": 0.4424, "IoU.traffic light": 0.3668, "IoU.tray": 0.0429, "IoU.ashcan": 0.4745, "IoU.fan": 0.6595, "IoU.pier": 0.3657, "IoU.crt screen": 0.1269, "IoU.plate": 0.5681, "IoU.monitor": 0.1694, "IoU.bulletin board": 0.6401, "IoU.shower": 0.01, "IoU.radiator": 0.6383, "IoU.glass": 0.1601, "IoU.clock": 0.4471, "IoU.flag": 0.5608, "Acc.wall": 0.8889, "Acc.building": 0.926, "Acc.sky": 0.9794, "Acc.floor": 0.9133, "Acc.tree": 0.8774, "Acc.ceiling": 0.9206, "Acc.road": 0.9032, "Acc.bed ": 0.9694, "Acc.windowpane": 0.8012, "Acc.grass": 0.8052, "Acc.cabinet": 0.7358, "Acc.sidewalk": 0.8446, "Acc.person": 0.9283, "Acc.earth": 0.5278, "Acc.door": 0.7296, "Acc.table": 0.8076, "Acc.mountain": 0.7384, "Acc.plant": 0.6793, "Acc.curtain": 0.8847, "Acc.chair": 0.7334, "Acc.car": 0.9437, "Acc.water": 0.7387, "Acc.painting": 0.8878, "Acc.sofa": 0.888, "Acc.shelf": 0.6547, "Acc.house": 0.7379, "Acc.sea": 0.8499, "Acc.mirror": 0.797, "Acc.rug": 0.7526, "Acc.field": 0.4801, "Acc.armchair": 0.6169, "Acc.seat": 0.856, "Acc.fence": 0.6449, "Acc.desk": 0.68, "Acc.rock": 0.7506, "Acc.wardrobe": 0.6828, "Acc.lamp": 0.8017, "Acc.bathtub": 0.8601, "Acc.railing": 0.5527, "Acc.cushion": 0.7396, "Acc.base": 0.488, "Acc.box": 0.425, "Acc.column": 0.6863, "Acc.signboard": 0.5094, "Acc.chest of drawers": 0.6806, "Acc.counter": 0.3835, "Acc.sand": 0.7864, "Acc.sink": 0.8271, "Acc.skyscraper": 0.5762, "Acc.fireplace": 0.9318, "Acc.refrigerator": 0.8552, "Acc.grandstand": 0.8388, "Acc.path": 0.3734, "Acc.stairs": 0.426, "Acc.runway": 0.9316, "Acc.case": 0.6438, "Acc.pool table": 0.9823, "Acc.pillow": 0.7547, "Acc.screen door": 0.8572, "Acc.stairway": 0.6049, "Acc.river": 0.209, "Acc.bridge": 0.5144, "Acc.bookcase": 0.7616, "Acc.blind": 0.4677, "Acc.coffee table": 0.8546, "Acc.toilet": 0.934, "Acc.flower": 0.5984, "Acc.book": 0.6214, "Acc.hill": 0.1218, "Acc.bench": 0.7547, "Acc.countertop": 0.8147, "Acc.stove": 0.8885, "Acc.palm": 0.7435, "Acc.kitchen island": 0.8632, "Acc.computer": 0.9106, "Acc.swivel chair": 0.8188, "Acc.boat": 0.864, "Acc.bar": 0.635, "Acc.arcade machine": 0.5986, "Acc.hovel": 0.7067, "Acc.bus": 0.9744, "Acc.towel": 0.8433, "Acc.light": 0.6828, "Acc.truck": 0.5957, "Acc.tower": 0.4072, "Acc.chandelier": 0.8513, "Acc.awning": 0.4543, "Acc.streetlight": 0.4609, "Acc.booth": 0.57, "Acc.television receiver": 0.8625, "Acc.airplane": 0.7813, "Acc.dirt track": 0.1716, "Acc.apparel": 0.7055, "Acc.pole": 0.3218, "Acc.land": 0.0751, "Acc.bannister": 0.2526, "Acc.escalator": 0.8351, "Acc.ottoman": 0.7486, "Acc.bottle": 0.6462, "Acc.buffet": 0.6553, "Acc.poster": 0.4736, "Acc.stage": 0.4635, "Acc.van": 0.4308, "Acc.ship": 0.6632, "Acc.fountain": 0.2619, "Acc.conveyer belt": 0.9305, "Acc.canopy": 0.5766, "Acc.washer": 0.7592, "Acc.plaything": 0.4888, "Acc.swimming pool": 0.7662, "Acc.stool": 0.631, "Acc.barrel": 0.8548, "Acc.basket": 0.5208, "Acc.waterfall": 0.7322, "Acc.tent": 0.984, "Acc.bag": 0.2348, "Acc.minibike": 0.875, "Acc.cradle": 0.9759, "Acc.oven": 0.638, "Acc.ball": 0.108, "Acc.food": 0.6796, "Acc.step": 0.2843, "Acc.tank": 0.671, "Acc.trade name": 0.3245, "Acc.microwave": 0.9377, "Acc.pot": 0.6213, "Acc.animal": 0.6448, "Acc.bicycle": 0.7393, "Acc.lake": 0.7576, "Acc.dishwasher": 0.7767, "Acc.screen": 0.8467, "Acc.blanket": 0.3248, "Acc.sculpture": 0.8189, "Acc.hood": 0.7025, "Acc.sconce": 0.5926, "Acc.vase": 0.611, "Acc.traffic light": 0.5752, "Acc.tray": 0.0569, "Acc.ashcan": 0.5926, "Acc.fan": 0.8233, "Acc.pier": 0.4968, "Acc.crt screen": 0.3357, "Acc.plate": 0.7681, "Acc.monitor": 0.1895, "Acc.bulletin board": 0.7646, "Acc.shower": 0.0168, "Acc.radiator": 0.714, "Acc.glass": 0.1713, "Acc.clock": 0.4901, "Acc.flag": 0.6524} {"mode": "train", "epoch": 69, "iter": 86050, "lr": 0.0, "memory": 14793, "data_time": 2.09712, "decode.loss_ce": 0.23805, "decode.acc_seg": 90.39235, "aux.loss_ce": 0.17043, "aux.acc_seg": 84.33288, "loss": 0.40849, "grad_norm": 10.88656, "time": 2.51041} {"mode": "train", "epoch": 69, "iter": 86100, "lr": 0.0, "memory": 14793, "data_time": 0.00876, "decode.loss_ce": 0.23447, "decode.acc_seg": 90.31517, "aux.loss_ce": 0.17043, "aux.acc_seg": 83.94302, "loss": 0.4049, "grad_norm": 15.50361, "time": 0.41958} {"mode": "train", "epoch": 69, "iter": 86150, "lr": 0.0, "memory": 14793, "data_time": 0.00582, "decode.loss_ce": 0.21642, "decode.acc_seg": 91.14131, "aux.loss_ce": 0.17223, "aux.acc_seg": 83.91314, "loss": 0.38865, "grad_norm": 8.38953, "time": 0.42239} {"mode": "train", "epoch": 69, "iter": 86200, "lr": 0.0, "memory": 14793, "data_time": 0.00602, "decode.loss_ce": 0.25134, "decode.acc_seg": 89.77092, "aux.loss_ce": 0.17985, "aux.acc_seg": 82.731, "loss": 0.43119, "grad_norm": 13.91149, "time": 0.42213} {"mode": "train", "epoch": 69, "iter": 86250, "lr": 0.0, "memory": 14793, "data_time": 0.00558, "decode.loss_ce": 0.22418, "decode.acc_seg": 90.52422, "aux.loss_ce": 0.16865, "aux.acc_seg": 83.24126, "loss": 0.39283, "grad_norm": 11.73951, "time": 0.41294} {"mode": "train", "epoch": 69, "iter": 86300, "lr": 0.0, "memory": 14793, "data_time": 0.00592, "decode.loss_ce": 0.26249, "decode.acc_seg": 89.39585, "aux.loss_ce": 0.1816, "aux.acc_seg": 82.81122, "loss": 0.44409, "grad_norm": 14.5672, "time": 0.41555} {"mode": "train", "epoch": 69, "iter": 86350, "lr": 0.0, "memory": 14793, "data_time": 0.00554, "decode.loss_ce": 0.24118, "decode.acc_seg": 90.01507, "aux.loss_ce": 0.18196, "aux.acc_seg": 82.98505, "loss": 0.42314, "grad_norm": 12.36082, "time": 0.42001} {"mode": "train", "epoch": 69, "iter": 86400, "lr": 0.0, "memory": 14793, "data_time": 0.0055, "decode.loss_ce": 0.23169, "decode.acc_seg": 90.51307, "aux.loss_ce": 0.16891, "aux.acc_seg": 84.31652, "loss": 0.40059, "grad_norm": 14.28708, "time": 0.40749} {"mode": "train", "epoch": 69, "iter": 86450, "lr": 0.0, "memory": 14793, "data_time": 0.00745, "decode.loss_ce": 0.23051, "decode.acc_seg": 90.27207, "aux.loss_ce": 0.17011, "aux.acc_seg": 83.52341, "loss": 0.40062, "grad_norm": 10.78863, "time": 0.41717} {"mode": "train", "epoch": 69, "iter": 86500, "lr": 0.0, "memory": 14793, "data_time": 0.0053, "decode.loss_ce": 0.24105, "decode.acc_seg": 90.04606, "aux.loss_ce": 0.17429, "aux.acc_seg": 83.61388, "loss": 0.41535, "grad_norm": 12.65127, "time": 0.41293} {"mode": "train", "epoch": 69, "iter": 86550, "lr": 0.0, "memory": 14793, "data_time": 0.0054, "decode.loss_ce": 0.24228, "decode.acc_seg": 89.97222, "aux.loss_ce": 0.18707, "aux.acc_seg": 82.20735, "loss": 0.42934, "grad_norm": 18.65243, "time": 0.41652} {"mode": "train", "epoch": 69, "iter": 86600, "lr": 0.0, "memory": 14793, "data_time": 0.00622, "decode.loss_ce": 0.23323, "decode.acc_seg": 90.65026, "aux.loss_ce": 0.16996, "aux.acc_seg": 84.05589, "loss": 0.4032, "grad_norm": 14.96087, "time": 0.42908} {"mode": "train", "epoch": 69, "iter": 86650, "lr": 0.0, "memory": 14793, "data_time": 0.00543, "decode.loss_ce": 0.24064, "decode.acc_seg": 90.10317, "aux.loss_ce": 0.18533, "aux.acc_seg": 82.61664, "loss": 0.42596, "grad_norm": 10.66193, "time": 0.41077} {"mode": "train", "epoch": 69, "iter": 86700, "lr": 0.0, "memory": 14793, "data_time": 0.00538, "decode.loss_ce": 0.24397, "decode.acc_seg": 89.80443, "aux.loss_ce": 0.18043, "aux.acc_seg": 82.57324, "loss": 0.42441, "grad_norm": 14.54952, "time": 0.41466} {"mode": "train", "epoch": 69, "iter": 86750, "lr": 0.0, "memory": 14793, "data_time": 0.00503, "decode.loss_ce": 0.24235, "decode.acc_seg": 89.67443, "aux.loss_ce": 0.1815, "aux.acc_seg": 83.04215, "loss": 0.42384, "grad_norm": 13.45296, "time": 0.4096} {"mode": "train", "epoch": 69, "iter": 86800, "lr": 0.0, "memory": 14793, "data_time": 0.00534, "decode.loss_ce": 0.23734, "decode.acc_seg": 90.11984, "aux.loss_ce": 0.17352, "aux.acc_seg": 83.57274, "loss": 0.41086, "grad_norm": 10.5579, "time": 0.41487} {"mode": "train", "epoch": 69, "iter": 86850, "lr": 0.0, "memory": 14793, "data_time": 0.00506, "decode.loss_ce": 0.25121, "decode.acc_seg": 89.93032, "aux.loss_ce": 0.18068, "aux.acc_seg": 83.17665, "loss": 0.43189, "grad_norm": 11.88079, "time": 0.41183} {"mode": "train", "epoch": 69, "iter": 86900, "lr": 0.0, "memory": 14793, "data_time": 0.00661, "decode.loss_ce": 0.22903, "decode.acc_seg": 90.07659, "aux.loss_ce": 0.16431, "aux.acc_seg": 83.57747, "loss": 0.39334, "grad_norm": 10.12002, "time": 0.4247} {"mode": "train", "epoch": 69, "iter": 86950, "lr": 0.0, "memory": 14793, "data_time": 0.00738, "decode.loss_ce": 0.23039, "decode.acc_seg": 90.18372, "aux.loss_ce": 0.17496, "aux.acc_seg": 83.27319, "loss": 0.40535, "grad_norm": 12.74583, "time": 0.4197} {"mode": "train", "epoch": 69, "iter": 87000, "lr": 0.0, "memory": 14793, "data_time": 0.00607, "decode.loss_ce": 0.24497, "decode.acc_seg": 90.12842, "aux.loss_ce": 0.17894, "aux.acc_seg": 82.93264, "loss": 0.42391, "grad_norm": 10.63714, "time": 0.64509} {"mode": "val", "epoch": 69, "iter": 125, "lr": 0.0, "aAcc": 0.8458, "mIoU": 0.5377, "mAcc": 0.6644, "IoU.wall": 0.8012, "IoU.building": 0.8373, "IoU.sky": 0.9493, "IoU.floor": 0.8277, "IoU.tree": 0.7652, "IoU.ceiling": 0.8575, "IoU.road": 0.8453, "IoU.bed ": 0.9156, "IoU.windowpane": 0.6353, "IoU.grass": 0.6621, "IoU.cabinet": 0.6184, "IoU.sidewalk": 0.6754, "IoU.person": 0.8384, "IoU.earth": 0.3745, "IoU.door": 0.5587, "IoU.table": 0.6435, "IoU.mountain": 0.6053, "IoU.plant": 0.5441, "IoU.curtain": 0.7547, "IoU.chair": 0.6282, "IoU.car": 0.8539, "IoU.water": 0.5935, "IoU.painting": 0.736, "IoU.sofa": 0.7339, "IoU.shelf": 0.4354, "IoU.house": 0.4871, "IoU.sea": 0.7, "IoU.mirror": 0.7341, "IoU.rug": 0.635, "IoU.field": 0.2842, "IoU.armchair": 0.4539, "IoU.seat": 0.6578, "IoU.fence": 0.4606, "IoU.desk": 0.5047, "IoU.rock": 0.523, "IoU.wardrobe": 0.5065, "IoU.lamp": 0.6814, "IoU.bathtub": 0.8107, "IoU.railing": 0.4075, "IoU.cushion": 0.6396, "IoU.base": 0.3488, "IoU.box": 0.3431, "IoU.column": 0.5438, "IoU.signboard": 0.3894, "IoU.chest of drawers": 0.4237, "IoU.counter": 0.2914, "IoU.sand": 0.5536, "IoU.sink": 0.7806, "IoU.skyscraper": 0.6502, "IoU.fireplace": 0.7137, "IoU.refrigerator": 0.7695, "IoU.grandstand": 0.4654, "IoU.path": 0.2522, "IoU.stairs": 0.3234, "IoU.runway": 0.6762, "IoU.case": 0.4977, "IoU.pool table": 0.9314, "IoU.pillow": 0.6169, "IoU.screen door": 0.6514, "IoU.stairway": 0.4363, "IoU.river": 0.1014, "IoU.bridge": 0.404, "IoU.bookcase": 0.4358, "IoU.blind": 0.4288, "IoU.coffee table": 0.6178, "IoU.toilet": 0.8734, "IoU.flower": 0.4375, "IoU.book": 0.5066, "IoU.hill": 0.0726, "IoU.bench": 0.6315, "IoU.countertop": 0.574, "IoU.stove": 0.8239, "IoU.palm": 0.567, "IoU.kitchen island": 0.3774, "IoU.computer": 0.7443, "IoU.swivel chair": 0.5703, "IoU.boat": 0.7128, "IoU.bar": 0.4848, "IoU.arcade machine": 0.6138, "IoU.hovel": 0.5486, "IoU.bus": 0.9154, "IoU.towel": 0.7012, "IoU.light": 0.5864, "IoU.truck": 0.451, "IoU.tower": 0.2582, "IoU.chandelier": 0.7003, "IoU.awning": 0.3115, "IoU.streetlight": 0.3256, "IoU.booth": 0.3432, "IoU.television receiver": 0.781, "IoU.airplane": 0.7094, "IoU.dirt track": 0.0145, "IoU.apparel": 0.5863, "IoU.pole": 0.2415, "IoU.land": 0.0488, "IoU.bannister": 0.164, "IoU.escalator": 0.5255, "IoU.ottoman": 0.5586, "IoU.bottle": 0.4041, "IoU.buffet": 0.4467, "IoU.poster": 0.3454, "IoU.stage": 0.2338, "IoU.van": 0.3355, "IoU.ship": 0.4001, "IoU.fountain": 0.2813, "IoU.conveyer belt": 0.8032, "IoU.canopy": 0.3991, "IoU.washer": 0.7477, "IoU.plaything": 0.3751, "IoU.swimming pool": 0.6799, "IoU.stool": 0.4689, "IoU.barrel": 0.5803, "IoU.basket": 0.3969, "IoU.waterfall": 0.6106, "IoU.tent": 0.9523, "IoU.bag": 0.1886, "IoU.minibike": 0.727, "IoU.cradle": 0.835, "IoU.oven": 0.4425, "IoU.ball": 0.5516, "IoU.food": 0.557, "IoU.step": 0.2668, "IoU.tank": 0.6342, "IoU.trade name": 0.2769, "IoU.microwave": 0.7941, "IoU.pot": 0.5141, "IoU.animal": 0.5878, "IoU.bicycle": 0.5929, "IoU.lake": 0.5437, "IoU.dishwasher": 0.6873, "IoU.screen": 0.5848, "IoU.blanket": 0.2505, "IoU.sculpture": 0.6741, "IoU.hood": 0.6778, "IoU.sconce": 0.5336, "IoU.vase": 0.4413, "IoU.traffic light": 0.3735, "IoU.tray": 0.0422, "IoU.ashcan": 0.4835, "IoU.fan": 0.6511, "IoU.pier": 0.3782, "IoU.crt screen": 0.0703, "IoU.plate": 0.5721, "IoU.monitor": 0.2781, "IoU.bulletin board": 0.6072, "IoU.shower": 0.0185, "IoU.radiator": 0.6409, "IoU.glass": 0.1555, "IoU.clock": 0.4495, "IoU.flag": 0.5291, "Acc.wall": 0.8879, "Acc.building": 0.9221, "Acc.sky": 0.9738, "Acc.floor": 0.9065, "Acc.tree": 0.8956, "Acc.ceiling": 0.9259, "Acc.road": 0.9014, "Acc.bed ": 0.9716, "Acc.windowpane": 0.8332, "Acc.grass": 0.7981, "Acc.cabinet": 0.7284, "Acc.sidewalk": 0.8437, "Acc.person": 0.9307, "Acc.earth": 0.497, "Acc.door": 0.6995, "Acc.table": 0.7865, "Acc.mountain": 0.7321, "Acc.plant": 0.6661, "Acc.curtain": 0.8612, "Acc.chair": 0.7481, "Acc.car": 0.9448, "Acc.water": 0.7367, "Acc.painting": 0.8958, "Acc.sofa": 0.8893, "Acc.shelf": 0.5871, "Acc.house": 0.6939, "Acc.sea": 0.8577, "Acc.mirror": 0.8104, "Acc.rug": 0.7486, "Acc.field": 0.4974, "Acc.armchair": 0.5963, "Acc.seat": 0.8424, "Acc.fence": 0.6332, "Acc.desk": 0.7763, "Acc.rock": 0.7746, "Acc.wardrobe": 0.6575, "Acc.lamp": 0.8115, "Acc.bathtub": 0.8496, "Acc.railing": 0.5857, "Acc.cushion": 0.7506, "Acc.base": 0.4906, "Acc.box": 0.4472, "Acc.column": 0.6507, "Acc.signboard": 0.5213, "Acc.chest of drawers": 0.69, "Acc.counter": 0.3813, "Acc.sand": 0.7494, "Acc.sink": 0.8385, "Acc.skyscraper": 0.786, "Acc.fireplace": 0.9387, "Acc.refrigerator": 0.8556, "Acc.grandstand": 0.8419, "Acc.path": 0.4037, "Acc.stairs": 0.3945, "Acc.runway": 0.8885, "Acc.case": 0.6705, "Acc.pool table": 0.9819, "Acc.pillow": 0.7346, "Acc.screen door": 0.9042, "Acc.stairway": 0.5767, "Acc.river": 0.2444, "Acc.bridge": 0.4577, "Acc.bookcase": 0.6685, "Acc.blind": 0.504, "Acc.coffee table": 0.8361, "Acc.toilet": 0.9234, "Acc.flower": 0.5919, "Acc.book": 0.6973, "Acc.hill": 0.1206, "Acc.bench": 0.724, "Acc.countertop": 0.8393, "Acc.stove": 0.8909, "Acc.palm": 0.7972, "Acc.kitchen island": 0.8972, "Acc.computer": 0.9065, "Acc.swivel chair": 0.8201, "Acc.boat": 0.852, "Acc.bar": 0.6485, "Acc.arcade machine": 0.6606, "Acc.hovel": 0.6075, "Acc.bus": 0.977, "Acc.towel": 0.8307, "Acc.light": 0.6918, "Acc.truck": 0.5994, "Acc.tower": 0.4432, "Acc.chandelier": 0.8033, "Acc.awning": 0.3574, "Acc.streetlight": 0.4453, "Acc.booth": 0.4146, "Acc.television receiver": 0.8544, "Acc.airplane": 0.7879, "Acc.dirt track": 0.026, "Acc.apparel": 0.7393, "Acc.pole": 0.3185, "Acc.land": 0.0835, "Acc.bannister": 0.2046, "Acc.escalator": 0.832, "Acc.ottoman": 0.7367, "Acc.bottle": 0.6775, "Acc.buffet": 0.5565, "Acc.poster": 0.4556, "Acc.stage": 0.3563, "Acc.van": 0.4098, "Acc.ship": 0.4411, "Acc.fountain": 0.2852, "Acc.conveyer belt": 0.9392, "Acc.canopy": 0.5263, "Acc.washer": 0.7716, "Acc.plaything": 0.6213, "Acc.swimming pool": 0.7639, "Acc.stool": 0.6401, "Acc.barrel": 0.8659, "Acc.basket": 0.4995, "Acc.waterfall": 0.7213, "Acc.tent": 0.9838, "Acc.bag": 0.2175, "Acc.minibike": 0.8907, "Acc.cradle": 0.9744, "Acc.oven": 0.6277, "Acc.ball": 0.6466, "Acc.food": 0.6537, "Acc.step": 0.3393, "Acc.tank": 0.6723, "Acc.trade name": 0.333, "Acc.microwave": 0.9036, "Acc.pot": 0.6032, "Acc.animal": 0.6031, "Acc.bicycle": 0.7817, "Acc.lake": 0.6753, "Acc.dishwasher": 0.8139, "Acc.screen": 0.8628, "Acc.blanket": 0.3057, "Acc.sculpture": 0.8225, "Acc.hood": 0.7485, "Acc.sconce": 0.6361, "Acc.vase": 0.5884, "Acc.traffic light": 0.5438, "Acc.tray": 0.0545, "Acc.ashcan": 0.6406, "Acc.fan": 0.776, "Acc.pier": 0.4814, "Acc.crt screen": 0.1479, "Acc.plate": 0.7499, "Acc.monitor": 0.3368, "Acc.bulletin board": 0.6967, "Acc.shower": 0.0219, "Acc.radiator": 0.7152, "Acc.glass": 0.1659, "Acc.clock": 0.4956, "Acc.flag": 0.5874} {"mode": "train", "epoch": 69, "iter": 87050, "lr": 0.0, "memory": 14793, "data_time": 2.09342, "decode.loss_ce": 0.241, "decode.acc_seg": 89.79235, "aux.loss_ce": 0.18203, "aux.acc_seg": 82.95419, "loss": 0.42304, "grad_norm": 12.80834, "time": 2.52222} {"mode": "train", "epoch": 69, "iter": 87100, "lr": 0.0, "memory": 14793, "data_time": 0.00616, "decode.loss_ce": 0.23294, "decode.acc_seg": 90.15592, "aux.loss_ce": 0.16816, "aux.acc_seg": 83.6228, "loss": 0.4011, "grad_norm": 12.23122, "time": 0.41521} {"mode": "train", "epoch": 69, "iter": 87150, "lr": 0.0, "memory": 14793, "data_time": 0.00572, "decode.loss_ce": 0.22603, "decode.acc_seg": 90.47867, "aux.loss_ce": 0.17143, "aux.acc_seg": 83.82299, "loss": 0.39746, "grad_norm": 14.94981, "time": 0.41765} {"mode": "train", "epoch": 69, "iter": 87200, "lr": 0.0, "memory": 14793, "data_time": 0.00598, "decode.loss_ce": 0.23455, "decode.acc_seg": 89.91819, "aux.loss_ce": 0.16219, "aux.acc_seg": 83.90737, "loss": 0.39675, "grad_norm": 11.38209, "time": 0.41429} {"mode": "train", "epoch": 70, "iter": 87250, "lr": 0.0, "memory": 14793, "data_time": 0.05195, "decode.loss_ce": 0.24633, "decode.acc_seg": 89.98837, "aux.loss_ce": 0.1761, "aux.acc_seg": 83.82411, "loss": 0.42243, "grad_norm": 12.4242, "time": 0.46126} {"mode": "train", "epoch": 70, "iter": 87300, "lr": 0.0, "memory": 14793, "data_time": 0.00593, "decode.loss_ce": 0.23319, "decode.acc_seg": 90.39931, "aux.loss_ce": 0.16582, "aux.acc_seg": 84.00481, "loss": 0.39902, "grad_norm": 16.73687, "time": 0.42866} {"mode": "train", "epoch": 70, "iter": 87350, "lr": 0.0, "memory": 14793, "data_time": 0.008, "decode.loss_ce": 0.23906, "decode.acc_seg": 90.11369, "aux.loss_ce": 0.17814, "aux.acc_seg": 83.00212, "loss": 0.4172, "grad_norm": 10.9982, "time": 0.42217} {"mode": "train", "epoch": 70, "iter": 87400, "lr": 0.0, "memory": 14793, "data_time": 0.00616, "decode.loss_ce": 0.24376, "decode.acc_seg": 90.06767, "aux.loss_ce": 0.18291, "aux.acc_seg": 82.76856, "loss": 0.42666, "grad_norm": 14.94397, "time": 0.42312} {"mode": "train", "epoch": 70, "iter": 87450, "lr": 0.0, "memory": 14793, "data_time": 0.00662, "decode.loss_ce": 0.22851, "decode.acc_seg": 90.68, "aux.loss_ce": 0.16811, "aux.acc_seg": 84.11694, "loss": 0.39662, "grad_norm": 9.71173, "time": 0.41752} {"mode": "train", "epoch": 70, "iter": 87500, "lr": 0.0, "memory": 14793, "data_time": 0.0062, "decode.loss_ce": 0.22872, "decode.acc_seg": 90.38013, "aux.loss_ce": 0.1767, "aux.acc_seg": 83.05202, "loss": 0.40542, "grad_norm": 11.15199, "time": 0.41146} {"mode": "train", "epoch": 70, "iter": 87550, "lr": 0.0, "memory": 14793, "data_time": 0.00566, "decode.loss_ce": 0.2486, "decode.acc_seg": 90.05742, "aux.loss_ce": 0.18472, "aux.acc_seg": 83.18337, "loss": 0.43332, "grad_norm": 13.86841, "time": 0.41338} {"mode": "train", "epoch": 70, "iter": 87600, "lr": 0.0, "memory": 14793, "data_time": 0.00629, "decode.loss_ce": 0.24727, "decode.acc_seg": 90.12668, "aux.loss_ce": 0.17861, "aux.acc_seg": 83.2311, "loss": 0.42588, "grad_norm": 15.95526, "time": 0.41698} {"mode": "train", "epoch": 70, "iter": 87650, "lr": 0.0, "memory": 14793, "data_time": 0.00506, "decode.loss_ce": 0.23675, "decode.acc_seg": 90.23111, "aux.loss_ce": 0.17713, "aux.acc_seg": 83.1709, "loss": 0.41388, "grad_norm": 10.48866, "time": 0.41243} {"mode": "train", "epoch": 70, "iter": 87700, "lr": 0.0, "memory": 14793, "data_time": 0.00644, "decode.loss_ce": 0.25516, "decode.acc_seg": 89.20729, "aux.loss_ce": 0.18354, "aux.acc_seg": 82.63881, "loss": 0.4387, "grad_norm": 11.98004, "time": 0.42116} {"mode": "train", "epoch": 70, "iter": 87750, "lr": 0.0, "memory": 14793, "data_time": 0.00514, "decode.loss_ce": 0.23011, "decode.acc_seg": 90.68859, "aux.loss_ce": 0.16747, "aux.acc_seg": 84.63088, "loss": 0.39758, "grad_norm": 12.30086, "time": 0.41784} {"mode": "train", "epoch": 70, "iter": 87800, "lr": 0.0, "memory": 14793, "data_time": 0.00652, "decode.loss_ce": 0.23586, "decode.acc_seg": 90.20642, "aux.loss_ce": 0.17626, "aux.acc_seg": 83.14222, "loss": 0.41212, "grad_norm": 12.02491, "time": 0.41923} {"mode": "train", "epoch": 70, "iter": 87850, "lr": 0.0, "memory": 14793, "data_time": 0.00598, "decode.loss_ce": 0.24382, "decode.acc_seg": 89.86894, "aux.loss_ce": 0.17448, "aux.acc_seg": 83.49501, "loss": 0.4183, "grad_norm": 12.62369, "time": 0.42448} {"mode": "train", "epoch": 70, "iter": 87900, "lr": 0.0, "memory": 14793, "data_time": 0.00704, "decode.loss_ce": 0.23072, "decode.acc_seg": 90.35052, "aux.loss_ce": 0.17194, "aux.acc_seg": 83.10403, "loss": 0.40266, "grad_norm": 13.5734, "time": 0.41368} {"mode": "train", "epoch": 70, "iter": 87950, "lr": 0.0, "memory": 14793, "data_time": 0.00551, "decode.loss_ce": 0.22708, "decode.acc_seg": 90.53851, "aux.loss_ce": 0.16964, "aux.acc_seg": 83.80975, "loss": 0.39673, "grad_norm": 9.89952, "time": 0.41542} {"mode": "train", "epoch": 70, "iter": 88000, "lr": 0.0, "memory": 14793, "data_time": 0.00633, "decode.loss_ce": 0.22758, "decode.acc_seg": 90.79862, "aux.loss_ce": 0.16652, "aux.acc_seg": 84.4678, "loss": 0.3941, "grad_norm": 14.05244, "time": 0.6331} {"mode": "val", "epoch": 70, "iter": 125, "lr": 0.0, "aAcc": 0.8481, "mIoU": 0.5434, "mAcc": 0.6719, "IoU.wall": 0.8029, "IoU.building": 0.8369, "IoU.sky": 0.949, "IoU.floor": 0.8316, "IoU.tree": 0.7617, "IoU.ceiling": 0.8556, "IoU.road": 0.8536, "IoU.bed ": 0.9115, "IoU.windowpane": 0.6443, "IoU.grass": 0.6664, "IoU.cabinet": 0.64, "IoU.sidewalk": 0.6824, "IoU.person": 0.8383, "IoU.earth": 0.3832, "IoU.door": 0.5616, "IoU.table": 0.6459, "IoU.mountain": 0.5978, "IoU.plant": 0.5381, "IoU.curtain": 0.7643, "IoU.chair": 0.6227, "IoU.car": 0.8638, "IoU.water": 0.5874, "IoU.painting": 0.7431, "IoU.sofa": 0.7314, "IoU.shelf": 0.4513, "IoU.house": 0.494, "IoU.sea": 0.6599, "IoU.mirror": 0.7259, "IoU.rug": 0.6763, "IoU.field": 0.3118, "IoU.armchair": 0.4458, "IoU.seat": 0.6676, "IoU.fence": 0.4619, "IoU.desk": 0.5171, "IoU.rock": 0.5186, "IoU.wardrobe": 0.5442, "IoU.lamp": 0.6756, "IoU.bathtub": 0.8205, "IoU.railing": 0.4099, "IoU.cushion": 0.6425, "IoU.base": 0.3556, "IoU.box": 0.3568, "IoU.column": 0.5465, "IoU.signboard": 0.3909, "IoU.chest of drawers": 0.423, "IoU.counter": 0.315, "IoU.sand": 0.562, "IoU.sink": 0.8023, "IoU.skyscraper": 0.6479, "IoU.fireplace": 0.699, "IoU.refrigerator": 0.7755, "IoU.grandstand": 0.4728, "IoU.path": 0.2692, "IoU.stairs": 0.3426, "IoU.runway": 0.6874, "IoU.case": 0.4905, "IoU.pool table": 0.9338, "IoU.pillow": 0.6153, "IoU.screen door": 0.6817, "IoU.stairway": 0.3922, "IoU.river": 0.107, "IoU.bridge": 0.3353, "IoU.bookcase": 0.4618, "IoU.blind": 0.4507, "IoU.coffee table": 0.61, "IoU.toilet": 0.869, "IoU.flower": 0.4389, "IoU.book": 0.5105, "IoU.hill": 0.0767, "IoU.bench": 0.6374, "IoU.countertop": 0.6048, "IoU.stove": 0.8193, "IoU.palm": 0.5823, "IoU.kitchen island": 0.3932, "IoU.computer": 0.7553, "IoU.swivel chair": 0.5668, "IoU.boat": 0.6883, "IoU.bar": 0.4872, "IoU.arcade machine": 0.6658, "IoU.hovel": 0.5999, "IoU.bus": 0.9252, "IoU.towel": 0.7014, "IoU.light": 0.5883, "IoU.truck": 0.4547, "IoU.tower": 0.2832, "IoU.chandelier": 0.6848, "IoU.awning": 0.3706, "IoU.streetlight": 0.3197, "IoU.booth": 0.3883, "IoU.television receiver": 0.7723, "IoU.airplane": 0.7189, "IoU.dirt track": 0.1194, "IoU.apparel": 0.5906, "IoU.pole": 0.2278, "IoU.land": 0.0529, "IoU.bannister": 0.1671, "IoU.escalator": 0.5308, "IoU.ottoman": 0.563, "IoU.bottle": 0.4042, "IoU.buffet": 0.4351, "IoU.poster": 0.3377, "IoU.stage": 0.2365, "IoU.van": 0.44, "IoU.ship": 0.7026, "IoU.fountain": 0.3015, "IoU.conveyer belt": 0.792, "IoU.canopy": 0.4021, "IoU.washer": 0.7217, "IoU.plaything": 0.4059, "IoU.swimming pool": 0.6784, "IoU.stool": 0.4763, "IoU.barrel": 0.557, "IoU.basket": 0.3856, "IoU.waterfall": 0.6868, "IoU.tent": 0.9551, "IoU.bag": 0.1802, "IoU.minibike": 0.7297, "IoU.cradle": 0.8214, "IoU.oven": 0.4563, "IoU.ball": 0.4624, "IoU.food": 0.5396, "IoU.step": 0.2566, "IoU.tank": 0.6342, "IoU.trade name": 0.2849, "IoU.microwave": 0.8281, "IoU.pot": 0.5063, "IoU.animal": 0.6158, "IoU.bicycle": 0.5798, "IoU.lake": 0.5055, "IoU.dishwasher": 0.6763, "IoU.screen": 0.5887, "IoU.blanket": 0.2152, "IoU.sculpture": 0.6582, "IoU.hood": 0.6521, "IoU.sconce": 0.5355, "IoU.vase": 0.443, "IoU.traffic light": 0.3796, "IoU.tray": 0.0478, "IoU.ashcan": 0.4874, "IoU.fan": 0.6607, "IoU.pier": 0.4062, "IoU.crt screen": 0.0827, "IoU.plate": 0.5644, "IoU.monitor": 0.239, "IoU.bulletin board": 0.6115, "IoU.shower": 0.0006, "IoU.radiator": 0.6196, "IoU.glass": 0.1557, "IoU.clock": 0.4733, "IoU.flag": 0.4766, "Acc.wall": 0.8933, "Acc.building": 0.9196, "Acc.sky": 0.9768, "Acc.floor": 0.9007, "Acc.tree": 0.8956, "Acc.ceiling": 0.9166, "Acc.road": 0.9072, "Acc.bed ": 0.9735, "Acc.windowpane": 0.7999, "Acc.grass": 0.8152, "Acc.cabinet": 0.7671, "Acc.sidewalk": 0.8274, "Acc.person": 0.9302, "Acc.earth": 0.5079, "Acc.door": 0.7179, "Acc.table": 0.7949, "Acc.mountain": 0.7354, "Acc.plant": 0.6591, "Acc.curtain": 0.8846, "Acc.chair": 0.7304, "Acc.car": 0.9367, "Acc.water": 0.7271, "Acc.painting": 0.8955, "Acc.sofa": 0.9021, "Acc.shelf": 0.61, "Acc.house": 0.712, "Acc.sea": 0.8478, "Acc.mirror": 0.8114, "Acc.rug": 0.8157, "Acc.field": 0.4822, "Acc.armchair": 0.5834, "Acc.seat": 0.8336, "Acc.fence": 0.628, "Acc.desk": 0.6884, "Acc.rock": 0.7681, "Acc.wardrobe": 0.7016, "Acc.lamp": 0.7868, "Acc.bathtub": 0.862, "Acc.railing": 0.5816, "Acc.cushion": 0.7442, "Acc.base": 0.4721, "Acc.box": 0.4599, "Acc.column": 0.6588, "Acc.signboard": 0.5163, "Acc.chest of drawers": 0.6909, "Acc.counter": 0.4102, "Acc.sand": 0.7976, "Acc.sink": 0.8768, "Acc.skyscraper": 0.8152, "Acc.fireplace": 0.9319, "Acc.refrigerator": 0.8297, "Acc.grandstand": 0.83, "Acc.path": 0.4203, "Acc.stairs": 0.4391, "Acc.runway": 0.9207, "Acc.case": 0.7177, "Acc.pool table": 0.9807, "Acc.pillow": 0.7418, "Acc.screen door": 0.8657, "Acc.stairway": 0.4779, "Acc.river": 0.2296, "Acc.bridge": 0.3881, "Acc.bookcase": 0.6709, "Acc.blind": 0.5208, "Acc.coffee table": 0.8385, "Acc.toilet": 0.9278, "Acc.flower": 0.5628, "Acc.book": 0.7122, "Acc.hill": 0.1327, "Acc.bench": 0.7453, "Acc.countertop": 0.8289, "Acc.stove": 0.9018, "Acc.palm": 0.7949, "Acc.kitchen island": 0.8599, "Acc.computer": 0.9012, "Acc.swivel chair": 0.8174, "Acc.boat": 0.8291, "Acc.bar": 0.6512, "Acc.arcade machine": 0.7114, "Acc.hovel": 0.7144, "Acc.bus": 0.979, "Acc.towel": 0.8627, "Acc.light": 0.7342, "Acc.truck": 0.6165, "Acc.tower": 0.5322, "Acc.chandelier": 0.8648, "Acc.awning": 0.4752, "Acc.streetlight": 0.4355, "Acc.booth": 0.4819, "Acc.television receiver": 0.8505, "Acc.airplane": 0.7965, "Acc.dirt track": 0.222, "Acc.apparel": 0.7032, "Acc.pole": 0.2964, "Acc.land": 0.0744, "Acc.bannister": 0.2168, "Acc.escalator": 0.8225, "Acc.ottoman": 0.7451, "Acc.bottle": 0.6871, "Acc.buffet": 0.545, "Acc.poster": 0.4375, "Acc.stage": 0.3822, "Acc.van": 0.5511, "Acc.ship": 0.8369, "Acc.fountain": 0.3108, "Acc.conveyer belt": 0.9485, "Acc.canopy": 0.5815, "Acc.washer": 0.7401, "Acc.plaything": 0.6264, "Acc.swimming pool": 0.7639, "Acc.stool": 0.6089, "Acc.barrel": 0.8622, "Acc.basket": 0.5288, "Acc.waterfall": 0.8832, "Acc.tent": 0.9834, "Acc.bag": 0.208, "Acc.minibike": 0.8732, "Acc.cradle": 0.9679, "Acc.oven": 0.5658, "Acc.ball": 0.4998, "Acc.food": 0.6171, "Acc.step": 0.3225, "Acc.tank": 0.6736, "Acc.trade name": 0.3348, "Acc.microwave": 0.9412, "Acc.pot": 0.5889, "Acc.animal": 0.6389, "Acc.bicycle": 0.718, "Acc.lake": 0.6425, "Acc.dishwasher": 0.7994, "Acc.screen": 0.8554, "Acc.blanket": 0.2593, "Acc.sculpture": 0.8288, "Acc.hood": 0.7411, "Acc.sconce": 0.6493, "Acc.vase": 0.5929, "Acc.traffic light": 0.5473, "Acc.tray": 0.0531, "Acc.ashcan": 0.614, "Acc.fan": 0.7923, "Acc.pier": 0.5229, "Acc.crt screen": 0.1754, "Acc.plate": 0.7875, "Acc.monitor": 0.2951, "Acc.bulletin board": 0.7021, "Acc.shower": 0.0006, "Acc.radiator": 0.7169, "Acc.glass": 0.1662, "Acc.clock": 0.5215, "Acc.flag": 0.5142} {"mode": "train", "epoch": 70, "iter": 88050, "lr": 0.0, "memory": 14793, "data_time": 2.14434, "decode.loss_ce": 0.25246, "decode.acc_seg": 89.48713, "aux.loss_ce": 0.18528, "aux.acc_seg": 82.17092, "loss": 0.43774, "grad_norm": 13.75631, "time": 2.5464} {"mode": "train", "epoch": 70, "iter": 88100, "lr": 0.0, "memory": 14793, "data_time": 0.00673, "decode.loss_ce": 0.22956, "decode.acc_seg": 90.21242, "aux.loss_ce": 0.16927, "aux.acc_seg": 83.62896, "loss": 0.39882, "grad_norm": 12.32742, "time": 0.41407} {"mode": "train", "epoch": 70, "iter": 88150, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.23436, "decode.acc_seg": 90.05511, "aux.loss_ce": 0.17508, "aux.acc_seg": 83.22514, "loss": 0.40944, "grad_norm": 14.45855, "time": 0.41509} {"mode": "train", "epoch": 70, "iter": 88200, "lr": 0.0, "memory": 14793, "data_time": 0.00569, "decode.loss_ce": 0.23871, "decode.acc_seg": 89.78688, "aux.loss_ce": 0.17956, "aux.acc_seg": 82.50372, "loss": 0.41827, "grad_norm": 16.53081, "time": 0.42403} {"mode": "train", "epoch": 70, "iter": 88250, "lr": 0.0, "memory": 14793, "data_time": 0.00604, "decode.loss_ce": 0.23399, "decode.acc_seg": 90.31387, "aux.loss_ce": 0.16951, "aux.acc_seg": 83.8271, "loss": 0.4035, "grad_norm": 13.16406, "time": 0.42619} {"mode": "train", "epoch": 70, "iter": 88300, "lr": 0.0, "memory": 14793, "data_time": 0.00622, "decode.loss_ce": 0.2427, "decode.acc_seg": 89.8647, "aux.loss_ce": 0.17634, "aux.acc_seg": 83.44102, "loss": 0.41903, "grad_norm": 18.97051, "time": 0.41096} {"mode": "train", "epoch": 70, "iter": 88350, "lr": 0.0, "memory": 14793, "data_time": 0.00543, "decode.loss_ce": 0.24639, "decode.acc_seg": 89.40235, "aux.loss_ce": 0.18224, "aux.acc_seg": 82.13349, "loss": 0.42863, "grad_norm": 11.8025, "time": 0.41462} {"mode": "train", "epoch": 70, "iter": 88400, "lr": 0.0, "memory": 14793, "data_time": 0.00554, "decode.loss_ce": 0.23149, "decode.acc_seg": 90.12943, "aux.loss_ce": 0.16521, "aux.acc_seg": 83.94798, "loss": 0.3967, "grad_norm": 12.74284, "time": 0.40582} {"mode": "train", "epoch": 70, "iter": 88450, "lr": 0.0, "memory": 14793, "data_time": 0.00559, "decode.loss_ce": 0.23095, "decode.acc_seg": 90.24459, "aux.loss_ce": 0.16054, "aux.acc_seg": 84.72612, "loss": 0.39149, "grad_norm": 11.72354, "time": 0.41103} {"mode": "train", "epoch": 71, "iter": 88500, "lr": 0.0, "memory": 14793, "data_time": 0.05118, "decode.loss_ce": 0.24913, "decode.acc_seg": 90.04716, "aux.loss_ce": 0.18068, "aux.acc_seg": 83.24324, "loss": 0.42982, "grad_norm": 12.1959, "time": 0.45874} {"mode": "train", "epoch": 71, "iter": 88550, "lr": 0.0, "memory": 14793, "data_time": 0.0062, "decode.loss_ce": 0.23646, "decode.acc_seg": 89.99614, "aux.loss_ce": 0.17096, "aux.acc_seg": 83.4713, "loss": 0.40742, "grad_norm": 11.54609, "time": 0.40697} {"mode": "train", "epoch": 71, "iter": 88600, "lr": 0.0, "memory": 14793, "data_time": 0.00674, "decode.loss_ce": 0.22899, "decode.acc_seg": 90.59842, "aux.loss_ce": 0.1793, "aux.acc_seg": 83.5243, "loss": 0.40829, "grad_norm": 11.41966, "time": 0.41876} {"mode": "train", "epoch": 71, "iter": 88650, "lr": 0.0, "memory": 14793, "data_time": 0.00679, "decode.loss_ce": 0.22527, "decode.acc_seg": 90.39955, "aux.loss_ce": 0.16499, "aux.acc_seg": 84.09739, "loss": 0.39026, "grad_norm": 13.31987, "time": 0.41983} {"mode": "train", "epoch": 71, "iter": 88700, "lr": 0.0, "memory": 14793, "data_time": 0.00654, "decode.loss_ce": 0.23449, "decode.acc_seg": 89.67739, "aux.loss_ce": 0.17174, "aux.acc_seg": 82.74467, "loss": 0.40624, "grad_norm": 11.97269, "time": 0.40965} {"mode": "train", "epoch": 71, "iter": 88750, "lr": 0.0, "memory": 14793, "data_time": 0.006, "decode.loss_ce": 0.2365, "decode.acc_seg": 90.20462, "aux.loss_ce": 0.18101, "aux.acc_seg": 82.9937, "loss": 0.41751, "grad_norm": 13.14443, "time": 0.41461} {"mode": "train", "epoch": 71, "iter": 88800, "lr": 0.0, "memory": 14793, "data_time": 0.00481, "decode.loss_ce": 0.22097, "decode.acc_seg": 90.55914, "aux.loss_ce": 0.16928, "aux.acc_seg": 83.42383, "loss": 0.39025, "grad_norm": 14.35908, "time": 0.40843} {"mode": "train", "epoch": 71, "iter": 88850, "lr": 0.0, "memory": 14793, "data_time": 0.006, "decode.loss_ce": 0.26029, "decode.acc_seg": 89.29941, "aux.loss_ce": 0.18708, "aux.acc_seg": 82.42793, "loss": 0.44737, "grad_norm": 12.69664, "time": 0.42242} {"mode": "train", "epoch": 71, "iter": 88900, "lr": 0.0, "memory": 14793, "data_time": 0.00546, "decode.loss_ce": 0.25418, "decode.acc_seg": 89.52347, "aux.loss_ce": 0.18827, "aux.acc_seg": 82.16611, "loss": 0.44244, "grad_norm": 12.2035, "time": 0.41439} {"mode": "train", "epoch": 71, "iter": 88950, "lr": 0.0, "memory": 14793, "data_time": 0.00493, "decode.loss_ce": 0.22002, "decode.acc_seg": 90.84862, "aux.loss_ce": 0.1606, "aux.acc_seg": 84.61552, "loss": 0.38062, "grad_norm": 12.46599, "time": 0.40988} {"mode": "train", "epoch": 71, "iter": 89000, "lr": 0.0, "memory": 14793, "data_time": 0.00574, "decode.loss_ce": 0.22356, "decode.acc_seg": 90.82418, "aux.loss_ce": 0.16567, "aux.acc_seg": 84.60274, "loss": 0.38923, "grad_norm": 11.98444, "time": 0.64773} {"mode": "val", "epoch": 71, "iter": 125, "lr": 0.0, "aAcc": 0.8478, "mIoU": 0.5429, "mAcc": 0.6747, "IoU.wall": 0.8031, "IoU.building": 0.8367, "IoU.sky": 0.9498, "IoU.floor": 0.8286, "IoU.tree": 0.765, "IoU.ceiling": 0.8564, "IoU.road": 0.849, "IoU.bed ": 0.9144, "IoU.windowpane": 0.644, "IoU.grass": 0.6698, "IoU.cabinet": 0.6543, "IoU.sidewalk": 0.6822, "IoU.person": 0.8397, "IoU.earth": 0.3829, "IoU.door": 0.5667, "IoU.table": 0.6537, "IoU.mountain": 0.6092, "IoU.plant": 0.5471, "IoU.curtain": 0.7581, "IoU.chair": 0.6316, "IoU.car": 0.8678, "IoU.water": 0.6083, "IoU.painting": 0.7461, "IoU.sofa": 0.7349, "IoU.shelf": 0.4623, "IoU.house": 0.4931, "IoU.sea": 0.7098, "IoU.mirror": 0.7138, "IoU.rug": 0.6216, "IoU.field": 0.297, "IoU.armchair": 0.457, "IoU.seat": 0.6756, "IoU.fence": 0.4539, "IoU.desk": 0.5211, "IoU.rock": 0.52, "IoU.wardrobe": 0.5177, "IoU.lamp": 0.6831, "IoU.bathtub": 0.816, "IoU.railing": 0.3902, "IoU.cushion": 0.6454, "IoU.base": 0.3353, "IoU.box": 0.3445, "IoU.column": 0.5398, "IoU.signboard": 0.3954, "IoU.chest of drawers": 0.4618, "IoU.counter": 0.3233, "IoU.sand": 0.567, "IoU.sink": 0.8037, "IoU.skyscraper": 0.6364, "IoU.fireplace": 0.6909, "IoU.refrigerator": 0.7698, "IoU.grandstand": 0.4659, "IoU.path": 0.2583, "IoU.stairs": 0.3217, "IoU.runway": 0.6748, "IoU.case": 0.4869, "IoU.pool table": 0.9342, "IoU.pillow": 0.6086, "IoU.screen door": 0.612, "IoU.stairway": 0.3979, "IoU.river": 0.1132, "IoU.bridge": 0.383, "IoU.bookcase": 0.4799, "IoU.blind": 0.42, "IoU.coffee table": 0.6134, "IoU.toilet": 0.8736, "IoU.flower": 0.4575, "IoU.book": 0.4976, "IoU.hill": 0.0828, "IoU.bench": 0.6429, "IoU.countertop": 0.6092, "IoU.stove": 0.8151, "IoU.palm": 0.5766, "IoU.kitchen island": 0.4439, "IoU.computer": 0.7372, "IoU.swivel chair": 0.5709, "IoU.boat": 0.5057, "IoU.bar": 0.5155, "IoU.arcade machine": 0.6848, "IoU.hovel": 0.6015, "IoU.bus": 0.9163, "IoU.towel": 0.6903, "IoU.light": 0.5739, "IoU.truck": 0.4414, "IoU.tower": 0.2334, "IoU.chandelier": 0.7019, "IoU.awning": 0.3377, "IoU.streetlight": 0.3275, "IoU.booth": 0.4311, "IoU.television receiver": 0.7928, "IoU.airplane": 0.7286, "IoU.dirt track": 0.1295, "IoU.apparel": 0.5863, "IoU.pole": 0.2325, "IoU.land": 0.0407, "IoU.bannister": 0.1667, "IoU.escalator": 0.5291, "IoU.ottoman": 0.5665, "IoU.bottle": 0.4095, "IoU.buffet": 0.4445, "IoU.poster": 0.3471, "IoU.stage": 0.2391, "IoU.van": 0.4847, "IoU.ship": 0.635, "IoU.fountain": 0.279, "IoU.conveyer belt": 0.801, "IoU.canopy": 0.4249, "IoU.washer": 0.7282, "IoU.plaything": 0.4289, "IoU.swimming pool": 0.6642, "IoU.stool": 0.4889, "IoU.barrel": 0.505, "IoU.basket": 0.408, "IoU.waterfall": 0.55, "IoU.tent": 0.9522, "IoU.bag": 0.2222, "IoU.minibike": 0.7246, "IoU.cradle": 0.8103, "IoU.oven": 0.4148, "IoU.ball": 0.5662, "IoU.food": 0.5772, "IoU.step": 0.2736, "IoU.tank": 0.6328, "IoU.trade name": 0.2911, "IoU.microwave": 0.7849, "IoU.pot": 0.5138, "IoU.animal": 0.6129, "IoU.bicycle": 0.5942, "IoU.lake": 0.5078, "IoU.dishwasher": 0.6137, "IoU.screen": 0.5694, "IoU.blanket": 0.2284, "IoU.sculpture": 0.6793, "IoU.hood": 0.6818, "IoU.sconce": 0.5338, "IoU.vase": 0.4355, "IoU.traffic light": 0.3706, "IoU.tray": 0.0511, "IoU.ashcan": 0.4822, "IoU.fan": 0.6555, "IoU.pier": 0.4546, "IoU.crt screen": 0.1022, "IoU.plate": 0.5546, "IoU.monitor": 0.2358, "IoU.bulletin board": 0.6232, "IoU.shower": 0.0088, "IoU.radiator": 0.6223, "IoU.glass": 0.1628, "IoU.clock": 0.4627, "IoU.flag": 0.5291, "Acc.wall": 0.887, "Acc.building": 0.9234, "Acc.sky": 0.975, "Acc.floor": 0.9086, "Acc.tree": 0.8794, "Acc.ceiling": 0.9231, "Acc.road": 0.9037, "Acc.bed ": 0.9711, "Acc.windowpane": 0.7949, "Acc.grass": 0.783, "Acc.cabinet": 0.755, "Acc.sidewalk": 0.846, "Acc.person": 0.9312, "Acc.earth": 0.5262, "Acc.door": 0.7746, "Acc.table": 0.7951, "Acc.mountain": 0.7283, "Acc.plant": 0.7217, "Acc.curtain": 0.8861, "Acc.chair": 0.7555, "Acc.car": 0.9338, "Acc.water": 0.7675, "Acc.painting": 0.8814, "Acc.sofa": 0.8799, "Acc.shelf": 0.6341, "Acc.house": 0.721, "Acc.sea": 0.8425, "Acc.mirror": 0.7819, "Acc.rug": 0.7145, "Acc.field": 0.4838, "Acc.armchair": 0.6223, "Acc.seat": 0.8486, "Acc.fence": 0.6192, "Acc.desk": 0.7454, "Acc.rock": 0.7725, "Acc.wardrobe": 0.6329, "Acc.lamp": 0.807, "Acc.bathtub": 0.8635, "Acc.railing": 0.5533, "Acc.cushion": 0.7546, "Acc.base": 0.4477, "Acc.box": 0.4256, "Acc.column": 0.6729, "Acc.signboard": 0.5212, "Acc.chest of drawers": 0.6531, "Acc.counter": 0.4437, "Acc.sand": 0.7885, "Acc.sink": 0.8768, "Acc.skyscraper": 0.792, "Acc.fireplace": 0.9422, "Acc.refrigerator": 0.8531, "Acc.grandstand": 0.8513, "Acc.path": 0.4028, "Acc.stairs": 0.4094, "Acc.runway": 0.9092, "Acc.case": 0.6799, "Acc.pool table": 0.9822, "Acc.pillow": 0.7368, "Acc.screen door": 0.7857, "Acc.stairway": 0.5232, "Acc.river": 0.2467, "Acc.bridge": 0.4478, "Acc.bookcase": 0.6889, "Acc.blind": 0.4842, "Acc.coffee table": 0.8513, "Acc.toilet": 0.9373, "Acc.flower": 0.6264, "Acc.book": 0.6697, "Acc.hill": 0.1294, "Acc.bench": 0.7467, "Acc.countertop": 0.8261, "Acc.stove": 0.9118, "Acc.palm": 0.8002, "Acc.kitchen island": 0.7484, "Acc.computer": 0.9157, "Acc.swivel chair": 0.805, "Acc.boat": 0.6157, "Acc.bar": 0.6619, "Acc.arcade machine": 0.7299, "Acc.hovel": 0.6723, "Acc.bus": 0.9756, "Acc.towel": 0.8557, "Acc.light": 0.658, "Acc.truck": 0.5763, "Acc.tower": 0.4211, "Acc.chandelier": 0.8575, "Acc.awning": 0.406, "Acc.streetlight": 0.4903, "Acc.booth": 0.5521, "Acc.television receiver": 0.8818, "Acc.airplane": 0.8247, "Acc.dirt track": 0.2218, "Acc.apparel": 0.7286, "Acc.pole": 0.321, "Acc.land": 0.0721, "Acc.bannister": 0.2182, "Acc.escalator": 0.7997, "Acc.ottoman": 0.7498, "Acc.bottle": 0.6946, "Acc.buffet": 0.5447, "Acc.poster": 0.4653, "Acc.stage": 0.413, "Acc.van": 0.6645, "Acc.ship": 0.921, "Acc.fountain": 0.283, "Acc.conveyer belt": 0.9413, "Acc.canopy": 0.5751, "Acc.washer": 0.7509, "Acc.plaything": 0.6023, "Acc.swimming pool": 0.7624, "Acc.stool": 0.6336, "Acc.barrel": 0.8784, "Acc.basket": 0.5242, "Acc.waterfall": 0.6398, "Acc.tent": 0.9845, "Acc.bag": 0.2731, "Acc.minibike": 0.885, "Acc.cradle": 0.952, "Acc.oven": 0.5817, "Acc.ball": 0.6572, "Acc.food": 0.685, "Acc.step": 0.3379, "Acc.tank": 0.6673, "Acc.trade name": 0.3525, "Acc.microwave": 0.9096, "Acc.pot": 0.5987, "Acc.animal": 0.6377, "Acc.bicycle": 0.7668, "Acc.lake": 0.6381, "Acc.dishwasher": 0.8194, "Acc.screen": 0.8439, "Acc.blanket": 0.2746, "Acc.sculpture": 0.8358, "Acc.hood": 0.7371, "Acc.sconce": 0.6388, "Acc.vase": 0.6135, "Acc.traffic light": 0.5838, "Acc.tray": 0.0677, "Acc.ashcan": 0.6855, "Acc.fan": 0.7859, "Acc.pier": 0.6767, "Acc.crt screen": 0.2236, "Acc.plate": 0.8151, "Acc.monitor": 0.2828, "Acc.bulletin board": 0.7147, "Acc.shower": 0.0331, "Acc.radiator": 0.7041, "Acc.glass": 0.1761, "Acc.clock": 0.5115, "Acc.flag": 0.6137} {"mode": "train", "epoch": 71, "iter": 89050, "lr": 0.0, "memory": 14793, "data_time": 2.07221, "decode.loss_ce": 0.26066, "decode.acc_seg": 89.11556, "aux.loss_ce": 0.19392, "aux.acc_seg": 81.90535, "loss": 0.45458, "grad_norm": 11.91909, "time": 2.48574} {"mode": "train", "epoch": 71, "iter": 89100, "lr": 0.0, "memory": 14793, "data_time": 0.00632, "decode.loss_ce": 0.24363, "decode.acc_seg": 89.98527, "aux.loss_ce": 0.17985, "aux.acc_seg": 82.63421, "loss": 0.42348, "grad_norm": 15.85553, "time": 0.40586} {"mode": "train", "epoch": 71, "iter": 89150, "lr": 0.0, "memory": 14793, "data_time": 0.00575, "decode.loss_ce": 0.23388, "decode.acc_seg": 90.30619, "aux.loss_ce": 0.17215, "aux.acc_seg": 83.55162, "loss": 0.40604, "grad_norm": 12.93038, "time": 0.41513} {"mode": "train", "epoch": 71, "iter": 89200, "lr": 0.0, "memory": 14793, "data_time": 0.00671, "decode.loss_ce": 0.25289, "decode.acc_seg": 89.84889, "aux.loss_ce": 0.18839, "aux.acc_seg": 82.60632, "loss": 0.44128, "grad_norm": 16.4219, "time": 0.41201} {"mode": "train", "epoch": 71, "iter": 89250, "lr": 0.0, "memory": 14793, "data_time": 0.00546, "decode.loss_ce": 0.23727, "decode.acc_seg": 90.37686, "aux.loss_ce": 0.17739, "aux.acc_seg": 83.60396, "loss": 0.41466, "grad_norm": 12.83352, "time": 0.40811} {"mode": "train", "epoch": 71, "iter": 89300, "lr": 0.0, "memory": 14793, "data_time": 0.00562, "decode.loss_ce": 0.2468, "decode.acc_seg": 90.03149, "aux.loss_ce": 0.17409, "aux.acc_seg": 84.19434, "loss": 0.42089, "grad_norm": 14.18587, "time": 0.42547} {"mode": "train", "epoch": 71, "iter": 89350, "lr": 0.0, "memory": 14793, "data_time": 0.00564, "decode.loss_ce": 0.24995, "decode.acc_seg": 89.45935, "aux.loss_ce": 0.17575, "aux.acc_seg": 83.15999, "loss": 0.4257, "grad_norm": 9.92954, "time": 0.42178} {"mode": "train", "epoch": 71, "iter": 89400, "lr": 0.0, "memory": 14793, "data_time": 0.00553, "decode.loss_ce": 0.23141, "decode.acc_seg": 90.51498, "aux.loss_ce": 0.17379, "aux.acc_seg": 83.39764, "loss": 0.4052, "grad_norm": 17.28469, "time": 0.42213} {"mode": "train", "epoch": 71, "iter": 89450, "lr": 0.0, "memory": 14793, "data_time": 0.00558, "decode.loss_ce": 0.24936, "decode.acc_seg": 89.76884, "aux.loss_ce": 0.18008, "aux.acc_seg": 82.91517, "loss": 0.42943, "grad_norm": 11.65059, "time": 0.41647} {"mode": "train", "epoch": 71, "iter": 89500, "lr": 0.0, "memory": 14793, "data_time": 0.00736, "decode.loss_ce": 0.23521, "decode.acc_seg": 90.21992, "aux.loss_ce": 0.16932, "aux.acc_seg": 83.82891, "loss": 0.40453, "grad_norm": 12.0211, "time": 0.41761} {"mode": "train", "epoch": 71, "iter": 89550, "lr": 0.0, "memory": 14793, "data_time": 0.00633, "decode.loss_ce": 0.23082, "decode.acc_seg": 90.39089, "aux.loss_ce": 0.18134, "aux.acc_seg": 83.07979, "loss": 0.41216, "grad_norm": 15.27046, "time": 0.41983} {"mode": "train", "epoch": 71, "iter": 89600, "lr": 0.0, "memory": 14793, "data_time": 0.00686, "decode.loss_ce": 0.22976, "decode.acc_seg": 90.61316, "aux.loss_ce": 0.16841, "aux.acc_seg": 84.02208, "loss": 0.39818, "grad_norm": 11.86129, "time": 0.41711} {"mode": "train", "epoch": 71, "iter": 89650, "lr": 0.0, "memory": 14793, "data_time": 0.00662, "decode.loss_ce": 0.24239, "decode.acc_seg": 90.27884, "aux.loss_ce": 0.18793, "aux.acc_seg": 82.54979, "loss": 0.43032, "grad_norm": 15.47011, "time": 0.41074} {"mode": "train", "epoch": 71, "iter": 89700, "lr": 0.0, "memory": 14793, "data_time": 0.00526, "decode.loss_ce": 0.21897, "decode.acc_seg": 90.92704, "aux.loss_ce": 0.16087, "aux.acc_seg": 84.17184, "loss": 0.37984, "grad_norm": 13.64331, "time": 0.41407} {"mode": "train", "epoch": 72, "iter": 89750, "lr": 0.0, "memory": 14793, "data_time": 0.05562, "decode.loss_ce": 0.23491, "decode.acc_seg": 90.33504, "aux.loss_ce": 0.17122, "aux.acc_seg": 84.08074, "loss": 0.40613, "grad_norm": 11.75353, "time": 0.46867} {"mode": "train", "epoch": 72, "iter": 89800, "lr": 0.0, "memory": 14793, "data_time": 0.00499, "decode.loss_ce": 0.22391, "decode.acc_seg": 90.61641, "aux.loss_ce": 0.16142, "aux.acc_seg": 84.36698, "loss": 0.38533, "grad_norm": 13.68007, "time": 0.4179} {"mode": "train", "epoch": 72, "iter": 89850, "lr": 0.0, "memory": 14793, "data_time": 0.00514, "decode.loss_ce": 0.25069, "decode.acc_seg": 89.6374, "aux.loss_ce": 0.19114, "aux.acc_seg": 82.18699, "loss": 0.44183, "grad_norm": 18.74985, "time": 0.4211} {"mode": "train", "epoch": 72, "iter": 89900, "lr": 0.0, "memory": 14793, "data_time": 0.00507, "decode.loss_ce": 0.23719, "decode.acc_seg": 90.08098, "aux.loss_ce": 0.17057, "aux.acc_seg": 83.28415, "loss": 0.40777, "grad_norm": 11.582, "time": 0.41971} {"mode": "train", "epoch": 72, "iter": 89950, "lr": 0.0, "memory": 14793, "data_time": 0.00514, "decode.loss_ce": 0.23956, "decode.acc_seg": 90.01812, "aux.loss_ce": 0.17411, "aux.acc_seg": 83.89129, "loss": 0.41367, "grad_norm": 11.07246, "time": 0.41001} {"mode": "train", "epoch": 72, "iter": 90000, "lr": 0.0, "memory": 14793, "data_time": 0.00547, "decode.loss_ce": 0.23116, "decode.acc_seg": 90.49005, "aux.loss_ce": 0.18668, "aux.acc_seg": 82.32033, "loss": 0.41784, "grad_norm": 12.37805, "time": 0.64692} {"mode": "val", "epoch": 72, "iter": 125, "lr": 0.0, "aAcc": 0.8489, "mIoU": 0.5454, "mAcc": 0.6759, "IoU.wall": 0.8017, "IoU.building": 0.8421, "IoU.sky": 0.9491, "IoU.floor": 0.8313, "IoU.tree": 0.76, "IoU.ceiling": 0.8551, "IoU.road": 0.8453, "IoU.bed ": 0.9146, "IoU.windowpane": 0.6428, "IoU.grass": 0.6755, "IoU.cabinet": 0.6579, "IoU.sidewalk": 0.6789, "IoU.person": 0.8369, "IoU.earth": 0.3752, "IoU.door": 0.5643, "IoU.table": 0.6501, "IoU.mountain": 0.6132, "IoU.plant": 0.5257, "IoU.curtain": 0.7669, "IoU.chair": 0.6251, "IoU.car": 0.8656, "IoU.water": 0.6109, "IoU.painting": 0.7316, "IoU.sofa": 0.733, "IoU.shelf": 0.4447, "IoU.house": 0.5098, "IoU.sea": 0.7183, "IoU.mirror": 0.7269, "IoU.rug": 0.6762, "IoU.field": 0.307, "IoU.armchair": 0.4728, "IoU.seat": 0.6718, "IoU.fence": 0.4649, "IoU.desk": 0.5183, "IoU.rock": 0.5246, "IoU.wardrobe": 0.5444, "IoU.lamp": 0.672, "IoU.bathtub": 0.8174, "IoU.railing": 0.3995, "IoU.cushion": 0.6409, "IoU.base": 0.3484, "IoU.box": 0.3419, "IoU.column": 0.535, "IoU.signboard": 0.3966, "IoU.chest of drawers": 0.4595, "IoU.counter": 0.3094, "IoU.sand": 0.5878, "IoU.sink": 0.8094, "IoU.skyscraper": 0.6592, "IoU.fireplace": 0.7143, "IoU.refrigerator": 0.7777, "IoU.grandstand": 0.4524, "IoU.path": 0.2555, "IoU.stairs": 0.3418, "IoU.runway": 0.6976, "IoU.case": 0.4655, "IoU.pool table": 0.9342, "IoU.pillow": 0.6231, "IoU.screen door": 0.6739, "IoU.stairway": 0.4069, "IoU.river": 0.0957, "IoU.bridge": 0.4281, "IoU.bookcase": 0.4379, "IoU.blind": 0.4663, "IoU.coffee table": 0.6206, "IoU.toilet": 0.8748, "IoU.flower": 0.4611, "IoU.book": 0.4918, "IoU.hill": 0.0804, "IoU.bench": 0.6377, "IoU.countertop": 0.6268, "IoU.stove": 0.8305, "IoU.palm": 0.5685, "IoU.kitchen island": 0.4188, "IoU.computer": 0.7452, "IoU.swivel chair": 0.5609, "IoU.boat": 0.7292, "IoU.bar": 0.5329, "IoU.arcade machine": 0.727, "IoU.hovel": 0.5909, "IoU.bus": 0.9274, "IoU.towel": 0.6863, "IoU.light": 0.5868, "IoU.truck": 0.44, "IoU.tower": 0.2606, "IoU.chandelier": 0.6761, "IoU.awning": 0.3357, "IoU.streetlight": 0.3219, "IoU.booth": 0.379, "IoU.television receiver": 0.7785, "IoU.airplane": 0.7321, "IoU.dirt track": 0.0225, "IoU.apparel": 0.5739, "IoU.pole": 0.2413, "IoU.land": 0.0388, "IoU.bannister": 0.1683, "IoU.escalator": 0.5291, "IoU.ottoman": 0.5358, "IoU.bottle": 0.4095, "IoU.buffet": 0.4616, "IoU.poster": 0.3343, "IoU.stage": 0.2429, "IoU.van": 0.4765, "IoU.ship": 0.508, "IoU.fountain": 0.2998, "IoU.conveyer belt": 0.7917, "IoU.canopy": 0.4487, "IoU.washer": 0.7539, "IoU.plaything": 0.4336, "IoU.swimming pool": 0.6452, "IoU.stool": 0.4509, "IoU.barrel": 0.5423, "IoU.basket": 0.413, "IoU.waterfall": 0.6435, "IoU.tent": 0.9592, "IoU.bag": 0.2038, "IoU.minibike": 0.7393, "IoU.cradle": 0.8283, "IoU.oven": 0.4992, "IoU.ball": 0.5889, "IoU.food": 0.5861, "IoU.step": 0.2338, "IoU.tank": 0.6353, "IoU.trade name": 0.2545, "IoU.microwave": 0.8275, "IoU.pot": 0.535, "IoU.animal": 0.6207, "IoU.bicycle": 0.5925, "IoU.lake": 0.4963, "IoU.dishwasher": 0.6824, "IoU.screen": 0.533, "IoU.blanket": 0.2372, "IoU.sculpture": 0.694, "IoU.hood": 0.6385, "IoU.sconce": 0.5442, "IoU.vase": 0.4406, "IoU.traffic light": 0.3726, "IoU.tray": 0.0555, "IoU.ashcan": 0.4874, "IoU.fan": 0.643, "IoU.pier": 0.3809, "IoU.crt screen": 0.0682, "IoU.plate": 0.5689, "IoU.monitor": 0.1194, "IoU.bulletin board": 0.6437, "IoU.shower": 0.0068, "IoU.radiator": 0.6251, "IoU.glass": 0.1683, "IoU.clock": 0.4623, "IoU.flag": 0.5716, "Acc.wall": 0.8833, "Acc.building": 0.9223, "Acc.sky": 0.9766, "Acc.floor": 0.8994, "Acc.tree": 0.9021, "Acc.ceiling": 0.9353, "Acc.road": 0.8967, "Acc.bed ": 0.9689, "Acc.windowpane": 0.809, "Acc.grass": 0.8215, "Acc.cabinet": 0.7733, "Acc.sidewalk": 0.8691, "Acc.person": 0.935, "Acc.earth": 0.4913, "Acc.door": 0.7223, "Acc.table": 0.7897, "Acc.mountain": 0.7362, "Acc.plant": 0.6519, "Acc.curtain": 0.874, "Acc.chair": 0.7386, "Acc.car": 0.9358, "Acc.water": 0.7668, "Acc.painting": 0.8995, "Acc.sofa": 0.8628, "Acc.shelf": 0.5782, "Acc.house": 0.719, "Acc.sea": 0.8431, "Acc.mirror": 0.8103, "Acc.rug": 0.8037, "Acc.field": 0.4418, "Acc.armchair": 0.6826, "Acc.seat": 0.8359, "Acc.fence": 0.6282, "Acc.desk": 0.7322, "Acc.rock": 0.7759, "Acc.wardrobe": 0.6861, "Acc.lamp": 0.7897, "Acc.bathtub": 0.8631, "Acc.railing": 0.5905, "Acc.cushion": 0.7793, "Acc.base": 0.4975, "Acc.box": 0.429, "Acc.column": 0.6887, "Acc.signboard": 0.5542, "Acc.chest of drawers": 0.6638, "Acc.counter": 0.4226, "Acc.sand": 0.8423, "Acc.sink": 0.8759, "Acc.skyscraper": 0.7927, "Acc.fireplace": 0.9297, "Acc.refrigerator": 0.8486, "Acc.grandstand": 0.8433, "Acc.path": 0.3795, "Acc.stairs": 0.4479, "Acc.runway": 0.9317, "Acc.case": 0.6258, "Acc.pool table": 0.9828, "Acc.pillow": 0.7682, "Acc.screen door": 0.8661, "Acc.stairway": 0.5231, "Acc.river": 0.2183, "Acc.bridge": 0.4966, "Acc.bookcase": 0.6889, "Acc.blind": 0.5568, "Acc.coffee table": 0.8481, "Acc.toilet": 0.9337, "Acc.flower": 0.6317, "Acc.book": 0.7273, "Acc.hill": 0.1206, "Acc.bench": 0.7692, "Acc.countertop": 0.8026, "Acc.stove": 0.8832, "Acc.palm": 0.7773, "Acc.kitchen island": 0.8401, "Acc.computer": 0.9127, "Acc.swivel chair": 0.8371, "Acc.boat": 0.837, "Acc.bar": 0.7103, "Acc.arcade machine": 0.7795, "Acc.hovel": 0.6607, "Acc.bus": 0.9717, "Acc.towel": 0.8613, "Acc.light": 0.7051, "Acc.truck": 0.5931, "Acc.tower": 0.445, "Acc.chandelier": 0.8767, "Acc.awning": 0.4009, "Acc.streetlight": 0.4314, "Acc.booth": 0.4581, "Acc.television receiver": 0.8724, "Acc.airplane": 0.8521, "Acc.dirt track": 0.0319, "Acc.apparel": 0.7388, "Acc.pole": 0.3323, "Acc.land": 0.069, "Acc.bannister": 0.2391, "Acc.escalator": 0.8419, "Acc.ottoman": 0.7058, "Acc.bottle": 0.6682, "Acc.buffet": 0.6027, "Acc.poster": 0.4681, "Acc.stage": 0.3671, "Acc.van": 0.6426, "Acc.ship": 0.5569, "Acc.fountain": 0.305, "Acc.conveyer belt": 0.9533, "Acc.canopy": 0.6177, "Acc.washer": 0.7826, "Acc.plaything": 0.5781, "Acc.swimming pool": 0.7923, "Acc.stool": 0.6496, "Acc.barrel": 0.8818, "Acc.basket": 0.527, "Acc.waterfall": 0.7845, "Acc.tent": 0.9795, "Acc.bag": 0.2525, "Acc.minibike": 0.8597, "Acc.cradle": 0.9683, "Acc.oven": 0.6491, "Acc.ball": 0.695, "Acc.food": 0.7054, "Acc.step": 0.2808, "Acc.tank": 0.6702, "Acc.trade name": 0.2936, "Acc.microwave": 0.9519, "Acc.pot": 0.643, "Acc.animal": 0.6425, "Acc.bicycle": 0.7774, "Acc.lake": 0.6381, "Acc.dishwasher": 0.8111, "Acc.screen": 0.8749, "Acc.blanket": 0.2815, "Acc.sculpture": 0.8263, "Acc.hood": 0.6959, "Acc.sconce": 0.6522, "Acc.vase": 0.6094, "Acc.traffic light": 0.5099, "Acc.tray": 0.0698, "Acc.ashcan": 0.6412, "Acc.fan": 0.7553, "Acc.pier": 0.5682, "Acc.crt screen": 0.1773, "Acc.plate": 0.796, "Acc.monitor": 0.1362, "Acc.bulletin board": 0.7315, "Acc.shower": 0.0071, "Acc.radiator": 0.7193, "Acc.glass": 0.1844, "Acc.clock": 0.5091, "Acc.flag": 0.6488} {"mode": "train", "epoch": 72, "iter": 90050, "lr": 0.0, "memory": 14793, "data_time": 2.14837, "decode.loss_ce": 0.2155, "decode.acc_seg": 90.59042, "aux.loss_ce": 0.16297, "aux.acc_seg": 84.1405, "loss": 0.37847, "grad_norm": 14.03229, "time": 2.55894} {"mode": "train", "epoch": 72, "iter": 90100, "lr": 0.0, "memory": 14793, "data_time": 0.00609, "decode.loss_ce": 0.22695, "decode.acc_seg": 90.52078, "aux.loss_ce": 0.17495, "aux.acc_seg": 83.28105, "loss": 0.4019, "grad_norm": 10.9136, "time": 0.41354} {"mode": "train", "epoch": 72, "iter": 90150, "lr": 0.0, "memory": 14793, "data_time": 0.00616, "decode.loss_ce": 0.23919, "decode.acc_seg": 89.87307, "aux.loss_ce": 0.1776, "aux.acc_seg": 83.23694, "loss": 0.41679, "grad_norm": 10.53738, "time": 0.41631} {"mode": "train", "epoch": 72, "iter": 90200, "lr": 0.0, "memory": 14793, "data_time": 0.00667, "decode.loss_ce": 0.24163, "decode.acc_seg": 90.15588, "aux.loss_ce": 0.17437, "aux.acc_seg": 83.39835, "loss": 0.416, "grad_norm": 16.53617, "time": 0.41024} {"mode": "train", "epoch": 72, "iter": 90250, "lr": 0.0, "memory": 14793, "data_time": 0.00517, "decode.loss_ce": 0.23854, "decode.acc_seg": 90.49991, "aux.loss_ce": 0.17128, "aux.acc_seg": 84.06369, "loss": 0.40982, "grad_norm": 11.84636, "time": 0.41641} {"mode": "train", "epoch": 72, "iter": 90300, "lr": 0.0, "memory": 14793, "data_time": 0.00535, "decode.loss_ce": 0.23593, "decode.acc_seg": 90.06469, "aux.loss_ce": 0.16992, "aux.acc_seg": 83.55551, "loss": 0.40585, "grad_norm": 15.06879, "time": 0.43783} {"mode": "train", "epoch": 72, "iter": 90350, "lr": 0.0, "memory": 14793, "data_time": 0.0054, "decode.loss_ce": 0.23939, "decode.acc_seg": 90.34754, "aux.loss_ce": 0.17677, "aux.acc_seg": 83.77382, "loss": 0.41616, "grad_norm": 12.61168, "time": 0.42349} {"mode": "train", "epoch": 72, "iter": 90400, "lr": 0.0, "memory": 14793, "data_time": 0.00574, "decode.loss_ce": 0.22476, "decode.acc_seg": 90.49833, "aux.loss_ce": 0.17098, "aux.acc_seg": 83.88934, "loss": 0.39575, "grad_norm": 12.59097, "time": 0.42189} {"mode": "train", "epoch": 72, "iter": 90450, "lr": 0.0, "memory": 14793, "data_time": 0.00578, "decode.loss_ce": 0.24578, "decode.acc_seg": 89.74766, "aux.loss_ce": 0.17586, "aux.acc_seg": 83.03923, "loss": 0.42164, "grad_norm": 13.80921, "time": 0.41245} {"mode": "train", "epoch": 72, "iter": 90500, "lr": 0.0, "memory": 14793, "data_time": 0.00573, "decode.loss_ce": 0.23951, "decode.acc_seg": 89.96281, "aux.loss_ce": 0.18139, "aux.acc_seg": 82.65897, "loss": 0.4209, "grad_norm": 12.31131, "time": 0.40757} {"mode": "train", "epoch": 72, "iter": 90550, "lr": 0.0, "memory": 14793, "data_time": 0.00588, "decode.loss_ce": 0.23461, "decode.acc_seg": 90.43178, "aux.loss_ce": 0.16486, "aux.acc_seg": 84.51676, "loss": 0.39946, "grad_norm": 13.23923, "time": 0.40766} {"mode": "train", "epoch": 72, "iter": 90600, "lr": 0.0, "memory": 14793, "data_time": 0.00556, "decode.loss_ce": 0.23966, "decode.acc_seg": 90.13045, "aux.loss_ce": 0.16252, "aux.acc_seg": 84.42124, "loss": 0.40218, "grad_norm": 16.18242, "time": 0.41309} {"mode": "train", "epoch": 72, "iter": 90650, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.25163, "decode.acc_seg": 89.22984, "aux.loss_ce": 0.18785, "aux.acc_seg": 82.06656, "loss": 0.43948, "grad_norm": 15.0836, "time": 0.4107} {"mode": "train", "epoch": 72, "iter": 90700, "lr": 0.0, "memory": 14793, "data_time": 0.00563, "decode.loss_ce": 0.23171, "decode.acc_seg": 90.3647, "aux.loss_ce": 0.17038, "aux.acc_seg": 83.62559, "loss": 0.40209, "grad_norm": 13.48015, "time": 0.41941} {"mode": "train", "epoch": 72, "iter": 90750, "lr": 0.0, "memory": 14793, "data_time": 0.00504, "decode.loss_ce": 0.22824, "decode.acc_seg": 90.53872, "aux.loss_ce": 0.1646, "aux.acc_seg": 84.36727, "loss": 0.39284, "grad_norm": 11.32258, "time": 0.41207} {"mode": "train", "epoch": 72, "iter": 90800, "lr": 0.0, "memory": 14793, "data_time": 0.00555, "decode.loss_ce": 0.22733, "decode.acc_seg": 90.72943, "aux.loss_ce": 0.17349, "aux.acc_seg": 83.55561, "loss": 0.40083, "grad_norm": 10.95291, "time": 0.40659} {"mode": "train", "epoch": 72, "iter": 90850, "lr": 0.0, "memory": 14793, "data_time": 0.00574, "decode.loss_ce": 0.23819, "decode.acc_seg": 90.15378, "aux.loss_ce": 0.18213, "aux.acc_seg": 82.52559, "loss": 0.42032, "grad_norm": 14.73473, "time": 0.41112} {"mode": "train", "epoch": 72, "iter": 90900, "lr": 0.0, "memory": 14793, "data_time": 0.00529, "decode.loss_ce": 0.22635, "decode.acc_seg": 90.40008, "aux.loss_ce": 0.16809, "aux.acc_seg": 83.87559, "loss": 0.39444, "grad_norm": 15.67836, "time": 0.41476} {"mode": "train", "epoch": 72, "iter": 90950, "lr": 0.0, "memory": 14793, "data_time": 0.00509, "decode.loss_ce": 0.22953, "decode.acc_seg": 90.75322, "aux.loss_ce": 0.16941, "aux.acc_seg": 83.94884, "loss": 0.39894, "grad_norm": 10.72368, "time": 0.41508} {"mode": "train", "epoch": 72, "iter": 91000, "lr": 0.0, "memory": 14793, "data_time": 0.00523, "decode.loss_ce": 0.24812, "decode.acc_seg": 89.82924, "aux.loss_ce": 0.17776, "aux.acc_seg": 83.15332, "loss": 0.42589, "grad_norm": 16.941, "time": 0.66465} {"mode": "val", "epoch": 72, "iter": 125, "lr": 0.0, "aAcc": 0.8494, "mIoU": 0.5442, "mAcc": 0.6705, "IoU.wall": 0.8025, "IoU.building": 0.842, "IoU.sky": 0.9495, "IoU.floor": 0.8333, "IoU.tree": 0.7603, "IoU.ceiling": 0.8582, "IoU.road": 0.8539, "IoU.bed ": 0.915, "IoU.windowpane": 0.64, "IoU.grass": 0.6736, "IoU.cabinet": 0.6519, "IoU.sidewalk": 0.6801, "IoU.person": 0.8358, "IoU.earth": 0.395, "IoU.door": 0.5671, "IoU.table": 0.653, "IoU.mountain": 0.6013, "IoU.plant": 0.5341, "IoU.curtain": 0.7656, "IoU.chair": 0.6258, "IoU.car": 0.8652, "IoU.water": 0.6083, "IoU.painting": 0.7342, "IoU.sofa": 0.7381, "IoU.shelf": 0.4569, "IoU.house": 0.506, "IoU.sea": 0.6927, "IoU.mirror": 0.7326, "IoU.rug": 0.6758, "IoU.field": 0.3212, "IoU.armchair": 0.4751, "IoU.seat": 0.6563, "IoU.fence": 0.4723, "IoU.desk": 0.5365, "IoU.rock": 0.5382, "IoU.wardrobe": 0.5523, "IoU.lamp": 0.6812, "IoU.bathtub": 0.8117, "IoU.railing": 0.3977, "IoU.cushion": 0.6353, "IoU.base": 0.323, "IoU.box": 0.3325, "IoU.column": 0.5435, "IoU.signboard": 0.3947, "IoU.chest of drawers": 0.4389, "IoU.counter": 0.316, "IoU.sand": 0.576, "IoU.sink": 0.784, "IoU.skyscraper": 0.608, "IoU.fireplace": 0.7085, "IoU.refrigerator": 0.7563, "IoU.grandstand": 0.4765, "IoU.path": 0.2703, "IoU.stairs": 0.3733, "IoU.runway": 0.6551, "IoU.case": 0.4793, "IoU.pool table": 0.937, "IoU.pillow": 0.6254, "IoU.screen door": 0.6672, "IoU.stairway": 0.4026, "IoU.river": 0.1038, "IoU.bridge": 0.3945, "IoU.bookcase": 0.4527, "IoU.blind": 0.3921, "IoU.coffee table": 0.5979, "IoU.toilet": 0.8735, "IoU.flower": 0.4594, "IoU.book": 0.4984, "IoU.hill": 0.0698, "IoU.bench": 0.6327, "IoU.countertop": 0.5884, "IoU.stove": 0.8278, "IoU.palm": 0.558, "IoU.kitchen island": 0.4303, "IoU.computer": 0.759, "IoU.swivel chair": 0.5729, "IoU.boat": 0.7166, "IoU.bar": 0.5008, "IoU.arcade machine": 0.609, "IoU.hovel": 0.5265, "IoU.bus": 0.9065, "IoU.towel": 0.6891, "IoU.light": 0.573, "IoU.truck": 0.4475, "IoU.tower": 0.2655, "IoU.chandelier": 0.7038, "IoU.awning": 0.3375, "IoU.streetlight": 0.3239, "IoU.booth": 0.4161, "IoU.television receiver": 0.781, "IoU.airplane": 0.6995, "IoU.dirt track": 0.114, "IoU.apparel": 0.574, "IoU.pole": 0.2418, "IoU.land": 0.0527, "IoU.bannister": 0.1576, "IoU.escalator": 0.5596, "IoU.ottoman": 0.5452, "IoU.bottle": 0.412, "IoU.buffet": 0.4607, "IoU.poster": 0.3336, "IoU.stage": 0.2329, "IoU.van": 0.4866, "IoU.ship": 0.645, "IoU.fountain": 0.2329, "IoU.conveyer belt": 0.8, "IoU.canopy": 0.4016, "IoU.washer": 0.7153, "IoU.plaything": 0.431, "IoU.swimming pool": 0.6913, "IoU.stool": 0.462, "IoU.barrel": 0.5752, "IoU.basket": 0.4224, "IoU.waterfall": 0.5054, "IoU.tent": 0.9578, "IoU.bag": 0.2287, "IoU.minibike": 0.7373, "IoU.cradle": 0.8403, "IoU.oven": 0.489, "IoU.ball": 0.448, "IoU.food": 0.6055, "IoU.step": 0.2476, "IoU.tank": 0.6353, "IoU.trade name": 0.2833, "IoU.microwave": 0.8305, "IoU.pot": 0.5324, "IoU.animal": 0.5957, "IoU.bicycle": 0.5939, "IoU.lake": 0.5033, "IoU.dishwasher": 0.686, "IoU.screen": 0.5514, "IoU.blanket": 0.2258, "IoU.sculpture": 0.689, "IoU.hood": 0.7154, "IoU.sconce": 0.5314, "IoU.vase": 0.4412, "IoU.traffic light": 0.3686, "IoU.tray": 0.091, "IoU.ashcan": 0.4768, "IoU.fan": 0.6443, "IoU.pier": 0.4524, "IoU.crt screen": 0.0628, "IoU.plate": 0.5726, "IoU.monitor": 0.1662, "IoU.bulletin board": 0.6425, "IoU.shower": 0.0251, "IoU.radiator": 0.6318, "IoU.glass": 0.1643, "IoU.clock": 0.442, "IoU.flag": 0.5642, "Acc.wall": 0.8872, "Acc.building": 0.9326, "Acc.sky": 0.9764, "Acc.floor": 0.9082, "Acc.tree": 0.8786, "Acc.ceiling": 0.9371, "Acc.road": 0.9167, "Acc.bed ": 0.9687, "Acc.windowpane": 0.8181, "Acc.grass": 0.8169, "Acc.cabinet": 0.7494, "Acc.sidewalk": 0.8201, "Acc.person": 0.9331, "Acc.earth": 0.539, "Acc.door": 0.7211, "Acc.table": 0.7674, "Acc.mountain": 0.7409, "Acc.plant": 0.6613, "Acc.curtain": 0.8755, "Acc.chair": 0.7314, "Acc.car": 0.9341, "Acc.water": 0.7805, "Acc.painting": 0.9062, "Acc.sofa": 0.8839, "Acc.shelf": 0.6609, "Acc.house": 0.6521, "Acc.sea": 0.8201, "Acc.mirror": 0.8279, "Acc.rug": 0.7987, "Acc.field": 0.4763, "Acc.armchair": 0.6647, "Acc.seat": 0.8261, "Acc.fence": 0.6171, "Acc.desk": 0.7415, "Acc.rock": 0.7616, "Acc.wardrobe": 0.7157, "Acc.lamp": 0.7955, "Acc.bathtub": 0.8605, "Acc.railing": 0.5465, "Acc.cushion": 0.727, "Acc.base": 0.4594, "Acc.box": 0.4157, "Acc.column": 0.6699, "Acc.signboard": 0.5632, "Acc.chest of drawers": 0.664, "Acc.counter": 0.4283, "Acc.sand": 0.7686, "Acc.sink": 0.8401, "Acc.skyscraper": 0.7306, "Acc.fireplace": 0.9281, "Acc.refrigerator": 0.8198, "Acc.grandstand": 0.8384, "Acc.path": 0.4035, "Acc.stairs": 0.4988, "Acc.runway": 0.8538, "Acc.case": 0.5774, "Acc.pool table": 0.9778, "Acc.pillow": 0.7901, "Acc.screen door": 0.8703, "Acc.stairway": 0.4655, "Acc.river": 0.2217, "Acc.bridge": 0.4748, "Acc.bookcase": 0.6833, "Acc.blind": 0.4378, "Acc.coffee table": 0.8937, "Acc.toilet": 0.9294, "Acc.flower": 0.6196, "Acc.book": 0.7064, "Acc.hill": 0.135, "Acc.bench": 0.7417, "Acc.countertop": 0.7981, "Acc.stove": 0.902, "Acc.palm": 0.8012, "Acc.kitchen island": 0.7994, "Acc.computer": 0.8987, "Acc.swivel chair": 0.8155, "Acc.boat": 0.851, "Acc.bar": 0.64, "Acc.arcade machine": 0.6398, "Acc.hovel": 0.6762, "Acc.bus": 0.9799, "Acc.towel": 0.8737, "Acc.light": 0.6677, "Acc.truck": 0.599, "Acc.tower": 0.4634, "Acc.chandelier": 0.8446, "Acc.awning": 0.41, "Acc.streetlight": 0.4353, "Acc.booth": 0.5176, "Acc.television receiver": 0.8799, "Acc.airplane": 0.7819, "Acc.dirt track": 0.1734, "Acc.apparel": 0.7784, "Acc.pole": 0.3377, "Acc.land": 0.0766, "Acc.bannister": 0.2021, "Acc.escalator": 0.8037, "Acc.ottoman": 0.7129, "Acc.bottle": 0.6753, "Acc.buffet": 0.5449, "Acc.poster": 0.4711, "Acc.stage": 0.3616, "Acc.van": 0.6555, "Acc.ship": 0.7182, "Acc.fountain": 0.2348, "Acc.conveyer belt": 0.9316, "Acc.canopy": 0.5487, "Acc.washer": 0.7311, "Acc.plaything": 0.6302, "Acc.swimming pool": 0.7541, "Acc.stool": 0.6042, "Acc.barrel": 0.8728, "Acc.basket": 0.5342, "Acc.waterfall": 0.5901, "Acc.tent": 0.9809, "Acc.bag": 0.2982, "Acc.minibike": 0.8685, "Acc.cradle": 0.9746, "Acc.oven": 0.5864, "Acc.ball": 0.4788, "Acc.food": 0.6989, "Acc.step": 0.3278, "Acc.tank": 0.6585, "Acc.trade name": 0.3374, "Acc.microwave": 0.9613, "Acc.pot": 0.6322, "Acc.animal": 0.6144, "Acc.bicycle": 0.7714, "Acc.lake": 0.6377, "Acc.dishwasher": 0.7785, "Acc.screen": 0.8595, "Acc.blanket": 0.2657, "Acc.sculpture": 0.8449, "Acc.hood": 0.8034, "Acc.sconce": 0.6773, "Acc.vase": 0.5891, "Acc.traffic light": 0.5489, "Acc.tray": 0.1324, "Acc.ashcan": 0.6103, "Acc.fan": 0.7517, "Acc.pier": 0.6868, "Acc.crt screen": 0.1493, "Acc.plate": 0.791, "Acc.monitor": 0.1975, "Acc.bulletin board": 0.7884, "Acc.shower": 0.0369, "Acc.radiator": 0.7134, "Acc.glass": 0.1773, "Acc.clock": 0.5006, "Acc.flag": 0.6475} {"mode": "train", "epoch": 73, "iter": 91050, "lr": 0.0, "memory": 14793, "data_time": 2.20165, "decode.loss_ce": 0.22119, "decode.acc_seg": 90.45604, "aux.loss_ce": 0.1691, "aux.acc_seg": 83.53406, "loss": 0.39029, "grad_norm": 11.41596, "time": 2.61627} {"mode": "train", "epoch": 73, "iter": 91100, "lr": 0.0, "memory": 14793, "data_time": 0.00708, "decode.loss_ce": 0.23429, "decode.acc_seg": 90.24055, "aux.loss_ce": 0.17021, "aux.acc_seg": 83.85088, "loss": 0.4045, "grad_norm": 12.50868, "time": 0.42238} {"mode": "train", "epoch": 73, "iter": 91150, "lr": 0.0, "memory": 14793, "data_time": 0.00806, "decode.loss_ce": 0.2291, "decode.acc_seg": 90.25046, "aux.loss_ce": 0.16655, "aux.acc_seg": 84.09436, "loss": 0.39565, "grad_norm": 13.96341, "time": 0.43209} {"mode": "train", "epoch": 73, "iter": 91200, "lr": 0.0, "memory": 14793, "data_time": 0.00536, "decode.loss_ce": 0.22369, "decode.acc_seg": 90.72547, "aux.loss_ce": 0.15442, "aux.acc_seg": 85.02139, "loss": 0.37811, "grad_norm": 9.42951, "time": 0.41858} {"mode": "train", "epoch": 73, "iter": 91250, "lr": 0.0, "memory": 14793, "data_time": 0.00575, "decode.loss_ce": 0.21201, "decode.acc_seg": 90.96711, "aux.loss_ce": 0.15689, "aux.acc_seg": 84.49447, "loss": 0.36891, "grad_norm": 11.75172, "time": 0.40859} {"mode": "train", "epoch": 73, "iter": 91300, "lr": 0.0, "memory": 14793, "data_time": 0.00735, "decode.loss_ce": 0.23545, "decode.acc_seg": 90.04993, "aux.loss_ce": 0.17646, "aux.acc_seg": 83.13876, "loss": 0.4119, "grad_norm": 9.74763, "time": 0.41179} {"mode": "train", "epoch": 73, "iter": 91350, "lr": 0.0, "memory": 14793, "data_time": 0.00652, "decode.loss_ce": 0.23907, "decode.acc_seg": 89.75138, "aux.loss_ce": 0.17739, "aux.acc_seg": 82.78474, "loss": 0.41645, "grad_norm": 11.81184, "time": 0.40332} {"mode": "train", "epoch": 73, "iter": 91400, "lr": 0.0, "memory": 14793, "data_time": 0.00603, "decode.loss_ce": 0.21953, "decode.acc_seg": 90.65875, "aux.loss_ce": 0.1689, "aux.acc_seg": 83.45344, "loss": 0.38843, "grad_norm": 10.41343, "time": 0.40697} {"mode": "train", "epoch": 73, "iter": 91450, "lr": 0.0, "memory": 14793, "data_time": 0.00535, "decode.loss_ce": 0.22671, "decode.acc_seg": 90.76742, "aux.loss_ce": 0.16746, "aux.acc_seg": 84.30755, "loss": 0.39416, "grad_norm": 10.36859, "time": 0.41116} {"mode": "train", "epoch": 73, "iter": 91500, "lr": 0.0, "memory": 14793, "data_time": 0.00565, "decode.loss_ce": 0.24689, "decode.acc_seg": 89.8765, "aux.loss_ce": 0.17529, "aux.acc_seg": 83.10625, "loss": 0.42218, "grad_norm": 10.00842, "time": 0.41658} {"mode": "train", "epoch": 73, "iter": 91550, "lr": 0.0, "memory": 14793, "data_time": 0.00621, "decode.loss_ce": 0.24191, "decode.acc_seg": 89.99634, "aux.loss_ce": 0.1777, "aux.acc_seg": 83.78218, "loss": 0.41961, "grad_norm": 12.19499, "time": 0.41813} {"mode": "train", "epoch": 73, "iter": 91600, "lr": 0.0, "memory": 14793, "data_time": 0.00526, "decode.loss_ce": 0.24212, "decode.acc_seg": 90.09109, "aux.loss_ce": 0.18585, "aux.acc_seg": 82.63642, "loss": 0.42797, "grad_norm": 13.84986, "time": 0.41257} {"mode": "train", "epoch": 73, "iter": 91650, "lr": 0.0, "memory": 14793, "data_time": 0.00527, "decode.loss_ce": 0.22566, "decode.acc_seg": 90.42623, "aux.loss_ce": 0.17092, "aux.acc_seg": 83.44251, "loss": 0.39657, "grad_norm": 15.1993, "time": 0.40874} {"mode": "train", "epoch": 73, "iter": 91700, "lr": 0.0, "memory": 14793, "data_time": 0.00535, "decode.loss_ce": 0.22122, "decode.acc_seg": 90.69304, "aux.loss_ce": 0.16474, "aux.acc_seg": 84.03049, "loss": 0.38595, "grad_norm": 14.35471, "time": 0.4067} {"mode": "train", "epoch": 73, "iter": 91750, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.235, "decode.acc_seg": 90.1658, "aux.loss_ce": 0.18266, "aux.acc_seg": 82.64795, "loss": 0.41766, "grad_norm": 13.59928, "time": 0.4048} {"mode": "train", "epoch": 73, "iter": 91800, "lr": 0.0, "memory": 14793, "data_time": 0.00527, "decode.loss_ce": 0.23589, "decode.acc_seg": 90.55686, "aux.loss_ce": 0.16923, "aux.acc_seg": 83.96554, "loss": 0.40512, "grad_norm": 11.92936, "time": 0.41096} {"mode": "train", "epoch": 73, "iter": 91850, "lr": 0.0, "memory": 14793, "data_time": 0.00526, "decode.loss_ce": 0.23578, "decode.acc_seg": 89.90213, "aux.loss_ce": 0.17395, "aux.acc_seg": 82.81896, "loss": 0.40973, "grad_norm": 11.2963, "time": 0.41562} {"mode": "train", "epoch": 73, "iter": 91900, "lr": 0.0, "memory": 14793, "data_time": 0.00841, "decode.loss_ce": 0.2299, "decode.acc_seg": 90.3075, "aux.loss_ce": 0.16895, "aux.acc_seg": 83.65542, "loss": 0.39885, "grad_norm": 17.9566, "time": 0.41742} {"mode": "train", "epoch": 73, "iter": 91950, "lr": 0.0, "memory": 14793, "data_time": 0.00541, "decode.loss_ce": 0.23888, "decode.acc_seg": 90.34807, "aux.loss_ce": 0.17497, "aux.acc_seg": 83.8483, "loss": 0.41386, "grad_norm": 13.42084, "time": 0.42674} {"mode": "train", "epoch": 73, "iter": 92000, "lr": 0.0, "memory": 14793, "data_time": 0.0053, "decode.loss_ce": 0.22567, "decode.acc_seg": 90.2964, "aux.loss_ce": 0.16525, "aux.acc_seg": 83.9266, "loss": 0.39092, "grad_norm": 14.84283, "time": 0.67535} {"mode": "val", "epoch": 73, "iter": 125, "lr": 0.0, "aAcc": 0.8481, "mIoU": 0.5436, "mAcc": 0.6712, "IoU.wall": 0.8028, "IoU.building": 0.8465, "IoU.sky": 0.9484, "IoU.floor": 0.8355, "IoU.tree": 0.7587, "IoU.ceiling": 0.8577, "IoU.road": 0.8511, "IoU.bed ": 0.9155, "IoU.windowpane": 0.6381, "IoU.grass": 0.6501, "IoU.cabinet": 0.6421, "IoU.sidewalk": 0.6831, "IoU.person": 0.8384, "IoU.earth": 0.3533, "IoU.door": 0.5596, "IoU.table": 0.6508, "IoU.mountain": 0.5927, "IoU.plant": 0.5365, "IoU.curtain": 0.7591, "IoU.chair": 0.637, "IoU.car": 0.8637, "IoU.water": 0.6071, "IoU.painting": 0.7438, "IoU.sofa": 0.7392, "IoU.shelf": 0.4563, "IoU.house": 0.5614, "IoU.sea": 0.6513, "IoU.mirror": 0.7352, "IoU.rug": 0.6861, "IoU.field": 0.275, "IoU.armchair": 0.4739, "IoU.seat": 0.658, "IoU.fence": 0.4696, "IoU.desk": 0.5201, "IoU.rock": 0.5014, "IoU.wardrobe": 0.5495, "IoU.lamp": 0.6837, "IoU.bathtub": 0.8196, "IoU.railing": 0.3978, "IoU.cushion": 0.649, "IoU.base": 0.3363, "IoU.box": 0.3402, "IoU.column": 0.5452, "IoU.signboard": 0.3839, "IoU.chest of drawers": 0.4374, "IoU.counter": 0.3044, "IoU.sand": 0.5735, "IoU.sink": 0.7802, "IoU.skyscraper": 0.6415, "IoU.fireplace": 0.7228, "IoU.refrigerator": 0.7643, "IoU.grandstand": 0.4603, "IoU.path": 0.2695, "IoU.stairs": 0.359, "IoU.runway": 0.7049, "IoU.case": 0.5307, "IoU.pool table": 0.9336, "IoU.pillow": 0.6246, "IoU.screen door": 0.6842, "IoU.stairway": 0.3902, "IoU.river": 0.0996, "IoU.bridge": 0.3749, "IoU.bookcase": 0.4556, "IoU.blind": 0.3903, "IoU.coffee table": 0.6105, "IoU.toilet": 0.8775, "IoU.flower": 0.4403, "IoU.book": 0.4862, "IoU.hill": 0.0676, "IoU.bench": 0.6324, "IoU.countertop": 0.612, "IoU.stove": 0.8319, "IoU.palm": 0.5673, "IoU.kitchen island": 0.442, "IoU.computer": 0.7549, "IoU.swivel chair": 0.5662, "IoU.boat": 0.6961, "IoU.bar": 0.5229, "IoU.arcade machine": 0.7271, "IoU.hovel": 0.597, "IoU.bus": 0.924, "IoU.towel": 0.6896, "IoU.light": 0.5872, "IoU.truck": 0.4506, "IoU.tower": 0.2663, "IoU.chandelier": 0.7046, "IoU.awning": 0.3457, "IoU.streetlight": 0.32, "IoU.booth": 0.367, "IoU.television receiver": 0.779, "IoU.airplane": 0.7191, "IoU.dirt track": 0.0605, "IoU.apparel": 0.5902, "IoU.pole": 0.2604, "IoU.land": 0.043, "IoU.bannister": 0.1576, "IoU.escalator": 0.5568, "IoU.ottoman": 0.5417, "IoU.bottle": 0.4048, "IoU.buffet": 0.4539, "IoU.poster": 0.3303, "IoU.stage": 0.2316, "IoU.van": 0.4486, "IoU.ship": 0.7117, "IoU.fountain": 0.2446, "IoU.conveyer belt": 0.7873, "IoU.canopy": 0.3662, "IoU.washer": 0.7324, "IoU.plaything": 0.4254, "IoU.swimming pool": 0.7097, "IoU.stool": 0.4721, "IoU.barrel": 0.5823, "IoU.basket": 0.4168, "IoU.waterfall": 0.6562, "IoU.tent": 0.9574, "IoU.bag": 0.2246, "IoU.minibike": 0.7369, "IoU.cradle": 0.8452, "IoU.oven": 0.4487, "IoU.ball": 0.3231, "IoU.food": 0.58, "IoU.step": 0.2825, "IoU.tank": 0.6363, "IoU.trade name": 0.2753, "IoU.microwave": 0.8029, "IoU.pot": 0.5392, "IoU.animal": 0.6175, "IoU.bicycle": 0.5936, "IoU.lake": 0.4932, "IoU.dishwasher": 0.6452, "IoU.screen": 0.5508, "IoU.blanket": 0.2351, "IoU.sculpture": 0.7072, "IoU.hood": 0.6433, "IoU.sconce": 0.5485, "IoU.vase": 0.4363, "IoU.traffic light": 0.3651, "IoU.tray": 0.0585, "IoU.ashcan": 0.4757, "IoU.fan": 0.6549, "IoU.pier": 0.4127, "IoU.crt screen": 0.0755, "IoU.plate": 0.5688, "IoU.monitor": 0.1144, "IoU.bulletin board": 0.6559, "IoU.shower": 0.0061, "IoU.radiator": 0.6439, "IoU.glass": 0.1647, "IoU.clock": 0.4682, "IoU.flag": 0.4774, "Acc.wall": 0.883, "Acc.building": 0.9358, "Acc.sky": 0.978, "Acc.floor": 0.9011, "Acc.tree": 0.8751, "Acc.ceiling": 0.9288, "Acc.road": 0.9014, "Acc.bed ": 0.9717, "Acc.windowpane": 0.8251, "Acc.grass": 0.7976, "Acc.cabinet": 0.7609, "Acc.sidewalk": 0.8463, "Acc.person": 0.9317, "Acc.earth": 0.4699, "Acc.door": 0.7167, "Acc.table": 0.8008, "Acc.mountain": 0.7466, "Acc.plant": 0.6558, "Acc.curtain": 0.8746, "Acc.chair": 0.7795, "Acc.car": 0.9389, "Acc.water": 0.7816, "Acc.painting": 0.9018, "Acc.sofa": 0.8945, "Acc.shelf": 0.6442, "Acc.house": 0.7, "Acc.sea": 0.7652, "Acc.mirror": 0.8058, "Acc.rug": 0.8253, "Acc.field": 0.4945, "Acc.armchair": 0.6241, "Acc.seat": 0.8173, "Acc.fence": 0.6302, "Acc.desk": 0.748, "Acc.rock": 0.7554, "Acc.wardrobe": 0.705, "Acc.lamp": 0.7853, "Acc.bathtub": 0.8611, "Acc.railing": 0.5506, "Acc.cushion": 0.7641, "Acc.base": 0.463, "Acc.box": 0.449, "Acc.column": 0.6644, "Acc.signboard": 0.504, "Acc.chest of drawers": 0.6882, "Acc.counter": 0.4106, "Acc.sand": 0.7889, "Acc.sink": 0.8457, "Acc.skyscraper": 0.8033, "Acc.fireplace": 0.9137, "Acc.refrigerator": 0.8355, "Acc.grandstand": 0.8605, "Acc.path": 0.4146, "Acc.stairs": 0.474, "Acc.runway": 0.9287, "Acc.case": 0.6603, "Acc.pool table": 0.9833, "Acc.pillow": 0.7495, "Acc.screen door": 0.8533, "Acc.stairway": 0.4613, "Acc.river": 0.22, "Acc.bridge": 0.4377, "Acc.bookcase": 0.6677, "Acc.blind": 0.4341, "Acc.coffee table": 0.8572, "Acc.toilet": 0.9248, "Acc.flower": 0.6007, "Acc.book": 0.709, "Acc.hill": 0.1151, "Acc.bench": 0.7497, "Acc.countertop": 0.8, "Acc.stove": 0.9003, "Acc.palm": 0.8099, "Acc.kitchen island": 0.8301, "Acc.computer": 0.9048, "Acc.swivel chair": 0.8151, "Acc.boat": 0.8162, "Acc.bar": 0.7123, "Acc.arcade machine": 0.7719, "Acc.hovel": 0.6871, "Acc.bus": 0.9728, "Acc.towel": 0.8447, "Acc.light": 0.7136, "Acc.truck": 0.5839, "Acc.tower": 0.4384, "Acc.chandelier": 0.8522, "Acc.awning": 0.4279, "Acc.streetlight": 0.4246, "Acc.booth": 0.4526, "Acc.television receiver": 0.8657, "Acc.airplane": 0.8047, "Acc.dirt track": 0.1053, "Acc.apparel": 0.7633, "Acc.pole": 0.354, "Acc.land": 0.082, "Acc.bannister": 0.2053, "Acc.escalator": 0.8225, "Acc.ottoman": 0.6962, "Acc.bottle": 0.7044, "Acc.buffet": 0.5661, "Acc.poster": 0.4756, "Acc.stage": 0.3792, "Acc.van": 0.5894, "Acc.ship": 0.8094, "Acc.fountain": 0.2469, "Acc.conveyer belt": 0.9345, "Acc.canopy": 0.5305, "Acc.washer": 0.7502, "Acc.plaything": 0.6105, "Acc.swimming pool": 0.7618, "Acc.stool": 0.6255, "Acc.barrel": 0.8803, "Acc.basket": 0.5271, "Acc.waterfall": 0.8711, "Acc.tent": 0.9794, "Acc.bag": 0.289, "Acc.minibike": 0.868, "Acc.cradle": 0.9699, "Acc.oven": 0.6211, "Acc.ball": 0.3383, "Acc.food": 0.6865, "Acc.step": 0.3573, "Acc.tank": 0.6717, "Acc.trade name": 0.3194, "Acc.microwave": 0.915, "Acc.pot": 0.6423, "Acc.animal": 0.6375, "Acc.bicycle": 0.7465, "Acc.lake": 0.6417, "Acc.dishwasher": 0.802, "Acc.screen": 0.8782, "Acc.blanket": 0.2782, "Acc.sculpture": 0.8366, "Acc.hood": 0.6969, "Acc.sconce": 0.6622, "Acc.vase": 0.5881, "Acc.traffic light": 0.5508, "Acc.tray": 0.0897, "Acc.ashcan": 0.6478, "Acc.fan": 0.782, "Acc.pier": 0.5902, "Acc.crt screen": 0.2004, "Acc.plate": 0.7798, "Acc.monitor": 0.1303, "Acc.bulletin board": 0.7622, "Acc.shower": 0.0073, "Acc.radiator": 0.7243, "Acc.glass": 0.1789, "Acc.clock": 0.5205, "Acc.flag": 0.5281} {"mode": "train", "epoch": 73, "iter": 92050, "lr": 0.0, "memory": 14793, "data_time": 2.09131, "decode.loss_ce": 0.23411, "decode.acc_seg": 90.43877, "aux.loss_ce": 0.16698, "aux.acc_seg": 84.06341, "loss": 0.40109, "grad_norm": 13.57417, "time": 2.50384} {"mode": "train", "epoch": 73, "iter": 92100, "lr": 0.0, "memory": 14793, "data_time": 0.00556, "decode.loss_ce": 0.23586, "decode.acc_seg": 90.26315, "aux.loss_ce": 0.17692, "aux.acc_seg": 83.54508, "loss": 0.41278, "grad_norm": 14.8756, "time": 0.41065} {"mode": "train", "epoch": 73, "iter": 92150, "lr": 0.0, "memory": 14793, "data_time": 0.0057, "decode.loss_ce": 0.22633, "decode.acc_seg": 90.69389, "aux.loss_ce": 0.16914, "aux.acc_seg": 84.05348, "loss": 0.39547, "grad_norm": 10.43128, "time": 0.41477} {"mode": "train", "epoch": 73, "iter": 92200, "lr": 0.0, "memory": 14793, "data_time": 0.00684, "decode.loss_ce": 0.22905, "decode.acc_seg": 90.3522, "aux.loss_ce": 0.17003, "aux.acc_seg": 83.8839, "loss": 0.39908, "grad_norm": 10.22731, "time": 0.41866} {"mode": "train", "epoch": 73, "iter": 92250, "lr": 0.0, "memory": 14793, "data_time": 0.0061, "decode.loss_ce": 0.23689, "decode.acc_seg": 90.1637, "aux.loss_ce": 0.18013, "aux.acc_seg": 83.1413, "loss": 0.41702, "grad_norm": 13.4956, "time": 0.41271} {"mode": "train", "epoch": 74, "iter": 92300, "lr": 0.0, "memory": 14793, "data_time": 0.05412, "decode.loss_ce": 0.23215, "decode.acc_seg": 90.15089, "aux.loss_ce": 0.17453, "aux.acc_seg": 83.48052, "loss": 0.40668, "grad_norm": 12.58153, "time": 0.47989} {"mode": "train", "epoch": 74, "iter": 92350, "lr": 0.0, "memory": 14793, "data_time": 0.00543, "decode.loss_ce": 0.22867, "decode.acc_seg": 90.58604, "aux.loss_ce": 0.16912, "aux.acc_seg": 84.37553, "loss": 0.39778, "grad_norm": 20.35878, "time": 0.41874} {"mode": "train", "epoch": 74, "iter": 92400, "lr": 0.0, "memory": 14793, "data_time": 0.00571, "decode.loss_ce": 0.23832, "decode.acc_seg": 90.40207, "aux.loss_ce": 0.17395, "aux.acc_seg": 83.87666, "loss": 0.41227, "grad_norm": 19.95884, "time": 0.40761} {"mode": "train", "epoch": 74, "iter": 92450, "lr": 0.0, "memory": 14793, "data_time": 0.00546, "decode.loss_ce": 0.22258, "decode.acc_seg": 90.72599, "aux.loss_ce": 0.16701, "aux.acc_seg": 84.42487, "loss": 0.38959, "grad_norm": 11.32213, "time": 0.41805} {"mode": "train", "epoch": 74, "iter": 92500, "lr": 0.0, "memory": 14793, "data_time": 0.00555, "decode.loss_ce": 0.23066, "decode.acc_seg": 90.52856, "aux.loss_ce": 0.18005, "aux.acc_seg": 82.73971, "loss": 0.41071, "grad_norm": 11.52333, "time": 0.41103} {"mode": "train", "epoch": 74, "iter": 92550, "lr": 0.0, "memory": 14793, "data_time": 0.00894, "decode.loss_ce": 0.22985, "decode.acc_seg": 90.29598, "aux.loss_ce": 0.16629, "aux.acc_seg": 83.93647, "loss": 0.39614, "grad_norm": 11.86182, "time": 0.40745} {"mode": "train", "epoch": 74, "iter": 92600, "lr": 0.0, "memory": 14793, "data_time": 0.00543, "decode.loss_ce": 0.21338, "decode.acc_seg": 90.91918, "aux.loss_ce": 0.1659, "aux.acc_seg": 84.44246, "loss": 0.37928, "grad_norm": 10.40451, "time": 0.41085} {"mode": "train", "epoch": 74, "iter": 92650, "lr": 0.0, "memory": 14793, "data_time": 0.00527, "decode.loss_ce": 0.24138, "decode.acc_seg": 90.21917, "aux.loss_ce": 0.18014, "aux.acc_seg": 83.05407, "loss": 0.42151, "grad_norm": 13.01039, "time": 0.40872} {"mode": "train", "epoch": 74, "iter": 92700, "lr": 0.0, "memory": 14793, "data_time": 0.00776, "decode.loss_ce": 0.22145, "decode.acc_seg": 90.60834, "aux.loss_ce": 0.1638, "aux.acc_seg": 83.79707, "loss": 0.38525, "grad_norm": 11.84234, "time": 0.41272} {"mode": "train", "epoch": 74, "iter": 92750, "lr": 0.0, "memory": 14793, "data_time": 0.00638, "decode.loss_ce": 0.2364, "decode.acc_seg": 90.29557, "aux.loss_ce": 0.18151, "aux.acc_seg": 83.11855, "loss": 0.41791, "grad_norm": 17.17096, "time": 0.4273} {"mode": "train", "epoch": 74, "iter": 92800, "lr": 0.0, "memory": 14793, "data_time": 0.00538, "decode.loss_ce": 0.22607, "decode.acc_seg": 90.71947, "aux.loss_ce": 0.16276, "aux.acc_seg": 84.27791, "loss": 0.38883, "grad_norm": 10.32633, "time": 0.41467} {"mode": "train", "epoch": 74, "iter": 92850, "lr": 0.0, "memory": 14793, "data_time": 0.00521, "decode.loss_ce": 0.23716, "decode.acc_seg": 90.279, "aux.loss_ce": 0.18393, "aux.acc_seg": 82.85858, "loss": 0.4211, "grad_norm": 14.95696, "time": 0.41686} {"mode": "train", "epoch": 74, "iter": 92900, "lr": 0.0, "memory": 14793, "data_time": 0.00513, "decode.loss_ce": 0.22698, "decode.acc_seg": 90.81143, "aux.loss_ce": 0.16892, "aux.acc_seg": 84.05275, "loss": 0.3959, "grad_norm": 12.60281, "time": 0.4158} {"mode": "train", "epoch": 74, "iter": 92950, "lr": 0.0, "memory": 14793, "data_time": 0.00516, "decode.loss_ce": 0.22997, "decode.acc_seg": 90.50242, "aux.loss_ce": 0.16838, "aux.acc_seg": 83.94132, "loss": 0.39835, "grad_norm": 12.45594, "time": 0.41678} {"mode": "train", "epoch": 74, "iter": 93000, "lr": 0.0, "memory": 14793, "data_time": 0.00545, "decode.loss_ce": 0.22669, "decode.acc_seg": 90.42666, "aux.loss_ce": 0.17448, "aux.acc_seg": 83.04599, "loss": 0.40117, "grad_norm": 15.72829, "time": 0.65618} {"mode": "val", "epoch": 74, "iter": 125, "lr": 0.0, "aAcc": 0.8486, "mIoU": 0.5466, "mAcc": 0.6773, "IoU.wall": 0.8019, "IoU.building": 0.8358, "IoU.sky": 0.9492, "IoU.floor": 0.835, "IoU.tree": 0.7624, "IoU.ceiling": 0.8598, "IoU.road": 0.8597, "IoU.bed ": 0.9155, "IoU.windowpane": 0.6411, "IoU.grass": 0.6809, "IoU.cabinet": 0.6361, "IoU.sidewalk": 0.6877, "IoU.person": 0.8376, "IoU.earth": 0.4, "IoU.door": 0.5561, "IoU.table": 0.6536, "IoU.mountain": 0.5939, "IoU.plant": 0.5297, "IoU.curtain": 0.762, "IoU.chair": 0.6315, "IoU.car": 0.8618, "IoU.water": 0.5839, "IoU.painting": 0.7371, "IoU.sofa": 0.7498, "IoU.shelf": 0.4597, "IoU.house": 0.492, "IoU.sea": 0.6775, "IoU.mirror": 0.7352, "IoU.rug": 0.6767, "IoU.field": 0.3121, "IoU.armchair": 0.5057, "IoU.seat": 0.6713, "IoU.fence": 0.4637, "IoU.desk": 0.5449, "IoU.rock": 0.5004, "IoU.wardrobe": 0.5358, "IoU.lamp": 0.6836, "IoU.bathtub": 0.8189, "IoU.railing": 0.4068, "IoU.cushion": 0.6533, "IoU.base": 0.3073, "IoU.box": 0.3469, "IoU.column": 0.5428, "IoU.signboard": 0.3857, "IoU.chest of drawers": 0.4634, "IoU.counter": 0.3239, "IoU.sand": 0.5759, "IoU.sink": 0.7837, "IoU.skyscraper": 0.6052, "IoU.fireplace": 0.7015, "IoU.refrigerator": 0.7689, "IoU.grandstand": 0.505, "IoU.path": 0.2658, "IoU.stairs": 0.3439, "IoU.runway": 0.7169, "IoU.case": 0.549, "IoU.pool table": 0.9333, "IoU.pillow": 0.6201, "IoU.screen door": 0.7106, "IoU.stairway": 0.4007, "IoU.river": 0.091, "IoU.bridge": 0.353, "IoU.bookcase": 0.4754, "IoU.blind": 0.4513, "IoU.coffee table": 0.6268, "IoU.toilet": 0.8672, "IoU.flower": 0.428, "IoU.book": 0.5056, "IoU.hill": 0.0676, "IoU.bench": 0.6228, "IoU.countertop": 0.5996, "IoU.stove": 0.8339, "IoU.palm": 0.5668, "IoU.kitchen island": 0.4222, "IoU.computer": 0.7521, "IoU.swivel chair": 0.5506, "IoU.boat": 0.7248, "IoU.bar": 0.4893, "IoU.arcade machine": 0.6687, "IoU.hovel": 0.6056, "IoU.bus": 0.9213, "IoU.towel": 0.7037, "IoU.light": 0.5828, "IoU.truck": 0.4517, "IoU.tower": 0.3343, "IoU.chandelier": 0.7083, "IoU.awning": 0.3352, "IoU.streetlight": 0.3295, "IoU.booth": 0.4022, "IoU.television receiver": 0.7715, "IoU.airplane": 0.7514, "IoU.dirt track": 0.0253, "IoU.apparel": 0.6002, "IoU.pole": 0.2504, "IoU.land": 0.0463, "IoU.bannister": 0.1584, "IoU.escalator": 0.5426, "IoU.ottoman": 0.5327, "IoU.bottle": 0.4091, "IoU.buffet": 0.4607, "IoU.poster": 0.3195, "IoU.stage": 0.2269, "IoU.van": 0.4455, "IoU.ship": 0.7372, "IoU.fountain": 0.2738, "IoU.conveyer belt": 0.77, "IoU.canopy": 0.3869, "IoU.washer": 0.7219, "IoU.plaything": 0.4227, "IoU.swimming pool": 0.6728, "IoU.stool": 0.4678, "IoU.barrel": 0.6227, "IoU.basket": 0.4115, "IoU.waterfall": 0.6729, "IoU.tent": 0.9548, "IoU.bag": 0.2217, "IoU.minibike": 0.7311, "IoU.cradle": 0.8428, "IoU.oven": 0.4334, "IoU.ball": 0.4893, "IoU.food": 0.5774, "IoU.step": 0.268, "IoU.tank": 0.6343, "IoU.trade name": 0.2135, "IoU.microwave": 0.7791, "IoU.pot": 0.52, "IoU.animal": 0.6095, "IoU.bicycle": 0.585, "IoU.lake": 0.5483, "IoU.dishwasher": 0.6616, "IoU.screen": 0.5792, "IoU.blanket": 0.274, "IoU.sculpture": 0.6509, "IoU.hood": 0.6295, "IoU.sconce": 0.5477, "IoU.vase": 0.43, "IoU.traffic light": 0.3604, "IoU.tray": 0.0676, "IoU.ashcan": 0.47, "IoU.fan": 0.6654, "IoU.pier": 0.527, "IoU.crt screen": 0.0622, "IoU.plate": 0.5586, "IoU.monitor": 0.144, "IoU.bulletin board": 0.6371, "IoU.shower": 0.0025, "IoU.radiator": 0.6217, "IoU.glass": 0.1742, "IoU.clock": 0.483, "IoU.flag": 0.5174, "Acc.wall": 0.8824, "Acc.building": 0.9195, "Acc.sky": 0.9741, "Acc.floor": 0.903, "Acc.tree": 0.9011, "Acc.ceiling": 0.9262, "Acc.road": 0.9137, "Acc.bed ": 0.9694, "Acc.windowpane": 0.809, "Acc.grass": 0.8071, "Acc.cabinet": 0.7422, "Acc.sidewalk": 0.8215, "Acc.person": 0.9377, "Acc.earth": 0.5617, "Acc.door": 0.7342, "Acc.table": 0.7979, "Acc.mountain": 0.7438, "Acc.plant": 0.6429, "Acc.curtain": 0.8724, "Acc.chair": 0.786, "Acc.car": 0.9418, "Acc.water": 0.7133, "Acc.painting": 0.8991, "Acc.sofa": 0.8646, "Acc.shelf": 0.643, "Acc.house": 0.7055, "Acc.sea": 0.8485, "Acc.mirror": 0.8128, "Acc.rug": 0.8225, "Acc.field": 0.4804, "Acc.armchair": 0.6986, "Acc.seat": 0.8332, "Acc.fence": 0.5934, "Acc.desk": 0.715, "Acc.rock": 0.7586, "Acc.wardrobe": 0.7262, "Acc.lamp": 0.8183, "Acc.bathtub": 0.8581, "Acc.railing": 0.5777, "Acc.cushion": 0.7729, "Acc.base": 0.4206, "Acc.box": 0.4531, "Acc.column": 0.6721, "Acc.signboard": 0.529, "Acc.chest of drawers": 0.678, "Acc.counter": 0.4216, "Acc.sand": 0.7492, "Acc.sink": 0.8583, "Acc.skyscraper": 0.752, "Acc.fireplace": 0.9308, "Acc.refrigerator": 0.8624, "Acc.grandstand": 0.8208, "Acc.path": 0.3906, "Acc.stairs": 0.4351, "Acc.runway": 0.9563, "Acc.case": 0.6867, "Acc.pool table": 0.9832, "Acc.pillow": 0.7475, "Acc.screen door": 0.818, "Acc.stairway": 0.4908, "Acc.river": 0.2206, "Acc.bridge": 0.407, "Acc.bookcase": 0.653, "Acc.blind": 0.5382, "Acc.coffee table": 0.8418, "Acc.toilet": 0.9347, "Acc.flower": 0.5779, "Acc.book": 0.7225, "Acc.hill": 0.1115, "Acc.bench": 0.7328, "Acc.countertop": 0.8148, "Acc.stove": 0.9048, "Acc.palm": 0.7908, "Acc.kitchen island": 0.8608, "Acc.computer": 0.9033, "Acc.swivel chair": 0.8098, "Acc.boat": 0.872, "Acc.bar": 0.6517, "Acc.arcade machine": 0.6997, "Acc.hovel": 0.6729, "Acc.bus": 0.9783, "Acc.towel": 0.8611, "Acc.light": 0.7236, "Acc.truck": 0.5906, "Acc.tower": 0.6587, "Acc.chandelier": 0.8345, "Acc.awning": 0.4022, "Acc.streetlight": 0.4581, "Acc.booth": 0.549, "Acc.television receiver": 0.8541, "Acc.airplane": 0.84, "Acc.dirt track": 0.0404, "Acc.apparel": 0.7335, "Acc.pole": 0.3292, "Acc.land": 0.0794, "Acc.bannister": 0.2054, "Acc.escalator": 0.8231, "Acc.ottoman": 0.737, "Acc.bottle": 0.6983, "Acc.buffet": 0.573, "Acc.poster": 0.5242, "Acc.stage": 0.3672, "Acc.van": 0.5852, "Acc.ship": 0.8209, "Acc.fountain": 0.2772, "Acc.conveyer belt": 0.9442, "Acc.canopy": 0.5872, "Acc.washer": 0.7405, "Acc.plaything": 0.5965, "Acc.swimming pool": 0.7401, "Acc.stool": 0.6387, "Acc.barrel": 0.8833, "Acc.basket": 0.5447, "Acc.waterfall": 0.8041, "Acc.tent": 0.9814, "Acc.bag": 0.2798, "Acc.minibike": 0.8921, "Acc.cradle": 0.9732, "Acc.oven": 0.6393, "Acc.ball": 0.532, "Acc.food": 0.6557, "Acc.step": 0.3492, "Acc.tank": 0.6685, "Acc.trade name": 0.2374, "Acc.microwave": 0.8907, "Acc.pot": 0.6161, "Acc.animal": 0.6281, "Acc.bicycle": 0.7847, "Acc.lake": 0.7432, "Acc.dishwasher": 0.7645, "Acc.screen": 0.8897, "Acc.blanket": 0.35, "Acc.sculpture": 0.8519, "Acc.hood": 0.7183, "Acc.sconce": 0.7044, "Acc.vase": 0.6201, "Acc.traffic light": 0.5477, "Acc.tray": 0.0891, "Acc.ashcan": 0.6576, "Acc.fan": 0.83, "Acc.pier": 0.6723, "Acc.crt screen": 0.1468, "Acc.plate": 0.8011, "Acc.monitor": 0.1798, "Acc.bulletin board": 0.7133, "Acc.shower": 0.0032, "Acc.radiator": 0.7425, "Acc.glass": 0.1916, "Acc.clock": 0.5316, "Acc.flag": 0.5906} {"mode": "train", "epoch": 74, "iter": 93050, "lr": 0.0, "memory": 14793, "data_time": 2.39343, "decode.loss_ce": 0.22571, "decode.acc_seg": 90.57413, "aux.loss_ce": 0.16417, "aux.acc_seg": 84.33678, "loss": 0.38987, "grad_norm": 10.53043, "time": 2.80345} {"mode": "train", "epoch": 74, "iter": 93100, "lr": 0.0, "memory": 14793, "data_time": 0.00522, "decode.loss_ce": 0.22167, "decode.acc_seg": 90.69046, "aux.loss_ce": 0.16377, "aux.acc_seg": 84.32437, "loss": 0.38545, "grad_norm": 13.26659, "time": 0.41782} {"mode": "train", "epoch": 74, "iter": 93150, "lr": 0.0, "memory": 14793, "data_time": 0.006, "decode.loss_ce": 0.22974, "decode.acc_seg": 90.16341, "aux.loss_ce": 0.16912, "aux.acc_seg": 83.5682, "loss": 0.39886, "grad_norm": 13.07969, "time": 0.42761} {"mode": "train", "epoch": 74, "iter": 93200, "lr": 0.0, "memory": 14793, "data_time": 0.00551, "decode.loss_ce": 0.23395, "decode.acc_seg": 90.46569, "aux.loss_ce": 0.17531, "aux.acc_seg": 83.33994, "loss": 0.40926, "grad_norm": 12.053, "time": 0.41852} {"mode": "train", "epoch": 74, "iter": 93250, "lr": 0.0, "memory": 14793, "data_time": 0.00551, "decode.loss_ce": 0.23089, "decode.acc_seg": 90.43901, "aux.loss_ce": 0.17343, "aux.acc_seg": 83.57767, "loss": 0.40433, "grad_norm": 11.48267, "time": 0.40873} {"mode": "train", "epoch": 74, "iter": 93300, "lr": 0.0, "memory": 14793, "data_time": 0.00536, "decode.loss_ce": 0.23403, "decode.acc_seg": 90.10321, "aux.loss_ce": 0.17569, "aux.acc_seg": 83.12644, "loss": 0.40972, "grad_norm": 12.9241, "time": 0.40638} {"mode": "train", "epoch": 74, "iter": 93350, "lr": 0.0, "memory": 14793, "data_time": 0.00522, "decode.loss_ce": 0.21972, "decode.acc_seg": 90.6179, "aux.loss_ce": 0.16979, "aux.acc_seg": 83.91955, "loss": 0.3895, "grad_norm": 14.79331, "time": 0.40075} {"mode": "train", "epoch": 74, "iter": 93400, "lr": 0.0, "memory": 14793, "data_time": 0.00536, "decode.loss_ce": 0.24206, "decode.acc_seg": 90.20475, "aux.loss_ce": 0.17847, "aux.acc_seg": 82.88543, "loss": 0.42053, "grad_norm": 14.96528, "time": 0.41216} {"mode": "train", "epoch": 74, "iter": 93450, "lr": 0.0, "memory": 14793, "data_time": 0.00533, "decode.loss_ce": 0.21867, "decode.acc_seg": 90.75878, "aux.loss_ce": 0.1559, "aux.acc_seg": 84.56777, "loss": 0.37457, "grad_norm": 13.72132, "time": 0.41317} {"mode": "train", "epoch": 74, "iter": 93500, "lr": 0.0, "memory": 14793, "data_time": 0.00692, "decode.loss_ce": 0.23439, "decode.acc_seg": 90.23224, "aux.loss_ce": 0.17074, "aux.acc_seg": 83.16475, "loss": 0.40513, "grad_norm": 11.02251, "time": 0.42196} {"mode": "train", "epoch": 75, "iter": 93550, "lr": 0.0, "memory": 14793, "data_time": 0.0523, "decode.loss_ce": 0.22829, "decode.acc_seg": 90.69377, "aux.loss_ce": 0.17065, "aux.acc_seg": 84.09271, "loss": 0.39894, "grad_norm": 14.68255, "time": 0.46981} {"mode": "train", "epoch": 75, "iter": 93600, "lr": 0.0, "memory": 14793, "data_time": 0.00551, "decode.loss_ce": 0.22129, "decode.acc_seg": 90.71831, "aux.loss_ce": 0.16162, "aux.acc_seg": 84.44181, "loss": 0.38291, "grad_norm": 16.87252, "time": 0.42204} {"mode": "train", "epoch": 75, "iter": 93650, "lr": 0.0, "memory": 14793, "data_time": 0.00571, "decode.loss_ce": 0.23572, "decode.acc_seg": 90.1007, "aux.loss_ce": 0.16945, "aux.acc_seg": 83.71532, "loss": 0.40517, "grad_norm": 11.41663, "time": 0.41997} {"mode": "train", "epoch": 75, "iter": 93700, "lr": 0.0, "memory": 14793, "data_time": 0.0051, "decode.loss_ce": 0.23724, "decode.acc_seg": 90.24034, "aux.loss_ce": 0.17545, "aux.acc_seg": 83.4988, "loss": 0.41269, "grad_norm": 11.67995, "time": 0.42273} {"mode": "train", "epoch": 75, "iter": 93750, "lr": 0.0, "memory": 14793, "data_time": 0.00534, "decode.loss_ce": 0.23794, "decode.acc_seg": 90.4527, "aux.loss_ce": 0.18417, "aux.acc_seg": 83.49578, "loss": 0.42211, "grad_norm": 11.89562, "time": 0.4078} {"mode": "train", "epoch": 75, "iter": 93800, "lr": 0.0, "memory": 14793, "data_time": 0.00604, "decode.loss_ce": 0.21752, "decode.acc_seg": 90.77564, "aux.loss_ce": 0.16434, "aux.acc_seg": 83.95088, "loss": 0.38186, "grad_norm": 13.1548, "time": 0.40804} {"mode": "train", "epoch": 75, "iter": 93850, "lr": 0.0, "memory": 14793, "data_time": 0.00548, "decode.loss_ce": 0.23748, "decode.acc_seg": 90.18702, "aux.loss_ce": 0.16989, "aux.acc_seg": 83.70852, "loss": 0.40737, "grad_norm": 15.8441, "time": 0.41326} {"mode": "train", "epoch": 75, "iter": 93900, "lr": 0.0, "memory": 14793, "data_time": 0.00538, "decode.loss_ce": 0.22919, "decode.acc_seg": 90.41229, "aux.loss_ce": 0.16454, "aux.acc_seg": 84.18979, "loss": 0.39374, "grad_norm": 10.87494, "time": 0.41616} {"mode": "train", "epoch": 75, "iter": 93950, "lr": 0.0, "memory": 14793, "data_time": 0.00526, "decode.loss_ce": 0.22794, "decode.acc_seg": 90.58885, "aux.loss_ce": 0.17599, "aux.acc_seg": 82.9552, "loss": 0.40394, "grad_norm": 16.7631, "time": 0.41888} {"mode": "train", "epoch": 75, "iter": 94000, "lr": 0.0, "memory": 14793, "data_time": 0.00521, "decode.loss_ce": 0.21661, "decode.acc_seg": 91.11687, "aux.loss_ce": 0.16194, "aux.acc_seg": 84.96627, "loss": 0.37855, "grad_norm": 10.02852, "time": 0.6599} {"mode": "val", "epoch": 75, "iter": 125, "lr": 0.0, "aAcc": 0.8476, "mIoU": 0.544, "mAcc": 0.6746, "IoU.wall": 0.8005, "IoU.building": 0.8365, "IoU.sky": 0.9486, "IoU.floor": 0.8334, "IoU.tree": 0.7623, "IoU.ceiling": 0.8579, "IoU.road": 0.8551, "IoU.bed ": 0.9128, "IoU.windowpane": 0.6443, "IoU.grass": 0.6778, "IoU.cabinet": 0.6459, "IoU.sidewalk": 0.6791, "IoU.person": 0.839, "IoU.earth": 0.3786, "IoU.door": 0.5548, "IoU.table": 0.6463, "IoU.mountain": 0.5883, "IoU.plant": 0.5427, "IoU.curtain": 0.7594, "IoU.chair": 0.6325, "IoU.car": 0.861, "IoU.water": 0.6153, "IoU.painting": 0.7404, "IoU.sofa": 0.7407, "IoU.shelf": 0.4539, "IoU.house": 0.4895, "IoU.sea": 0.7106, "IoU.mirror": 0.7246, "IoU.rug": 0.6655, "IoU.field": 0.312, "IoU.armchair": 0.4807, "IoU.seat": 0.6586, "IoU.fence": 0.4733, "IoU.desk": 0.5273, "IoU.rock": 0.4987, "IoU.wardrobe": 0.5278, "IoU.lamp": 0.677, "IoU.bathtub": 0.813, "IoU.railing": 0.3964, "IoU.cushion": 0.642, "IoU.base": 0.3205, "IoU.box": 0.3386, "IoU.column": 0.5367, "IoU.signboard": 0.3908, "IoU.chest of drawers": 0.453, "IoU.counter": 0.3195, "IoU.sand": 0.5772, "IoU.sink": 0.7997, "IoU.skyscraper": 0.5267, "IoU.fireplace": 0.7174, "IoU.refrigerator": 0.7524, "IoU.grandstand": 0.4787, "IoU.path": 0.2571, "IoU.stairs": 0.3492, "IoU.runway": 0.7044, "IoU.case": 0.5085, "IoU.pool table": 0.9351, "IoU.pillow": 0.6183, "IoU.screen door": 0.668, "IoU.stairway": 0.4054, "IoU.river": 0.1134, "IoU.bridge": 0.3418, "IoU.bookcase": 0.4482, "IoU.blind": 0.4819, "IoU.coffee table": 0.6106, "IoU.toilet": 0.8666, "IoU.flower": 0.4628, "IoU.book": 0.4869, "IoU.hill": 0.0695, "IoU.bench": 0.6386, "IoU.countertop": 0.6073, "IoU.stove": 0.8357, "IoU.palm": 0.568, "IoU.kitchen island": 0.4499, "IoU.computer": 0.7391, "IoU.swivel chair": 0.4824, "IoU.boat": 0.744, "IoU.bar": 0.4847, "IoU.arcade machine": 0.6605, "IoU.hovel": 0.6105, "IoU.bus": 0.9212, "IoU.towel": 0.7062, "IoU.light": 0.5886, "IoU.truck": 0.4554, "IoU.tower": 0.2688, "IoU.chandelier": 0.6964, "IoU.awning": 0.3449, "IoU.streetlight": 0.3297, "IoU.booth": 0.4038, "IoU.television receiver": 0.7693, "IoU.airplane": 0.743, "IoU.dirt track": 0.0717, "IoU.apparel": 0.6311, "IoU.pole": 0.2249, "IoU.land": 0.0441, "IoU.bannister": 0.1614, "IoU.escalator": 0.5527, "IoU.ottoman": 0.5317, "IoU.bottle": 0.419, "IoU.buffet": 0.4719, "IoU.poster": 0.3186, "IoU.stage": 0.221, "IoU.van": 0.411, "IoU.ship": 0.7473, "IoU.fountain": 0.2607, "IoU.conveyer belt": 0.7645, "IoU.canopy": 0.4108, "IoU.washer": 0.728, "IoU.plaything": 0.4208, "IoU.swimming pool": 0.6984, "IoU.stool": 0.4688, "IoU.barrel": 0.5955, "IoU.basket": 0.4011, "IoU.waterfall": 0.6647, "IoU.tent": 0.952, "IoU.bag": 0.1825, "IoU.minibike": 0.7299, "IoU.cradle": 0.8359, "IoU.oven": 0.4529, "IoU.ball": 0.4589, "IoU.food": 0.5413, "IoU.step": 0.2584, "IoU.tank": 0.6287, "IoU.trade name": 0.2418, "IoU.microwave": 0.783, "IoU.pot": 0.5289, "IoU.animal": 0.5956, "IoU.bicycle": 0.579, "IoU.lake": 0.5223, "IoU.dishwasher": 0.6532, "IoU.screen": 0.5855, "IoU.blanket": 0.2676, "IoU.sculpture": 0.6961, "IoU.hood": 0.6551, "IoU.sconce": 0.5466, "IoU.vase": 0.4354, "IoU.traffic light": 0.358, "IoU.tray": 0.0634, "IoU.ashcan": 0.4743, "IoU.fan": 0.6537, "IoU.pier": 0.4584, "IoU.crt screen": 0.108, "IoU.plate": 0.5503, "IoU.monitor": 0.115, "IoU.bulletin board": 0.6439, "IoU.shower": 0.0311, "IoU.radiator": 0.6399, "IoU.glass": 0.1595, "IoU.clock": 0.4668, "IoU.flag": 0.5393, "Acc.wall": 0.8795, "Acc.building": 0.9262, "Acc.sky": 0.9731, "Acc.floor": 0.904, "Acc.tree": 0.885, "Acc.ceiling": 0.9256, "Acc.road": 0.9163, "Acc.bed ": 0.974, "Acc.windowpane": 0.8217, "Acc.grass": 0.7942, "Acc.cabinet": 0.7485, "Acc.sidewalk": 0.8282, "Acc.person": 0.9302, "Acc.earth": 0.52, "Acc.door": 0.7445, "Acc.table": 0.7839, "Acc.mountain": 0.7461, "Acc.plant": 0.6679, "Acc.curtain": 0.8722, "Acc.chair": 0.7766, "Acc.car": 0.9368, "Acc.water": 0.7678, "Acc.painting": 0.8966, "Acc.sofa": 0.883, "Acc.shelf": 0.6479, "Acc.house": 0.7066, "Acc.sea": 0.8473, "Acc.mirror": 0.8071, "Acc.rug": 0.7989, "Acc.field": 0.4847, "Acc.armchair": 0.6581, "Acc.seat": 0.8282, "Acc.fence": 0.6054, "Acc.desk": 0.7286, "Acc.rock": 0.7804, "Acc.wardrobe": 0.6747, "Acc.lamp": 0.7997, "Acc.bathtub": 0.8662, "Acc.railing": 0.5595, "Acc.cushion": 0.7455, "Acc.base": 0.4787, "Acc.box": 0.4305, "Acc.column": 0.6796, "Acc.signboard": 0.5481, "Acc.chest of drawers": 0.6952, "Acc.counter": 0.4192, "Acc.sand": 0.81, "Acc.sink": 0.8873, "Acc.skyscraper": 0.6258, "Acc.fireplace": 0.9126, "Acc.refrigerator": 0.8504, "Acc.grandstand": 0.8413, "Acc.path": 0.3666, "Acc.stairs": 0.4404, "Acc.runway": 0.9511, "Acc.case": 0.6238, "Acc.pool table": 0.9816, "Acc.pillow": 0.7382, "Acc.screen door": 0.8619, "Acc.stairway": 0.5054, "Acc.river": 0.2535, "Acc.bridge": 0.3959, "Acc.bookcase": 0.715, "Acc.blind": 0.5733, "Acc.coffee table": 0.8654, "Acc.toilet": 0.9333, "Acc.flower": 0.6435, "Acc.book": 0.682, "Acc.hill": 0.1209, "Acc.bench": 0.7526, "Acc.countertop": 0.801, "Acc.stove": 0.8953, "Acc.palm": 0.8392, "Acc.kitchen island": 0.8308, "Acc.computer": 0.9122, "Acc.swivel chair": 0.6259, "Acc.boat": 0.85, "Acc.bar": 0.6357, "Acc.arcade machine": 0.6986, "Acc.hovel": 0.7026, "Acc.bus": 0.9782, "Acc.towel": 0.8484, "Acc.light": 0.7144, "Acc.truck": 0.5985, "Acc.tower": 0.4668, "Acc.chandelier": 0.8644, "Acc.awning": 0.4125, "Acc.streetlight": 0.4711, "Acc.booth": 0.5486, "Acc.television receiver": 0.8548, "Acc.airplane": 0.8507, "Acc.dirt track": 0.1234, "Acc.apparel": 0.7811, "Acc.pole": 0.2893, "Acc.land": 0.0776, "Acc.bannister": 0.2082, "Acc.escalator": 0.8342, "Acc.ottoman": 0.7038, "Acc.bottle": 0.6717, "Acc.buffet": 0.6006, "Acc.poster": 0.4539, "Acc.stage": 0.333, "Acc.van": 0.5445, "Acc.ship": 0.8366, "Acc.fountain": 0.2638, "Acc.conveyer belt": 0.9491, "Acc.canopy": 0.5767, "Acc.washer": 0.7501, "Acc.plaything": 0.6212, "Acc.swimming pool": 0.7522, "Acc.stool": 0.6492, "Acc.barrel": 0.8792, "Acc.basket": 0.5509, "Acc.waterfall": 0.7763, "Acc.tent": 0.9817, "Acc.bag": 0.218, "Acc.minibike": 0.8777, "Acc.cradle": 0.9722, "Acc.oven": 0.6647, "Acc.ball": 0.4983, "Acc.food": 0.6113, "Acc.step": 0.3243, "Acc.tank": 0.6719, "Acc.trade name": 0.277, "Acc.microwave": 0.9152, "Acc.pot": 0.6299, "Acc.animal": 0.6118, "Acc.bicycle": 0.7205, "Acc.lake": 0.6397, "Acc.dishwasher": 0.7735, "Acc.screen": 0.8722, "Acc.blanket": 0.3303, "Acc.sculpture": 0.8423, "Acc.hood": 0.72, "Acc.sconce": 0.6912, "Acc.vase": 0.6171, "Acc.traffic light": 0.6106, "Acc.tray": 0.0913, "Acc.ashcan": 0.6334, "Acc.fan": 0.8201, "Acc.pier": 0.6494, "Acc.crt screen": 0.2718, "Acc.plate": 0.8118, "Acc.monitor": 0.1321, "Acc.bulletin board": 0.7771, "Acc.shower": 0.0353, "Acc.radiator": 0.7394, "Acc.glass": 0.1715, "Acc.clock": 0.5245, "Acc.flag": 0.6177} {"mode": "train", "epoch": 75, "iter": 94050, "lr": 0.0, "memory": 14793, "data_time": 2.09204, "decode.loss_ce": 0.21592, "decode.acc_seg": 90.62101, "aux.loss_ce": 0.16297, "aux.acc_seg": 83.89977, "loss": 0.37889, "grad_norm": 12.68727, "time": 2.51153} {"mode": "train", "epoch": 75, "iter": 94100, "lr": 0.0, "memory": 14793, "data_time": 0.00689, "decode.loss_ce": 0.2256, "decode.acc_seg": 90.68727, "aux.loss_ce": 0.16665, "aux.acc_seg": 83.94856, "loss": 0.39226, "grad_norm": 14.46907, "time": 0.41348} {"mode": "train", "epoch": 75, "iter": 94150, "lr": 0.0, "memory": 14793, "data_time": 0.0083, "decode.loss_ce": 0.20938, "decode.acc_seg": 90.99377, "aux.loss_ce": 0.15851, "aux.acc_seg": 84.40025, "loss": 0.36789, "grad_norm": 13.36375, "time": 0.42087} {"mode": "train", "epoch": 75, "iter": 94200, "lr": 0.0, "memory": 14793, "data_time": 0.00565, "decode.loss_ce": 0.21861, "decode.acc_seg": 90.98384, "aux.loss_ce": 0.16075, "aux.acc_seg": 84.53544, "loss": 0.37936, "grad_norm": 14.59555, "time": 0.40976} {"mode": "train", "epoch": 75, "iter": 94250, "lr": 0.0, "memory": 14793, "data_time": 0.00577, "decode.loss_ce": 0.23384, "decode.acc_seg": 90.09516, "aux.loss_ce": 0.1742, "aux.acc_seg": 83.09404, "loss": 0.40803, "grad_norm": 12.46212, "time": 0.41247} {"mode": "train", "epoch": 75, "iter": 94300, "lr": 0.0, "memory": 14793, "data_time": 0.00668, "decode.loss_ce": 0.25386, "decode.acc_seg": 89.59585, "aux.loss_ce": 0.18069, "aux.acc_seg": 82.97751, "loss": 0.43455, "grad_norm": 23.57506, "time": 0.41581} {"mode": "train", "epoch": 75, "iter": 94350, "lr": 0.0, "memory": 14793, "data_time": 0.00581, "decode.loss_ce": 0.21827, "decode.acc_seg": 90.89477, "aux.loss_ce": 0.16437, "aux.acc_seg": 84.54256, "loss": 0.38264, "grad_norm": 9.26001, "time": 0.41771} {"mode": "train", "epoch": 75, "iter": 94400, "lr": 0.0, "memory": 14793, "data_time": 0.00593, "decode.loss_ce": 0.23091, "decode.acc_seg": 90.35539, "aux.loss_ce": 0.18018, "aux.acc_seg": 83.11887, "loss": 0.41109, "grad_norm": 14.62219, "time": 0.41626} {"mode": "train", "epoch": 75, "iter": 94450, "lr": 0.0, "memory": 14793, "data_time": 0.00539, "decode.loss_ce": 0.22519, "decode.acc_seg": 90.51216, "aux.loss_ce": 0.16235, "aux.acc_seg": 84.36668, "loss": 0.38754, "grad_norm": 11.63883, "time": 0.41747} {"mode": "train", "epoch": 75, "iter": 94500, "lr": 0.0, "memory": 14793, "data_time": 0.00583, "decode.loss_ce": 0.23339, "decode.acc_seg": 90.52194, "aux.loss_ce": 0.17291, "aux.acc_seg": 83.55105, "loss": 0.40629, "grad_norm": 13.92582, "time": 0.41943} {"mode": "train", "epoch": 75, "iter": 94550, "lr": 0.0, "memory": 14793, "data_time": 0.00559, "decode.loss_ce": 0.23398, "decode.acc_seg": 90.37955, "aux.loss_ce": 0.17382, "aux.acc_seg": 83.85394, "loss": 0.4078, "grad_norm": 10.93461, "time": 0.41588} {"mode": "train", "epoch": 75, "iter": 94600, "lr": 0.0, "memory": 14793, "data_time": 0.00637, "decode.loss_ce": 0.2278, "decode.acc_seg": 90.10852, "aux.loss_ce": 0.16954, "aux.acc_seg": 83.11331, "loss": 0.39734, "grad_norm": 14.21108, "time": 0.41346} {"mode": "train", "epoch": 75, "iter": 94650, "lr": 0.0, "memory": 14793, "data_time": 0.00587, "decode.loss_ce": 0.22541, "decode.acc_seg": 90.52199, "aux.loss_ce": 0.1622, "aux.acc_seg": 84.37974, "loss": 0.38761, "grad_norm": 14.47407, "time": 0.40724} {"mode": "train", "epoch": 75, "iter": 94700, "lr": 0.0, "memory": 14793, "data_time": 0.00671, "decode.loss_ce": 0.23157, "decode.acc_seg": 90.29469, "aux.loss_ce": 0.17102, "aux.acc_seg": 83.25213, "loss": 0.4026, "grad_norm": 13.96071, "time": 0.41648} {"mode": "train", "epoch": 75, "iter": 94750, "lr": 0.0, "memory": 14793, "data_time": 0.00522, "decode.loss_ce": 0.24898, "decode.acc_seg": 89.92818, "aux.loss_ce": 0.17954, "aux.acc_seg": 83.45714, "loss": 0.42853, "grad_norm": 12.6, "time": 0.41629} {"mode": "train", "epoch": 75, "iter": 94800, "lr": 0.0, "memory": 14793, "data_time": 0.00501, "decode.loss_ce": 0.22445, "decode.acc_seg": 90.63677, "aux.loss_ce": 0.17337, "aux.acc_seg": 83.45681, "loss": 0.39782, "grad_norm": 11.43236, "time": 0.4177} {"mode": "train", "epoch": 76, "iter": 94850, "lr": 0.0, "memory": 14793, "data_time": 0.05841, "decode.loss_ce": 0.2213, "decode.acc_seg": 90.90577, "aux.loss_ce": 0.16516, "aux.acc_seg": 84.36368, "loss": 0.38646, "grad_norm": 10.21959, "time": 0.48379} {"mode": "train", "epoch": 76, "iter": 94900, "lr": 0.0, "memory": 14793, "data_time": 0.00529, "decode.loss_ce": 0.20405, "decode.acc_seg": 91.35653, "aux.loss_ce": 0.15359, "aux.acc_seg": 84.891, "loss": 0.35764, "grad_norm": 10.06695, "time": 0.41981} {"mode": "train", "epoch": 76, "iter": 94950, "lr": 0.0, "memory": 14793, "data_time": 0.00534, "decode.loss_ce": 0.23953, "decode.acc_seg": 90.65321, "aux.loss_ce": 0.16994, "aux.acc_seg": 84.07732, "loss": 0.40947, "grad_norm": 14.0513, "time": 0.41177} {"mode": "train", "epoch": 76, "iter": 95000, "lr": 0.0, "memory": 14793, "data_time": 0.00612, "decode.loss_ce": 0.22942, "decode.acc_seg": 90.6043, "aux.loss_ce": 0.1732, "aux.acc_seg": 83.09793, "loss": 0.40262, "grad_norm": 13.38547, "time": 0.6758} {"mode": "val", "epoch": 76, "iter": 125, "lr": 0.0, "aAcc": 0.8491, "mIoU": 0.5469, "mAcc": 0.6771, "IoU.wall": 0.8028, "IoU.building": 0.8367, "IoU.sky": 0.9494, "IoU.floor": 0.8352, "IoU.tree": 0.7629, "IoU.ceiling": 0.8581, "IoU.road": 0.8525, "IoU.bed ": 0.9173, "IoU.windowpane": 0.6482, "IoU.grass": 0.6727, "IoU.cabinet": 0.6391, "IoU.sidewalk": 0.6808, "IoU.person": 0.8393, "IoU.earth": 0.3921, "IoU.door": 0.5683, "IoU.table": 0.6531, "IoU.mountain": 0.6078, "IoU.plant": 0.5225, "IoU.curtain": 0.766, "IoU.chair": 0.6401, "IoU.car": 0.8581, "IoU.water": 0.6201, "IoU.painting": 0.7374, "IoU.sofa": 0.7499, "IoU.shelf": 0.4546, "IoU.house": 0.4784, "IoU.sea": 0.689, "IoU.mirror": 0.7337, "IoU.rug": 0.6629, "IoU.field": 0.3192, "IoU.armchair": 0.5061, "IoU.seat": 0.6621, "IoU.fence": 0.477, "IoU.desk": 0.5243, "IoU.rock": 0.506, "IoU.wardrobe": 0.5341, "IoU.lamp": 0.6861, "IoU.bathtub": 0.8209, "IoU.railing": 0.3942, "IoU.cushion": 0.6525, "IoU.base": 0.3585, "IoU.box": 0.348, "IoU.column": 0.5419, "IoU.signboard": 0.3907, "IoU.chest of drawers": 0.4382, "IoU.counter": 0.2984, "IoU.sand": 0.6027, "IoU.sink": 0.7784, "IoU.skyscraper": 0.6012, "IoU.fireplace": 0.6929, "IoU.refrigerator": 0.7656, "IoU.grandstand": 0.4761, "IoU.path": 0.2525, "IoU.stairs": 0.3682, "IoU.runway": 0.6985, "IoU.case": 0.4741, "IoU.pool table": 0.9355, "IoU.pillow": 0.6276, "IoU.screen door": 0.6804, "IoU.stairway": 0.4145, "IoU.river": 0.1038, "IoU.bridge": 0.3681, "IoU.bookcase": 0.4578, "IoU.blind": 0.4595, "IoU.coffee table": 0.618, "IoU.toilet": 0.8714, "IoU.flower": 0.4536, "IoU.book": 0.4904, "IoU.hill": 0.0824, "IoU.bench": 0.6432, "IoU.countertop": 0.5992, "IoU.stove": 0.8354, "IoU.palm": 0.5758, "IoU.kitchen island": 0.4307, "IoU.computer": 0.7365, "IoU.swivel chair": 0.5638, "IoU.boat": 0.7473, "IoU.bar": 0.5258, "IoU.arcade machine": 0.7203, "IoU.hovel": 0.6053, "IoU.bus": 0.9152, "IoU.towel": 0.6865, "IoU.light": 0.587, "IoU.truck": 0.4488, "IoU.tower": 0.3395, "IoU.chandelier": 0.7115, "IoU.awning": 0.3614, "IoU.streetlight": 0.3273, "IoU.booth": 0.4155, "IoU.television receiver": 0.7676, "IoU.airplane": 0.7506, "IoU.dirt track": 0.1127, "IoU.apparel": 0.6206, "IoU.pole": 0.2382, "IoU.land": 0.0521, "IoU.bannister": 0.1619, "IoU.escalator": 0.5463, "IoU.ottoman": 0.5338, "IoU.bottle": 0.4035, "IoU.buffet": 0.4572, "IoU.poster": 0.3239, "IoU.stage": 0.2398, "IoU.van": 0.4001, "IoU.ship": 0.6532, "IoU.fountain": 0.2268, "IoU.conveyer belt": 0.7765, "IoU.canopy": 0.3569, "IoU.washer": 0.7256, "IoU.plaything": 0.3945, "IoU.swimming pool": 0.6228, "IoU.stool": 0.4807, "IoU.barrel": 0.6163, "IoU.basket": 0.4079, "IoU.waterfall": 0.647, "IoU.tent": 0.9589, "IoU.bag": 0.1713, "IoU.minibike": 0.7275, "IoU.cradle": 0.8157, "IoU.oven": 0.4957, "IoU.ball": 0.4754, "IoU.food": 0.6154, "IoU.step": 0.2461, "IoU.tank": 0.6347, "IoU.trade name": 0.284, "IoU.microwave": 0.8411, "IoU.pot": 0.5284, "IoU.animal": 0.6113, "IoU.bicycle": 0.5962, "IoU.lake": 0.5127, "IoU.dishwasher": 0.6921, "IoU.screen": 0.573, "IoU.blanket": 0.2436, "IoU.sculpture": 0.709, "IoU.hood": 0.6528, "IoU.sconce": 0.5431, "IoU.vase": 0.4323, "IoU.traffic light": 0.3667, "IoU.tray": 0.0562, "IoU.ashcan": 0.4653, "IoU.fan": 0.6559, "IoU.pier": 0.3588, "IoU.crt screen": 0.1037, "IoU.plate": 0.5764, "IoU.monitor": 0.1324, "IoU.bulletin board": 0.6256, "IoU.shower": 0.0193, "IoU.radiator": 0.6514, "IoU.glass": 0.1667, "IoU.clock": 0.4656, "IoU.flag": 0.5758, "Acc.wall": 0.8874, "Acc.building": 0.9181, "Acc.sky": 0.9769, "Acc.floor": 0.9041, "Acc.tree": 0.894, "Acc.ceiling": 0.9192, "Acc.road": 0.9099, "Acc.bed ": 0.968, "Acc.windowpane": 0.8297, "Acc.grass": 0.8219, "Acc.cabinet": 0.7446, "Acc.sidewalk": 0.8385, "Acc.person": 0.9336, "Acc.earth": 0.5229, "Acc.door": 0.7347, "Acc.table": 0.7793, "Acc.mountain": 0.7343, "Acc.plant": 0.6559, "Acc.curtain": 0.877, "Acc.chair": 0.774, "Acc.car": 0.9418, "Acc.water": 0.7869, "Acc.painting": 0.8931, "Acc.sofa": 0.8667, "Acc.shelf": 0.6132, "Acc.house": 0.6885, "Acc.sea": 0.8225, "Acc.mirror": 0.8014, "Acc.rug": 0.7832, "Acc.field": 0.4701, "Acc.armchair": 0.7156, "Acc.seat": 0.8225, "Acc.fence": 0.6239, "Acc.desk": 0.7171, "Acc.rock": 0.7516, "Acc.wardrobe": 0.7298, "Acc.lamp": 0.7901, "Acc.bathtub": 0.8627, "Acc.railing": 0.5518, "Acc.cushion": 0.7569, "Acc.base": 0.4757, "Acc.box": 0.4689, "Acc.column": 0.6747, "Acc.signboard": 0.5484, "Acc.chest of drawers": 0.6529, "Acc.counter": 0.4192, "Acc.sand": 0.8137, "Acc.sink": 0.858, "Acc.skyscraper": 0.7682, "Acc.fireplace": 0.9437, "Acc.refrigerator": 0.8323, "Acc.grandstand": 0.819, "Acc.path": 0.4272, "Acc.stairs": 0.4821, "Acc.runway": 0.9152, "Acc.case": 0.5677, "Acc.pool table": 0.981, "Acc.pillow": 0.7548, "Acc.screen door": 0.8525, "Acc.stairway": 0.4933, "Acc.river": 0.2249, "Acc.bridge": 0.4159, "Acc.bookcase": 0.6806, "Acc.blind": 0.5396, "Acc.coffee table": 0.8539, "Acc.toilet": 0.9356, "Acc.flower": 0.6175, "Acc.book": 0.7055, "Acc.hill": 0.124, "Acc.bench": 0.7745, "Acc.countertop": 0.8157, "Acc.stove": 0.8833, "Acc.palm": 0.7995, "Acc.kitchen island": 0.8085, "Acc.computer": 0.919, "Acc.swivel chair": 0.7803, "Acc.boat": 0.8457, "Acc.bar": 0.6969, "Acc.arcade machine": 0.7622, "Acc.hovel": 0.6967, "Acc.bus": 0.9748, "Acc.towel": 0.8672, "Acc.light": 0.7283, "Acc.truck": 0.5873, "Acc.tower": 0.6185, "Acc.chandelier": 0.8561, "Acc.awning": 0.4612, "Acc.streetlight": 0.4811, "Acc.booth": 0.5262, "Acc.television receiver": 0.8575, "Acc.airplane": 0.8448, "Acc.dirt track": 0.2111, "Acc.apparel": 0.8125, "Acc.pole": 0.3146, "Acc.land": 0.0717, "Acc.bannister": 0.2241, "Acc.escalator": 0.807, "Acc.ottoman": 0.7182, "Acc.bottle": 0.7019, "Acc.buffet": 0.5706, "Acc.poster": 0.4709, "Acc.stage": 0.4593, "Acc.van": 0.521, "Acc.ship": 0.709, "Acc.fountain": 0.2288, "Acc.conveyer belt": 0.9535, "Acc.canopy": 0.5536, "Acc.washer": 0.7508, "Acc.plaything": 0.5616, "Acc.swimming pool": 0.7867, "Acc.stool": 0.6349, "Acc.barrel": 0.8674, "Acc.basket": 0.5398, "Acc.waterfall": 0.7764, "Acc.tent": 0.9829, "Acc.bag": 0.2052, "Acc.minibike": 0.8746, "Acc.cradle": 0.9776, "Acc.oven": 0.6089, "Acc.ball": 0.5145, "Acc.food": 0.7463, "Acc.step": 0.3139, "Acc.tank": 0.6694, "Acc.trade name": 0.3411, "Acc.microwave": 0.9596, "Acc.pot": 0.6354, "Acc.animal": 0.6278, "Acc.bicycle": 0.7764, "Acc.lake": 0.6395, "Acc.dishwasher": 0.8056, "Acc.screen": 0.8789, "Acc.blanket": 0.2957, "Acc.sculpture": 0.8329, "Acc.hood": 0.7281, "Acc.sconce": 0.6576, "Acc.vase": 0.6136, "Acc.traffic light": 0.5436, "Acc.tray": 0.0928, "Acc.ashcan": 0.6204, "Acc.fan": 0.7867, "Acc.pier": 0.4785, "Acc.crt screen": 0.2757, "Acc.plate": 0.7847, "Acc.monitor": 0.1551, "Acc.bulletin board": 0.7319, "Acc.shower": 0.0322, "Acc.radiator": 0.7423, "Acc.glass": 0.1812, "Acc.clock": 0.5248, "Acc.flag": 0.6465} {"mode": "train", "epoch": 76, "iter": 95050, "lr": 0.0, "memory": 14793, "data_time": 2.36728, "decode.loss_ce": 0.24203, "decode.acc_seg": 90.15163, "aux.loss_ce": 0.17279, "aux.acc_seg": 83.57663, "loss": 0.41483, "grad_norm": 16.09376, "time": 2.78554} {"mode": "train", "epoch": 76, "iter": 95100, "lr": 0.0, "memory": 14793, "data_time": 0.00586, "decode.loss_ce": 0.22654, "decode.acc_seg": 90.60812, "aux.loss_ce": 0.16358, "aux.acc_seg": 84.56999, "loss": 0.39012, "grad_norm": 13.15253, "time": 0.41599} {"mode": "train", "epoch": 76, "iter": 95150, "lr": 0.0, "memory": 14793, "data_time": 0.00667, "decode.loss_ce": 0.23362, "decode.acc_seg": 90.44603, "aux.loss_ce": 0.17672, "aux.acc_seg": 83.37038, "loss": 0.41034, "grad_norm": 14.24327, "time": 0.41784} {"mode": "train", "epoch": 76, "iter": 95200, "lr": 0.0, "memory": 14793, "data_time": 0.00627, "decode.loss_ce": 0.23052, "decode.acc_seg": 90.1295, "aux.loss_ce": 0.17911, "aux.acc_seg": 82.91749, "loss": 0.40963, "grad_norm": 14.30323, "time": 0.41924} {"mode": "train", "epoch": 76, "iter": 95250, "lr": 0.0, "memory": 14793, "data_time": 0.00571, "decode.loss_ce": 0.21936, "decode.acc_seg": 90.71332, "aux.loss_ce": 0.16453, "aux.acc_seg": 83.93759, "loss": 0.38388, "grad_norm": 10.91484, "time": 0.41484} {"mode": "train", "epoch": 76, "iter": 95300, "lr": 0.0, "memory": 14793, "data_time": 0.00826, "decode.loss_ce": 0.22435, "decode.acc_seg": 90.92471, "aux.loss_ce": 0.17909, "aux.acc_seg": 83.37158, "loss": 0.40344, "grad_norm": 12.62389, "time": 0.42311} {"mode": "train", "epoch": 76, "iter": 95350, "lr": 0.0, "memory": 14793, "data_time": 0.00606, "decode.loss_ce": 0.23313, "decode.acc_seg": 90.35234, "aux.loss_ce": 0.17378, "aux.acc_seg": 83.76067, "loss": 0.40691, "grad_norm": 15.1856, "time": 0.41668} {"mode": "train", "epoch": 76, "iter": 95400, "lr": 0.0, "memory": 14793, "data_time": 0.0065, "decode.loss_ce": 0.22077, "decode.acc_seg": 90.57743, "aux.loss_ce": 0.17065, "aux.acc_seg": 83.81221, "loss": 0.39143, "grad_norm": 11.7269, "time": 0.4148} {"mode": "train", "epoch": 76, "iter": 95450, "lr": 0.0, "memory": 14793, "data_time": 0.00561, "decode.loss_ce": 0.23177, "decode.acc_seg": 90.16125, "aux.loss_ce": 0.16606, "aux.acc_seg": 83.86607, "loss": 0.39783, "grad_norm": 10.59921, "time": 0.41413} {"mode": "train", "epoch": 76, "iter": 95500, "lr": 0.0, "memory": 14793, "data_time": 0.00829, "decode.loss_ce": 0.23451, "decode.acc_seg": 90.47029, "aux.loss_ce": 0.17286, "aux.acc_seg": 83.62357, "loss": 0.40738, "grad_norm": 13.15771, "time": 0.42193} {"mode": "train", "epoch": 76, "iter": 95550, "lr": 0.0, "memory": 14793, "data_time": 0.00679, "decode.loss_ce": 0.2466, "decode.acc_seg": 89.85034, "aux.loss_ce": 0.18412, "aux.acc_seg": 82.83137, "loss": 0.43072, "grad_norm": 17.21453, "time": 0.41483} {"mode": "train", "epoch": 76, "iter": 95600, "lr": 0.0, "memory": 14793, "data_time": 0.00541, "decode.loss_ce": 0.22669, "decode.acc_seg": 90.78592, "aux.loss_ce": 0.17101, "aux.acc_seg": 83.8748, "loss": 0.3977, "grad_norm": 9.39911, "time": 0.42246} {"mode": "train", "epoch": 76, "iter": 95650, "lr": 0.0, "memory": 14793, "data_time": 0.00503, "decode.loss_ce": 0.22533, "decode.acc_seg": 90.51731, "aux.loss_ce": 0.16536, "aux.acc_seg": 84.28424, "loss": 0.3907, "grad_norm": 10.43981, "time": 0.41581} {"mode": "train", "epoch": 76, "iter": 95700, "lr": 0.0, "memory": 14793, "data_time": 0.00512, "decode.loss_ce": 0.23391, "decode.acc_seg": 90.50009, "aux.loss_ce": 0.17509, "aux.acc_seg": 83.87791, "loss": 0.409, "grad_norm": 10.8422, "time": 0.41405} {"mode": "train", "epoch": 76, "iter": 95750, "lr": 0.0, "memory": 14793, "data_time": 0.00509, "decode.loss_ce": 0.22974, "decode.acc_seg": 90.41809, "aux.loss_ce": 0.16555, "aux.acc_seg": 84.23074, "loss": 0.39528, "grad_norm": 16.38456, "time": 0.41376} {"mode": "train", "epoch": 76, "iter": 95800, "lr": 0.0, "memory": 14793, "data_time": 0.00526, "decode.loss_ce": 0.24204, "decode.acc_seg": 90.49149, "aux.loss_ce": 0.17293, "aux.acc_seg": 84.22323, "loss": 0.41497, "grad_norm": 12.17389, "time": 0.41608} {"mode": "train", "epoch": 76, "iter": 95850, "lr": 0.0, "memory": 14793, "data_time": 0.00519, "decode.loss_ce": 0.21851, "decode.acc_seg": 90.71948, "aux.loss_ce": 0.16549, "aux.acc_seg": 84.09872, "loss": 0.384, "grad_norm": 13.12121, "time": 0.41} {"mode": "train", "epoch": 76, "iter": 95900, "lr": 0.0, "memory": 14793, "data_time": 0.00564, "decode.loss_ce": 0.22976, "decode.acc_seg": 90.43314, "aux.loss_ce": 0.16461, "aux.acc_seg": 84.39963, "loss": 0.39437, "grad_norm": 20.76789, "time": 0.42493} {"mode": "train", "epoch": 76, "iter": 95950, "lr": 0.0, "memory": 14793, "data_time": 0.00545, "decode.loss_ce": 0.23299, "decode.acc_seg": 90.54858, "aux.loss_ce": 0.16492, "aux.acc_seg": 84.20674, "loss": 0.39791, "grad_norm": 12.68761, "time": 0.40723} {"mode": "train", "epoch": 76, "iter": 96000, "lr": 0.0, "memory": 14793, "data_time": 0.00545, "decode.loss_ce": 0.21696, "decode.acc_seg": 90.99273, "aux.loss_ce": 0.1643, "aux.acc_seg": 84.331, "loss": 0.38126, "grad_norm": 13.8407, "time": 0.67002} {"mode": "val", "epoch": 76, "iter": 125, "lr": 0.0, "aAcc": 0.8483, "mIoU": 0.5412, "mAcc": 0.6672, "IoU.wall": 0.7997, "IoU.building": 0.8347, "IoU.sky": 0.9489, "IoU.floor": 0.8318, "IoU.tree": 0.7583, "IoU.ceiling": 0.8544, "IoU.road": 0.8531, "IoU.bed ": 0.9143, "IoU.windowpane": 0.6465, "IoU.grass": 0.6854, "IoU.cabinet": 0.6461, "IoU.sidewalk": 0.6773, "IoU.person": 0.839, "IoU.earth": 0.3946, "IoU.door": 0.5515, "IoU.table": 0.6516, "IoU.mountain": 0.5974, "IoU.plant": 0.5298, "IoU.curtain": 0.76, "IoU.chair": 0.6236, "IoU.car": 0.8635, "IoU.water": 0.6173, "IoU.painting": 0.7319, "IoU.sofa": 0.7378, "IoU.shelf": 0.4667, "IoU.house": 0.4882, "IoU.sea": 0.6989, "IoU.mirror": 0.7536, "IoU.rug": 0.6809, "IoU.field": 0.317, "IoU.armchair": 0.4903, "IoU.seat": 0.6615, "IoU.fence": 0.4694, "IoU.desk": 0.5352, "IoU.rock": 0.5235, "IoU.wardrobe": 0.5718, "IoU.lamp": 0.6803, "IoU.bathtub": 0.8198, "IoU.railing": 0.3894, "IoU.cushion": 0.6388, "IoU.base": 0.3814, "IoU.box": 0.3408, "IoU.column": 0.5429, "IoU.signboard": 0.3869, "IoU.chest of drawers": 0.4483, "IoU.counter": 0.2776, "IoU.sand": 0.5633, "IoU.sink": 0.781, "IoU.skyscraper": 0.4722, "IoU.fireplace": 0.681, "IoU.refrigerator": 0.7784, "IoU.grandstand": 0.4871, "IoU.path": 0.2543, "IoU.stairs": 0.3441, "IoU.runway": 0.6762, "IoU.case": 0.5287, "IoU.pool table": 0.9336, "IoU.pillow": 0.6184, "IoU.screen door": 0.6768, "IoU.stairway": 0.3873, "IoU.river": 0.1111, "IoU.bridge": 0.321, "IoU.bookcase": 0.4578, "IoU.blind": 0.4363, "IoU.coffee table": 0.6214, "IoU.toilet": 0.8695, "IoU.flower": 0.4405, "IoU.book": 0.5023, "IoU.hill": 0.0671, "IoU.bench": 0.6463, "IoU.countertop": 0.6264, "IoU.stove": 0.8251, "IoU.palm": 0.5641, "IoU.kitchen island": 0.4113, "IoU.computer": 0.7616, "IoU.swivel chair": 0.5426, "IoU.boat": 0.7512, "IoU.bar": 0.4815, "IoU.arcade machine": 0.6669, "IoU.hovel": 0.6072, "IoU.bus": 0.9109, "IoU.towel": 0.684, "IoU.light": 0.5808, "IoU.truck": 0.4494, "IoU.tower": 0.2702, "IoU.chandelier": 0.6994, "IoU.awning": 0.3057, "IoU.streetlight": 0.3109, "IoU.booth": 0.3472, "IoU.television receiver": 0.7612, "IoU.airplane": 0.685, "IoU.dirt track": 0.0679, "IoU.apparel": 0.6182, "IoU.pole": 0.2304, "IoU.land": 0.0482, "IoU.bannister": 0.1567, "IoU.escalator": 0.5327, "IoU.ottoman": 0.5437, "IoU.bottle": 0.4063, "IoU.buffet": 0.4529, "IoU.poster": 0.3156, "IoU.stage": 0.2616, "IoU.van": 0.4655, "IoU.ship": 0.6719, "IoU.fountain": 0.2488, "IoU.conveyer belt": 0.7804, "IoU.canopy": 0.4034, "IoU.washer": 0.7264, "IoU.plaything": 0.3647, "IoU.swimming pool": 0.6767, "IoU.stool": 0.4782, "IoU.barrel": 0.5114, "IoU.basket": 0.3972, "IoU.waterfall": 0.6522, "IoU.tent": 0.9565, "IoU.bag": 0.1722, "IoU.minibike": 0.7309, "IoU.cradle": 0.8351, "IoU.oven": 0.4838, "IoU.ball": 0.5338, "IoU.food": 0.5975, "IoU.step": 0.2364, "IoU.tank": 0.6327, "IoU.trade name": 0.2137, "IoU.microwave": 0.8272, "IoU.pot": 0.5256, "IoU.animal": 0.5911, "IoU.bicycle": 0.5908, "IoU.lake": 0.503, "IoU.dishwasher": 0.6826, "IoU.screen": 0.5897, "IoU.blanket": 0.2249, "IoU.sculpture": 0.6716, "IoU.hood": 0.6688, "IoU.sconce": 0.5312, "IoU.vase": 0.4461, "IoU.traffic light": 0.366, "IoU.tray": 0.0489, "IoU.ashcan": 0.4704, "IoU.fan": 0.6268, "IoU.pier": 0.3909, "IoU.crt screen": 0.1036, "IoU.plate": 0.5653, "IoU.monitor": 0.13, "IoU.bulletin board": 0.6432, "IoU.shower": 0.0153, "IoU.radiator": 0.6397, "IoU.glass": 0.1594, "IoU.clock": 0.4494, "IoU.flag": 0.5074, "Acc.wall": 0.8867, "Acc.building": 0.9282, "Acc.sky": 0.9785, "Acc.floor": 0.901, "Acc.tree": 0.881, "Acc.ceiling": 0.9345, "Acc.road": 0.921, "Acc.bed ": 0.9699, "Acc.windowpane": 0.8263, "Acc.grass": 0.8325, "Acc.cabinet": 0.7582, "Acc.sidewalk": 0.7995, "Acc.person": 0.9324, "Acc.earth": 0.5402, "Acc.door": 0.6688, "Acc.table": 0.7959, "Acc.mountain": 0.7357, "Acc.plant": 0.6383, "Acc.curtain": 0.8732, "Acc.chair": 0.7262, "Acc.car": 0.9387, "Acc.water": 0.7758, "Acc.painting": 0.9002, "Acc.sofa": 0.8903, "Acc.shelf": 0.6407, "Acc.house": 0.6899, "Acc.sea": 0.8419, "Acc.mirror": 0.8325, "Acc.rug": 0.8431, "Acc.field": 0.4486, "Acc.armchair": 0.6896, "Acc.seat": 0.8339, "Acc.fence": 0.6197, "Acc.desk": 0.7416, "Acc.rock": 0.7643, "Acc.wardrobe": 0.7386, "Acc.lamp": 0.7941, "Acc.bathtub": 0.8687, "Acc.railing": 0.5013, "Acc.cushion": 0.7493, "Acc.base": 0.5454, "Acc.box": 0.4442, "Acc.column": 0.6488, "Acc.signboard": 0.5258, "Acc.chest of drawers": 0.7072, "Acc.counter": 0.3479, "Acc.sand": 0.7914, "Acc.sink": 0.8491, "Acc.skyscraper": 0.5502, "Acc.fireplace": 0.9458, "Acc.refrigerator": 0.8389, "Acc.grandstand": 0.8202, "Acc.path": 0.4178, "Acc.stairs": 0.4613, "Acc.runway": 0.8933, "Acc.case": 0.6582, "Acc.pool table": 0.9825, "Acc.pillow": 0.7423, "Acc.screen door": 0.832, "Acc.stairway": 0.4644, "Acc.river": 0.2273, "Acc.bridge": 0.3866, "Acc.bookcase": 0.6734, "Acc.blind": 0.4938, "Acc.coffee table": 0.8343, "Acc.toilet": 0.9318, "Acc.flower": 0.5931, "Acc.book": 0.727, "Acc.hill": 0.1221, "Acc.bench": 0.7536, "Acc.countertop": 0.8345, "Acc.stove": 0.9147, "Acc.palm": 0.7863, "Acc.kitchen island": 0.827, "Acc.computer": 0.8968, "Acc.swivel chair": 0.7385, "Acc.boat": 0.8447, "Acc.bar": 0.6925, "Acc.arcade machine": 0.7053, "Acc.hovel": 0.6899, "Acc.bus": 0.9796, "Acc.towel": 0.8558, "Acc.light": 0.6992, "Acc.truck": 0.6075, "Acc.tower": 0.4673, "Acc.chandelier": 0.8373, "Acc.awning": 0.3415, "Acc.streetlight": 0.4117, "Acc.booth": 0.4201, "Acc.television receiver": 0.8334, "Acc.airplane": 0.7617, "Acc.dirt track": 0.1227, "Acc.apparel": 0.8053, "Acc.pole": 0.2991, "Acc.land": 0.0827, "Acc.bannister": 0.2091, "Acc.escalator": 0.8184, "Acc.ottoman": 0.72, "Acc.bottle": 0.6847, "Acc.buffet": 0.5541, "Acc.poster": 0.4386, "Acc.stage": 0.4384, "Acc.van": 0.6124, "Acc.ship": 0.7431, "Acc.fountain": 0.2514, "Acc.conveyer belt": 0.9503, "Acc.canopy": 0.5429, "Acc.washer": 0.7538, "Acc.plaything": 0.5308, "Acc.swimming pool": 0.7797, "Acc.stool": 0.6463, "Acc.barrel": 0.8838, "Acc.basket": 0.5243, "Acc.waterfall": 0.7724, "Acc.tent": 0.9838, "Acc.bag": 0.2033, "Acc.minibike": 0.8662, "Acc.cradle": 0.977, "Acc.oven": 0.614, "Acc.ball": 0.5918, "Acc.food": 0.7121, "Acc.step": 0.2959, "Acc.tank": 0.6678, "Acc.trade name": 0.2303, "Acc.microwave": 0.9581, "Acc.pot": 0.6215, "Acc.animal": 0.6078, "Acc.bicycle": 0.78, "Acc.lake": 0.6405, "Acc.dishwasher": 0.7844, "Acc.screen": 0.8704, "Acc.blanket": 0.2591, "Acc.sculpture": 0.8473, "Acc.hood": 0.7316, "Acc.sconce": 0.6651, "Acc.vase": 0.5941, "Acc.traffic light": 0.5732, "Acc.tray": 0.0837, "Acc.ashcan": 0.6026, "Acc.fan": 0.7283, "Acc.pier": 0.5607, "Acc.crt screen": 0.2641, "Acc.plate": 0.7751, "Acc.monitor": 0.1471, "Acc.bulletin board": 0.7293, "Acc.shower": 0.0209, "Acc.radiator": 0.7163, "Acc.glass": 0.1715, "Acc.clock": 0.4976, "Acc.flag": 0.5549} {"mode": "train", "epoch": 76, "iter": 96050, "lr": 0.0, "memory": 14793, "data_time": 2.11975, "decode.loss_ce": 0.22614, "decode.acc_seg": 90.46125, "aux.loss_ce": 0.17274, "aux.acc_seg": 83.48333, "loss": 0.39888, "grad_norm": 14.36803, "time": 2.53839} {"mode": "train", "epoch": 77, "iter": 96100, "lr": 0.0, "memory": 14793, "data_time": 0.05196, "decode.loss_ce": 0.22092, "decode.acc_seg": 90.2045, "aux.loss_ce": 0.16951, "aux.acc_seg": 83.31518, "loss": 0.39043, "grad_norm": 13.12501, "time": 0.46799} {"mode": "train", "epoch": 77, "iter": 96150, "lr": 0.0, "memory": 14793, "data_time": 0.00551, "decode.loss_ce": 0.22269, "decode.acc_seg": 90.71905, "aux.loss_ce": 0.16823, "aux.acc_seg": 83.9862, "loss": 0.39092, "grad_norm": 15.87674, "time": 0.41672} {"mode": "train", "epoch": 77, "iter": 96200, "lr": 0.0, "memory": 14793, "data_time": 0.00555, "decode.loss_ce": 0.23025, "decode.acc_seg": 90.42654, "aux.loss_ce": 0.17203, "aux.acc_seg": 83.64548, "loss": 0.40227, "grad_norm": 13.07272, "time": 0.40914} {"mode": "train", "epoch": 77, "iter": 96250, "lr": 0.0, "memory": 14793, "data_time": 0.0055, "decode.loss_ce": 0.22285, "decode.acc_seg": 90.62464, "aux.loss_ce": 0.16467, "aux.acc_seg": 83.57261, "loss": 0.38752, "grad_norm": 13.52018, "time": 0.41137} {"mode": "train", "epoch": 77, "iter": 96300, "lr": 0.0, "memory": 14793, "data_time": 0.00571, "decode.loss_ce": 0.22542, "decode.acc_seg": 90.34794, "aux.loss_ce": 0.16439, "aux.acc_seg": 83.98539, "loss": 0.38981, "grad_norm": 11.08386, "time": 0.41998} {"mode": "train", "epoch": 77, "iter": 96350, "lr": 0.0, "memory": 14793, "data_time": 0.00553, "decode.loss_ce": 0.23819, "decode.acc_seg": 90.24904, "aux.loss_ce": 0.17574, "aux.acc_seg": 83.06534, "loss": 0.41393, "grad_norm": 10.86468, "time": 0.41235} {"mode": "train", "epoch": 77, "iter": 96400, "lr": 0.0, "memory": 14793, "data_time": 0.00567, "decode.loss_ce": 0.24846, "decode.acc_seg": 90.15225, "aux.loss_ce": 0.1786, "aux.acc_seg": 83.49803, "loss": 0.42706, "grad_norm": 14.56012, "time": 0.41881} {"mode": "train", "epoch": 77, "iter": 96450, "lr": 0.0, "memory": 14793, "data_time": 0.00557, "decode.loss_ce": 0.21678, "decode.acc_seg": 90.84208, "aux.loss_ce": 0.16822, "aux.acc_seg": 83.43261, "loss": 0.385, "grad_norm": 11.393, "time": 0.41822} {"mode": "train", "epoch": 77, "iter": 96500, "lr": 0.0, "memory": 14793, "data_time": 0.00543, "decode.loss_ce": 0.24315, "decode.acc_seg": 90.16254, "aux.loss_ce": 0.17793, "aux.acc_seg": 83.45372, "loss": 0.42107, "grad_norm": 14.75726, "time": 0.42265} {"mode": "train", "epoch": 77, "iter": 96550, "lr": 0.0, "memory": 14793, "data_time": 0.00525, "decode.loss_ce": 0.22417, "decode.acc_seg": 90.5447, "aux.loss_ce": 0.16628, "aux.acc_seg": 83.98279, "loss": 0.39045, "grad_norm": 14.5497, "time": 0.40976} {"mode": "train", "epoch": 77, "iter": 96600, "lr": 0.0, "memory": 14793, "data_time": 0.00546, "decode.loss_ce": 0.23568, "decode.acc_seg": 90.11137, "aux.loss_ce": 0.17003, "aux.acc_seg": 83.86224, "loss": 0.40571, "grad_norm": 14.13351, "time": 0.41051} {"mode": "train", "epoch": 77, "iter": 96650, "lr": 0.0, "memory": 14793, "data_time": 0.00583, "decode.loss_ce": 0.2234, "decode.acc_seg": 90.67432, "aux.loss_ce": 0.17364, "aux.acc_seg": 83.29853, "loss": 0.39704, "grad_norm": 15.00328, "time": 0.40837} {"mode": "train", "epoch": 77, "iter": 96700, "lr": 0.0, "memory": 14793, "data_time": 0.00673, "decode.loss_ce": 0.23047, "decode.acc_seg": 90.29183, "aux.loss_ce": 0.16755, "aux.acc_seg": 84.01453, "loss": 0.39802, "grad_norm": 15.43556, "time": 0.40601} {"mode": "train", "epoch": 77, "iter": 96750, "lr": 0.0, "memory": 14793, "data_time": 0.00554, "decode.loss_ce": 0.23633, "decode.acc_seg": 90.27961, "aux.loss_ce": 0.16701, "aux.acc_seg": 84.5384, "loss": 0.40334, "grad_norm": 15.94191, "time": 0.41307} {"mode": "train", "epoch": 77, "iter": 96800, "lr": 0.0, "memory": 14793, "data_time": 0.00496, "decode.loss_ce": 0.22515, "decode.acc_seg": 90.48155, "aux.loss_ce": 0.16663, "aux.acc_seg": 84.25483, "loss": 0.39178, "grad_norm": 11.7828, "time": 0.40972} {"mode": "train", "epoch": 77, "iter": 96850, "lr": 0.0, "memory": 14793, "data_time": 0.00652, "decode.loss_ce": 0.23464, "decode.acc_seg": 90.33352, "aux.loss_ce": 0.17194, "aux.acc_seg": 84.00925, "loss": 0.40657, "grad_norm": 13.68089, "time": 0.41416} {"mode": "train", "epoch": 77, "iter": 96900, "lr": 0.0, "memory": 14793, "data_time": 0.00557, "decode.loss_ce": 0.2308, "decode.acc_seg": 90.53791, "aux.loss_ce": 0.17698, "aux.acc_seg": 83.50616, "loss": 0.40778, "grad_norm": 14.09899, "time": 0.42625} {"mode": "train", "epoch": 77, "iter": 96950, "lr": 0.0, "memory": 14793, "data_time": 0.00651, "decode.loss_ce": 0.22461, "decode.acc_seg": 90.78202, "aux.loss_ce": 0.17285, "aux.acc_seg": 83.73695, "loss": 0.39745, "grad_norm": 10.90837, "time": 0.41314} {"mode": "train", "epoch": 77, "iter": 97000, "lr": 0.0, "memory": 14793, "data_time": 0.00581, "decode.loss_ce": 0.22659, "decode.acc_seg": 90.7664, "aux.loss_ce": 0.17159, "aux.acc_seg": 83.77614, "loss": 0.39817, "grad_norm": 11.38874, "time": 0.64845} {"mode": "val", "epoch": 77, "iter": 125, "lr": 0.0, "aAcc": 0.8475, "mIoU": 0.5404, "mAcc": 0.6675, "IoU.wall": 0.8032, "IoU.building": 0.8375, "IoU.sky": 0.95, "IoU.floor": 0.8278, "IoU.tree": 0.76, "IoU.ceiling": 0.8545, "IoU.road": 0.851, "IoU.bed ": 0.9171, "IoU.windowpane": 0.6401, "IoU.grass": 0.6615, "IoU.cabinet": 0.6391, "IoU.sidewalk": 0.6771, "IoU.person": 0.8395, "IoU.earth": 0.3862, "IoU.door": 0.5693, "IoU.table": 0.6496, "IoU.mountain": 0.6018, "IoU.plant": 0.5117, "IoU.curtain": 0.7603, "IoU.chair": 0.6294, "IoU.car": 0.8649, "IoU.water": 0.589, "IoU.painting": 0.7348, "IoU.sofa": 0.7293, "IoU.shelf": 0.4617, "IoU.house": 0.4934, "IoU.sea": 0.666, "IoU.mirror": 0.731, "IoU.rug": 0.6805, "IoU.field": 0.3122, "IoU.armchair": 0.4488, "IoU.seat": 0.6641, "IoU.fence": 0.4691, "IoU.desk": 0.5041, "IoU.rock": 0.5055, "IoU.wardrobe": 0.5484, "IoU.lamp": 0.6827, "IoU.bathtub": 0.8181, "IoU.railing": 0.3863, "IoU.cushion": 0.6568, "IoU.base": 0.3751, "IoU.box": 0.3278, "IoU.column": 0.532, "IoU.signboard": 0.3873, "IoU.chest of drawers": 0.4503, "IoU.counter": 0.2892, "IoU.sand": 0.5752, "IoU.sink": 0.7726, "IoU.skyscraper": 0.5432, "IoU.fireplace": 0.7116, "IoU.refrigerator": 0.7638, "IoU.grandstand": 0.4671, "IoU.path": 0.2498, "IoU.stairs": 0.3453, "IoU.runway": 0.6862, "IoU.case": 0.5038, "IoU.pool table": 0.9336, "IoU.pillow": 0.6233, "IoU.screen door": 0.6622, "IoU.stairway": 0.4103, "IoU.river": 0.1605, "IoU.bridge": 0.3419, "IoU.bookcase": 0.4452, "IoU.blind": 0.3828, "IoU.coffee table": 0.6217, "IoU.toilet": 0.8748, "IoU.flower": 0.4412, "IoU.book": 0.5025, "IoU.hill": 0.0779, "IoU.bench": 0.646, "IoU.countertop": 0.6174, "IoU.stove": 0.8317, "IoU.palm": 0.5697, "IoU.kitchen island": 0.4212, "IoU.computer": 0.7469, "IoU.swivel chair": 0.5779, "IoU.boat": 0.741, "IoU.bar": 0.5364, "IoU.arcade machine": 0.6725, "IoU.hovel": 0.6142, "IoU.bus": 0.9291, "IoU.towel": 0.7081, "IoU.light": 0.5685, "IoU.truck": 0.4583, "IoU.tower": 0.3322, "IoU.chandelier": 0.7006, "IoU.awning": 0.3384, "IoU.streetlight": 0.3125, "IoU.booth": 0.4023, "IoU.television receiver": 0.7544, "IoU.airplane": 0.7197, "IoU.dirt track": 0.0557, "IoU.apparel": 0.5853, "IoU.pole": 0.2386, "IoU.land": 0.0511, "IoU.bannister": 0.1599, "IoU.escalator": 0.5266, "IoU.ottoman": 0.5545, "IoU.bottle": 0.4094, "IoU.buffet": 0.458, "IoU.poster": 0.3152, "IoU.stage": 0.2325, "IoU.van": 0.4617, "IoU.ship": 0.5371, "IoU.fountain": 0.2689, "IoU.conveyer belt": 0.7676, "IoU.canopy": 0.4032, "IoU.washer": 0.7248, "IoU.plaything": 0.4178, "IoU.swimming pool": 0.6567, "IoU.stool": 0.4639, "IoU.barrel": 0.5493, "IoU.basket": 0.4111, "IoU.waterfall": 0.5476, "IoU.tent": 0.956, "IoU.bag": 0.1545, "IoU.minibike": 0.7358, "IoU.cradle": 0.8507, "IoU.oven": 0.4983, "IoU.ball": 0.2688, "IoU.food": 0.5686, "IoU.step": 0.1937, "IoU.tank": 0.6325, "IoU.trade name": 0.2647, "IoU.microwave": 0.8249, "IoU.pot": 0.5105, "IoU.animal": 0.6152, "IoU.bicycle": 0.5897, "IoU.lake": 0.5362, "IoU.dishwasher": 0.6871, "IoU.screen": 0.6115, "IoU.blanket": 0.2837, "IoU.sculpture": 0.676, "IoU.hood": 0.6813, "IoU.sconce": 0.5405, "IoU.vase": 0.4341, "IoU.traffic light": 0.358, "IoU.tray": 0.0461, "IoU.ashcan": 0.4741, "IoU.fan": 0.6521, "IoU.pier": 0.4399, "IoU.crt screen": 0.0973, "IoU.plate": 0.5714, "IoU.monitor": 0.1144, "IoU.bulletin board": 0.6508, "IoU.shower": 0.0027, "IoU.radiator": 0.6464, "IoU.glass": 0.154, "IoU.clock": 0.4334, "IoU.flag": 0.5378, "Acc.wall": 0.8886, "Acc.building": 0.9272, "Acc.sky": 0.9741, "Acc.floor": 0.9031, "Acc.tree": 0.8921, "Acc.ceiling": 0.9216, "Acc.road": 0.9102, "Acc.bed ": 0.9686, "Acc.windowpane": 0.8157, "Acc.grass": 0.8262, "Acc.cabinet": 0.7278, "Acc.sidewalk": 0.8296, "Acc.person": 0.9351, "Acc.earth": 0.5241, "Acc.door": 0.7412, "Acc.table": 0.7747, "Acc.mountain": 0.7218, "Acc.plant": 0.6172, "Acc.curtain": 0.8631, "Acc.chair": 0.7493, "Acc.car": 0.936, "Acc.water": 0.7384, "Acc.painting": 0.8964, "Acc.sofa": 0.9146, "Acc.shelf": 0.6517, "Acc.house": 0.7156, "Acc.sea": 0.8983, "Acc.mirror": 0.8028, "Acc.rug": 0.8287, "Acc.field": 0.4743, "Acc.armchair": 0.5771, "Acc.seat": 0.8513, "Acc.fence": 0.5995, "Acc.desk": 0.7667, "Acc.rock": 0.7591, "Acc.wardrobe": 0.7425, "Acc.lamp": 0.8084, "Acc.bathtub": 0.8563, "Acc.railing": 0.5141, "Acc.cushion": 0.8083, "Acc.base": 0.5775, "Acc.box": 0.4159, "Acc.column": 0.6652, "Acc.signboard": 0.5124, "Acc.chest of drawers": 0.698, "Acc.counter": 0.3743, "Acc.sand": 0.7769, "Acc.sink": 0.8492, "Acc.skyscraper": 0.6694, "Acc.fireplace": 0.9248, "Acc.refrigerator": 0.8347, "Acc.grandstand": 0.7934, "Acc.path": 0.3722, "Acc.stairs": 0.5001, "Acc.runway": 0.9149, "Acc.case": 0.6298, "Acc.pool table": 0.9821, "Acc.pillow": 0.7327, "Acc.screen door": 0.8376, "Acc.stairway": 0.4999, "Acc.river": 0.2613, "Acc.bridge": 0.3983, "Acc.bookcase": 0.6916, "Acc.blind": 0.4216, "Acc.coffee table": 0.8686, "Acc.toilet": 0.9291, "Acc.flower": 0.5758, "Acc.book": 0.7043, "Acc.hill": 0.135, "Acc.bench": 0.7743, "Acc.countertop": 0.7996, "Acc.stove": 0.9081, "Acc.palm": 0.8107, "Acc.kitchen island": 0.8062, "Acc.computer": 0.9059, "Acc.swivel chair": 0.8207, "Acc.boat": 0.8557, "Acc.bar": 0.7195, "Acc.arcade machine": 0.711, "Acc.hovel": 0.6977, "Acc.bus": 0.9715, "Acc.towel": 0.8418, "Acc.light": 0.6468, "Acc.truck": 0.6005, "Acc.tower": 0.6174, "Acc.chandelier": 0.811, "Acc.awning": 0.4042, "Acc.streetlight": 0.4125, "Acc.booth": 0.5314, "Acc.television receiver": 0.8262, "Acc.airplane": 0.8147, "Acc.dirt track": 0.1074, "Acc.apparel": 0.7298, "Acc.pole": 0.3145, "Acc.land": 0.0782, "Acc.bannister": 0.2201, "Acc.escalator": 0.8103, "Acc.ottoman": 0.7419, "Acc.bottle": 0.6223, "Acc.buffet": 0.5439, "Acc.poster": 0.4515, "Acc.stage": 0.3624, "Acc.van": 0.6089, "Acc.ship": 0.5949, "Acc.fountain": 0.2707, "Acc.conveyer belt": 0.9421, "Acc.canopy": 0.6078, "Acc.washer": 0.7521, "Acc.plaything": 0.6385, "Acc.swimming pool": 0.7695, "Acc.stool": 0.6276, "Acc.barrel": 0.8165, "Acc.basket": 0.5079, "Acc.waterfall": 0.6262, "Acc.tent": 0.9824, "Acc.bag": 0.172, "Acc.minibike": 0.8698, "Acc.cradle": 0.9681, "Acc.oven": 0.6307, "Acc.ball": 0.2801, "Acc.food": 0.6811, "Acc.step": 0.2314, "Acc.tank": 0.6615, "Acc.trade name": 0.3032, "Acc.microwave": 0.9686, "Acc.pot": 0.5863, "Acc.animal": 0.6348, "Acc.bicycle": 0.785, "Acc.lake": 0.6376, "Acc.dishwasher": 0.828, "Acc.screen": 0.8598, "Acc.blanket": 0.3489, "Acc.sculpture": 0.8318, "Acc.hood": 0.7688, "Acc.sconce": 0.6496, "Acc.vase": 0.5921, "Acc.traffic light": 0.5647, "Acc.tray": 0.0645, "Acc.ashcan": 0.6233, "Acc.fan": 0.7906, "Acc.pier": 0.7065, "Acc.crt screen": 0.2356, "Acc.plate": 0.7869, "Acc.monitor": 0.1257, "Acc.bulletin board": 0.7654, "Acc.shower": 0.0029, "Acc.radiator": 0.7241, "Acc.glass": 0.1642, "Acc.clock": 0.476, "Acc.flag": 0.5887} {"mode": "train", "epoch": 77, "iter": 97050, "lr": 0.0, "memory": 14793, "data_time": 2.07873, "decode.loss_ce": 0.22171, "decode.acc_seg": 90.85773, "aux.loss_ce": 0.16712, "aux.acc_seg": 84.44279, "loss": 0.38883, "grad_norm": 12.21563, "time": 2.499} {"mode": "train", "epoch": 77, "iter": 97100, "lr": 0.0, "memory": 14793, "data_time": 0.00583, "decode.loss_ce": 0.23805, "decode.acc_seg": 90.17147, "aux.loss_ce": 0.18319, "aux.acc_seg": 83.25845, "loss": 0.42125, "grad_norm": 12.89686, "time": 0.41436} {"mode": "train", "epoch": 77, "iter": 97150, "lr": 0.0, "memory": 14793, "data_time": 0.00769, "decode.loss_ce": 0.2189, "decode.acc_seg": 90.76603, "aux.loss_ce": 0.17128, "aux.acc_seg": 83.57262, "loss": 0.39018, "grad_norm": 11.1596, "time": 0.41914} {"mode": "train", "epoch": 77, "iter": 97200, "lr": 0.0, "memory": 14793, "data_time": 0.00576, "decode.loss_ce": 0.22795, "decode.acc_seg": 90.46854, "aux.loss_ce": 0.17053, "aux.acc_seg": 83.95004, "loss": 0.39848, "grad_norm": 14.91139, "time": 0.42207} {"mode": "train", "epoch": 77, "iter": 97250, "lr": 0.0, "memory": 14793, "data_time": 0.00551, "decode.loss_ce": 0.21644, "decode.acc_seg": 91.11473, "aux.loss_ce": 0.15547, "aux.acc_seg": 85.19185, "loss": 0.37191, "grad_norm": 9.49316, "time": 0.42222} {"mode": "train", "epoch": 77, "iter": 97300, "lr": 0.0, "memory": 14793, "data_time": 0.00585, "decode.loss_ce": 0.22638, "decode.acc_seg": 90.55025, "aux.loss_ce": 0.17239, "aux.acc_seg": 83.38203, "loss": 0.39877, "grad_norm": 10.39585, "time": 0.4261} {"mode": "train", "epoch": 78, "iter": 97350, "lr": 0.0, "memory": 14793, "data_time": 0.05784, "decode.loss_ce": 0.23291, "decode.acc_seg": 90.37025, "aux.loss_ce": 0.16741, "aux.acc_seg": 84.32061, "loss": 0.40032, "grad_norm": 13.23174, "time": 0.46462} {"mode": "train", "epoch": 78, "iter": 97400, "lr": 0.0, "memory": 14793, "data_time": 0.00574, "decode.loss_ce": 0.21518, "decode.acc_seg": 90.79864, "aux.loss_ce": 0.16529, "aux.acc_seg": 84.08625, "loss": 0.38046, "grad_norm": 12.07563, "time": 0.42071} {"mode": "train", "epoch": 78, "iter": 97450, "lr": 0.0, "memory": 14793, "data_time": 0.00679, "decode.loss_ce": 0.24719, "decode.acc_seg": 89.67609, "aux.loss_ce": 0.18165, "aux.acc_seg": 82.69146, "loss": 0.42884, "grad_norm": 16.62515, "time": 0.4193} {"mode": "train", "epoch": 78, "iter": 97500, "lr": 0.0, "memory": 14793, "data_time": 0.0059, "decode.loss_ce": 0.21891, "decode.acc_seg": 90.82051, "aux.loss_ce": 0.16355, "aux.acc_seg": 84.3139, "loss": 0.38246, "grad_norm": 10.0899, "time": 0.42057} {"mode": "train", "epoch": 78, "iter": 97550, "lr": 0.0, "memory": 14793, "data_time": 0.00893, "decode.loss_ce": 0.22078, "decode.acc_seg": 90.87364, "aux.loss_ce": 0.17292, "aux.acc_seg": 83.5037, "loss": 0.3937, "grad_norm": 10.11008, "time": 0.42236} {"mode": "train", "epoch": 78, "iter": 97600, "lr": 0.0, "memory": 14793, "data_time": 0.00618, "decode.loss_ce": 0.22809, "decode.acc_seg": 90.65472, "aux.loss_ce": 0.1734, "aux.acc_seg": 83.45817, "loss": 0.40149, "grad_norm": 11.63152, "time": 0.41171} {"mode": "train", "epoch": 78, "iter": 97650, "lr": 0.0, "memory": 14793, "data_time": 0.0057, "decode.loss_ce": 0.22383, "decode.acc_seg": 90.77313, "aux.loss_ce": 0.16831, "aux.acc_seg": 83.82439, "loss": 0.39214, "grad_norm": 10.73985, "time": 0.41723} {"mode": "train", "epoch": 78, "iter": 97700, "lr": 0.0, "memory": 14793, "data_time": 0.00807, "decode.loss_ce": 0.21264, "decode.acc_seg": 90.97815, "aux.loss_ce": 0.16192, "aux.acc_seg": 84.34111, "loss": 0.37456, "grad_norm": 14.98826, "time": 0.4221} {"mode": "train", "epoch": 78, "iter": 97750, "lr": 0.0, "memory": 14793, "data_time": 0.00565, "decode.loss_ce": 0.22785, "decode.acc_seg": 90.58211, "aux.loss_ce": 0.17698, "aux.acc_seg": 83.20977, "loss": 0.40483, "grad_norm": 16.42408, "time": 0.41392} {"mode": "train", "epoch": 78, "iter": 97800, "lr": 0.0, "memory": 14793, "data_time": 0.00541, "decode.loss_ce": 0.2232, "decode.acc_seg": 90.72952, "aux.loss_ce": 0.17209, "aux.acc_seg": 83.33019, "loss": 0.39529, "grad_norm": 10.25727, "time": 0.41817} {"mode": "train", "epoch": 78, "iter": 97850, "lr": 0.0, "memory": 14793, "data_time": 0.00577, "decode.loss_ce": 0.23101, "decode.acc_seg": 90.27015, "aux.loss_ce": 0.17559, "aux.acc_seg": 83.47113, "loss": 0.40659, "grad_norm": 12.26451, "time": 0.40851} {"mode": "train", "epoch": 78, "iter": 97900, "lr": 0.0, "memory": 14793, "data_time": 0.00543, "decode.loss_ce": 0.23888, "decode.acc_seg": 90.12366, "aux.loss_ce": 0.17441, "aux.acc_seg": 83.15604, "loss": 0.41329, "grad_norm": 13.99228, "time": 0.4043} {"mode": "train", "epoch": 78, "iter": 97950, "lr": 0.0, "memory": 14793, "data_time": 0.00524, "decode.loss_ce": 0.237, "decode.acc_seg": 90.27133, "aux.loss_ce": 0.1711, "aux.acc_seg": 83.90104, "loss": 0.4081, "grad_norm": 13.5512, "time": 0.40976} {"mode": "train", "epoch": 78, "iter": 98000, "lr": 0.0, "memory": 14793, "data_time": 0.00621, "decode.loss_ce": 0.23109, "decode.acc_seg": 90.41947, "aux.loss_ce": 0.17429, "aux.acc_seg": 83.64134, "loss": 0.40538, "grad_norm": 13.47004, "time": 0.63935} {"mode": "val", "epoch": 78, "iter": 125, "lr": 0.0, "aAcc": 0.8486, "mIoU": 0.5438, "mAcc": 0.6728, "IoU.wall": 0.803, "IoU.building": 0.8364, "IoU.sky": 0.9489, "IoU.floor": 0.8307, "IoU.tree": 0.7579, "IoU.ceiling": 0.8526, "IoU.road": 0.8562, "IoU.bed ": 0.9169, "IoU.windowpane": 0.6423, "IoU.grass": 0.6724, "IoU.cabinet": 0.6568, "IoU.sidewalk": 0.6758, "IoU.person": 0.8399, "IoU.earth": 0.3774, "IoU.door": 0.561, "IoU.table": 0.6474, "IoU.mountain": 0.6036, "IoU.plant": 0.5152, "IoU.curtain": 0.7656, "IoU.chair": 0.6367, "IoU.car": 0.864, "IoU.water": 0.61, "IoU.painting": 0.7365, "IoU.sofa": 0.7541, "IoU.shelf": 0.4518, "IoU.house": 0.5009, "IoU.sea": 0.7078, "IoU.mirror": 0.7258, "IoU.rug": 0.6642, "IoU.field": 0.3084, "IoU.armchair": 0.489, "IoU.seat": 0.6739, "IoU.fence": 0.4666, "IoU.desk": 0.5218, "IoU.rock": 0.5205, "IoU.wardrobe": 0.5653, "IoU.lamp": 0.6855, "IoU.bathtub": 0.8194, "IoU.railing": 0.3975, "IoU.cushion": 0.6541, "IoU.base": 0.3725, "IoU.box": 0.3448, "IoU.column": 0.5376, "IoU.signboard": 0.3811, "IoU.chest of drawers": 0.4576, "IoU.counter": 0.3265, "IoU.sand": 0.5359, "IoU.sink": 0.7766, "IoU.skyscraper": 0.5124, "IoU.fireplace": 0.6975, "IoU.refrigerator": 0.7791, "IoU.grandstand": 0.4866, "IoU.path": 0.2614, "IoU.stairs": 0.3541, "IoU.runway": 0.71, "IoU.case": 0.4886, "IoU.pool table": 0.9342, "IoU.pillow": 0.6255, "IoU.screen door": 0.6659, "IoU.stairway": 0.417, "IoU.river": 0.0923, "IoU.bridge": 0.3315, "IoU.bookcase": 0.4441, "IoU.blind": 0.5144, "IoU.coffee table": 0.6066, "IoU.toilet": 0.8743, "IoU.flower": 0.455, "IoU.book": 0.4921, "IoU.hill": 0.0758, "IoU.bench": 0.6533, "IoU.countertop": 0.6003, "IoU.stove": 0.8236, "IoU.palm": 0.5543, "IoU.kitchen island": 0.456, "IoU.computer": 0.7438, "IoU.swivel chair": 0.5818, "IoU.boat": 0.704, "IoU.bar": 0.4969, "IoU.arcade machine": 0.6126, "IoU.hovel": 0.607, "IoU.bus": 0.9195, "IoU.towel": 0.6651, "IoU.light": 0.5866, "IoU.truck": 0.4361, "IoU.tower": 0.2755, "IoU.chandelier": 0.7052, "IoU.awning": 0.3298, "IoU.streetlight": 0.3093, "IoU.booth": 0.4068, "IoU.television receiver": 0.769, "IoU.airplane": 0.6784, "IoU.dirt track": 0.0792, "IoU.apparel": 0.5602, "IoU.pole": 0.2429, "IoU.land": 0.0469, "IoU.bannister": 0.1551, "IoU.escalator": 0.5603, "IoU.ottoman": 0.5498, "IoU.bottle": 0.4053, "IoU.buffet": 0.4601, "IoU.poster": 0.3242, "IoU.stage": 0.2393, "IoU.van": 0.4728, "IoU.ship": 0.7194, "IoU.fountain": 0.2617, "IoU.conveyer belt": 0.7945, "IoU.canopy": 0.4363, "IoU.washer": 0.7189, "IoU.plaything": 0.4284, "IoU.swimming pool": 0.6803, "IoU.stool": 0.4765, "IoU.barrel": 0.5247, "IoU.basket": 0.4113, "IoU.waterfall": 0.5486, "IoU.tent": 0.9579, "IoU.bag": 0.2077, "IoU.minibike": 0.735, "IoU.cradle": 0.8293, "IoU.oven": 0.5055, "IoU.ball": 0.4375, "IoU.food": 0.556, "IoU.step": 0.1894, "IoU.tank": 0.6295, "IoU.trade name": 0.2298, "IoU.microwave": 0.8312, "IoU.pot": 0.5113, "IoU.animal": 0.6011, "IoU.bicycle": 0.5913, "IoU.lake": 0.5094, "IoU.dishwasher": 0.672, "IoU.screen": 0.5843, "IoU.blanket": 0.243, "IoU.sculpture": 0.686, "IoU.hood": 0.648, "IoU.sconce": 0.5414, "IoU.vase": 0.44, "IoU.traffic light": 0.3623, "IoU.tray": 0.0481, "IoU.ashcan": 0.4754, "IoU.fan": 0.6549, "IoU.pier": 0.5788, "IoU.crt screen": 0.0957, "IoU.plate": 0.5762, "IoU.monitor": 0.1322, "IoU.bulletin board": 0.6276, "IoU.shower": 0.0035, "IoU.radiator": 0.6422, "IoU.glass": 0.1598, "IoU.clock": 0.4509, "IoU.flag": 0.546, "Acc.wall": 0.8867, "Acc.building": 0.9244, "Acc.sky": 0.9778, "Acc.floor": 0.908, "Acc.tree": 0.8839, "Acc.ceiling": 0.931, "Acc.road": 0.9109, "Acc.bed ": 0.9684, "Acc.windowpane": 0.8011, "Acc.grass": 0.8322, "Acc.cabinet": 0.7496, "Acc.sidewalk": 0.8284, "Acc.person": 0.9296, "Acc.earth": 0.4996, "Acc.door": 0.722, "Acc.table": 0.7912, "Acc.mountain": 0.7612, "Acc.plant": 0.6216, "Acc.curtain": 0.8665, "Acc.chair": 0.7619, "Acc.car": 0.9378, "Acc.water": 0.7692, "Acc.painting": 0.8967, "Acc.sofa": 0.8989, "Acc.shelf": 0.5933, "Acc.house": 0.7226, "Acc.sea": 0.8443, "Acc.mirror": 0.812, "Acc.rug": 0.7965, "Acc.field": 0.4561, "Acc.armchair": 0.637, "Acc.seat": 0.8396, "Acc.fence": 0.6215, "Acc.desk": 0.7429, "Acc.rock": 0.766, "Acc.wardrobe": 0.7112, "Acc.lamp": 0.7959, "Acc.bathtub": 0.868, "Acc.railing": 0.556, "Acc.cushion": 0.7722, "Acc.base": 0.4886, "Acc.box": 0.4538, "Acc.column": 0.6681, "Acc.signboard": 0.5296, "Acc.chest of drawers": 0.6862, "Acc.counter": 0.4604, "Acc.sand": 0.7552, "Acc.sink": 0.8559, "Acc.skyscraper": 0.6234, "Acc.fireplace": 0.939, "Acc.refrigerator": 0.8638, "Acc.grandstand": 0.8371, "Acc.path": 0.4111, "Acc.stairs": 0.467, "Acc.runway": 0.9415, "Acc.case": 0.6504, "Acc.pool table": 0.9819, "Acc.pillow": 0.7482, "Acc.screen door": 0.8178, "Acc.stairway": 0.4919, "Acc.river": 0.2023, "Acc.bridge": 0.4018, "Acc.bookcase": 0.6627, "Acc.blind": 0.6469, "Acc.coffee table": 0.8811, "Acc.toilet": 0.9379, "Acc.flower": 0.6232, "Acc.book": 0.7307, "Acc.hill": 0.1346, "Acc.bench": 0.7598, "Acc.countertop": 0.8245, "Acc.stove": 0.9193, "Acc.palm": 0.7933, "Acc.kitchen island": 0.8259, "Acc.computer": 0.9117, "Acc.swivel chair": 0.7931, "Acc.boat": 0.86, "Acc.bar": 0.631, "Acc.arcade machine": 0.6448, "Acc.hovel": 0.6948, "Acc.bus": 0.9744, "Acc.towel": 0.8722, "Acc.light": 0.7283, "Acc.truck": 0.6063, "Acc.tower": 0.5157, "Acc.chandelier": 0.837, "Acc.awning": 0.3814, "Acc.streetlight": 0.4012, "Acc.booth": 0.5126, "Acc.television receiver": 0.854, "Acc.airplane": 0.7526, "Acc.dirt track": 0.1336, "Acc.apparel": 0.7319, "Acc.pole": 0.3191, "Acc.land": 0.0791, "Acc.bannister": 0.2131, "Acc.escalator": 0.7894, "Acc.ottoman": 0.7458, "Acc.bottle": 0.7069, "Acc.buffet": 0.5572, "Acc.poster": 0.4558, "Acc.stage": 0.3752, "Acc.van": 0.6335, "Acc.ship": 0.7906, "Acc.fountain": 0.2643, "Acc.conveyer belt": 0.9392, "Acc.canopy": 0.6624, "Acc.washer": 0.7411, "Acc.plaything": 0.5724, "Acc.swimming pool": 0.786, "Acc.stool": 0.6568, "Acc.barrel": 0.8818, "Acc.basket": 0.5292, "Acc.waterfall": 0.6656, "Acc.tent": 0.9808, "Acc.bag": 0.2487, "Acc.minibike": 0.8434, "Acc.cradle": 0.9829, "Acc.oven": 0.6314, "Acc.ball": 0.4628, "Acc.food": 0.6387, "Acc.step": 0.2313, "Acc.tank": 0.6704, "Acc.trade name": 0.2568, "Acc.microwave": 0.9608, "Acc.pot": 0.589, "Acc.animal": 0.6162, "Acc.bicycle": 0.7567, "Acc.lake": 0.6596, "Acc.dishwasher": 0.7918, "Acc.screen": 0.8936, "Acc.blanket": 0.2929, "Acc.sculpture": 0.8347, "Acc.hood": 0.7152, "Acc.sconce": 0.6455, "Acc.vase": 0.5952, "Acc.traffic light": 0.5391, "Acc.tray": 0.0623, "Acc.ashcan": 0.6247, "Acc.fan": 0.7659, "Acc.pier": 0.8443, "Acc.crt screen": 0.2456, "Acc.plate": 0.7987, "Acc.monitor": 0.1446, "Acc.bulletin board": 0.7392, "Acc.shower": 0.0036, "Acc.radiator": 0.742, "Acc.glass": 0.1706, "Acc.clock": 0.5111, "Acc.flag": 0.6186} {"mode": "train", "epoch": 78, "iter": 98050, "lr": 0.0, "memory": 14793, "data_time": 2.16013, "decode.loss_ce": 0.22874, "decode.acc_seg": 90.45384, "aux.loss_ce": 0.17284, "aux.acc_seg": 83.85113, "loss": 0.40159, "grad_norm": 13.3123, "time": 2.56743} {"mode": "train", "epoch": 78, "iter": 98100, "lr": 0.0, "memory": 14793, "data_time": 0.00683, "decode.loss_ce": 0.22856, "decode.acc_seg": 90.08441, "aux.loss_ce": 0.16508, "aux.acc_seg": 83.50367, "loss": 0.39364, "grad_norm": 13.74633, "time": 0.41655} {"mode": "train", "epoch": 78, "iter": 98150, "lr": 0.0, "memory": 14793, "data_time": 0.00593, "decode.loss_ce": 0.22864, "decode.acc_seg": 90.15796, "aux.loss_ce": 0.17316, "aux.acc_seg": 83.41821, "loss": 0.40181, "grad_norm": 15.57042, "time": 0.42008} {"mode": "train", "epoch": 78, "iter": 98200, "lr": 0.0, "memory": 14793, "data_time": 0.00659, "decode.loss_ce": 0.22502, "decode.acc_seg": 90.77425, "aux.loss_ce": 0.16129, "aux.acc_seg": 84.73117, "loss": 0.38631, "grad_norm": 12.84314, "time": 0.42183} {"mode": "train", "epoch": 78, "iter": 98250, "lr": 0.0, "memory": 14793, "data_time": 0.00561, "decode.loss_ce": 0.22395, "decode.acc_seg": 90.75004, "aux.loss_ce": 0.16214, "aux.acc_seg": 85.11194, "loss": 0.38609, "grad_norm": 13.78513, "time": 0.41085} {"mode": "train", "epoch": 78, "iter": 98300, "lr": 0.0, "memory": 14793, "data_time": 0.00561, "decode.loss_ce": 0.22691, "decode.acc_seg": 90.50205, "aux.loss_ce": 0.1764, "aux.acc_seg": 83.05267, "loss": 0.40331, "grad_norm": 11.41922, "time": 0.41352} {"mode": "train", "epoch": 78, "iter": 98350, "lr": 0.0, "memory": 14793, "data_time": 0.00566, "decode.loss_ce": 0.23027, "decode.acc_seg": 90.6053, "aux.loss_ce": 0.18195, "aux.acc_seg": 83.46984, "loss": 0.41222, "grad_norm": 11.6755, "time": 0.41205} {"mode": "train", "epoch": 78, "iter": 98400, "lr": 0.0, "memory": 14793, "data_time": 0.0059, "decode.loss_ce": 0.21308, "decode.acc_seg": 91.16489, "aux.loss_ce": 0.15921, "aux.acc_seg": 84.87109, "loss": 0.37229, "grad_norm": 10.90554, "time": 0.41355} {"mode": "train", "epoch": 78, "iter": 98450, "lr": 0.0, "memory": 14793, "data_time": 0.00564, "decode.loss_ce": 0.21942, "decode.acc_seg": 91.0113, "aux.loss_ce": 0.16212, "aux.acc_seg": 84.74769, "loss": 0.38153, "grad_norm": 11.46205, "time": 0.41512} {"mode": "train", "epoch": 78, "iter": 98500, "lr": 0.0, "memory": 14793, "data_time": 0.00584, "decode.loss_ce": 0.24112, "decode.acc_seg": 90.08633, "aux.loss_ce": 0.17438, "aux.acc_seg": 83.52062, "loss": 0.41551, "grad_norm": 14.35633, "time": 0.41844} {"mode": "train", "epoch": 78, "iter": 98550, "lr": 0.0, "memory": 14793, "data_time": 0.00548, "decode.loss_ce": 0.22573, "decode.acc_seg": 90.83453, "aux.loss_ce": 0.16554, "aux.acc_seg": 84.76014, "loss": 0.39127, "grad_norm": 14.32735, "time": 0.41905} {"mode": "train", "epoch": 79, "iter": 98600, "lr": 0.0, "memory": 14793, "data_time": 0.05187, "decode.loss_ce": 0.22561, "decode.acc_seg": 90.66406, "aux.loss_ce": 0.17066, "aux.acc_seg": 84.09445, "loss": 0.39627, "grad_norm": 12.43362, "time": 0.45874} {"mode": "train", "epoch": 79, "iter": 98650, "lr": 0.0, "memory": 14793, "data_time": 0.00543, "decode.loss_ce": 0.22153, "decode.acc_seg": 90.76393, "aux.loss_ce": 0.16534, "aux.acc_seg": 84.00548, "loss": 0.38687, "grad_norm": 13.20842, "time": 0.41567} {"mode": "train", "epoch": 79, "iter": 98700, "lr": 0.0, "memory": 14793, "data_time": 0.00572, "decode.loss_ce": 0.21766, "decode.acc_seg": 91.01411, "aux.loss_ce": 0.16063, "aux.acc_seg": 84.59785, "loss": 0.37829, "grad_norm": 10.98525, "time": 0.4121} {"mode": "train", "epoch": 79, "iter": 98750, "lr": 0.0, "memory": 14793, "data_time": 0.00534, "decode.loss_ce": 0.21413, "decode.acc_seg": 90.9576, "aux.loss_ce": 0.16502, "aux.acc_seg": 84.25161, "loss": 0.37915, "grad_norm": 12.18395, "time": 0.4119} {"mode": "train", "epoch": 79, "iter": 98800, "lr": 0.0, "memory": 14793, "data_time": 0.00539, "decode.loss_ce": 0.23556, "decode.acc_seg": 90.16012, "aux.loss_ce": 0.17778, "aux.acc_seg": 83.3694, "loss": 0.41334, "grad_norm": 16.17589, "time": 0.40576} {"mode": "train", "epoch": 79, "iter": 98850, "lr": 0.0, "memory": 14793, "data_time": 0.00511, "decode.loss_ce": 0.21693, "decode.acc_seg": 91.03499, "aux.loss_ce": 0.16388, "aux.acc_seg": 84.32966, "loss": 0.38081, "grad_norm": 11.84303, "time": 0.41463} {"mode": "train", "epoch": 79, "iter": 98900, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.22307, "decode.acc_seg": 90.67069, "aux.loss_ce": 0.16741, "aux.acc_seg": 84.03345, "loss": 0.39048, "grad_norm": 13.68706, "time": 0.40601} {"mode": "train", "epoch": 79, "iter": 98950, "lr": 0.0, "memory": 14793, "data_time": 0.00722, "decode.loss_ce": 0.21929, "decode.acc_seg": 90.7852, "aux.loss_ce": 0.16987, "aux.acc_seg": 83.5712, "loss": 0.38916, "grad_norm": 16.55452, "time": 0.42231} {"mode": "train", "epoch": 79, "iter": 99000, "lr": 0.0, "memory": 14793, "data_time": 0.00572, "decode.loss_ce": 0.22275, "decode.acc_seg": 90.66503, "aux.loss_ce": 0.17104, "aux.acc_seg": 83.7969, "loss": 0.39379, "grad_norm": 11.557, "time": 0.6475} {"mode": "val", "epoch": 79, "iter": 125, "lr": 0.0, "aAcc": 0.8482, "mIoU": 0.5442, "mAcc": 0.6757, "IoU.wall": 0.8034, "IoU.building": 0.8356, "IoU.sky": 0.9495, "IoU.floor": 0.8266, "IoU.tree": 0.7623, "IoU.ceiling": 0.8542, "IoU.road": 0.8599, "IoU.bed ": 0.9149, "IoU.windowpane": 0.6406, "IoU.grass": 0.6935, "IoU.cabinet": 0.6338, "IoU.sidewalk": 0.6865, "IoU.person": 0.8409, "IoU.earth": 0.3821, "IoU.door": 0.5528, "IoU.table": 0.6498, "IoU.mountain": 0.593, "IoU.plant": 0.5243, "IoU.curtain": 0.7635, "IoU.chair": 0.6309, "IoU.car": 0.8633, "IoU.water": 0.6133, "IoU.painting": 0.7393, "IoU.sofa": 0.7398, "IoU.shelf": 0.4595, "IoU.house": 0.5001, "IoU.sea": 0.7062, "IoU.mirror": 0.7245, "IoU.rug": 0.6792, "IoU.field": 0.3219, "IoU.armchair": 0.4795, "IoU.seat": 0.6711, "IoU.fence": 0.4889, "IoU.desk": 0.5257, "IoU.rock": 0.5004, "IoU.wardrobe": 0.5187, "IoU.lamp": 0.6846, "IoU.bathtub": 0.8192, "IoU.railing": 0.3981, "IoU.cushion": 0.6333, "IoU.base": 0.388, "IoU.box": 0.3076, "IoU.column": 0.5492, "IoU.signboard": 0.3898, "IoU.chest of drawers": 0.4204, "IoU.counter": 0.3182, "IoU.sand": 0.5509, "IoU.sink": 0.773, "IoU.skyscraper": 0.4953, "IoU.fireplace": 0.6796, "IoU.refrigerator": 0.7608, "IoU.grandstand": 0.4882, "IoU.path": 0.2601, "IoU.stairs": 0.3472, "IoU.runway": 0.6985, "IoU.case": 0.4818, "IoU.pool table": 0.9328, "IoU.pillow": 0.6126, "IoU.screen door": 0.6922, "IoU.stairway": 0.4149, "IoU.river": 0.116, "IoU.bridge": 0.3526, "IoU.bookcase": 0.4487, "IoU.blind": 0.4599, "IoU.coffee table": 0.6083, "IoU.toilet": 0.8739, "IoU.flower": 0.4686, "IoU.book": 0.4904, "IoU.hill": 0.0704, "IoU.bench": 0.6363, "IoU.countertop": 0.6162, "IoU.stove": 0.8343, "IoU.palm": 0.5727, "IoU.kitchen island": 0.4226, "IoU.computer": 0.7357, "IoU.swivel chair": 0.5806, "IoU.boat": 0.7144, "IoU.bar": 0.5299, "IoU.arcade machine": 0.6792, "IoU.hovel": 0.6062, "IoU.bus": 0.8967, "IoU.towel": 0.6803, "IoU.light": 0.5864, "IoU.truck": 0.4286, "IoU.tower": 0.2624, "IoU.chandelier": 0.7097, "IoU.awning": 0.323, "IoU.streetlight": 0.3309, "IoU.booth": 0.4033, "IoU.television receiver": 0.7745, "IoU.airplane": 0.6955, "IoU.dirt track": 0.0744, "IoU.apparel": 0.5812, "IoU.pole": 0.2514, "IoU.land": 0.0461, "IoU.bannister": 0.152, "IoU.escalator": 0.549, "IoU.ottoman": 0.5494, "IoU.bottle": 0.4166, "IoU.buffet": 0.466, "IoU.poster": 0.3282, "IoU.stage": 0.247, "IoU.van": 0.4798, "IoU.ship": 0.5975, "IoU.fountain": 0.2426, "IoU.conveyer belt": 0.7745, "IoU.canopy": 0.3821, "IoU.washer": 0.7154, "IoU.plaything": 0.4323, "IoU.swimming pool": 0.7092, "IoU.stool": 0.4795, "IoU.barrel": 0.5189, "IoU.basket": 0.4048, "IoU.waterfall": 0.5714, "IoU.tent": 0.9557, "IoU.bag": 0.1885, "IoU.minibike": 0.7318, "IoU.cradle": 0.8375, "IoU.oven": 0.5077, "IoU.ball": 0.5509, "IoU.food": 0.5618, "IoU.step": 0.2103, "IoU.tank": 0.627, "IoU.trade name": 0.2659, "IoU.microwave": 0.8282, "IoU.pot": 0.5172, "IoU.animal": 0.6074, "IoU.bicycle": 0.5958, "IoU.lake": 0.5076, "IoU.dishwasher": 0.6885, "IoU.screen": 0.573, "IoU.blanket": 0.2319, "IoU.sculpture": 0.6828, "IoU.hood": 0.6741, "IoU.sconce": 0.5394, "IoU.vase": 0.4385, "IoU.traffic light": 0.3725, "IoU.tray": 0.045, "IoU.ashcan": 0.4797, "IoU.fan": 0.647, "IoU.pier": 0.5871, "IoU.crt screen": 0.1082, "IoU.plate": 0.5709, "IoU.monitor": 0.1789, "IoU.bulletin board": 0.6422, "IoU.shower": 0.0123, "IoU.radiator": 0.6318, "IoU.glass": 0.1636, "IoU.clock": 0.449, "IoU.flag": 0.5196, "Acc.wall": 0.8816, "Acc.building": 0.9252, "Acc.sky": 0.9746, "Acc.floor": 0.9023, "Acc.tree": 0.8922, "Acc.ceiling": 0.931, "Acc.road": 0.925, "Acc.bed ": 0.9718, "Acc.windowpane": 0.8159, "Acc.grass": 0.8435, "Acc.cabinet": 0.7325, "Acc.sidewalk": 0.8001, "Acc.person": 0.9358, "Acc.earth": 0.5324, "Acc.door": 0.7081, "Acc.table": 0.7904, "Acc.mountain": 0.7152, "Acc.plant": 0.6439, "Acc.curtain": 0.873, "Acc.chair": 0.7386, "Acc.car": 0.9364, "Acc.water": 0.7687, "Acc.painting": 0.8884, "Acc.sofa": 0.905, "Acc.shelf": 0.6497, "Acc.house": 0.7414, "Acc.sea": 0.8757, "Acc.mirror": 0.8012, "Acc.rug": 0.8331, "Acc.field": 0.4269, "Acc.armchair": 0.6579, "Acc.seat": 0.8642, "Acc.fence": 0.6388, "Acc.desk": 0.7349, "Acc.rock": 0.7557, "Acc.wardrobe": 0.7213, "Acc.lamp": 0.7896, "Acc.bathtub": 0.8659, "Acc.railing": 0.5573, "Acc.cushion": 0.7206, "Acc.base": 0.5442, "Acc.box": 0.3775, "Acc.column": 0.6541, "Acc.signboard": 0.5219, "Acc.chest of drawers": 0.6863, "Acc.counter": 0.418, "Acc.sand": 0.7745, "Acc.sink": 0.85, "Acc.skyscraper": 0.5975, "Acc.fireplace": 0.9464, "Acc.refrigerator": 0.8524, "Acc.grandstand": 0.84, "Acc.path": 0.3884, "Acc.stairs": 0.4544, "Acc.runway": 0.9329, "Acc.case": 0.6264, "Acc.pool table": 0.9834, "Acc.pillow": 0.7486, "Acc.screen door": 0.843, "Acc.stairway": 0.5264, "Acc.river": 0.2292, "Acc.bridge": 0.4148, "Acc.bookcase": 0.7305, "Acc.blind": 0.5362, "Acc.coffee table": 0.8844, "Acc.toilet": 0.9287, "Acc.flower": 0.6457, "Acc.book": 0.7086, "Acc.hill": 0.1275, "Acc.bench": 0.7901, "Acc.countertop": 0.7845, "Acc.stove": 0.8961, "Acc.palm": 0.7903, "Acc.kitchen island": 0.8131, "Acc.computer": 0.9181, "Acc.swivel chair": 0.7862, "Acc.boat": 0.8551, "Acc.bar": 0.6952, "Acc.arcade machine": 0.7121, "Acc.hovel": 0.6869, "Acc.bus": 0.9727, "Acc.towel": 0.8602, "Acc.light": 0.6821, "Acc.truck": 0.6385, "Acc.tower": 0.4573, "Acc.chandelier": 0.8449, "Acc.awning": 0.3672, "Acc.streetlight": 0.4583, "Acc.booth": 0.5165, "Acc.television receiver": 0.8998, "Acc.airplane": 0.773, "Acc.dirt track": 0.1528, "Acc.apparel": 0.7612, "Acc.pole": 0.3421, "Acc.land": 0.0812, "Acc.bannister": 0.1963, "Acc.escalator": 0.8454, "Acc.ottoman": 0.7097, "Acc.bottle": 0.6622, "Acc.buffet": 0.587, "Acc.poster": 0.4962, "Acc.stage": 0.414, "Acc.van": 0.6444, "Acc.ship": 0.6554, "Acc.fountain": 0.245, "Acc.conveyer belt": 0.9455, "Acc.canopy": 0.5832, "Acc.washer": 0.737, "Acc.plaything": 0.6133, "Acc.swimming pool": 0.7507, "Acc.stool": 0.6319, "Acc.barrel": 0.8723, "Acc.basket": 0.5301, "Acc.waterfall": 0.7083, "Acc.tent": 0.9814, "Acc.bag": 0.2266, "Acc.minibike": 0.8814, "Acc.cradle": 0.978, "Acc.oven": 0.6415, "Acc.ball": 0.6393, "Acc.food": 0.6762, "Acc.step": 0.2627, "Acc.tank": 0.6721, "Acc.trade name": 0.31, "Acc.microwave": 0.9672, "Acc.pot": 0.5999, "Acc.animal": 0.6269, "Acc.bicycle": 0.7856, "Acc.lake": 0.6378, "Acc.dishwasher": 0.7694, "Acc.screen": 0.8341, "Acc.blanket": 0.287, "Acc.sculpture": 0.849, "Acc.hood": 0.754, "Acc.sconce": 0.6316, "Acc.vase": 0.6082, "Acc.traffic light": 0.5892, "Acc.tray": 0.0652, "Acc.ashcan": 0.6277, "Acc.fan": 0.7723, "Acc.pier": 0.8925, "Acc.crt screen": 0.2461, "Acc.plate": 0.7765, "Acc.monitor": 0.2059, "Acc.bulletin board": 0.7462, "Acc.shower": 0.0159, "Acc.radiator": 0.7321, "Acc.glass": 0.1754, "Acc.clock": 0.5, "Acc.flag": 0.5838} {"mode": "train", "epoch": 79, "iter": 99050, "lr": 0.0, "memory": 14793, "data_time": 2.22777, "decode.loss_ce": 0.23093, "decode.acc_seg": 90.48933, "aux.loss_ce": 0.16802, "aux.acc_seg": 84.0878, "loss": 0.39894, "grad_norm": 10.6926, "time": 2.64664} {"mode": "train", "epoch": 79, "iter": 99100, "lr": 0.0, "memory": 14793, "data_time": 0.00691, "decode.loss_ce": 0.23574, "decode.acc_seg": 90.26886, "aux.loss_ce": 0.16827, "aux.acc_seg": 83.91935, "loss": 0.40401, "grad_norm": 12.05437, "time": 0.41583} {"mode": "train", "epoch": 79, "iter": 99150, "lr": 0.0, "memory": 14793, "data_time": 0.006, "decode.loss_ce": 0.21956, "decode.acc_seg": 90.93721, "aux.loss_ce": 0.1639, "aux.acc_seg": 84.42768, "loss": 0.38346, "grad_norm": 13.17226, "time": 0.4083} {"mode": "train", "epoch": 79, "iter": 99200, "lr": 0.0, "memory": 14793, "data_time": 0.00545, "decode.loss_ce": 0.23461, "decode.acc_seg": 90.30194, "aux.loss_ce": 0.17524, "aux.acc_seg": 83.48029, "loss": 0.40985, "grad_norm": 14.7452, "time": 0.41212} {"mode": "train", "epoch": 79, "iter": 99250, "lr": 0.0, "memory": 14793, "data_time": 0.00571, "decode.loss_ce": 0.21627, "decode.acc_seg": 90.97839, "aux.loss_ce": 0.16089, "aux.acc_seg": 84.75537, "loss": 0.37716, "grad_norm": 13.89833, "time": 0.4185} {"mode": "train", "epoch": 79, "iter": 99300, "lr": 0.0, "memory": 14793, "data_time": 0.0065, "decode.loss_ce": 0.22619, "decode.acc_seg": 90.67739, "aux.loss_ce": 0.16419, "aux.acc_seg": 84.575, "loss": 0.39039, "grad_norm": 13.57795, "time": 0.4146} {"mode": "train", "epoch": 79, "iter": 99350, "lr": 0.0, "memory": 14793, "data_time": 0.00534, "decode.loss_ce": 0.21949, "decode.acc_seg": 90.85009, "aux.loss_ce": 0.16446, "aux.acc_seg": 84.43898, "loss": 0.38395, "grad_norm": 12.37293, "time": 0.41894} {"mode": "train", "epoch": 79, "iter": 99400, "lr": 0.0, "memory": 14793, "data_time": 0.00553, "decode.loss_ce": 0.21806, "decode.acc_seg": 90.70626, "aux.loss_ce": 0.16095, "aux.acc_seg": 84.32102, "loss": 0.37901, "grad_norm": 13.03969, "time": 0.42074} {"mode": "train", "epoch": 79, "iter": 99450, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.22436, "decode.acc_seg": 90.71823, "aux.loss_ce": 0.16978, "aux.acc_seg": 84.23183, "loss": 0.39413, "grad_norm": 10.48512, "time": 0.4209} {"mode": "train", "epoch": 79, "iter": 99500, "lr": 0.0, "memory": 14793, "data_time": 0.0057, "decode.loss_ce": 0.21676, "decode.acc_seg": 90.84329, "aux.loss_ce": 0.16505, "aux.acc_seg": 84.09146, "loss": 0.3818, "grad_norm": 9.66687, "time": 0.41523} {"mode": "train", "epoch": 79, "iter": 99550, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.21385, "decode.acc_seg": 91.21669, "aux.loss_ce": 0.16021, "aux.acc_seg": 84.38812, "loss": 0.37406, "grad_norm": 11.87605, "time": 0.41255} {"mode": "train", "epoch": 79, "iter": 99600, "lr": 0.0, "memory": 14793, "data_time": 0.00553, "decode.loss_ce": 0.22961, "decode.acc_seg": 90.59757, "aux.loss_ce": 0.17521, "aux.acc_seg": 83.53515, "loss": 0.40482, "grad_norm": 13.98577, "time": 0.41194} {"mode": "train", "epoch": 79, "iter": 99650, "lr": 0.0, "memory": 14793, "data_time": 0.00508, "decode.loss_ce": 0.22634, "decode.acc_seg": 90.76615, "aux.loss_ce": 0.16914, "aux.acc_seg": 84.24539, "loss": 0.39548, "grad_norm": 10.80516, "time": 0.40943} {"mode": "train", "epoch": 79, "iter": 99700, "lr": 0.0, "memory": 14793, "data_time": 0.00532, "decode.loss_ce": 0.23529, "decode.acc_seg": 90.24114, "aux.loss_ce": 0.18163, "aux.acc_seg": 83.21463, "loss": 0.41693, "grad_norm": 13.35012, "time": 0.42231} {"mode": "train", "epoch": 79, "iter": 99750, "lr": 0.0, "memory": 14793, "data_time": 0.00714, "decode.loss_ce": 0.22978, "decode.acc_seg": 90.41144, "aux.loss_ce": 0.17373, "aux.acc_seg": 83.57553, "loss": 0.40351, "grad_norm": 9.69307, "time": 0.41955} {"mode": "train", "epoch": 79, "iter": 99800, "lr": 0.0, "memory": 14793, "data_time": 0.00509, "decode.loss_ce": 0.24483, "decode.acc_seg": 89.88018, "aux.loss_ce": 0.1845, "aux.acc_seg": 82.85917, "loss": 0.42933, "grad_norm": 15.69311, "time": 0.42221} {"mode": "train", "epoch": 79, "iter": 99850, "lr": 0.0, "memory": 14793, "data_time": 0.00553, "decode.loss_ce": 0.22877, "decode.acc_seg": 90.30679, "aux.loss_ce": 0.16789, "aux.acc_seg": 83.89067, "loss": 0.39666, "grad_norm": 11.42097, "time": 0.41641} {"mode": "train", "epoch": 80, "iter": 99900, "lr": 0.0, "memory": 14793, "data_time": 0.04876, "decode.loss_ce": 0.2233, "decode.acc_seg": 90.74991, "aux.loss_ce": 0.16906, "aux.acc_seg": 83.55484, "loss": 0.39236, "grad_norm": 12.30914, "time": 0.47187} {"mode": "train", "epoch": 80, "iter": 99950, "lr": 0.0, "memory": 14793, "data_time": 0.0076, "decode.loss_ce": 0.23393, "decode.acc_seg": 90.55474, "aux.loss_ce": 0.17144, "aux.acc_seg": 84.39751, "loss": 0.40537, "grad_norm": 14.57527, "time": 0.41843} {"mode": "train", "epoch": 80, "iter": 100000, "lr": 0.0, "memory": 14793, "data_time": 0.00639, "decode.loss_ce": 0.22085, "decode.acc_seg": 90.72721, "aux.loss_ce": 0.16056, "aux.acc_seg": 84.74131, "loss": 0.38141, "grad_norm": 13.45521, "time": 0.64789} {"mode": "val", "epoch": 80, "iter": 125, "lr": 0.0, "aAcc": 0.8486, "mIoU": 0.5428, "mAcc": 0.6706, "IoU.wall": 0.8046, "IoU.building": 0.8364, "IoU.sky": 0.9496, "IoU.floor": 0.8301, "IoU.tree": 0.7641, "IoU.ceiling": 0.855, "IoU.road": 0.8581, "IoU.bed ": 0.9143, "IoU.windowpane": 0.6475, "IoU.grass": 0.6677, "IoU.cabinet": 0.6315, "IoU.sidewalk": 0.6833, "IoU.person": 0.839, "IoU.earth": 0.3893, "IoU.door": 0.5585, "IoU.table": 0.6559, "IoU.mountain": 0.5993, "IoU.plant": 0.537, "IoU.curtain": 0.7639, "IoU.chair": 0.6386, "IoU.car": 0.864, "IoU.water": 0.6089, "IoU.painting": 0.7415, "IoU.sofa": 0.7516, "IoU.shelf": 0.4517, "IoU.house": 0.4835, "IoU.sea": 0.6922, "IoU.mirror": 0.7201, "IoU.rug": 0.6854, "IoU.field": 0.311, "IoU.armchair": 0.4931, "IoU.seat": 0.6698, "IoU.fence": 0.5071, "IoU.desk": 0.5022, "IoU.rock": 0.5081, "IoU.wardrobe": 0.5232, "IoU.lamp": 0.6825, "IoU.bathtub": 0.8187, "IoU.railing": 0.4272, "IoU.cushion": 0.6508, "IoU.base": 0.3807, "IoU.box": 0.325, "IoU.column": 0.5424, "IoU.signboard": 0.3889, "IoU.chest of drawers": 0.4383, "IoU.counter": 0.2839, "IoU.sand": 0.6043, "IoU.sink": 0.768, "IoU.skyscraper": 0.5125, "IoU.fireplace": 0.7102, "IoU.refrigerator": 0.7912, "IoU.grandstand": 0.4702, "IoU.path": 0.2455, "IoU.stairs": 0.3383, "IoU.runway": 0.706, "IoU.case": 0.4832, "IoU.pool table": 0.9332, "IoU.pillow": 0.6278, "IoU.screen door": 0.6622, "IoU.stairway": 0.4073, "IoU.river": 0.1002, "IoU.bridge": 0.3589, "IoU.bookcase": 0.4603, "IoU.blind": 0.4837, "IoU.coffee table": 0.6205, "IoU.toilet": 0.8791, "IoU.flower": 0.4597, "IoU.book": 0.5148, "IoU.hill": 0.0679, "IoU.bench": 0.6432, "IoU.countertop": 0.6179, "IoU.stove": 0.8301, "IoU.palm": 0.5748, "IoU.kitchen island": 0.4247, "IoU.computer": 0.7513, "IoU.swivel chair": 0.5381, "IoU.boat": 0.7439, "IoU.bar": 0.5157, "IoU.arcade machine": 0.5733, "IoU.hovel": 0.5875, "IoU.bus": 0.9221, "IoU.towel": 0.6992, "IoU.light": 0.5811, "IoU.truck": 0.4454, "IoU.tower": 0.2931, "IoU.chandelier": 0.7106, "IoU.awning": 0.3248, "IoU.streetlight": 0.3216, "IoU.booth": 0.3804, "IoU.television receiver": 0.7765, "IoU.airplane": 0.6914, "IoU.dirt track": 0.0317, "IoU.apparel": 0.6138, "IoU.pole": 0.2302, "IoU.land": 0.0579, "IoU.bannister": 0.1555, "IoU.escalator": 0.5431, "IoU.ottoman": 0.5628, "IoU.bottle": 0.4011, "IoU.buffet": 0.4598, "IoU.poster": 0.3441, "IoU.stage": 0.2367, "IoU.van": 0.4517, "IoU.ship": 0.6291, "IoU.fountain": 0.2843, "IoU.conveyer belt": 0.7668, "IoU.canopy": 0.3712, "IoU.washer": 0.721, "IoU.plaything": 0.3915, "IoU.swimming pool": 0.6173, "IoU.stool": 0.4717, "IoU.barrel": 0.5328, "IoU.basket": 0.4111, "IoU.waterfall": 0.619, "IoU.tent": 0.957, "IoU.bag": 0.184, "IoU.minibike": 0.7303, "IoU.cradle": 0.8409, "IoU.oven": 0.4983, "IoU.ball": 0.4165, "IoU.food": 0.5422, "IoU.step": 0.1993, "IoU.tank": 0.6313, "IoU.trade name": 0.2766, "IoU.microwave": 0.8316, "IoU.pot": 0.5209, "IoU.animal": 0.593, "IoU.bicycle": 0.5965, "IoU.lake": 0.4916, "IoU.dishwasher": 0.6805, "IoU.screen": 0.5768, "IoU.blanket": 0.2759, "IoU.sculpture": 0.6919, "IoU.hood": 0.6438, "IoU.sconce": 0.5298, "IoU.vase": 0.4431, "IoU.traffic light": 0.366, "IoU.tray": 0.0505, "IoU.ashcan": 0.4854, "IoU.fan": 0.665, "IoU.pier": 0.5197, "IoU.crt screen": 0.1023, "IoU.plate": 0.5736, "IoU.monitor": 0.2581, "IoU.bulletin board": 0.6182, "IoU.shower": 0.0038, "IoU.radiator": 0.6173, "IoU.glass": 0.1537, "IoU.clock": 0.4391, "IoU.flag": 0.4879, "Acc.wall": 0.8919, "Acc.building": 0.9216, "Acc.sky": 0.9759, "Acc.floor": 0.8973, "Acc.tree": 0.8886, "Acc.ceiling": 0.9145, "Acc.road": 0.9148, "Acc.bed ": 0.9686, "Acc.windowpane": 0.8093, "Acc.grass": 0.8092, "Acc.cabinet": 0.7335, "Acc.sidewalk": 0.818, "Acc.person": 0.9342, "Acc.earth": 0.5476, "Acc.door": 0.7024, "Acc.table": 0.7945, "Acc.mountain": 0.7526, "Acc.plant": 0.6644, "Acc.curtain": 0.8858, "Acc.chair": 0.7725, "Acc.car": 0.9383, "Acc.water": 0.7632, "Acc.painting": 0.894, "Acc.sofa": 0.8844, "Acc.shelf": 0.6339, "Acc.house": 0.6886, "Acc.sea": 0.8225, "Acc.mirror": 0.802, "Acc.rug": 0.8635, "Acc.field": 0.4784, "Acc.armchair": 0.6583, "Acc.seat": 0.8513, "Acc.fence": 0.6676, "Acc.desk": 0.7562, "Acc.rock": 0.7411, "Acc.wardrobe": 0.7514, "Acc.lamp": 0.8079, "Acc.bathtub": 0.8693, "Acc.railing": 0.5928, "Acc.cushion": 0.7646, "Acc.base": 0.5537, "Acc.box": 0.4092, "Acc.column": 0.6555, "Acc.signboard": 0.5012, "Acc.chest of drawers": 0.6768, "Acc.counter": 0.3797, "Acc.sand": 0.7751, "Acc.sink": 0.8262, "Acc.skyscraper": 0.6202, "Acc.fireplace": 0.9368, "Acc.refrigerator": 0.8513, "Acc.grandstand": 0.8374, "Acc.path": 0.3659, "Acc.stairs": 0.4387, "Acc.runway": 0.951, "Acc.case": 0.6143, "Acc.pool table": 0.984, "Acc.pillow": 0.775, "Acc.screen door": 0.8656, "Acc.stairway": 0.5201, "Acc.river": 0.2239, "Acc.bridge": 0.4097, "Acc.bookcase": 0.6626, "Acc.blind": 0.576, "Acc.coffee table": 0.8569, "Acc.toilet": 0.9242, "Acc.flower": 0.6361, "Acc.book": 0.7077, "Acc.hill": 0.1152, "Acc.bench": 0.7572, "Acc.countertop": 0.8261, "Acc.stove": 0.8978, "Acc.palm": 0.811, "Acc.kitchen island": 0.8159, "Acc.computer": 0.9014, "Acc.swivel chair": 0.711, "Acc.boat": 0.8428, "Acc.bar": 0.6894, "Acc.arcade machine": 0.6004, "Acc.hovel": 0.6561, "Acc.bus": 0.975, "Acc.towel": 0.8414, "Acc.light": 0.6722, "Acc.truck": 0.6083, "Acc.tower": 0.586, "Acc.chandelier": 0.85, "Acc.awning": 0.3703, "Acc.streetlight": 0.4479, "Acc.booth": 0.4639, "Acc.television receiver": 0.8754, "Acc.airplane": 0.7795, "Acc.dirt track": 0.0587, "Acc.apparel": 0.7514, "Acc.pole": 0.3014, "Acc.land": 0.0746, "Acc.bannister": 0.1988, "Acc.escalator": 0.8495, "Acc.ottoman": 0.7597, "Acc.bottle": 0.6404, "Acc.buffet": 0.5813, "Acc.poster": 0.4458, "Acc.stage": 0.3524, "Acc.van": 0.5917, "Acc.ship": 0.6752, "Acc.fountain": 0.289, "Acc.conveyer belt": 0.9526, "Acc.canopy": 0.5409, "Acc.washer": 0.7446, "Acc.plaything": 0.5537, "Acc.swimming pool": 0.7532, "Acc.stool": 0.6391, "Acc.barrel": 0.8672, "Acc.basket": 0.5214, "Acc.waterfall": 0.747, "Acc.tent": 0.9799, "Acc.bag": 0.2181, "Acc.minibike": 0.8766, "Acc.cradle": 0.9778, "Acc.oven": 0.6345, "Acc.ball": 0.4428, "Acc.food": 0.6301, "Acc.step": 0.2517, "Acc.tank": 0.6673, "Acc.trade name": 0.3271, "Acc.microwave": 0.956, "Acc.pot": 0.6113, "Acc.animal": 0.608, "Acc.bicycle": 0.7955, "Acc.lake": 0.6415, "Acc.dishwasher": 0.8031, "Acc.screen": 0.8473, "Acc.blanket": 0.3419, "Acc.sculpture": 0.8429, "Acc.hood": 0.6958, "Acc.sconce": 0.6273, "Acc.vase": 0.5887, "Acc.traffic light": 0.5528, "Acc.tray": 0.0834, "Acc.ashcan": 0.6371, "Acc.fan": 0.8105, "Acc.pier": 0.8285, "Acc.crt screen": 0.2032, "Acc.plate": 0.7855, "Acc.monitor": 0.3117, "Acc.bulletin board": 0.7142, "Acc.shower": 0.0041, "Acc.radiator": 0.752, "Acc.glass": 0.1636, "Acc.clock": 0.4787, "Acc.flag": 0.5588} {"mode": "train", "epoch": 80, "iter": 100050, "lr": 0.0, "memory": 14793, "data_time": 2.17215, "decode.loss_ce": 0.22196, "decode.acc_seg": 90.59025, "aux.loss_ce": 0.15884, "aux.acc_seg": 84.6545, "loss": 0.3808, "grad_norm": 12.30819, "time": 2.5898} {"mode": "train", "epoch": 80, "iter": 100100, "lr": 0.0, "memory": 14793, "data_time": 0.00595, "decode.loss_ce": 0.20941, "decode.acc_seg": 91.23151, "aux.loss_ce": 0.15932, "aux.acc_seg": 84.60887, "loss": 0.36873, "grad_norm": 13.71935, "time": 0.41866} {"mode": "train", "epoch": 80, "iter": 100150, "lr": 0.0, "memory": 14793, "data_time": 0.00661, "decode.loss_ce": 0.22665, "decode.acc_seg": 90.63427, "aux.loss_ce": 0.17102, "aux.acc_seg": 83.89145, "loss": 0.39767, "grad_norm": 12.09042, "time": 0.42036} {"mode": "train", "epoch": 80, "iter": 100200, "lr": 0.0, "memory": 14793, "data_time": 0.00627, "decode.loss_ce": 0.21561, "decode.acc_seg": 91.21509, "aux.loss_ce": 0.16156, "aux.acc_seg": 84.77524, "loss": 0.37718, "grad_norm": 12.84036, "time": 0.42896} {"mode": "train", "epoch": 80, "iter": 100250, "lr": 0.0, "memory": 14793, "data_time": 0.00583, "decode.loss_ce": 0.21749, "decode.acc_seg": 90.77757, "aux.loss_ce": 0.16512, "aux.acc_seg": 83.93599, "loss": 0.38261, "grad_norm": 12.46987, "time": 0.41872} {"mode": "train", "epoch": 80, "iter": 100300, "lr": 0.0, "memory": 14793, "data_time": 0.00566, "decode.loss_ce": 0.22784, "decode.acc_seg": 90.5752, "aux.loss_ce": 0.17006, "aux.acc_seg": 83.94703, "loss": 0.39789, "grad_norm": 13.22968, "time": 0.41395} {"mode": "train", "epoch": 80, "iter": 100350, "lr": 0.0, "memory": 14793, "data_time": 0.00623, "decode.loss_ce": 0.21671, "decode.acc_seg": 91.19523, "aux.loss_ce": 0.16685, "aux.acc_seg": 84.70291, "loss": 0.38356, "grad_norm": 10.92631, "time": 0.4103} {"mode": "train", "epoch": 80, "iter": 100400, "lr": 0.0, "memory": 14793, "data_time": 0.00575, "decode.loss_ce": 0.24067, "decode.acc_seg": 89.93008, "aux.loss_ce": 0.17782, "aux.acc_seg": 82.85586, "loss": 0.41849, "grad_norm": 14.10555, "time": 0.42074} {"mode": "train", "epoch": 80, "iter": 100450, "lr": 0.0, "memory": 14793, "data_time": 0.00564, "decode.loss_ce": 0.22939, "decode.acc_seg": 90.86315, "aux.loss_ce": 0.16997, "aux.acc_seg": 83.88386, "loss": 0.39935, "grad_norm": 14.5744, "time": 0.41244} {"mode": "train", "epoch": 80, "iter": 100500, "lr": 0.0, "memory": 14793, "data_time": 0.00583, "decode.loss_ce": 0.2274, "decode.acc_seg": 90.69879, "aux.loss_ce": 0.17919, "aux.acc_seg": 83.45683, "loss": 0.40659, "grad_norm": 15.53899, "time": 0.41526} {"mode": "train", "epoch": 80, "iter": 100550, "lr": 0.0, "memory": 14793, "data_time": 0.00539, "decode.loss_ce": 0.2304, "decode.acc_seg": 90.3631, "aux.loss_ce": 0.16948, "aux.acc_seg": 84.21805, "loss": 0.39989, "grad_norm": 14.14145, "time": 0.41334} {"mode": "train", "epoch": 80, "iter": 100600, "lr": 0.0, "memory": 14793, "data_time": 0.0054, "decode.loss_ce": 0.22716, "decode.acc_seg": 90.60936, "aux.loss_ce": 0.16373, "aux.acc_seg": 84.08679, "loss": 0.39088, "grad_norm": 12.42228, "time": 0.43363} {"mode": "train", "epoch": 80, "iter": 100650, "lr": 0.0, "memory": 14793, "data_time": 0.00547, "decode.loss_ce": 0.22734, "decode.acc_seg": 90.67234, "aux.loss_ce": 0.1735, "aux.acc_seg": 83.84128, "loss": 0.40085, "grad_norm": 14.02712, "time": 0.41255} {"mode": "train", "epoch": 80, "iter": 100700, "lr": 0.0, "memory": 14793, "data_time": 0.00562, "decode.loss_ce": 0.22393, "decode.acc_seg": 90.54772, "aux.loss_ce": 0.1656, "aux.acc_seg": 83.68224, "loss": 0.38953, "grad_norm": 13.60834, "time": 0.42755} {"mode": "train", "epoch": 80, "iter": 100750, "lr": 0.0, "memory": 14793, "data_time": 0.00524, "decode.loss_ce": 0.23052, "decode.acc_seg": 90.57681, "aux.loss_ce": 0.18256, "aux.acc_seg": 83.12591, "loss": 0.41308, "grad_norm": 9.15349, "time": 0.41177} {"mode": "train", "epoch": 80, "iter": 100800, "lr": 0.0, "memory": 14793, "data_time": 0.00619, "decode.loss_ce": 0.2304, "decode.acc_seg": 90.51178, "aux.loss_ce": 0.17176, "aux.acc_seg": 83.6298, "loss": 0.40217, "grad_norm": 13.70176, "time": 0.41407} {"mode": "train", "epoch": 80, "iter": 100850, "lr": 0.0, "memory": 14793, "data_time": 0.00485, "decode.loss_ce": 0.20447, "decode.acc_seg": 91.23199, "aux.loss_ce": 0.15592, "aux.acc_seg": 84.4711, "loss": 0.36039, "grad_norm": 12.74585, "time": 0.41275} {"mode": "train", "epoch": 80, "iter": 100900, "lr": 0.0, "memory": 14793, "data_time": 0.00517, "decode.loss_ce": 0.24589, "decode.acc_seg": 89.8198, "aux.loss_ce": 0.1785, "aux.acc_seg": 83.01671, "loss": 0.42439, "grad_norm": 11.64316, "time": 0.40905} {"mode": "train", "epoch": 80, "iter": 100950, "lr": 0.0, "memory": 14793, "data_time": 0.00516, "decode.loss_ce": 0.22573, "decode.acc_seg": 90.75205, "aux.loss_ce": 0.16211, "aux.acc_seg": 84.49564, "loss": 0.38784, "grad_norm": 13.75243, "time": 0.41069} {"mode": "train", "epoch": 80, "iter": 101000, "lr": 0.0, "memory": 14793, "data_time": 0.0066, "decode.loss_ce": 0.21787, "decode.acc_seg": 90.96778, "aux.loss_ce": 0.16459, "aux.acc_seg": 84.53609, "loss": 0.38246, "grad_norm": 14.65885, "time": 0.66168} {"mode": "val", "epoch": 80, "iter": 125, "lr": 0.0, "aAcc": 0.8484, "mIoU": 0.5404, "mAcc": 0.6652, "IoU.wall": 0.8038, "IoU.building": 0.8355, "IoU.sky": 0.95, "IoU.floor": 0.8297, "IoU.tree": 0.7603, "IoU.ceiling": 0.8542, "IoU.road": 0.8607, "IoU.bed ": 0.9138, "IoU.windowpane": 0.6513, "IoU.grass": 0.658, "IoU.cabinet": 0.6513, "IoU.sidewalk": 0.6868, "IoU.person": 0.8387, "IoU.earth": 0.3813, "IoU.door": 0.5533, "IoU.table": 0.6525, "IoU.mountain": 0.5921, "IoU.plant": 0.5221, "IoU.curtain": 0.7682, "IoU.chair": 0.63, "IoU.car": 0.8629, "IoU.water": 0.612, "IoU.painting": 0.7422, "IoU.sofa": 0.7466, "IoU.shelf": 0.4547, "IoU.house": 0.4867, "IoU.sea": 0.6958, "IoU.mirror": 0.7247, "IoU.rug": 0.6758, "IoU.field": 0.2988, "IoU.armchair": 0.498, "IoU.seat": 0.6604, "IoU.fence": 0.4701, "IoU.desk": 0.5177, "IoU.rock": 0.5091, "IoU.wardrobe": 0.5438, "IoU.lamp": 0.6851, "IoU.bathtub": 0.8223, "IoU.railing": 0.4003, "IoU.cushion": 0.6494, "IoU.base": 0.3451, "IoU.box": 0.3337, "IoU.column": 0.5365, "IoU.signboard": 0.3778, "IoU.chest of drawers": 0.4449, "IoU.counter": 0.2435, "IoU.sand": 0.5754, "IoU.sink": 0.7765, "IoU.skyscraper": 0.4886, "IoU.fireplace": 0.7189, "IoU.refrigerator": 0.7714, "IoU.grandstand": 0.4627, "IoU.path": 0.2721, "IoU.stairs": 0.353, "IoU.runway": 0.6889, "IoU.case": 0.4786, "IoU.pool table": 0.9351, "IoU.pillow": 0.6079, "IoU.screen door": 0.6225, "IoU.stairway": 0.4326, "IoU.river": 0.1195, "IoU.bridge": 0.3635, "IoU.bookcase": 0.4614, "IoU.blind": 0.4814, "IoU.coffee table": 0.6145, "IoU.toilet": 0.8743, "IoU.flower": 0.4538, "IoU.book": 0.4974, "IoU.hill": 0.0767, "IoU.bench": 0.652, "IoU.countertop": 0.5871, "IoU.stove": 0.8279, "IoU.palm": 0.5664, "IoU.kitchen island": 0.4332, "IoU.computer": 0.759, "IoU.swivel chair": 0.4812, "IoU.boat": 0.6832, "IoU.bar": 0.4794, "IoU.arcade machine": 0.6899, "IoU.hovel": 0.62, "IoU.bus": 0.8885, "IoU.towel": 0.6758, "IoU.light": 0.5831, "IoU.truck": 0.4466, "IoU.tower": 0.2387, "IoU.chandelier": 0.7066, "IoU.awning": 0.3486, "IoU.streetlight": 0.3206, "IoU.booth": 0.3815, "IoU.television receiver": 0.7556, "IoU.airplane": 0.7055, "IoU.dirt track": 0.0613, "IoU.apparel": 0.5877, "IoU.pole": 0.242, "IoU.land": 0.0537, "IoU.bannister": 0.1572, "IoU.escalator": 0.5508, "IoU.ottoman": 0.5532, "IoU.bottle": 0.4118, "IoU.buffet": 0.4789, "IoU.poster": 0.3328, "IoU.stage": 0.2467, "IoU.van": 0.4885, "IoU.ship": 0.7702, "IoU.fountain": 0.2179, "IoU.conveyer belt": 0.7549, "IoU.canopy": 0.3849, "IoU.washer": 0.7186, "IoU.plaything": 0.4108, "IoU.swimming pool": 0.6926, "IoU.stool": 0.4636, "IoU.barrel": 0.5333, "IoU.basket": 0.4125, "IoU.waterfall": 0.5177, "IoU.tent": 0.9528, "IoU.bag": 0.2042, "IoU.minibike": 0.7289, "IoU.cradle": 0.8387, "IoU.oven": 0.433, "IoU.ball": 0.4317, "IoU.food": 0.5203, "IoU.step": 0.209, "IoU.tank": 0.6311, "IoU.trade name": 0.2322, "IoU.microwave": 0.7873, "IoU.pot": 0.5162, "IoU.animal": 0.627, "IoU.bicycle": 0.5957, "IoU.lake": 0.5131, "IoU.dishwasher": 0.6779, "IoU.screen": 0.6038, "IoU.blanket": 0.2355, "IoU.sculpture": 0.7026, "IoU.hood": 0.6688, "IoU.sconce": 0.5466, "IoU.vase": 0.4433, "IoU.traffic light": 0.375, "IoU.tray": 0.0545, "IoU.ashcan": 0.4601, "IoU.fan": 0.6585, "IoU.pier": 0.4316, "IoU.crt screen": 0.1391, "IoU.plate": 0.5723, "IoU.monitor": 0.1843, "IoU.bulletin board": 0.6289, "IoU.shower": 0.0046, "IoU.radiator": 0.6333, "IoU.glass": 0.1453, "IoU.clock": 0.4444, "IoU.flag": 0.493, "Acc.wall": 0.8875, "Acc.building": 0.9265, "Acc.sky": 0.9754, "Acc.floor": 0.905, "Acc.tree": 0.8967, "Acc.ceiling": 0.93, "Acc.road": 0.9261, "Acc.bed ": 0.973, "Acc.windowpane": 0.7991, "Acc.grass": 0.825, "Acc.cabinet": 0.7523, "Acc.sidewalk": 0.8003, "Acc.person": 0.9348, "Acc.earth": 0.5168, "Acc.door": 0.6889, "Acc.table": 0.8, "Acc.mountain": 0.7317, "Acc.plant": 0.6269, "Acc.curtain": 0.8871, "Acc.chair": 0.7586, "Acc.car": 0.9393, "Acc.water": 0.7815, "Acc.painting": 0.8904, "Acc.sofa": 0.8834, "Acc.shelf": 0.6668, "Acc.house": 0.717, "Acc.sea": 0.899, "Acc.mirror": 0.8, "Acc.rug": 0.8068, "Acc.field": 0.4631, "Acc.armchair": 0.7012, "Acc.seat": 0.8551, "Acc.fence": 0.6094, "Acc.desk": 0.7417, "Acc.rock": 0.7826, "Acc.wardrobe": 0.7199, "Acc.lamp": 0.8002, "Acc.bathtub": 0.8621, "Acc.railing": 0.5502, "Acc.cushion": 0.766, "Acc.base": 0.4496, "Acc.box": 0.4217, "Acc.column": 0.6659, "Acc.signboard": 0.4889, "Acc.chest of drawers": 0.632, "Acc.counter": 0.3311, "Acc.sand": 0.7758, "Acc.sink": 0.8465, "Acc.skyscraper": 0.5737, "Acc.fireplace": 0.9155, "Acc.refrigerator": 0.8293, "Acc.grandstand": 0.8587, "Acc.path": 0.4291, "Acc.stairs": 0.4644, "Acc.runway": 0.9011, "Acc.case": 0.5981, "Acc.pool table": 0.9819, "Acc.pillow": 0.7054, "Acc.screen door": 0.8332, "Acc.stairway": 0.5112, "Acc.river": 0.1829, "Acc.bridge": 0.4195, "Acc.bookcase": 0.7273, "Acc.blind": 0.5766, "Acc.coffee table": 0.8721, "Acc.toilet": 0.9332, "Acc.flower": 0.6236, "Acc.book": 0.6548, "Acc.hill": 0.1157, "Acc.bench": 0.7574, "Acc.countertop": 0.8336, "Acc.stove": 0.8832, "Acc.palm": 0.7689, "Acc.kitchen island": 0.8008, "Acc.computer": 0.905, "Acc.swivel chair": 0.6323, "Acc.boat": 0.8422, "Acc.bar": 0.7126, "Acc.arcade machine": 0.7289, "Acc.hovel": 0.7146, "Acc.bus": 0.9797, "Acc.towel": 0.8578, "Acc.light": 0.6633, "Acc.truck": 0.5951, "Acc.tower": 0.3724, "Acc.chandelier": 0.8279, "Acc.awning": 0.4208, "Acc.streetlight": 0.4344, "Acc.booth": 0.4629, "Acc.television receiver": 0.8267, "Acc.airplane": 0.7846, "Acc.dirt track": 0.1127, "Acc.apparel": 0.7523, "Acc.pole": 0.3155, "Acc.land": 0.0768, "Acc.bannister": 0.2023, "Acc.escalator": 0.8142, "Acc.ottoman": 0.7211, "Acc.bottle": 0.6469, "Acc.buffet": 0.6074, "Acc.poster": 0.4383, "Acc.stage": 0.3736, "Acc.van": 0.669, "Acc.ship": 0.8604, "Acc.fountain": 0.2198, "Acc.conveyer belt": 0.942, "Acc.canopy": 0.5768, "Acc.washer": 0.7441, "Acc.plaything": 0.5894, "Acc.swimming pool": 0.7615, "Acc.stool": 0.6329, "Acc.barrel": 0.8527, "Acc.basket": 0.5085, "Acc.waterfall": 0.5903, "Acc.tent": 0.9839, "Acc.bag": 0.247, "Acc.minibike": 0.862, "Acc.cradle": 0.9807, "Acc.oven": 0.6278, "Acc.ball": 0.4607, "Acc.food": 0.5808, "Acc.step": 0.2624, "Acc.tank": 0.6693, "Acc.trade name": 0.2549, "Acc.microwave": 0.8977, "Acc.pot": 0.6012, "Acc.animal": 0.6508, "Acc.bicycle": 0.7702, "Acc.lake": 0.6373, "Acc.dishwasher": 0.756, "Acc.screen": 0.835, "Acc.blanket": 0.2836, "Acc.sculpture": 0.8424, "Acc.hood": 0.7191, "Acc.sconce": 0.6479, "Acc.vase": 0.5918, "Acc.traffic light": 0.5324, "Acc.tray": 0.0884, "Acc.ashcan": 0.5851, "Acc.fan": 0.8125, "Acc.pier": 0.7155, "Acc.crt screen": 0.3196, "Acc.plate": 0.7741, "Acc.monitor": 0.213, "Acc.bulletin board": 0.7442, "Acc.shower": 0.0097, "Acc.radiator": 0.7371, "Acc.glass": 0.1529, "Acc.clock": 0.4864, "Acc.flag": 0.538} {"mode": "train", "epoch": 80, "iter": 101050, "lr": 0.0, "memory": 14793, "data_time": 2.1375, "decode.loss_ce": 0.23127, "decode.acc_seg": 90.47199, "aux.loss_ce": 0.17438, "aux.acc_seg": 83.21088, "loss": 0.40565, "grad_norm": 11.56057, "time": 2.54875} {"mode": "train", "epoch": 80, "iter": 101100, "lr": 0.0, "memory": 14793, "data_time": 0.00614, "decode.loss_ce": 0.20714, "decode.acc_seg": 90.94956, "aux.loss_ce": 0.15977, "aux.acc_seg": 84.13283, "loss": 0.36691, "grad_norm": 10.08038, "time": 0.42134} {"mode": "train", "epoch": 81, "iter": 101150, "lr": 0.0, "memory": 14793, "data_time": 0.05411, "decode.loss_ce": 0.21932, "decode.acc_seg": 90.91451, "aux.loss_ce": 0.16897, "aux.acc_seg": 83.81646, "loss": 0.38829, "grad_norm": 10.82147, "time": 0.46277} {"mode": "train", "epoch": 81, "iter": 101200, "lr": 0.0, "memory": 14793, "data_time": 0.00599, "decode.loss_ce": 0.23415, "decode.acc_seg": 90.20451, "aux.loss_ce": 0.17314, "aux.acc_seg": 83.36672, "loss": 0.40729, "grad_norm": 13.73495, "time": 0.41685} {"mode": "train", "epoch": 81, "iter": 101250, "lr": 0.0, "memory": 14793, "data_time": 0.00581, "decode.loss_ce": 0.23627, "decode.acc_seg": 90.03133, "aux.loss_ce": 0.17195, "aux.acc_seg": 83.51671, "loss": 0.40822, "grad_norm": 11.6158, "time": 0.41345} {"mode": "train", "epoch": 81, "iter": 101300, "lr": 0.0, "memory": 14793, "data_time": 0.00573, "decode.loss_ce": 0.21956, "decode.acc_seg": 90.77708, "aux.loss_ce": 0.16546, "aux.acc_seg": 84.10135, "loss": 0.38501, "grad_norm": 13.67479, "time": 0.40801} {"mode": "train", "epoch": 81, "iter": 101350, "lr": 0.0, "memory": 14793, "data_time": 0.00566, "decode.loss_ce": 0.22429, "decode.acc_seg": 90.77128, "aux.loss_ce": 0.17332, "aux.acc_seg": 83.42534, "loss": 0.39762, "grad_norm": 12.97786, "time": 0.41553} {"mode": "train", "epoch": 81, "iter": 101400, "lr": 0.0, "memory": 14793, "data_time": 0.00557, "decode.loss_ce": 0.21879, "decode.acc_seg": 91.26784, "aux.loss_ce": 0.16921, "aux.acc_seg": 84.24197, "loss": 0.388, "grad_norm": 10.68049, "time": 0.41797} {"mode": "train", "epoch": 81, "iter": 101450, "lr": 0.0, "memory": 14793, "data_time": 0.00745, "decode.loss_ce": 0.21779, "decode.acc_seg": 90.9533, "aux.loss_ce": 0.16758, "aux.acc_seg": 84.08211, "loss": 0.38537, "grad_norm": 12.67294, "time": 0.42331} {"mode": "train", "epoch": 81, "iter": 101500, "lr": 0.0, "memory": 14793, "data_time": 0.00555, "decode.loss_ce": 0.21715, "decode.acc_seg": 90.64433, "aux.loss_ce": 0.16424, "aux.acc_seg": 83.65631, "loss": 0.38139, "grad_norm": 12.81356, "time": 0.42391} {"mode": "train", "epoch": 81, "iter": 101550, "lr": 0.0, "memory": 14793, "data_time": 0.0055, "decode.loss_ce": 0.21753, "decode.acc_seg": 91.01249, "aux.loss_ce": 0.16755, "aux.acc_seg": 84.18435, "loss": 0.38508, "grad_norm": 9.96122, "time": 0.4145} {"mode": "train", "epoch": 81, "iter": 101600, "lr": 0.0, "memory": 14793, "data_time": 0.00575, "decode.loss_ce": 0.22156, "decode.acc_seg": 90.29119, "aux.loss_ce": 0.16839, "aux.acc_seg": 83.62323, "loss": 0.38995, "grad_norm": 15.46773, "time": 0.40824} {"mode": "train", "epoch": 81, "iter": 101650, "lr": 0.0, "memory": 14793, "data_time": 0.00557, "decode.loss_ce": 0.22715, "decode.acc_seg": 90.43581, "aux.loss_ce": 0.16702, "aux.acc_seg": 83.93213, "loss": 0.39417, "grad_norm": 13.79265, "time": 0.41844} {"mode": "train", "epoch": 81, "iter": 101700, "lr": 0.0, "memory": 14793, "data_time": 0.00683, "decode.loss_ce": 0.2385, "decode.acc_seg": 90.03597, "aux.loss_ce": 0.17737, "aux.acc_seg": 83.0074, "loss": 0.41587, "grad_norm": 21.0143, "time": 0.40898} {"mode": "train", "epoch": 81, "iter": 101750, "lr": 0.0, "memory": 14793, "data_time": 0.00674, "decode.loss_ce": 0.22094, "decode.acc_seg": 90.81593, "aux.loss_ce": 0.1698, "aux.acc_seg": 83.64732, "loss": 0.39074, "grad_norm": 10.32852, "time": 0.41521} {"mode": "train", "epoch": 81, "iter": 101800, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.229, "decode.acc_seg": 90.62292, "aux.loss_ce": 0.16757, "aux.acc_seg": 83.93665, "loss": 0.39657, "grad_norm": 14.246, "time": 0.41699} {"mode": "train", "epoch": 81, "iter": 101850, "lr": 0.0, "memory": 14793, "data_time": 0.0051, "decode.loss_ce": 0.21723, "decode.acc_seg": 91.01078, "aux.loss_ce": 0.16754, "aux.acc_seg": 84.28969, "loss": 0.38477, "grad_norm": 12.3977, "time": 0.41038} {"mode": "train", "epoch": 81, "iter": 101900, "lr": 0.0, "memory": 14793, "data_time": 0.00532, "decode.loss_ce": 0.20998, "decode.acc_seg": 91.27964, "aux.loss_ce": 0.16273, "aux.acc_seg": 84.75679, "loss": 0.37271, "grad_norm": 14.45316, "time": 0.415} {"mode": "train", "epoch": 81, "iter": 101950, "lr": 0.0, "memory": 14793, "data_time": 0.00603, "decode.loss_ce": 0.23003, "decode.acc_seg": 90.72892, "aux.loss_ce": 0.16496, "aux.acc_seg": 84.44146, "loss": 0.39499, "grad_norm": 11.57328, "time": 0.40547} {"mode": "train", "epoch": 81, "iter": 102000, "lr": 0.0, "memory": 14793, "data_time": 0.00604, "decode.loss_ce": 0.22763, "decode.acc_seg": 90.49651, "aux.loss_ce": 0.17055, "aux.acc_seg": 83.82244, "loss": 0.39818, "grad_norm": 9.88371, "time": 0.66078} {"mode": "val", "epoch": 81, "iter": 125, "lr": 0.0, "aAcc": 0.8484, "mIoU": 0.5439, "mAcc": 0.6703, "IoU.wall": 0.8049, "IoU.building": 0.836, "IoU.sky": 0.9486, "IoU.floor": 0.8331, "IoU.tree": 0.7609, "IoU.ceiling": 0.857, "IoU.road": 0.8546, "IoU.bed ": 0.9147, "IoU.windowpane": 0.6485, "IoU.grass": 0.6723, "IoU.cabinet": 0.6327, "IoU.sidewalk": 0.6812, "IoU.person": 0.8382, "IoU.earth": 0.3942, "IoU.door": 0.5583, "IoU.table": 0.6555, "IoU.mountain": 0.6012, "IoU.plant": 0.5269, "IoU.curtain": 0.7654, "IoU.chair": 0.6338, "IoU.car": 0.8606, "IoU.water": 0.5703, "IoU.painting": 0.7471, "IoU.sofa": 0.7324, "IoU.shelf": 0.4562, "IoU.house": 0.5056, "IoU.sea": 0.6448, "IoU.mirror": 0.7271, "IoU.rug": 0.6738, "IoU.field": 0.3246, "IoU.armchair": 0.4652, "IoU.seat": 0.6668, "IoU.fence": 0.4889, "IoU.desk": 0.514, "IoU.rock": 0.513, "IoU.wardrobe": 0.5191, "IoU.lamp": 0.6849, "IoU.bathtub": 0.8255, "IoU.railing": 0.4119, "IoU.cushion": 0.6427, "IoU.base": 0.3499, "IoU.box": 0.3308, "IoU.column": 0.54, "IoU.signboard": 0.3855, "IoU.chest of drawers": 0.4402, "IoU.counter": 0.284, "IoU.sand": 0.5801, "IoU.sink": 0.7916, "IoU.skyscraper": 0.5766, "IoU.fireplace": 0.7133, "IoU.refrigerator": 0.7742, "IoU.grandstand": 0.4597, "IoU.path": 0.2688, "IoU.stairs": 0.3201, "IoU.runway": 0.6951, "IoU.case": 0.4715, "IoU.pool table": 0.9348, "IoU.pillow": 0.629, "IoU.screen door": 0.671, "IoU.stairway": 0.406, "IoU.river": 0.1434, "IoU.bridge": 0.3755, "IoU.bookcase": 0.4301, "IoU.blind": 0.5112, "IoU.coffee table": 0.6216, "IoU.toilet": 0.8806, "IoU.flower": 0.4527, "IoU.book": 0.5036, "IoU.hill": 0.0793, "IoU.bench": 0.6411, "IoU.countertop": 0.6203, "IoU.stove": 0.83, "IoU.palm": 0.566, "IoU.kitchen island": 0.4457, "IoU.computer": 0.7481, "IoU.swivel chair": 0.5473, "IoU.boat": 0.743, "IoU.bar": 0.492, "IoU.arcade machine": 0.7024, "IoU.hovel": 0.6229, "IoU.bus": 0.8964, "IoU.towel": 0.682, "IoU.light": 0.588, "IoU.truck": 0.4537, "IoU.tower": 0.2437, "IoU.chandelier": 0.7066, "IoU.awning": 0.3453, "IoU.streetlight": 0.3262, "IoU.booth": 0.3995, "IoU.television receiver": 0.7676, "IoU.airplane": 0.7117, "IoU.dirt track": 0.0718, "IoU.apparel": 0.5683, "IoU.pole": 0.2362, "IoU.land": 0.0426, "IoU.bannister": 0.1561, "IoU.escalator": 0.5462, "IoU.ottoman": 0.5523, "IoU.bottle": 0.4051, "IoU.buffet": 0.4899, "IoU.poster": 0.3335, "IoU.stage": 0.2418, "IoU.van": 0.4463, "IoU.ship": 0.6601, "IoU.fountain": 0.2645, "IoU.conveyer belt": 0.783, "IoU.canopy": 0.3606, "IoU.washer": 0.7197, "IoU.plaything": 0.4068, "IoU.swimming pool": 0.7258, "IoU.stool": 0.4726, "IoU.barrel": 0.5666, "IoU.basket": 0.4147, "IoU.waterfall": 0.5309, "IoU.tent": 0.9594, "IoU.bag": 0.2249, "IoU.minibike": 0.7331, "IoU.cradle": 0.8354, "IoU.oven": 0.4379, "IoU.ball": 0.5686, "IoU.food": 0.5668, "IoU.step": 0.2376, "IoU.tank": 0.6368, "IoU.trade name": 0.2338, "IoU.microwave": 0.8002, "IoU.pot": 0.5251, "IoU.animal": 0.6087, "IoU.bicycle": 0.5913, "IoU.lake": 0.5485, "IoU.dishwasher": 0.6551, "IoU.screen": 0.6081, "IoU.blanket": 0.2183, "IoU.sculpture": 0.6927, "IoU.hood": 0.6638, "IoU.sconce": 0.5537, "IoU.vase": 0.4442, "IoU.traffic light": 0.3839, "IoU.tray": 0.0596, "IoU.ashcan": 0.4712, "IoU.fan": 0.6539, "IoU.pier": 0.3931, "IoU.crt screen": 0.1233, "IoU.plate": 0.5773, "IoU.monitor": 0.2, "IoU.bulletin board": 0.6348, "IoU.shower": 0.0004, "IoU.radiator": 0.6214, "IoU.glass": 0.1578, "IoU.clock": 0.4318, "IoU.flag": 0.4454, "Acc.wall": 0.8907, "Acc.building": 0.9192, "Acc.sky": 0.98, "Acc.floor": 0.905, "Acc.tree": 0.8835, "Acc.ceiling": 0.9286, "Acc.road": 0.9041, "Acc.bed ": 0.9699, "Acc.windowpane": 0.7938, "Acc.grass": 0.831, "Acc.cabinet": 0.7282, "Acc.sidewalk": 0.8283, "Acc.person": 0.9368, "Acc.earth": 0.5528, "Acc.door": 0.7127, "Acc.table": 0.791, "Acc.mountain": 0.7411, "Acc.plant": 0.6487, "Acc.curtain": 0.8925, "Acc.chair": 0.7503, "Acc.car": 0.942, "Acc.water": 0.7262, "Acc.painting": 0.8865, "Acc.sofa": 0.8911, "Acc.shelf": 0.6354, "Acc.house": 0.7415, "Acc.sea": 0.8598, "Acc.mirror": 0.7971, "Acc.rug": 0.7863, "Acc.field": 0.4667, "Acc.armchair": 0.637, "Acc.seat": 0.8542, "Acc.fence": 0.68, "Acc.desk": 0.755, "Acc.rock": 0.7729, "Acc.wardrobe": 0.7101, "Acc.lamp": 0.7987, "Acc.bathtub": 0.8665, "Acc.railing": 0.571, "Acc.cushion": 0.7609, "Acc.base": 0.4682, "Acc.box": 0.4225, "Acc.column": 0.6752, "Acc.signboard": 0.4988, "Acc.chest of drawers": 0.6751, "Acc.counter": 0.4007, "Acc.sand": 0.7463, "Acc.sink": 0.8576, "Acc.skyscraper": 0.7189, "Acc.fireplace": 0.9314, "Acc.refrigerator": 0.8496, "Acc.grandstand": 0.8505, "Acc.path": 0.3897, "Acc.stairs": 0.4015, "Acc.runway": 0.9049, "Acc.case": 0.5822, "Acc.pool table": 0.9824, "Acc.pillow": 0.7692, "Acc.screen door": 0.8523, "Acc.stairway": 0.5123, "Acc.river": 0.2776, "Acc.bridge": 0.4249, "Acc.bookcase": 0.6694, "Acc.blind": 0.6116, "Acc.coffee table": 0.8465, "Acc.toilet": 0.9351, "Acc.flower": 0.5834, "Acc.book": 0.7458, "Acc.hill": 0.1349, "Acc.bench": 0.7659, "Acc.countertop": 0.8085, "Acc.stove": 0.8957, "Acc.palm": 0.7556, "Acc.kitchen island": 0.8233, "Acc.computer": 0.9091, "Acc.swivel chair": 0.7413, "Acc.boat": 0.8414, "Acc.bar": 0.6678, "Acc.arcade machine": 0.7475, "Acc.hovel": 0.7023, "Acc.bus": 0.9745, "Acc.towel": 0.8622, "Acc.light": 0.6748, "Acc.truck": 0.6052, "Acc.tower": 0.4492, "Acc.chandelier": 0.8638, "Acc.awning": 0.4148, "Acc.streetlight": 0.4591, "Acc.booth": 0.4984, "Acc.television receiver": 0.8551, "Acc.airplane": 0.7912, "Acc.dirt track": 0.1273, "Acc.apparel": 0.7263, "Acc.pole": 0.3164, "Acc.land": 0.079, "Acc.bannister": 0.2002, "Acc.escalator": 0.8248, "Acc.ottoman": 0.7289, "Acc.bottle": 0.693, "Acc.buffet": 0.6175, "Acc.poster": 0.4322, "Acc.stage": 0.3596, "Acc.van": 0.5729, "Acc.ship": 0.727, "Acc.fountain": 0.2673, "Acc.conveyer belt": 0.9458, "Acc.canopy": 0.5481, "Acc.washer": 0.7428, "Acc.plaything": 0.5794, "Acc.swimming pool": 0.753, "Acc.stool": 0.654, "Acc.barrel": 0.8629, "Acc.basket": 0.5364, "Acc.waterfall": 0.608, "Acc.tent": 0.9797, "Acc.bag": 0.2832, "Acc.minibike": 0.8705, "Acc.cradle": 0.9785, "Acc.oven": 0.6104, "Acc.ball": 0.7269, "Acc.food": 0.6279, "Acc.step": 0.2994, "Acc.tank": 0.6652, "Acc.trade name": 0.2573, "Acc.microwave": 0.9136, "Acc.pot": 0.6201, "Acc.animal": 0.6242, "Acc.bicycle": 0.7576, "Acc.lake": 0.6389, "Acc.dishwasher": 0.8074, "Acc.screen": 0.8587, "Acc.blanket": 0.2528, "Acc.sculpture": 0.8292, "Acc.hood": 0.7104, "Acc.sconce": 0.6842, "Acc.vase": 0.5942, "Acc.traffic light": 0.5505, "Acc.tray": 0.1001, "Acc.ashcan": 0.6226, "Acc.fan": 0.7715, "Acc.pier": 0.5417, "Acc.crt screen": 0.2688, "Acc.plate": 0.7882, "Acc.monitor": 0.244, "Acc.bulletin board": 0.735, "Acc.shower": 0.0006, "Acc.radiator": 0.7473, "Acc.glass": 0.1679, "Acc.clock": 0.4709, "Acc.flag": 0.496} {"mode": "train", "epoch": 81, "iter": 102050, "lr": 0.0, "memory": 14793, "data_time": 2.17956, "decode.loss_ce": 0.21467, "decode.acc_seg": 90.71484, "aux.loss_ce": 0.15638, "aux.acc_seg": 84.70716, "loss": 0.37105, "grad_norm": 12.53203, "time": 2.58064} {"mode": "train", "epoch": 81, "iter": 102100, "lr": 0.0, "memory": 14793, "data_time": 0.00615, "decode.loss_ce": 0.21683, "decode.acc_seg": 90.87696, "aux.loss_ce": 0.16515, "aux.acc_seg": 84.30421, "loss": 0.38198, "grad_norm": 12.47451, "time": 0.41638} {"mode": "train", "epoch": 81, "iter": 102150, "lr": 0.0, "memory": 14793, "data_time": 0.00611, "decode.loss_ce": 0.21416, "decode.acc_seg": 90.65126, "aux.loss_ce": 0.15767, "aux.acc_seg": 84.63171, "loss": 0.37183, "grad_norm": 13.16317, "time": 0.41105} {"mode": "train", "epoch": 81, "iter": 102200, "lr": 0.0, "memory": 14793, "data_time": 0.00558, "decode.loss_ce": 0.24929, "decode.acc_seg": 89.89672, "aux.loss_ce": 0.18135, "aux.acc_seg": 83.01878, "loss": 0.43064, "grad_norm": 14.81837, "time": 0.43304} {"mode": "train", "epoch": 81, "iter": 102250, "lr": 0.0, "memory": 14793, "data_time": 0.00631, "decode.loss_ce": 0.22959, "decode.acc_seg": 90.56725, "aux.loss_ce": 0.16921, "aux.acc_seg": 84.00548, "loss": 0.3988, "grad_norm": 14.58637, "time": 0.43211} {"mode": "train", "epoch": 81, "iter": 102300, "lr": 0.0, "memory": 14793, "data_time": 0.00557, "decode.loss_ce": 0.23069, "decode.acc_seg": 90.40861, "aux.loss_ce": 0.16917, "aux.acc_seg": 83.93135, "loss": 0.39986, "grad_norm": 12.74864, "time": 0.42473} {"mode": "train", "epoch": 81, "iter": 102350, "lr": 0.0, "memory": 14793, "data_time": 0.00586, "decode.loss_ce": 0.2071, "decode.acc_seg": 91.42616, "aux.loss_ce": 0.16423, "aux.acc_seg": 84.30542, "loss": 0.37133, "grad_norm": 9.98614, "time": 0.41934} {"mode": "train", "epoch": 82, "iter": 102400, "lr": 0.0, "memory": 14793, "data_time": 0.0524, "decode.loss_ce": 0.2131, "decode.acc_seg": 90.81078, "aux.loss_ce": 0.16021, "aux.acc_seg": 84.65139, "loss": 0.37331, "grad_norm": 11.17543, "time": 0.45926} {"mode": "train", "epoch": 82, "iter": 102450, "lr": 0.0, "memory": 14793, "data_time": 0.00617, "decode.loss_ce": 0.22425, "decode.acc_seg": 90.76256, "aux.loss_ce": 0.16976, "aux.acc_seg": 84.06536, "loss": 0.394, "grad_norm": 14.5342, "time": 0.41655} {"mode": "train", "epoch": 82, "iter": 102500, "lr": 0.0, "memory": 14793, "data_time": 0.00547, "decode.loss_ce": 0.21143, "decode.acc_seg": 91.23208, "aux.loss_ce": 0.15719, "aux.acc_seg": 85.00397, "loss": 0.36862, "grad_norm": 15.14893, "time": 0.41626} {"mode": "train", "epoch": 82, "iter": 102550, "lr": 0.0, "memory": 14793, "data_time": 0.00555, "decode.loss_ce": 0.21757, "decode.acc_seg": 90.67332, "aux.loss_ce": 0.15746, "aux.acc_seg": 84.44135, "loss": 0.37503, "grad_norm": 13.65097, "time": 0.42132} {"mode": "train", "epoch": 82, "iter": 102600, "lr": 0.0, "memory": 14793, "data_time": 0.00577, "decode.loss_ce": 0.21795, "decode.acc_seg": 90.84313, "aux.loss_ce": 0.16261, "aux.acc_seg": 84.47599, "loss": 0.38056, "grad_norm": 12.20061, "time": 0.41976} {"mode": "train", "epoch": 82, "iter": 102650, "lr": 0.0, "memory": 14793, "data_time": 0.00538, "decode.loss_ce": 0.22768, "decode.acc_seg": 90.48708, "aux.loss_ce": 0.16316, "aux.acc_seg": 84.37836, "loss": 0.39084, "grad_norm": 15.24778, "time": 0.41774} {"mode": "train", "epoch": 82, "iter": 102700, "lr": 0.0, "memory": 14793, "data_time": 0.00594, "decode.loss_ce": 0.22326, "decode.acc_seg": 90.41169, "aux.loss_ce": 0.15973, "aux.acc_seg": 84.24351, "loss": 0.38299, "grad_norm": 12.78139, "time": 0.41669} {"mode": "train", "epoch": 82, "iter": 102750, "lr": 0.0, "memory": 14793, "data_time": 0.00555, "decode.loss_ce": 0.21415, "decode.acc_seg": 91.02849, "aux.loss_ce": 0.16514, "aux.acc_seg": 84.20011, "loss": 0.37929, "grad_norm": 11.42095, "time": 0.40968} {"mode": "train", "epoch": 82, "iter": 102800, "lr": 0.0, "memory": 14793, "data_time": 0.00543, "decode.loss_ce": 0.21764, "decode.acc_seg": 90.71127, "aux.loss_ce": 0.15589, "aux.acc_seg": 84.59158, "loss": 0.37354, "grad_norm": 10.45992, "time": 0.40891} {"mode": "train", "epoch": 82, "iter": 102850, "lr": 0.0, "memory": 14793, "data_time": 0.00608, "decode.loss_ce": 0.21919, "decode.acc_seg": 91.03286, "aux.loss_ce": 0.16273, "aux.acc_seg": 84.67, "loss": 0.38192, "grad_norm": 11.22599, "time": 0.40726} {"mode": "train", "epoch": 82, "iter": 102900, "lr": 0.0, "memory": 14793, "data_time": 0.00549, "decode.loss_ce": 0.23055, "decode.acc_seg": 90.31817, "aux.loss_ce": 0.17083, "aux.acc_seg": 83.99718, "loss": 0.40138, "grad_norm": 13.68305, "time": 0.4101} {"mode": "train", "epoch": 82, "iter": 102950, "lr": 0.0, "memory": 14793, "data_time": 0.00664, "decode.loss_ce": 0.2054, "decode.acc_seg": 91.06117, "aux.loss_ce": 0.15716, "aux.acc_seg": 84.63139, "loss": 0.36256, "grad_norm": 13.30091, "time": 0.41306} {"mode": "train", "epoch": 82, "iter": 103000, "lr": 0.0, "memory": 14793, "data_time": 0.00564, "decode.loss_ce": 0.21375, "decode.acc_seg": 90.88993, "aux.loss_ce": 0.16071, "aux.acc_seg": 84.13057, "loss": 0.37446, "grad_norm": 9.32577, "time": 0.64107} {"mode": "val", "epoch": 82, "iter": 125, "lr": 0.0, "aAcc": 0.8492, "mIoU": 0.547, "mAcc": 0.6734, "IoU.wall": 0.8036, "IoU.building": 0.8366, "IoU.sky": 0.9502, "IoU.floor": 0.831, "IoU.tree": 0.763, "IoU.ceiling": 0.8603, "IoU.road": 0.8552, "IoU.bed ": 0.9169, "IoU.windowpane": 0.6453, "IoU.grass": 0.6704, "IoU.cabinet": 0.6534, "IoU.sidewalk": 0.6791, "IoU.person": 0.8386, "IoU.earth": 0.3902, "IoU.door": 0.5535, "IoU.table": 0.6555, "IoU.mountain": 0.6024, "IoU.plant": 0.5216, "IoU.curtain": 0.7646, "IoU.chair": 0.6397, "IoU.car": 0.8587, "IoU.water": 0.6119, "IoU.painting": 0.7381, "IoU.sofa": 0.7438, "IoU.shelf": 0.4371, "IoU.house": 0.4835, "IoU.sea": 0.6829, "IoU.mirror": 0.7211, "IoU.rug": 0.6697, "IoU.field": 0.306, "IoU.armchair": 0.4926, "IoU.seat": 0.6696, "IoU.fence": 0.48, "IoU.desk": 0.5246, "IoU.rock": 0.5046, "IoU.wardrobe": 0.5475, "IoU.lamp": 0.6851, "IoU.bathtub": 0.8258, "IoU.railing": 0.3994, "IoU.cushion": 0.6482, "IoU.base": 0.398, "IoU.box": 0.321, "IoU.column": 0.5497, "IoU.signboard": 0.3871, "IoU.chest of drawers": 0.458, "IoU.counter": 0.3045, "IoU.sand": 0.5933, "IoU.sink": 0.7841, "IoU.skyscraper": 0.4722, "IoU.fireplace": 0.7165, "IoU.refrigerator": 0.7826, "IoU.grandstand": 0.4787, "IoU.path": 0.2555, "IoU.stairs": 0.3516, "IoU.runway": 0.6493, "IoU.case": 0.4633, "IoU.pool table": 0.9351, "IoU.pillow": 0.6272, "IoU.screen door": 0.6817, "IoU.stairway": 0.4155, "IoU.river": 0.1467, "IoU.bridge": 0.4049, "IoU.bookcase": 0.4545, "IoU.blind": 0.4305, "IoU.coffee table": 0.6179, "IoU.toilet": 0.8814, "IoU.flower": 0.4592, "IoU.book": 0.4929, "IoU.hill": 0.0852, "IoU.bench": 0.6521, "IoU.countertop": 0.6118, "IoU.stove": 0.8322, "IoU.palm": 0.5754, "IoU.kitchen island": 0.4418, "IoU.computer": 0.7499, "IoU.swivel chair": 0.5005, "IoU.boat": 0.712, "IoU.bar": 0.4779, "IoU.arcade machine": 0.7459, "IoU.hovel": 0.5945, "IoU.bus": 0.8982, "IoU.towel": 0.6918, "IoU.light": 0.5843, "IoU.truck": 0.4525, "IoU.tower": 0.2637, "IoU.chandelier": 0.7113, "IoU.awning": 0.3356, "IoU.streetlight": 0.331, "IoU.booth": 0.3708, "IoU.television receiver": 0.7772, "IoU.airplane": 0.7663, "IoU.dirt track": 0.1627, "IoU.apparel": 0.6083, "IoU.pole": 0.2571, "IoU.land": 0.0403, "IoU.bannister": 0.1521, "IoU.escalator": 0.5306, "IoU.ottoman": 0.5602, "IoU.bottle": 0.4112, "IoU.buffet": 0.4493, "IoU.poster": 0.3365, "IoU.stage": 0.2334, "IoU.van": 0.4621, "IoU.ship": 0.7347, "IoU.fountain": 0.2554, "IoU.conveyer belt": 0.7769, "IoU.canopy": 0.3634, "IoU.washer": 0.7322, "IoU.plaything": 0.3735, "IoU.swimming pool": 0.6544, "IoU.stool": 0.4847, "IoU.barrel": 0.5464, "IoU.basket": 0.4208, "IoU.waterfall": 0.5464, "IoU.tent": 0.9599, "IoU.bag": 0.2262, "IoU.minibike": 0.7289, "IoU.cradle": 0.8465, "IoU.oven": 0.4985, "IoU.ball": 0.5853, "IoU.food": 0.5894, "IoU.step": 0.2234, "IoU.tank": 0.6348, "IoU.trade name": 0.2735, "IoU.microwave": 0.8298, "IoU.pot": 0.5238, "IoU.animal": 0.5978, "IoU.bicycle": 0.6043, "IoU.lake": 0.5487, "IoU.dishwasher": 0.6812, "IoU.screen": 0.5956, "IoU.blanket": 0.2848, "IoU.sculpture": 0.6848, "IoU.hood": 0.641, "IoU.sconce": 0.5418, "IoU.vase": 0.4461, "IoU.traffic light": 0.3795, "IoU.tray": 0.0571, "IoU.ashcan": 0.4771, "IoU.fan": 0.6696, "IoU.pier": 0.4477, "IoU.crt screen": 0.1389, "IoU.plate": 0.5771, "IoU.monitor": 0.1531, "IoU.bulletin board": 0.6453, "IoU.shower": 0.0, "IoU.radiator": 0.6388, "IoU.glass": 0.1644, "IoU.clock": 0.452, "IoU.flag": 0.4737, "Acc.wall": 0.8857, "Acc.building": 0.9262, "Acc.sky": 0.9758, "Acc.floor": 0.9044, "Acc.tree": 0.8895, "Acc.ceiling": 0.9242, "Acc.road": 0.9269, "Acc.bed ": 0.9697, "Acc.windowpane": 0.8059, "Acc.grass": 0.8399, "Acc.cabinet": 0.7685, "Acc.sidewalk": 0.8033, "Acc.person": 0.9353, "Acc.earth": 0.5298, "Acc.door": 0.7357, "Acc.table": 0.8011, "Acc.mountain": 0.7364, "Acc.plant": 0.6635, "Acc.curtain": 0.8923, "Acc.chair": 0.775, "Acc.car": 0.9407, "Acc.water": 0.7788, "Acc.painting": 0.9013, "Acc.sofa": 0.8708, "Acc.shelf": 0.5925, "Acc.house": 0.6667, "Acc.sea": 0.8548, "Acc.mirror": 0.779, "Acc.rug": 0.7861, "Acc.field": 0.4232, "Acc.armchair": 0.6816, "Acc.seat": 0.8288, "Acc.fence": 0.6391, "Acc.desk": 0.7356, "Acc.rock": 0.7987, "Acc.wardrobe": 0.7144, "Acc.lamp": 0.8097, "Acc.bathtub": 0.8572, "Acc.railing": 0.5455, "Acc.cushion": 0.7684, "Acc.base": 0.5737, "Acc.box": 0.4034, "Acc.column": 0.6632, "Acc.signboard": 0.5011, "Acc.chest of drawers": 0.6251, "Acc.counter": 0.4049, "Acc.sand": 0.7757, "Acc.sink": 0.8586, "Acc.skyscraper": 0.5529, "Acc.fireplace": 0.9355, "Acc.refrigerator": 0.8621, "Acc.grandstand": 0.8397, "Acc.path": 0.368, "Acc.stairs": 0.4583, "Acc.runway": 0.8481, "Acc.case": 0.6101, "Acc.pool table": 0.9837, "Acc.pillow": 0.7542, "Acc.screen door": 0.8318, "Acc.stairway": 0.495, "Acc.river": 0.2615, "Acc.bridge": 0.4727, "Acc.bookcase": 0.7284, "Acc.blind": 0.4933, "Acc.coffee table": 0.8411, "Acc.toilet": 0.9348, "Acc.flower": 0.6255, "Acc.book": 0.6573, "Acc.hill": 0.1304, "Acc.bench": 0.7778, "Acc.countertop": 0.7945, "Acc.stove": 0.8972, "Acc.palm": 0.8044, "Acc.kitchen island": 0.7915, "Acc.computer": 0.9091, "Acc.swivel chair": 0.6615, "Acc.boat": 0.8432, "Acc.bar": 0.622, "Acc.arcade machine": 0.8005, "Acc.hovel": 0.6512, "Acc.bus": 0.9779, "Acc.towel": 0.8716, "Acc.light": 0.7306, "Acc.truck": 0.6156, "Acc.tower": 0.4715, "Acc.chandelier": 0.8502, "Acc.awning": 0.3936, "Acc.streetlight": 0.4488, "Acc.booth": 0.4592, "Acc.television receiver": 0.8749, "Acc.airplane": 0.8586, "Acc.dirt track": 0.2918, "Acc.apparel": 0.7772, "Acc.pole": 0.3674, "Acc.land": 0.0702, "Acc.bannister": 0.1995, "Acc.escalator": 0.8224, "Acc.ottoman": 0.7558, "Acc.bottle": 0.7039, "Acc.buffet": 0.5297, "Acc.poster": 0.452, "Acc.stage": 0.3592, "Acc.van": 0.627, "Acc.ship": 0.8158, "Acc.fountain": 0.258, "Acc.conveyer belt": 0.94, "Acc.canopy": 0.5384, "Acc.washer": 0.7569, "Acc.plaything": 0.5272, "Acc.swimming pool": 0.7603, "Acc.stool": 0.6571, "Acc.barrel": 0.8428, "Acc.basket": 0.5355, "Acc.waterfall": 0.6216, "Acc.tent": 0.9805, "Acc.bag": 0.2834, "Acc.minibike": 0.8832, "Acc.cradle": 0.9752, "Acc.oven": 0.63, "Acc.ball": 0.7207, "Acc.food": 0.6805, "Acc.step": 0.2709, "Acc.tank": 0.6688, "Acc.trade name": 0.3197, "Acc.microwave": 0.96, "Acc.pot": 0.6128, "Acc.animal": 0.6129, "Acc.bicycle": 0.7761, "Acc.lake": 0.6371, "Acc.dishwasher": 0.7543, "Acc.screen": 0.8656, "Acc.blanket": 0.347, "Acc.sculpture": 0.8437, "Acc.hood": 0.7205, "Acc.sconce": 0.6406, "Acc.vase": 0.608, "Acc.traffic light": 0.5542, "Acc.tray": 0.0904, "Acc.ashcan": 0.6532, "Acc.fan": 0.8243, "Acc.pier": 0.6615, "Acc.crt screen": 0.3509, "Acc.plate": 0.8039, "Acc.monitor": 0.1743, "Acc.bulletin board": 0.7184, "Acc.shower": 0.0, "Acc.radiator": 0.7267, "Acc.glass": 0.1774, "Acc.clock": 0.4978, "Acc.flag": 0.5233} {"mode": "train", "epoch": 82, "iter": 103050, "lr": 0.0, "memory": 14793, "data_time": 2.27953, "decode.loss_ce": 0.21974, "decode.acc_seg": 90.9581, "aux.loss_ce": 0.16155, "aux.acc_seg": 85.00234, "loss": 0.38129, "grad_norm": 10.16412, "time": 2.71581} {"mode": "train", "epoch": 82, "iter": 103100, "lr": 0.0, "memory": 14793, "data_time": 0.00638, "decode.loss_ce": 0.23331, "decode.acc_seg": 90.59181, "aux.loss_ce": 0.16353, "aux.acc_seg": 84.39201, "loss": 0.39684, "grad_norm": 14.0173, "time": 0.41517} {"mode": "train", "epoch": 82, "iter": 103150, "lr": 0.0, "memory": 14793, "data_time": 0.00675, "decode.loss_ce": 0.22112, "decode.acc_seg": 90.94628, "aux.loss_ce": 0.16824, "aux.acc_seg": 84.32014, "loss": 0.38936, "grad_norm": 10.73379, "time": 0.41276} {"mode": "train", "epoch": 82, "iter": 103200, "lr": 0.0, "memory": 14793, "data_time": 0.0066, "decode.loss_ce": 0.21076, "decode.acc_seg": 91.49944, "aux.loss_ce": 0.1731, "aux.acc_seg": 84.0855, "loss": 0.38386, "grad_norm": 12.83441, "time": 0.41294} {"mode": "train", "epoch": 82, "iter": 103250, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.2212, "decode.acc_seg": 91.01439, "aux.loss_ce": 0.16925, "aux.acc_seg": 84.02744, "loss": 0.39046, "grad_norm": 15.31157, "time": 0.40403} {"mode": "train", "epoch": 82, "iter": 103300, "lr": 0.0, "memory": 14793, "data_time": 0.00556, "decode.loss_ce": 0.22139, "decode.acc_seg": 90.61841, "aux.loss_ce": 0.17074, "aux.acc_seg": 83.80541, "loss": 0.39213, "grad_norm": 11.62447, "time": 0.41817} {"mode": "train", "epoch": 82, "iter": 103350, "lr": 0.0, "memory": 14793, "data_time": 0.00556, "decode.loss_ce": 0.21579, "decode.acc_seg": 90.75221, "aux.loss_ce": 0.17519, "aux.acc_seg": 83.1776, "loss": 0.39099, "grad_norm": 11.03262, "time": 0.42009} {"mode": "train", "epoch": 82, "iter": 103400, "lr": 0.0, "memory": 14793, "data_time": 0.00665, "decode.loss_ce": 0.22182, "decode.acc_seg": 90.85315, "aux.loss_ce": 0.16584, "aux.acc_seg": 84.25284, "loss": 0.38766, "grad_norm": 16.02408, "time": 0.42051} {"mode": "train", "epoch": 82, "iter": 103450, "lr": 0.0, "memory": 14793, "data_time": 0.00549, "decode.loss_ce": 0.21619, "decode.acc_seg": 90.84394, "aux.loss_ce": 0.16206, "aux.acc_seg": 84.57825, "loss": 0.37825, "grad_norm": 8.78101, "time": 0.41892} {"mode": "train", "epoch": 82, "iter": 103500, "lr": 0.0, "memory": 14793, "data_time": 0.00564, "decode.loss_ce": 0.21882, "decode.acc_seg": 90.5966, "aux.loss_ce": 0.17177, "aux.acc_seg": 83.27088, "loss": 0.39059, "grad_norm": 11.93853, "time": 0.41731} {"mode": "train", "epoch": 82, "iter": 103550, "lr": 0.0, "memory": 14793, "data_time": 0.00529, "decode.loss_ce": 0.22308, "decode.acc_seg": 91.00181, "aux.loss_ce": 0.16719, "aux.acc_seg": 84.50319, "loss": 0.39027, "grad_norm": 18.36466, "time": 0.40851} {"mode": "train", "epoch": 82, "iter": 103600, "lr": 0.0, "memory": 14793, "data_time": 0.0063, "decode.loss_ce": 0.21015, "decode.acc_seg": 91.00008, "aux.loss_ce": 0.15771, "aux.acc_seg": 84.5754, "loss": 0.36786, "grad_norm": 9.90915, "time": 0.41202} {"mode": "train", "epoch": 83, "iter": 103650, "lr": 0.0, "memory": 14793, "data_time": 0.05333, "decode.loss_ce": 0.22205, "decode.acc_seg": 90.83603, "aux.loss_ce": 0.17253, "aux.acc_seg": 83.47881, "loss": 0.39458, "grad_norm": 15.0626, "time": 0.47151} {"mode": "train", "epoch": 83, "iter": 103700, "lr": 0.0, "memory": 14793, "data_time": 0.00542, "decode.loss_ce": 0.20494, "decode.acc_seg": 91.49497, "aux.loss_ce": 0.15565, "aux.acc_seg": 85.34746, "loss": 0.36059, "grad_norm": 9.4697, "time": 0.41523} {"mode": "train", "epoch": 83, "iter": 103750, "lr": 0.0, "memory": 14793, "data_time": 0.03164, "decode.loss_ce": 0.22125, "decode.acc_seg": 90.35734, "aux.loss_ce": 0.16037, "aux.acc_seg": 83.79621, "loss": 0.38162, "grad_norm": 11.08112, "time": 0.44912} {"mode": "train", "epoch": 83, "iter": 103800, "lr": 0.0, "memory": 14793, "data_time": 0.00511, "decode.loss_ce": 0.21289, "decode.acc_seg": 90.91153, "aux.loss_ce": 0.16074, "aux.acc_seg": 84.27383, "loss": 0.37363, "grad_norm": 13.60814, "time": 0.41548} {"mode": "train", "epoch": 83, "iter": 103850, "lr": 0.0, "memory": 14793, "data_time": 0.00522, "decode.loss_ce": 0.21722, "decode.acc_seg": 90.932, "aux.loss_ce": 0.16628, "aux.acc_seg": 84.02326, "loss": 0.3835, "grad_norm": 14.932, "time": 0.4196} {"mode": "train", "epoch": 83, "iter": 103900, "lr": 0.0, "memory": 14793, "data_time": 0.00533, "decode.loss_ce": 0.2207, "decode.acc_seg": 91.02474, "aux.loss_ce": 0.16878, "aux.acc_seg": 84.16781, "loss": 0.38947, "grad_norm": 12.99291, "time": 0.41637} {"mode": "train", "epoch": 83, "iter": 103950, "lr": 0.0, "memory": 14793, "data_time": 0.00552, "decode.loss_ce": 0.2284, "decode.acc_seg": 90.71305, "aux.loss_ce": 0.16122, "aux.acc_seg": 85.03648, "loss": 0.38962, "grad_norm": 12.14183, "time": 0.42374} {"mode": "train", "epoch": 83, "iter": 104000, "lr": 0.0, "memory": 14793, "data_time": 0.0064, "decode.loss_ce": 0.21427, "decode.acc_seg": 90.81188, "aux.loss_ce": 0.15636, "aux.acc_seg": 84.46011, "loss": 0.37064, "grad_norm": 12.18033, "time": 0.6483} {"mode": "val", "epoch": 83, "iter": 125, "lr": 0.0, "aAcc": 0.8484, "mIoU": 0.5431, "mAcc": 0.6682, "IoU.wall": 0.803, "IoU.building": 0.8363, "IoU.sky": 0.9499, "IoU.floor": 0.8256, "IoU.tree": 0.7551, "IoU.ceiling": 0.8578, "IoU.road": 0.8574, "IoU.bed ": 0.9163, "IoU.windowpane": 0.6369, "IoU.grass": 0.6855, "IoU.cabinet": 0.6486, "IoU.sidewalk": 0.6868, "IoU.person": 0.8368, "IoU.earth": 0.3894, "IoU.door": 0.5598, "IoU.table": 0.6482, "IoU.mountain": 0.603, "IoU.plant": 0.5185, "IoU.curtain": 0.7648, "IoU.chair": 0.6368, "IoU.car": 0.8612, "IoU.water": 0.6103, "IoU.painting": 0.7418, "IoU.sofa": 0.7341, "IoU.shelf": 0.4489, "IoU.house": 0.4946, "IoU.sea": 0.705, "IoU.mirror": 0.724, "IoU.rug": 0.6503, "IoU.field": 0.3259, "IoU.armchair": 0.489, "IoU.seat": 0.6739, "IoU.fence": 0.4556, "IoU.desk": 0.5258, "IoU.rock": 0.4998, "IoU.wardrobe": 0.5639, "IoU.lamp": 0.6797, "IoU.bathtub": 0.8243, "IoU.railing": 0.3988, "IoU.cushion": 0.6513, "IoU.base": 0.3734, "IoU.box": 0.3466, "IoU.column": 0.5414, "IoU.signboard": 0.3899, "IoU.chest of drawers": 0.4615, "IoU.counter": 0.3048, "IoU.sand": 0.6125, "IoU.sink": 0.7683, "IoU.skyscraper": 0.4769, "IoU.fireplace": 0.7085, "IoU.refrigerator": 0.7881, "IoU.grandstand": 0.4463, "IoU.path": 0.2827, "IoU.stairs": 0.3226, "IoU.runway": 0.679, "IoU.case": 0.4971, "IoU.pool table": 0.9387, "IoU.pillow": 0.6269, "IoU.screen door": 0.6629, "IoU.stairway": 0.3982, "IoU.river": 0.1232, "IoU.bridge": 0.4138, "IoU.bookcase": 0.4658, "IoU.blind": 0.3722, "IoU.coffee table": 0.6108, "IoU.toilet": 0.8807, "IoU.flower": 0.4472, "IoU.book": 0.4951, "IoU.hill": 0.0704, "IoU.bench": 0.6498, "IoU.countertop": 0.597, "IoU.stove": 0.8341, "IoU.palm": 0.571, "IoU.kitchen island": 0.4367, "IoU.computer": 0.749, "IoU.swivel chair": 0.5778, "IoU.boat": 0.6738, "IoU.bar": 0.4925, "IoU.arcade machine": 0.6818, "IoU.hovel": 0.6236, "IoU.bus": 0.9112, "IoU.towel": 0.7028, "IoU.light": 0.5781, "IoU.truck": 0.4499, "IoU.tower": 0.2781, "IoU.chandelier": 0.7013, "IoU.awning": 0.3385, "IoU.streetlight": 0.3277, "IoU.booth": 0.3679, "IoU.television receiver": 0.7538, "IoU.airplane": 0.7436, "IoU.dirt track": 0.0271, "IoU.apparel": 0.5984, "IoU.pole": 0.2372, "IoU.land": 0.0448, "IoU.bannister": 0.1511, "IoU.escalator": 0.5345, "IoU.ottoman": 0.5616, "IoU.bottle": 0.4068, "IoU.buffet": 0.4501, "IoU.poster": 0.3273, "IoU.stage": 0.2268, "IoU.van": 0.4659, "IoU.ship": 0.7664, "IoU.fountain": 0.2398, "IoU.conveyer belt": 0.7838, "IoU.canopy": 0.406, "IoU.washer": 0.7365, "IoU.plaything": 0.3794, "IoU.swimming pool": 0.7047, "IoU.stool": 0.4683, "IoU.barrel": 0.5469, "IoU.basket": 0.4166, "IoU.waterfall": 0.523, "IoU.tent": 0.9454, "IoU.bag": 0.2181, "IoU.minibike": 0.7273, "IoU.cradle": 0.8346, "IoU.oven": 0.4349, "IoU.ball": 0.5134, "IoU.food": 0.5859, "IoU.step": 0.1827, "IoU.tank": 0.6338, "IoU.trade name": 0.2656, "IoU.microwave": 0.7943, "IoU.pot": 0.5168, "IoU.animal": 0.6005, "IoU.bicycle": 0.5913, "IoU.lake": 0.5228, "IoU.dishwasher": 0.7177, "IoU.screen": 0.6247, "IoU.blanket": 0.2753, "IoU.sculpture": 0.6852, "IoU.hood": 0.6302, "IoU.sconce": 0.5372, "IoU.vase": 0.4385, "IoU.traffic light": 0.3816, "IoU.tray": 0.0653, "IoU.ashcan": 0.4711, "IoU.fan": 0.6416, "IoU.pier": 0.3674, "IoU.crt screen": 0.1261, "IoU.plate": 0.5729, "IoU.monitor": 0.1651, "IoU.bulletin board": 0.6505, "IoU.shower": 0.0, "IoU.radiator": 0.6249, "IoU.glass": 0.1533, "IoU.clock": 0.4297, "IoU.flag": 0.5163, "Acc.wall": 0.8863, "Acc.building": 0.9224, "Acc.sky": 0.9742, "Acc.floor": 0.9149, "Acc.tree": 0.8995, "Acc.ceiling": 0.9245, "Acc.road": 0.9209, "Acc.bed ": 0.9697, "Acc.windowpane": 0.8299, "Acc.grass": 0.8133, "Acc.cabinet": 0.758, "Acc.sidewalk": 0.8191, "Acc.person": 0.9295, "Acc.earth": 0.5314, "Acc.door": 0.7219, "Acc.table": 0.7789, "Acc.mountain": 0.7285, "Acc.plant": 0.6364, "Acc.curtain": 0.8731, "Acc.chair": 0.7576, "Acc.car": 0.9359, "Acc.water": 0.7766, "Acc.painting": 0.8937, "Acc.sofa": 0.8638, "Acc.shelf": 0.6307, "Acc.house": 0.6969, "Acc.sea": 0.8475, "Acc.mirror": 0.8006, "Acc.rug": 0.7569, "Acc.field": 0.4805, "Acc.armchair": 0.6666, "Acc.seat": 0.8404, "Acc.fence": 0.6206, "Acc.desk": 0.7225, "Acc.rock": 0.7836, "Acc.wardrobe": 0.7572, "Acc.lamp": 0.7866, "Acc.bathtub": 0.8652, "Acc.railing": 0.5549, "Acc.cushion": 0.7728, "Acc.base": 0.5038, "Acc.box": 0.4527, "Acc.column": 0.6512, "Acc.signboard": 0.531, "Acc.chest of drawers": 0.6736, "Acc.counter": 0.3829, "Acc.sand": 0.7905, "Acc.sink": 0.8325, "Acc.skyscraper": 0.5732, "Acc.fireplace": 0.9372, "Acc.refrigerator": 0.8436, "Acc.grandstand": 0.8663, "Acc.path": 0.433, "Acc.stairs": 0.4278, "Acc.runway": 0.9119, "Acc.case": 0.6308, "Acc.pool table": 0.9787, "Acc.pillow": 0.7383, "Acc.screen door": 0.8542, "Acc.stairway": 0.4852, "Acc.river": 0.2619, "Acc.bridge": 0.4805, "Acc.bookcase": 0.7283, "Acc.blind": 0.4014, "Acc.coffee table": 0.8207, "Acc.toilet": 0.9289, "Acc.flower": 0.598, "Acc.book": 0.6388, "Acc.hill": 0.1072, "Acc.bench": 0.7643, "Acc.countertop": 0.8003, "Acc.stove": 0.8893, "Acc.palm": 0.7865, "Acc.kitchen island": 0.8343, "Acc.computer": 0.9072, "Acc.swivel chair": 0.8181, "Acc.boat": 0.8462, "Acc.bar": 0.649, "Acc.arcade machine": 0.7172, "Acc.hovel": 0.7112, "Acc.bus": 0.9723, "Acc.towel": 0.8624, "Acc.light": 0.6661, "Acc.truck": 0.6104, "Acc.tower": 0.5081, "Acc.chandelier": 0.8735, "Acc.awning": 0.4025, "Acc.streetlight": 0.4383, "Acc.booth": 0.453, "Acc.television receiver": 0.8431, "Acc.airplane": 0.8292, "Acc.dirt track": 0.0456, "Acc.apparel": 0.7517, "Acc.pole": 0.3206, "Acc.land": 0.074, "Acc.bannister": 0.1957, "Acc.escalator": 0.8322, "Acc.ottoman": 0.7376, "Acc.bottle": 0.6854, "Acc.buffet": 0.5492, "Acc.poster": 0.4533, "Acc.stage": 0.3495, "Acc.van": 0.6377, "Acc.ship": 0.8687, "Acc.fountain": 0.242, "Acc.conveyer belt": 0.936, "Acc.canopy": 0.5967, "Acc.washer": 0.7623, "Acc.plaything": 0.5242, "Acc.swimming pool": 0.7688, "Acc.stool": 0.6225, "Acc.barrel": 0.8597, "Acc.basket": 0.513, "Acc.waterfall": 0.6019, "Acc.tent": 0.9851, "Acc.bag": 0.2625, "Acc.minibike": 0.8587, "Acc.cradle": 0.981, "Acc.oven": 0.6718, "Acc.ball": 0.5634, "Acc.food": 0.6767, "Acc.step": 0.2214, "Acc.tank": 0.6685, "Acc.trade name": 0.3093, "Acc.microwave": 0.8922, "Acc.pot": 0.6018, "Acc.animal": 0.6187, "Acc.bicycle": 0.7684, "Acc.lake": 0.6379, "Acc.dishwasher": 0.8094, "Acc.screen": 0.8704, "Acc.blanket": 0.324, "Acc.sculpture": 0.8312, "Acc.hood": 0.704, "Acc.sconce": 0.636, "Acc.vase": 0.6088, "Acc.traffic light": 0.5826, "Acc.tray": 0.0946, "Acc.ashcan": 0.6283, "Acc.fan": 0.7405, "Acc.pier": 0.5491, "Acc.crt screen": 0.2907, "Acc.plate": 0.7847, "Acc.monitor": 0.183, "Acc.bulletin board": 0.7405, "Acc.shower": 0.0, "Acc.radiator": 0.7141, "Acc.glass": 0.1624, "Acc.clock": 0.4613, "Acc.flag": 0.5779} {"mode": "train", "epoch": 83, "iter": 104050, "lr": 0.0, "memory": 14793, "data_time": 2.20364, "decode.loss_ce": 0.21624, "decode.acc_seg": 90.78147, "aux.loss_ce": 0.16728, "aux.acc_seg": 83.67657, "loss": 0.38352, "grad_norm": 11.28623, "time": 2.61709} {"mode": "train", "epoch": 83, "iter": 104100, "lr": 0.0, "memory": 14793, "data_time": 0.0059, "decode.loss_ce": 0.21902, "decode.acc_seg": 90.53766, "aux.loss_ce": 0.17241, "aux.acc_seg": 83.46889, "loss": 0.39143, "grad_norm": 15.92586, "time": 0.41535} {"mode": "train", "epoch": 83, "iter": 104150, "lr": 0.0, "memory": 14793, "data_time": 0.00609, "decode.loss_ce": 0.20686, "decode.acc_seg": 91.21906, "aux.loss_ce": 0.15159, "aux.acc_seg": 85.12169, "loss": 0.35846, "grad_norm": 13.06804, "time": 0.41032} {"mode": "train", "epoch": 83, "iter": 104200, "lr": 0.0, "memory": 14793, "data_time": 0.00546, "decode.loss_ce": 0.21844, "decode.acc_seg": 90.93383, "aux.loss_ce": 0.16745, "aux.acc_seg": 84.21123, "loss": 0.38589, "grad_norm": 12.94204, "time": 0.41709} {"mode": "train", "epoch": 83, "iter": 104250, "lr": 0.0, "memory": 14793, "data_time": 0.0064, "decode.loss_ce": 0.22137, "decode.acc_seg": 91.09553, "aux.loss_ce": 0.15843, "aux.acc_seg": 84.98611, "loss": 0.3798, "grad_norm": 11.44276, "time": 0.41623} {"mode": "train", "epoch": 83, "iter": 104300, "lr": 0.0, "memory": 14793, "data_time": 0.00552, "decode.loss_ce": 0.22116, "decode.acc_seg": 90.69432, "aux.loss_ce": 0.16427, "aux.acc_seg": 83.89577, "loss": 0.38544, "grad_norm": 13.67527, "time": 0.42115} {"mode": "train", "epoch": 83, "iter": 104350, "lr": 0.0, "memory": 14793, "data_time": 0.00679, "decode.loss_ce": 0.22082, "decode.acc_seg": 90.64101, "aux.loss_ce": 0.17154, "aux.acc_seg": 83.48444, "loss": 0.39236, "grad_norm": 12.87343, "time": 0.41413} {"mode": "train", "epoch": 83, "iter": 104400, "lr": 0.0, "memory": 14793, "data_time": 0.00647, "decode.loss_ce": 0.21352, "decode.acc_seg": 90.76223, "aux.loss_ce": 0.15894, "aux.acc_seg": 84.1811, "loss": 0.37246, "grad_norm": 13.04598, "time": 0.42435} {"mode": "train", "epoch": 83, "iter": 104450, "lr": 0.0, "memory": 14793, "data_time": 0.00592, "decode.loss_ce": 0.2286, "decode.acc_seg": 90.53787, "aux.loss_ce": 0.17023, "aux.acc_seg": 83.81465, "loss": 0.39883, "grad_norm": 17.17456, "time": 0.4173} {"mode": "train", "epoch": 83, "iter": 104500, "lr": 0.0, "memory": 14793, "data_time": 0.00638, "decode.loss_ce": 0.22779, "decode.acc_seg": 90.73627, "aux.loss_ce": 0.18159, "aux.acc_seg": 83.27796, "loss": 0.40937, "grad_norm": 11.48089, "time": 0.41684} {"mode": "train", "epoch": 83, "iter": 104550, "lr": 0.0, "memory": 14793, "data_time": 0.00571, "decode.loss_ce": 0.22595, "decode.acc_seg": 90.56427, "aux.loss_ce": 0.16346, "aux.acc_seg": 84.54733, "loss": 0.38941, "grad_norm": 13.96606, "time": 0.40846} {"mode": "train", "epoch": 83, "iter": 104600, "lr": 0.0, "memory": 14793, "data_time": 0.00555, "decode.loss_ce": 0.22784, "decode.acc_seg": 90.3434, "aux.loss_ce": 0.17172, "aux.acc_seg": 83.54011, "loss": 0.39956, "grad_norm": 15.35277, "time": 0.4167} {"mode": "train", "epoch": 83, "iter": 104650, "lr": 0.0, "memory": 14793, "data_time": 0.00577, "decode.loss_ce": 0.24883, "decode.acc_seg": 89.68369, "aux.loss_ce": 0.18468, "aux.acc_seg": 82.71917, "loss": 0.43351, "grad_norm": 11.6595, "time": 0.42361} {"mode": "train", "epoch": 83, "iter": 104700, "lr": 0.0, "memory": 14793, "data_time": 0.00626, "decode.loss_ce": 0.22, "decode.acc_seg": 90.72337, "aux.loss_ce": 0.16632, "aux.acc_seg": 84.2642, "loss": 0.38632, "grad_norm": 10.67603, "time": 0.4268} {"mode": "train", "epoch": 83, "iter": 104750, "lr": 0.0, "memory": 14793, "data_time": 0.00538, "decode.loss_ce": 0.2212, "decode.acc_seg": 90.78949, "aux.loss_ce": 0.1782, "aux.acc_seg": 83.0048, "loss": 0.3994, "grad_norm": 13.86753, "time": 0.41745} {"mode": "train", "epoch": 83, "iter": 104800, "lr": 0.0, "memory": 14793, "data_time": 0.00531, "decode.loss_ce": 0.21477, "decode.acc_seg": 90.95212, "aux.loss_ce": 0.16255, "aux.acc_seg": 84.31029, "loss": 0.37732, "grad_norm": 10.14409, "time": 0.41183} {"mode": "train", "epoch": 83, "iter": 104850, "lr": 0.0, "memory": 14793, "data_time": 0.00515, "decode.loss_ce": 0.21361, "decode.acc_seg": 91.05466, "aux.loss_ce": 0.1693, "aux.acc_seg": 84.0067, "loss": 0.38291, "grad_norm": 12.29536, "time": 0.41001} {"mode": "train", "epoch": 83, "iter": 104900, "lr": 0.0, "memory": 14793, "data_time": 0.00511, "decode.loss_ce": 0.21144, "decode.acc_seg": 90.8526, "aux.loss_ce": 0.16034, "aux.acc_seg": 84.38288, "loss": 0.37178, "grad_norm": 11.00053, "time": 0.4053} {"mode": "train", "epoch": 84, "iter": 104950, "lr": 0.0, "memory": 14793, "data_time": 0.05064, "decode.loss_ce": 0.21167, "decode.acc_seg": 91.01819, "aux.loss_ce": 0.15537, "aux.acc_seg": 84.84848, "loss": 0.36704, "grad_norm": 14.57088, "time": 0.46655} {"mode": "train", "epoch": 84, "iter": 105000, "lr": 0.0, "memory": 14793, "data_time": 0.00558, "decode.loss_ce": 0.20067, "decode.acc_seg": 91.43809, "aux.loss_ce": 0.15762, "aux.acc_seg": 84.84724, "loss": 0.35829, "grad_norm": 8.50522, "time": 0.63888} {"mode": "val", "epoch": 84, "iter": 125, "lr": 0.0, "aAcc": 0.8495, "mIoU": 0.5457, "mAcc": 0.6689, "IoU.wall": 0.8047, "IoU.building": 0.8335, "IoU.sky": 0.9495, "IoU.floor": 0.8318, "IoU.tree": 0.7584, "IoU.ceiling": 0.8589, "IoU.road": 0.8667, "IoU.bed ": 0.9179, "IoU.windowpane": 0.6433, "IoU.grass": 0.6705, "IoU.cabinet": 0.6579, "IoU.sidewalk": 0.695, "IoU.person": 0.8387, "IoU.earth": 0.4022, "IoU.door": 0.5589, "IoU.table": 0.6488, "IoU.mountain": 0.6027, "IoU.plant": 0.5233, "IoU.curtain": 0.7684, "IoU.chair": 0.6366, "IoU.car": 0.8582, "IoU.water": 0.5949, "IoU.painting": 0.7412, "IoU.sofa": 0.7439, "IoU.shelf": 0.4512, "IoU.house": 0.474, "IoU.sea": 0.6735, "IoU.mirror": 0.7356, "IoU.rug": 0.674, "IoU.field": 0.3146, "IoU.armchair": 0.4985, "IoU.seat": 0.662, "IoU.fence": 0.4672, "IoU.desk": 0.5113, "IoU.rock": 0.5005, "IoU.wardrobe": 0.5828, "IoU.lamp": 0.6879, "IoU.bathtub": 0.8212, "IoU.railing": 0.404, "IoU.cushion": 0.6399, "IoU.base": 0.391, "IoU.box": 0.3368, "IoU.column": 0.5382, "IoU.signboard": 0.3899, "IoU.chest of drawers": 0.4386, "IoU.counter": 0.3193, "IoU.sand": 0.6072, "IoU.sink": 0.7767, "IoU.skyscraper": 0.4942, "IoU.fireplace": 0.7358, "IoU.refrigerator": 0.7866, "IoU.grandstand": 0.492, "IoU.path": 0.2947, "IoU.stairs": 0.3574, "IoU.runway": 0.678, "IoU.case": 0.4621, "IoU.pool table": 0.9362, "IoU.pillow": 0.6314, "IoU.screen door": 0.6539, "IoU.stairway": 0.396, "IoU.river": 0.1253, "IoU.bridge": 0.3521, "IoU.bookcase": 0.4557, "IoU.blind": 0.4207, "IoU.coffee table": 0.6093, "IoU.toilet": 0.8802, "IoU.flower": 0.4474, "IoU.book": 0.4961, "IoU.hill": 0.0704, "IoU.bench": 0.6522, "IoU.countertop": 0.6017, "IoU.stove": 0.8315, "IoU.palm": 0.5705, "IoU.kitchen island": 0.4736, "IoU.computer": 0.744, "IoU.swivel chair": 0.5653, "IoU.boat": 0.7328, "IoU.bar": 0.4928, "IoU.arcade machine": 0.7469, "IoU.hovel": 0.6257, "IoU.bus": 0.9109, "IoU.towel": 0.7052, "IoU.light": 0.5828, "IoU.truck": 0.4372, "IoU.tower": 0.2516, "IoU.chandelier": 0.7115, "IoU.awning": 0.3327, "IoU.streetlight": 0.3333, "IoU.booth": 0.3945, "IoU.television receiver": 0.7662, "IoU.airplane": 0.7572, "IoU.dirt track": 0.0028, "IoU.apparel": 0.5633, "IoU.pole": 0.2437, "IoU.land": 0.043, "IoU.bannister": 0.1561, "IoU.escalator": 0.53, "IoU.ottoman": 0.5638, "IoU.bottle": 0.4199, "IoU.buffet": 0.4616, "IoU.poster": 0.3371, "IoU.stage": 0.2325, "IoU.van": 0.388, "IoU.ship": 0.5829, "IoU.fountain": 0.2792, "IoU.conveyer belt": 0.7724, "IoU.canopy": 0.3906, "IoU.washer": 0.7491, "IoU.plaything": 0.4095, "IoU.swimming pool": 0.7129, "IoU.stool": 0.477, "IoU.barrel": 0.5657, "IoU.basket": 0.4156, "IoU.waterfall": 0.6306, "IoU.tent": 0.9531, "IoU.bag": 0.2066, "IoU.minibike": 0.7326, "IoU.cradle": 0.845, "IoU.oven": 0.4773, "IoU.ball": 0.3429, "IoU.food": 0.5893, "IoU.step": 0.2361, "IoU.tank": 0.6351, "IoU.trade name": 0.2181, "IoU.microwave": 0.8358, "IoU.pot": 0.5062, "IoU.animal": 0.5893, "IoU.bicycle": 0.5984, "IoU.lake": 0.517, "IoU.dishwasher": 0.6956, "IoU.screen": 0.6099, "IoU.blanket": 0.3243, "IoU.sculpture": 0.7129, "IoU.hood": 0.624, "IoU.sconce": 0.5353, "IoU.vase": 0.437, "IoU.traffic light": 0.3776, "IoU.tray": 0.0578, "IoU.ashcan": 0.4567, "IoU.fan": 0.664, "IoU.pier": 0.5899, "IoU.crt screen": 0.128, "IoU.plate": 0.5793, "IoU.monitor": 0.156, "IoU.bulletin board": 0.6542, "IoU.shower": 0.0012, "IoU.radiator": 0.6229, "IoU.glass": 0.1576, "IoU.clock": 0.4522, "IoU.flag": 0.5167, "Acc.wall": 0.895, "Acc.building": 0.9216, "Acc.sky": 0.9727, "Acc.floor": 0.9055, "Acc.tree": 0.9041, "Acc.ceiling": 0.917, "Acc.road": 0.9178, "Acc.bed ": 0.9693, "Acc.windowpane": 0.806, "Acc.grass": 0.8169, "Acc.cabinet": 0.7649, "Acc.sidewalk": 0.8185, "Acc.person": 0.9271, "Acc.earth": 0.5572, "Acc.door": 0.7319, "Acc.table": 0.8049, "Acc.mountain": 0.728, "Acc.plant": 0.6329, "Acc.curtain": 0.8806, "Acc.chair": 0.7449, "Acc.car": 0.9431, "Acc.water": 0.7463, "Acc.painting": 0.8957, "Acc.sofa": 0.8784, "Acc.shelf": 0.6169, "Acc.house": 0.6902, "Acc.sea": 0.8704, "Acc.mirror": 0.8037, "Acc.rug": 0.812, "Acc.field": 0.4694, "Acc.armchair": 0.676, "Acc.seat": 0.8378, "Acc.fence": 0.6063, "Acc.desk": 0.7415, "Acc.rock": 0.7683, "Acc.wardrobe": 0.7087, "Acc.lamp": 0.7946, "Acc.bathtub": 0.862, "Acc.railing": 0.5649, "Acc.cushion": 0.7354, "Acc.base": 0.5486, "Acc.box": 0.4309, "Acc.column": 0.6624, "Acc.signboard": 0.5115, "Acc.chest of drawers": 0.6441, "Acc.counter": 0.4439, "Acc.sand": 0.8201, "Acc.sink": 0.8433, "Acc.skyscraper": 0.616, "Acc.fireplace": 0.9288, "Acc.refrigerator": 0.8563, "Acc.grandstand": 0.8278, "Acc.path": 0.4209, "Acc.stairs": 0.4702, "Acc.runway": 0.9002, "Acc.case": 0.6327, "Acc.pool table": 0.9812, "Acc.pillow": 0.7757, "Acc.screen door": 0.8088, "Acc.stairway": 0.4735, "Acc.river": 0.2324, "Acc.bridge": 0.3968, "Acc.bookcase": 0.7256, "Acc.blind": 0.4716, "Acc.coffee table": 0.8392, "Acc.toilet": 0.9236, "Acc.flower": 0.5961, "Acc.book": 0.6629, "Acc.hill": 0.1259, "Acc.bench": 0.7769, "Acc.countertop": 0.8279, "Acc.stove": 0.8918, "Acc.palm": 0.7868, "Acc.kitchen island": 0.8025, "Acc.computer": 0.9118, "Acc.swivel chair": 0.7998, "Acc.boat": 0.8508, "Acc.bar": 0.6205, "Acc.arcade machine": 0.7881, "Acc.hovel": 0.6929, "Acc.bus": 0.9763, "Acc.towel": 0.8458, "Acc.light": 0.6801, "Acc.truck": 0.5608, "Acc.tower": 0.4194, "Acc.chandelier": 0.839, "Acc.awning": 0.3844, "Acc.streetlight": 0.4709, "Acc.booth": 0.4951, "Acc.television receiver": 0.8525, "Acc.airplane": 0.8521, "Acc.dirt track": 0.004, "Acc.apparel": 0.7213, "Acc.pole": 0.3498, "Acc.land": 0.0752, "Acc.bannister": 0.2133, "Acc.escalator": 0.8306, "Acc.ottoman": 0.7395, "Acc.bottle": 0.6466, "Acc.buffet": 0.5769, "Acc.poster": 0.4444, "Acc.stage": 0.349, "Acc.van": 0.5081, "Acc.ship": 0.6377, "Acc.fountain": 0.2826, "Acc.conveyer belt": 0.9475, "Acc.canopy": 0.5637, "Acc.washer": 0.7777, "Acc.plaything": 0.6161, "Acc.swimming pool": 0.7481, "Acc.stool": 0.6381, "Acc.barrel": 0.8465, "Acc.basket": 0.5116, "Acc.waterfall": 0.7376, "Acc.tent": 0.9835, "Acc.bag": 0.2485, "Acc.minibike": 0.8819, "Acc.cradle": 0.9791, "Acc.oven": 0.5966, "Acc.ball": 0.3574, "Acc.food": 0.6782, "Acc.step": 0.3023, "Acc.tank": 0.6713, "Acc.trade name": 0.2378, "Acc.microwave": 0.9598, "Acc.pot": 0.595, "Acc.animal": 0.6033, "Acc.bicycle": 0.7931, "Acc.lake": 0.64, "Acc.dishwasher": 0.8124, "Acc.screen": 0.8672, "Acc.blanket": 0.3948, "Acc.sculpture": 0.829, "Acc.hood": 0.6864, "Acc.sconce": 0.6388, "Acc.vase": 0.5947, "Acc.traffic light": 0.5658, "Acc.tray": 0.084, "Acc.ashcan": 0.5884, "Acc.fan": 0.7993, "Acc.pier": 0.8601, "Acc.crt screen": 0.3107, "Acc.plate": 0.7745, "Acc.monitor": 0.179, "Acc.bulletin board": 0.7427, "Acc.shower": 0.0016, "Acc.radiator": 0.7263, "Acc.glass": 0.1688, "Acc.clock": 0.493, "Acc.flag": 0.589} {"mode": "train", "epoch": 84, "iter": 105050, "lr": 0.0, "memory": 14793, "data_time": 2.13868, "decode.loss_ce": 0.2092, "decode.acc_seg": 91.03647, "aux.loss_ce": 0.15997, "aux.acc_seg": 84.46517, "loss": 0.36918, "grad_norm": 14.93101, "time": 2.5588} {"mode": "train", "epoch": 84, "iter": 105100, "lr": 0.0, "memory": 14793, "data_time": 0.00566, "decode.loss_ce": 0.21642, "decode.acc_seg": 91.05989, "aux.loss_ce": 0.16114, "aux.acc_seg": 84.5397, "loss": 0.37756, "grad_norm": 12.83527, "time": 0.42544} {"mode": "train", "epoch": 84, "iter": 105150, "lr": 0.0, "memory": 14793, "data_time": 0.00549, "decode.loss_ce": 0.21632, "decode.acc_seg": 91.10357, "aux.loss_ce": 0.16281, "aux.acc_seg": 84.35957, "loss": 0.37914, "grad_norm": 9.09115, "time": 0.42759} {"mode": "train", "epoch": 84, "iter": 105200, "lr": 0.0, "memory": 14793, "data_time": 0.00565, "decode.loss_ce": 0.22136, "decode.acc_seg": 90.67967, "aux.loss_ce": 0.17523, "aux.acc_seg": 82.88002, "loss": 0.39659, "grad_norm": 12.19212, "time": 0.40839} {"mode": "train", "epoch": 84, "iter": 105250, "lr": 0.0, "memory": 14793, "data_time": 0.00563, "decode.loss_ce": 0.21852, "decode.acc_seg": 90.95595, "aux.loss_ce": 0.16457, "aux.acc_seg": 84.77667, "loss": 0.38309, "grad_norm": 9.92439, "time": 0.41246} {"mode": "train", "epoch": 84, "iter": 105300, "lr": 0.0, "memory": 14793, "data_time": 0.00548, "decode.loss_ce": 0.22669, "decode.acc_seg": 90.49212, "aux.loss_ce": 0.16945, "aux.acc_seg": 83.44895, "loss": 0.39614, "grad_norm": 16.01082, "time": 0.40467} {"mode": "train", "epoch": 84, "iter": 105350, "lr": 0.0, "memory": 14793, "data_time": 0.00631, "decode.loss_ce": 0.2122, "decode.acc_seg": 90.75273, "aux.loss_ce": 0.15551, "aux.acc_seg": 84.50263, "loss": 0.36771, "grad_norm": 12.50739, "time": 0.40994} {"mode": "train", "epoch": 84, "iter": 105400, "lr": 0.0, "memory": 14793, "data_time": 0.00534, "decode.loss_ce": 0.23059, "decode.acc_seg": 90.32025, "aux.loss_ce": 0.181, "aux.acc_seg": 82.50077, "loss": 0.41159, "grad_norm": 16.89281, "time": 0.40641} {"mode": "train", "epoch": 84, "iter": 105450, "lr": 0.0, "memory": 14793, "data_time": 0.00554, "decode.loss_ce": 0.22922, "decode.acc_seg": 90.32061, "aux.loss_ce": 0.17167, "aux.acc_seg": 83.29721, "loss": 0.4009, "grad_norm": 14.17311, "time": 0.4145} {"mode": "train", "epoch": 84, "iter": 105500, "lr": 0.0, "memory": 14793, "data_time": 0.00593, "decode.loss_ce": 0.21199, "decode.acc_seg": 91.12184, "aux.loss_ce": 0.15666, "aux.acc_seg": 84.36884, "loss": 0.36865, "grad_norm": 11.96137, "time": 0.43121} {"mode": "train", "epoch": 84, "iter": 105550, "lr": 0.0, "memory": 14793, "data_time": 0.00641, "decode.loss_ce": 0.21983, "decode.acc_seg": 90.91927, "aux.loss_ce": 0.1651, "aux.acc_seg": 84.52677, "loss": 0.38493, "grad_norm": 11.86178, "time": 0.43433} {"mode": "train", "epoch": 84, "iter": 105600, "lr": 0.0, "memory": 14793, "data_time": 0.00585, "decode.loss_ce": 0.22263, "decode.acc_seg": 90.82829, "aux.loss_ce": 0.16606, "aux.acc_seg": 84.57308, "loss": 0.38868, "grad_norm": 13.6689, "time": 0.416} {"mode": "train", "epoch": 84, "iter": 105650, "lr": 0.0, "memory": 14793, "data_time": 0.00595, "decode.loss_ce": 0.22218, "decode.acc_seg": 90.52535, "aux.loss_ce": 0.16613, "aux.acc_seg": 83.78113, "loss": 0.38832, "grad_norm": 13.18462, "time": 0.41626} {"mode": "train", "epoch": 84, "iter": 105700, "lr": 0.0, "memory": 14793, "data_time": 0.00676, "decode.loss_ce": 0.20948, "decode.acc_seg": 91.0996, "aux.loss_ce": 0.16243, "aux.acc_seg": 84.32287, "loss": 0.37191, "grad_norm": 14.57586, "time": 0.41038} {"mode": "train", "epoch": 84, "iter": 105750, "lr": 0.0, "memory": 14793, "data_time": 0.00515, "decode.loss_ce": 0.211, "decode.acc_seg": 91.07976, "aux.loss_ce": 0.1608, "aux.acc_seg": 84.52271, "loss": 0.3718, "grad_norm": 10.30346, "time": 0.41141} {"mode": "train", "epoch": 84, "iter": 105800, "lr": 0.0, "memory": 14793, "data_time": 0.00542, "decode.loss_ce": 0.22349, "decode.acc_seg": 90.81507, "aux.loss_ce": 0.16533, "aux.acc_seg": 84.35319, "loss": 0.38881, "grad_norm": 10.7649, "time": 0.41493} {"mode": "train", "epoch": 84, "iter": 105850, "lr": 0.0, "memory": 14793, "data_time": 0.00524, "decode.loss_ce": 0.20899, "decode.acc_seg": 91.09444, "aux.loss_ce": 0.15403, "aux.acc_seg": 85.13786, "loss": 0.36302, "grad_norm": 14.92358, "time": 0.41865} {"mode": "train", "epoch": 84, "iter": 105900, "lr": 0.0, "memory": 14793, "data_time": 0.00541, "decode.loss_ce": 0.21495, "decode.acc_seg": 91.00173, "aux.loss_ce": 0.15571, "aux.acc_seg": 85.2399, "loss": 0.37065, "grad_norm": 10.349, "time": 0.41755} {"mode": "train", "epoch": 84, "iter": 105950, "lr": 0.0, "memory": 14793, "data_time": 0.00507, "decode.loss_ce": 0.2109, "decode.acc_seg": 90.97962, "aux.loss_ce": 0.15929, "aux.acc_seg": 84.78263, "loss": 0.37019, "grad_norm": 13.07184, "time": 0.42718} {"mode": "train", "epoch": 84, "iter": 106000, "lr": 0.0, "memory": 14793, "data_time": 0.00561, "decode.loss_ce": 0.21929, "decode.acc_seg": 90.94205, "aux.loss_ce": 0.16424, "aux.acc_seg": 84.70648, "loss": 0.38353, "grad_norm": 8.45939, "time": 0.66176} {"mode": "val", "epoch": 84, "iter": 125, "lr": 0.0, "aAcc": 0.8474, "mIoU": 0.5441, "mAcc": 0.6699, "IoU.wall": 0.8027, "IoU.building": 0.8324, "IoU.sky": 0.9499, "IoU.floor": 0.8307, "IoU.tree": 0.7541, "IoU.ceiling": 0.8581, "IoU.road": 0.8559, "IoU.bed ": 0.9106, "IoU.windowpane": 0.6401, "IoU.grass": 0.6777, "IoU.cabinet": 0.6379, "IoU.sidewalk": 0.6827, "IoU.person": 0.8396, "IoU.earth": 0.377, "IoU.door": 0.5616, "IoU.table": 0.6474, "IoU.mountain": 0.6022, "IoU.plant": 0.5165, "IoU.curtain": 0.7573, "IoU.chair": 0.6403, "IoU.car": 0.8599, "IoU.water": 0.5847, "IoU.painting": 0.7474, "IoU.sofa": 0.7281, "IoU.shelf": 0.4492, "IoU.house": 0.4979, "IoU.sea": 0.6848, "IoU.mirror": 0.7377, "IoU.rug": 0.6655, "IoU.field": 0.3056, "IoU.armchair": 0.4714, "IoU.seat": 0.6526, "IoU.fence": 0.4538, "IoU.desk": 0.5274, "IoU.rock": 0.5074, "IoU.wardrobe": 0.5414, "IoU.lamp": 0.6894, "IoU.bathtub": 0.8258, "IoU.railing": 0.3986, "IoU.cushion": 0.6245, "IoU.base": 0.3924, "IoU.box": 0.3267, "IoU.column": 0.5445, "IoU.signboard": 0.3907, "IoU.chest of drawers": 0.4396, "IoU.counter": 0.2838, "IoU.sand": 0.614, "IoU.sink": 0.7757, "IoU.skyscraper": 0.4748, "IoU.fireplace": 0.7121, "IoU.refrigerator": 0.7804, "IoU.grandstand": 0.4713, "IoU.path": 0.2778, "IoU.stairs": 0.3486, "IoU.runway": 0.6825, "IoU.case": 0.5021, "IoU.pool table": 0.9365, "IoU.pillow": 0.601, "IoU.screen door": 0.6275, "IoU.stairway": 0.3984, "IoU.river": 0.1371, "IoU.bridge": 0.3884, "IoU.bookcase": 0.4447, "IoU.blind": 0.4232, "IoU.coffee table": 0.6027, "IoU.toilet": 0.8768, "IoU.flower": 0.446, "IoU.book": 0.4935, "IoU.hill": 0.0705, "IoU.bench": 0.6497, "IoU.countertop": 0.6064, "IoU.stove": 0.8305, "IoU.palm": 0.573, "IoU.kitchen island": 0.4278, "IoU.computer": 0.7531, "IoU.swivel chair": 0.5678, "IoU.boat": 0.7412, "IoU.bar": 0.5099, "IoU.arcade machine": 0.6826, "IoU.hovel": 0.6207, "IoU.bus": 0.8836, "IoU.towel": 0.6961, "IoU.light": 0.5953, "IoU.truck": 0.4495, "IoU.tower": 0.2497, "IoU.chandelier": 0.7134, "IoU.awning": 0.347, "IoU.streetlight": 0.3234, "IoU.booth": 0.3556, "IoU.television receiver": 0.7677, "IoU.airplane": 0.7423, "IoU.dirt track": 0.0391, "IoU.apparel": 0.5928, "IoU.pole": 0.2223, "IoU.land": 0.0384, "IoU.bannister": 0.1594, "IoU.escalator": 0.5373, "IoU.ottoman": 0.5544, "IoU.bottle": 0.4134, "IoU.buffet": 0.4753, "IoU.poster": 0.3475, "IoU.stage": 0.2246, "IoU.van": 0.4494, "IoU.ship": 0.6619, "IoU.fountain": 0.2658, "IoU.conveyer belt": 0.7722, "IoU.canopy": 0.3842, "IoU.washer": 0.7442, "IoU.plaything": 0.3812, "IoU.swimming pool": 0.6901, "IoU.stool": 0.4853, "IoU.barrel": 0.5641, "IoU.basket": 0.4082, "IoU.waterfall": 0.646, "IoU.tent": 0.9563, "IoU.bag": 0.2105, "IoU.minibike": 0.7332, "IoU.cradle": 0.8464, "IoU.oven": 0.4589, "IoU.ball": 0.47, "IoU.food": 0.5966, "IoU.step": 0.2435, "IoU.tank": 0.6335, "IoU.trade name": 0.2689, "IoU.microwave": 0.8271, "IoU.pot": 0.5135, "IoU.animal": 0.5815, "IoU.bicycle": 0.5979, "IoU.lake": 0.5058, "IoU.dishwasher": 0.6825, "IoU.screen": 0.6131, "IoU.blanket": 0.221, "IoU.sculpture": 0.7102, "IoU.hood": 0.6528, "IoU.sconce": 0.5367, "IoU.vase": 0.4392, "IoU.traffic light": 0.3764, "IoU.tray": 0.0656, "IoU.ashcan": 0.4716, "IoU.fan": 0.6602, "IoU.pier": 0.5594, "IoU.crt screen": 0.1358, "IoU.plate": 0.5719, "IoU.monitor": 0.1655, "IoU.bulletin board": 0.6488, "IoU.shower": 0.0043, "IoU.radiator": 0.6332, "IoU.glass": 0.1589, "IoU.clock": 0.442, "IoU.flag": 0.4887, "Acc.wall": 0.8857, "Acc.building": 0.9214, "Acc.sky": 0.9761, "Acc.floor": 0.9034, "Acc.tree": 0.8784, "Acc.ceiling": 0.9279, "Acc.road": 0.9248, "Acc.bed ": 0.9756, "Acc.windowpane": 0.8255, "Acc.grass": 0.8261, "Acc.cabinet": 0.7468, "Acc.sidewalk": 0.8017, "Acc.person": 0.9286, "Acc.earth": 0.5118, "Acc.door": 0.7164, "Acc.table": 0.7675, "Acc.mountain": 0.7622, "Acc.plant": 0.6525, "Acc.curtain": 0.8827, "Acc.chair": 0.761, "Acc.car": 0.9407, "Acc.water": 0.7344, "Acc.painting": 0.885, "Acc.sofa": 0.8935, "Acc.shelf": 0.6132, "Acc.house": 0.765, "Acc.sea": 0.9091, "Acc.mirror": 0.8246, "Acc.rug": 0.7969, "Acc.field": 0.4469, "Acc.armchair": 0.6435, "Acc.seat": 0.8455, "Acc.fence": 0.5929, "Acc.desk": 0.7552, "Acc.rock": 0.7487, "Acc.wardrobe": 0.7075, "Acc.lamp": 0.7994, "Acc.bathtub": 0.8651, "Acc.railing": 0.5752, "Acc.cushion": 0.6992, "Acc.base": 0.4985, "Acc.box": 0.4108, "Acc.column": 0.6642, "Acc.signboard": 0.55, "Acc.chest of drawers": 0.6734, "Acc.counter": 0.3843, "Acc.sand": 0.8228, "Acc.sink": 0.8421, "Acc.skyscraper": 0.5816, "Acc.fireplace": 0.9415, "Acc.refrigerator": 0.8453, "Acc.grandstand": 0.8521, "Acc.path": 0.3971, "Acc.stairs": 0.4536, "Acc.runway": 0.9076, "Acc.case": 0.6905, "Acc.pool table": 0.9805, "Acc.pillow": 0.704, "Acc.screen door": 0.7176, "Acc.stairway": 0.4747, "Acc.river": 0.231, "Acc.bridge": 0.4461, "Acc.bookcase": 0.7117, "Acc.blind": 0.4828, "Acc.coffee table": 0.8574, "Acc.toilet": 0.9324, "Acc.flower": 0.6014, "Acc.book": 0.7265, "Acc.hill": 0.1103, "Acc.bench": 0.7695, "Acc.countertop": 0.8352, "Acc.stove": 0.9019, "Acc.palm": 0.7692, "Acc.kitchen island": 0.8446, "Acc.computer": 0.9053, "Acc.swivel chair": 0.7717, "Acc.boat": 0.8525, "Acc.bar": 0.6804, "Acc.arcade machine": 0.7126, "Acc.hovel": 0.7125, "Acc.bus": 0.9784, "Acc.towel": 0.8474, "Acc.light": 0.6983, "Acc.truck": 0.6136, "Acc.tower": 0.4158, "Acc.chandelier": 0.8348, "Acc.awning": 0.4263, "Acc.streetlight": 0.4468, "Acc.booth": 0.4395, "Acc.television receiver": 0.878, "Acc.airplane": 0.8132, "Acc.dirt track": 0.0737, "Acc.apparel": 0.7219, "Acc.pole": 0.2956, "Acc.land": 0.069, "Acc.bannister": 0.2189, "Acc.escalator": 0.8341, "Acc.ottoman": 0.7471, "Acc.bottle": 0.6719, "Acc.buffet": 0.6107, "Acc.poster": 0.5139, "Acc.stage": 0.319, "Acc.van": 0.6166, "Acc.ship": 0.7354, "Acc.fountain": 0.268, "Acc.conveyer belt": 0.9476, "Acc.canopy": 0.5807, "Acc.washer": 0.7732, "Acc.plaything": 0.5479, "Acc.swimming pool": 0.7443, "Acc.stool": 0.6409, "Acc.barrel": 0.8652, "Acc.basket": 0.5261, "Acc.waterfall": 0.7598, "Acc.tent": 0.983, "Acc.bag": 0.2514, "Acc.minibike": 0.8609, "Acc.cradle": 0.9765, "Acc.oven": 0.5914, "Acc.ball": 0.5045, "Acc.food": 0.7067, "Acc.step": 0.3141, "Acc.tank": 0.6668, "Acc.trade name": 0.3277, "Acc.microwave": 0.9455, "Acc.pot": 0.5983, "Acc.animal": 0.5937, "Acc.bicycle": 0.7799, "Acc.lake": 0.6377, "Acc.dishwasher": 0.7785, "Acc.screen": 0.8335, "Acc.blanket": 0.2629, "Acc.sculpture": 0.8182, "Acc.hood": 0.702, "Acc.sconce": 0.6461, "Acc.vase": 0.5833, "Acc.traffic light": 0.5375, "Acc.tray": 0.0855, "Acc.ashcan": 0.6147, "Acc.fan": 0.7785, "Acc.pier": 0.7535, "Acc.crt screen": 0.3422, "Acc.plate": 0.8019, "Acc.monitor": 0.1809, "Acc.bulletin board": 0.7584, "Acc.shower": 0.0192, "Acc.radiator": 0.7204, "Acc.glass": 0.1695, "Acc.clock": 0.4775, "Acc.flag": 0.5475} {"mode": "train", "epoch": 84, "iter": 106050, "lr": 0.0, "memory": 14793, "data_time": 2.16242, "decode.loss_ce": 0.22066, "decode.acc_seg": 90.70857, "aux.loss_ce": 0.16122, "aux.acc_seg": 84.29138, "loss": 0.38188, "grad_norm": 11.59432, "time": 2.57365} {"mode": "train", "epoch": 84, "iter": 106100, "lr": 0.0, "memory": 14793, "data_time": 0.00549, "decode.loss_ce": 0.21693, "decode.acc_seg": 90.65621, "aux.loss_ce": 0.16722, "aux.acc_seg": 83.06688, "loss": 0.38415, "grad_norm": 10.79449, "time": 0.41679} {"mode": "train", "epoch": 84, "iter": 106150, "lr": 0.0, "memory": 14793, "data_time": 0.00579, "decode.loss_ce": 0.22242, "decode.acc_seg": 90.88549, "aux.loss_ce": 0.16697, "aux.acc_seg": 84.97154, "loss": 0.38939, "grad_norm": 9.4334, "time": 0.41687} {"mode": "train", "epoch": 85, "iter": 106200, "lr": 0.0, "memory": 14793, "data_time": 0.05684, "decode.loss_ce": 0.21141, "decode.acc_seg": 90.9688, "aux.loss_ce": 0.16071, "aux.acc_seg": 84.62759, "loss": 0.37211, "grad_norm": 12.20408, "time": 0.45556} {"mode": "train", "epoch": 85, "iter": 106250, "lr": 0.0, "memory": 14793, "data_time": 0.00532, "decode.loss_ce": 0.21199, "decode.acc_seg": 90.86583, "aux.loss_ce": 0.16195, "aux.acc_seg": 84.31716, "loss": 0.37394, "grad_norm": 10.14505, "time": 0.42556} {"mode": "train", "epoch": 85, "iter": 106300, "lr": 0.0, "memory": 14793, "data_time": 0.00536, "decode.loss_ce": 0.21879, "decode.acc_seg": 90.72867, "aux.loss_ce": 0.16094, "aux.acc_seg": 84.55476, "loss": 0.37972, "grad_norm": 12.0338, "time": 0.41795} {"mode": "train", "epoch": 85, "iter": 106350, "lr": 0.0, "memory": 14793, "data_time": 0.00609, "decode.loss_ce": 0.22099, "decode.acc_seg": 90.82352, "aux.loss_ce": 0.15823, "aux.acc_seg": 84.96825, "loss": 0.37922, "grad_norm": 13.29509, "time": 0.41407} {"mode": "train", "epoch": 85, "iter": 106400, "lr": 0.0, "memory": 14793, "data_time": 0.0058, "decode.loss_ce": 0.23168, "decode.acc_seg": 90.76377, "aux.loss_ce": 0.17385, "aux.acc_seg": 84.01417, "loss": 0.40553, "grad_norm": 16.55219, "time": 0.42521} {"mode": "train", "epoch": 85, "iter": 106450, "lr": 0.0, "memory": 14793, "data_time": 0.00587, "decode.loss_ce": 0.21786, "decode.acc_seg": 90.96506, "aux.loss_ce": 0.15623, "aux.acc_seg": 85.25303, "loss": 0.37409, "grad_norm": 10.2599, "time": 0.41212} {"mode": "train", "epoch": 85, "iter": 106500, "lr": 0.0, "memory": 14793, "data_time": 0.00561, "decode.loss_ce": 0.23267, "decode.acc_seg": 90.41198, "aux.loss_ce": 0.17583, "aux.acc_seg": 83.10482, "loss": 0.4085, "grad_norm": 13.96508, "time": 0.41491} {"mode": "train", "epoch": 85, "iter": 106550, "lr": 0.0, "memory": 14793, "data_time": 0.00566, "decode.loss_ce": 0.22157, "decode.acc_seg": 90.63447, "aux.loss_ce": 0.17153, "aux.acc_seg": 83.8392, "loss": 0.39311, "grad_norm": 11.68754, "time": 0.40933} {"mode": "train", "epoch": 85, "iter": 106600, "lr": 0.0, "memory": 14793, "data_time": 0.0055, "decode.loss_ce": 0.21589, "decode.acc_seg": 91.082, "aux.loss_ce": 0.15984, "aux.acc_seg": 84.67836, "loss": 0.37573, "grad_norm": 11.44601, "time": 0.4078} {"mode": "train", "epoch": 85, "iter": 106650, "lr": 0.0, "memory": 14793, "data_time": 0.00552, "decode.loss_ce": 0.2144, "decode.acc_seg": 90.76872, "aux.loss_ce": 0.16294, "aux.acc_seg": 84.17042, "loss": 0.37734, "grad_norm": 11.07098, "time": 0.40759} {"mode": "train", "epoch": 85, "iter": 106700, "lr": 0.0, "memory": 14793, "data_time": 0.00572, "decode.loss_ce": 0.22125, "decode.acc_seg": 90.55922, "aux.loss_ce": 0.16484, "aux.acc_seg": 83.77408, "loss": 0.38609, "grad_norm": 12.99576, "time": 0.41877} {"mode": "train", "epoch": 85, "iter": 106750, "lr": 0.0, "memory": 14793, "data_time": 0.00511, "decode.loss_ce": 0.20786, "decode.acc_seg": 91.31332, "aux.loss_ce": 0.15898, "aux.acc_seg": 84.93542, "loss": 0.36684, "grad_norm": 11.13061, "time": 0.42478} {"mode": "train", "epoch": 85, "iter": 106800, "lr": 0.0, "memory": 14793, "data_time": 0.00579, "decode.loss_ce": 0.22696, "decode.acc_seg": 90.59354, "aux.loss_ce": 0.16994, "aux.acc_seg": 83.56914, "loss": 0.3969, "grad_norm": 13.30002, "time": 0.41476} {"mode": "train", "epoch": 85, "iter": 106850, "lr": 0.0, "memory": 14793, "data_time": 0.00516, "decode.loss_ce": 0.2091, "decode.acc_seg": 91.18811, "aux.loss_ce": 0.16174, "aux.acc_seg": 84.29433, "loss": 0.37085, "grad_norm": 11.14867, "time": 0.4071} {"mode": "train", "epoch": 85, "iter": 106900, "lr": 0.0, "memory": 14793, "data_time": 0.00538, "decode.loss_ce": 0.22018, "decode.acc_seg": 90.94059, "aux.loss_ce": 0.16003, "aux.acc_seg": 84.76143, "loss": 0.38021, "grad_norm": 12.00096, "time": 0.49477} {"mode": "train", "epoch": 85, "iter": 106950, "lr": 0.0, "memory": 14793, "data_time": 0.00757, "decode.loss_ce": 0.22151, "decode.acc_seg": 90.66278, "aux.loss_ce": 0.16796, "aux.acc_seg": 83.61311, "loss": 0.38948, "grad_norm": 17.32411, "time": 0.41545} {"mode": "train", "epoch": 85, "iter": 107000, "lr": 0.0, "memory": 14793, "data_time": 0.00609, "decode.loss_ce": 0.21044, "decode.acc_seg": 91.16785, "aux.loss_ce": 0.15744, "aux.acc_seg": 84.7343, "loss": 0.36787, "grad_norm": 12.47325, "time": 0.65421} {"mode": "val", "epoch": 85, "iter": 125, "lr": 0.0, "aAcc": 0.8481, "mIoU": 0.5484, "mAcc": 0.6791, "IoU.wall": 0.8009, "IoU.building": 0.834, "IoU.sky": 0.95, "IoU.floor": 0.8339, "IoU.tree": 0.7559, "IoU.ceiling": 0.8551, "IoU.road": 0.8572, "IoU.bed ": 0.9173, "IoU.windowpane": 0.6391, "IoU.grass": 0.672, "IoU.cabinet": 0.6513, "IoU.sidewalk": 0.6894, "IoU.person": 0.8382, "IoU.earth": 0.3745, "IoU.door": 0.5538, "IoU.table": 0.6446, "IoU.mountain": 0.5995, "IoU.plant": 0.5155, "IoU.curtain": 0.765, "IoU.chair": 0.6311, "IoU.car": 0.8616, "IoU.water": 0.6277, "IoU.painting": 0.741, "IoU.sofa": 0.737, "IoU.shelf": 0.4553, "IoU.house": 0.4827, "IoU.sea": 0.7128, "IoU.mirror": 0.7286, "IoU.rug": 0.6685, "IoU.field": 0.3058, "IoU.armchair": 0.4696, "IoU.seat": 0.6625, "IoU.fence": 0.4691, "IoU.desk": 0.5188, "IoU.rock": 0.5117, "IoU.wardrobe": 0.5532, "IoU.lamp": 0.6889, "IoU.bathtub": 0.8267, "IoU.railing": 0.3965, "IoU.cushion": 0.6417, "IoU.base": 0.413, "IoU.box": 0.3364, "IoU.column": 0.5356, "IoU.signboard": 0.3855, "IoU.chest of drawers": 0.4575, "IoU.counter": 0.2592, "IoU.sand": 0.6065, "IoU.sink": 0.784, "IoU.skyscraper": 0.4936, "IoU.fireplace": 0.7038, "IoU.refrigerator": 0.7915, "IoU.grandstand": 0.4935, "IoU.path": 0.2685, "IoU.stairs": 0.3753, "IoU.runway": 0.6957, "IoU.case": 0.5093, "IoU.pool table": 0.9351, "IoU.pillow": 0.6283, "IoU.screen door": 0.6722, "IoU.stairway": 0.4462, "IoU.river": 0.1162, "IoU.bridge": 0.4211, "IoU.bookcase": 0.4601, "IoU.blind": 0.469, "IoU.coffee table": 0.6017, "IoU.toilet": 0.8756, "IoU.flower": 0.4416, "IoU.book": 0.5104, "IoU.hill": 0.0793, "IoU.bench": 0.664, "IoU.countertop": 0.6212, "IoU.stove": 0.8248, "IoU.palm": 0.5521, "IoU.kitchen island": 0.3889, "IoU.computer": 0.7545, "IoU.swivel chair": 0.5546, "IoU.boat": 0.721, "IoU.bar": 0.4669, "IoU.arcade machine": 0.7135, "IoU.hovel": 0.6211, "IoU.bus": 0.898, "IoU.towel": 0.7202, "IoU.light": 0.5956, "IoU.truck": 0.4503, "IoU.tower": 0.2457, "IoU.chandelier": 0.7131, "IoU.awning": 0.3612, "IoU.streetlight": 0.3312, "IoU.booth": 0.3909, "IoU.television receiver": 0.7746, "IoU.airplane": 0.7354, "IoU.dirt track": 0.0512, "IoU.apparel": 0.5872, "IoU.pole": 0.2393, "IoU.land": 0.0353, "IoU.bannister": 0.1708, "IoU.escalator": 0.5369, "IoU.ottoman": 0.5494, "IoU.bottle": 0.4102, "IoU.buffet": 0.4783, "IoU.poster": 0.3312, "IoU.stage": 0.2498, "IoU.van": 0.4554, "IoU.ship": 0.7512, "IoU.fountain": 0.2645, "IoU.conveyer belt": 0.788, "IoU.canopy": 0.3899, "IoU.washer": 0.7253, "IoU.plaything": 0.3789, "IoU.swimming pool": 0.6784, "IoU.stool": 0.4512, "IoU.barrel": 0.5466, "IoU.basket": 0.4186, "IoU.waterfall": 0.6907, "IoU.tent": 0.9537, "IoU.bag": 0.1973, "IoU.minibike": 0.7287, "IoU.cradle": 0.846, "IoU.oven": 0.4743, "IoU.ball": 0.5219, "IoU.food": 0.6005, "IoU.step": 0.2038, "IoU.tank": 0.6333, "IoU.trade name": 0.2502, "IoU.microwave": 0.8358, "IoU.pot": 0.5251, "IoU.animal": 0.6255, "IoU.bicycle": 0.602, "IoU.lake": 0.5069, "IoU.dishwasher": 0.7027, "IoU.screen": 0.5724, "IoU.blanket": 0.2934, "IoU.sculpture": 0.6927, "IoU.hood": 0.63, "IoU.sconce": 0.5454, "IoU.vase": 0.4397, "IoU.traffic light": 0.3746, "IoU.tray": 0.0719, "IoU.ashcan": 0.4471, "IoU.fan": 0.6625, "IoU.pier": 0.6143, "IoU.crt screen": 0.1252, "IoU.plate": 0.5705, "IoU.monitor": 0.1185, "IoU.bulletin board": 0.6522, "IoU.shower": 0.0162, "IoU.radiator": 0.6281, "IoU.glass": 0.1633, "IoU.clock": 0.4594, "IoU.flag": 0.4984, "Acc.wall": 0.8782, "Acc.building": 0.9195, "Acc.sky": 0.9755, "Acc.floor": 0.9038, "Acc.tree": 0.8959, "Acc.ceiling": 0.9385, "Acc.road": 0.9121, "Acc.bed ": 0.9706, "Acc.windowpane": 0.8134, "Acc.grass": 0.8212, "Acc.cabinet": 0.7767, "Acc.sidewalk": 0.8311, "Acc.person": 0.9381, "Acc.earth": 0.51, "Acc.door": 0.7158, "Acc.table": 0.7837, "Acc.mountain": 0.7471, "Acc.plant": 0.6389, "Acc.curtain": 0.8882, "Acc.chair": 0.749, "Acc.car": 0.938, "Acc.water": 0.7851, "Acc.painting": 0.8973, "Acc.sofa": 0.9016, "Acc.shelf": 0.6062, "Acc.house": 0.6963, "Acc.sea": 0.8715, "Acc.mirror": 0.7928, "Acc.rug": 0.7876, "Acc.field": 0.4774, "Acc.armchair": 0.619, "Acc.seat": 0.8311, "Acc.fence": 0.6273, "Acc.desk": 0.7458, "Acc.rock": 0.7387, "Acc.wardrobe": 0.6753, "Acc.lamp": 0.8065, "Acc.bathtub": 0.8635, "Acc.railing": 0.5378, "Acc.cushion": 0.7426, "Acc.base": 0.5817, "Acc.box": 0.4409, "Acc.column": 0.6858, "Acc.signboard": 0.5522, "Acc.chest of drawers": 0.6604, "Acc.counter": 0.3321, "Acc.sand": 0.7994, "Acc.sink": 0.8639, "Acc.skyscraper": 0.624, "Acc.fireplace": 0.9388, "Acc.refrigerator": 0.8477, "Acc.grandstand": 0.8336, "Acc.path": 0.3735, "Acc.stairs": 0.4929, "Acc.runway": 0.9146, "Acc.case": 0.648, "Acc.pool table": 0.9838, "Acc.pillow": 0.7447, "Acc.screen door": 0.8261, "Acc.stairway": 0.5356, "Acc.river": 0.212, "Acc.bridge": 0.487, "Acc.bookcase": 0.6483, "Acc.blind": 0.5486, "Acc.coffee table": 0.861, "Acc.toilet": 0.9392, "Acc.flower": 0.5843, "Acc.book": 0.7457, "Acc.hill": 0.1294, "Acc.bench": 0.7673, "Acc.countertop": 0.7909, "Acc.stove": 0.8848, "Acc.palm": 0.7347, "Acc.kitchen island": 0.8637, "Acc.computer": 0.9077, "Acc.swivel chair": 0.8421, "Acc.boat": 0.8495, "Acc.bar": 0.6902, "Acc.arcade machine": 0.7495, "Acc.hovel": 0.7072, "Acc.bus": 0.9773, "Acc.towel": 0.8536, "Acc.light": 0.7202, "Acc.truck": 0.6082, "Acc.tower": 0.4392, "Acc.chandelier": 0.8373, "Acc.awning": 0.4613, "Acc.streetlight": 0.466, "Acc.booth": 0.4829, "Acc.television receiver": 0.8715, "Acc.airplane": 0.8188, "Acc.dirt track": 0.0836, "Acc.apparel": 0.7698, "Acc.pole": 0.3384, "Acc.land": 0.0804, "Acc.bannister": 0.2435, "Acc.escalator": 0.8321, "Acc.ottoman": 0.7336, "Acc.bottle": 0.6824, "Acc.buffet": 0.6016, "Acc.poster": 0.4737, "Acc.stage": 0.4154, "Acc.van": 0.6104, "Acc.ship": 0.8435, "Acc.fountain": 0.2671, "Acc.conveyer belt": 0.9427, "Acc.canopy": 0.609, "Acc.washer": 0.7482, "Acc.plaything": 0.5443, "Acc.swimming pool": 0.7421, "Acc.stool": 0.6849, "Acc.barrel": 0.8779, "Acc.basket": 0.5232, "Acc.waterfall": 0.8637, "Acc.tent": 0.9856, "Acc.bag": 0.2344, "Acc.minibike": 0.8745, "Acc.cradle": 0.9816, "Acc.oven": 0.6024, "Acc.ball": 0.5653, "Acc.food": 0.7099, "Acc.step": 0.2501, "Acc.tank": 0.6697, "Acc.trade name": 0.2985, "Acc.microwave": 0.9459, "Acc.pot": 0.6363, "Acc.animal": 0.6436, "Acc.bicycle": 0.7892, "Acc.lake": 0.6376, "Acc.dishwasher": 0.7789, "Acc.screen": 0.8711, "Acc.blanket": 0.3569, "Acc.sculpture": 0.847, "Acc.hood": 0.712, "Acc.sconce": 0.6582, "Acc.vase": 0.5881, "Acc.traffic light": 0.5716, "Acc.tray": 0.1047, "Acc.ashcan": 0.6028, "Acc.fan": 0.7951, "Acc.pier": 0.8399, "Acc.crt screen": 0.3606, "Acc.plate": 0.8073, "Acc.monitor": 0.1308, "Acc.bulletin board": 0.7716, "Acc.shower": 0.0293, "Acc.radiator": 0.7459, "Acc.glass": 0.175, "Acc.clock": 0.5109, "Acc.flag": 0.5578} {"mode": "train", "epoch": 85, "iter": 107050, "lr": 0.0, "memory": 14793, "data_time": 2.31687, "decode.loss_ce": 0.21936, "decode.acc_seg": 90.79848, "aux.loss_ce": 0.16229, "aux.acc_seg": 84.39291, "loss": 0.38165, "grad_norm": 13.75654, "time": 2.73885} {"mode": "train", "epoch": 85, "iter": 107100, "lr": 0.0, "memory": 14793, "data_time": 0.00559, "decode.loss_ce": 0.20983, "decode.acc_seg": 91.13763, "aux.loss_ce": 0.16521, "aux.acc_seg": 84.36111, "loss": 0.37503, "grad_norm": 14.14056, "time": 0.42045} {"mode": "train", "epoch": 85, "iter": 107150, "lr": 0.0, "memory": 14793, "data_time": 0.00658, "decode.loss_ce": 0.21984, "decode.acc_seg": 90.9007, "aux.loss_ce": 0.16326, "aux.acc_seg": 84.74842, "loss": 0.38311, "grad_norm": 14.27881, "time": 0.42416} {"mode": "train", "epoch": 85, "iter": 107200, "lr": 0.0, "memory": 14793, "data_time": 0.00539, "decode.loss_ce": 0.22229, "decode.acc_seg": 90.63465, "aux.loss_ce": 0.17754, "aux.acc_seg": 83.19459, "loss": 0.39983, "grad_norm": 13.65437, "time": 0.42619} {"mode": "train", "epoch": 85, "iter": 107250, "lr": 0.0, "memory": 14793, "data_time": 0.00712, "decode.loss_ce": 0.2245, "decode.acc_seg": 90.63606, "aux.loss_ce": 0.1726, "aux.acc_seg": 83.67335, "loss": 0.3971, "grad_norm": 15.64228, "time": 0.41178} {"mode": "train", "epoch": 85, "iter": 107300, "lr": 0.0, "memory": 14793, "data_time": 0.00562, "decode.loss_ce": 0.23267, "decode.acc_seg": 90.33759, "aux.loss_ce": 0.17473, "aux.acc_seg": 83.14106, "loss": 0.4074, "grad_norm": 15.33632, "time": 0.41694} {"mode": "train", "epoch": 85, "iter": 107350, "lr": 0.0, "memory": 14793, "data_time": 0.00603, "decode.loss_ce": 0.22173, "decode.acc_seg": 90.94985, "aux.loss_ce": 0.17091, "aux.acc_seg": 84.00671, "loss": 0.39264, "grad_norm": 11.50419, "time": 0.41} {"mode": "train", "epoch": 85, "iter": 107400, "lr": 0.0, "memory": 14793, "data_time": 0.00545, "decode.loss_ce": 0.20531, "decode.acc_seg": 91.39869, "aux.loss_ce": 0.16498, "aux.acc_seg": 84.03253, "loss": 0.37028, "grad_norm": 13.82799, "time": 0.41154} {"mode": "train", "epoch": 86, "iter": 107450, "lr": 0.0, "memory": 14793, "data_time": 0.05075, "decode.loss_ce": 0.21936, "decode.acc_seg": 90.84545, "aux.loss_ce": 0.17285, "aux.acc_seg": 83.80753, "loss": 0.39221, "grad_norm": 12.42548, "time": 0.46426} {"mode": "train", "epoch": 86, "iter": 107500, "lr": 0.0, "memory": 14793, "data_time": 0.00669, "decode.loss_ce": 0.21176, "decode.acc_seg": 90.92859, "aux.loss_ce": 0.16368, "aux.acc_seg": 84.33071, "loss": 0.37544, "grad_norm": 13.41328, "time": 0.41155} {"mode": "train", "epoch": 86, "iter": 107550, "lr": 0.0, "memory": 14793, "data_time": 0.00556, "decode.loss_ce": 0.2222, "decode.acc_seg": 90.63887, "aux.loss_ce": 0.17032, "aux.acc_seg": 83.60916, "loss": 0.39253, "grad_norm": 12.26174, "time": 0.4124} {"mode": "train", "epoch": 86, "iter": 107600, "lr": 0.0, "memory": 14793, "data_time": 0.00664, "decode.loss_ce": 0.20341, "decode.acc_seg": 91.60531, "aux.loss_ce": 0.15029, "aux.acc_seg": 85.87982, "loss": 0.3537, "grad_norm": 11.24889, "time": 0.42186} {"mode": "train", "epoch": 86, "iter": 107650, "lr": 0.0, "memory": 14793, "data_time": 0.00545, "decode.loss_ce": 0.22623, "decode.acc_seg": 90.52167, "aux.loss_ce": 0.17423, "aux.acc_seg": 83.0193, "loss": 0.40046, "grad_norm": 14.6741, "time": 0.41521} {"mode": "train", "epoch": 86, "iter": 107700, "lr": 0.0, "memory": 14793, "data_time": 0.00552, "decode.loss_ce": 0.2144, "decode.acc_seg": 91.32705, "aux.loss_ce": 0.15519, "aux.acc_seg": 85.1738, "loss": 0.36959, "grad_norm": 10.01576, "time": 0.41568} {"mode": "train", "epoch": 86, "iter": 107750, "lr": 0.0, "memory": 14793, "data_time": 0.00582, "decode.loss_ce": 0.20179, "decode.acc_seg": 91.43577, "aux.loss_ce": 0.15242, "aux.acc_seg": 84.87022, "loss": 0.3542, "grad_norm": 13.13571, "time": 0.41327} {"mode": "train", "epoch": 86, "iter": 107800, "lr": 0.0, "memory": 14793, "data_time": 0.00508, "decode.loss_ce": 0.21094, "decode.acc_seg": 91.28606, "aux.loss_ce": 0.16123, "aux.acc_seg": 84.72695, "loss": 0.37218, "grad_norm": 9.73505, "time": 0.41104} {"mode": "train", "epoch": 86, "iter": 107850, "lr": 0.0, "memory": 14793, "data_time": 0.00601, "decode.loss_ce": 0.23308, "decode.acc_seg": 90.80227, "aux.loss_ce": 0.1777, "aux.acc_seg": 83.76422, "loss": 0.41078, "grad_norm": 16.39317, "time": 0.41755} {"mode": "train", "epoch": 86, "iter": 107900, "lr": 0.0, "memory": 14793, "data_time": 0.00542, "decode.loss_ce": 0.20854, "decode.acc_seg": 91.34399, "aux.loss_ce": 0.16303, "aux.acc_seg": 84.60669, "loss": 0.37157, "grad_norm": 12.47288, "time": 0.41258} {"mode": "train", "epoch": 86, "iter": 107950, "lr": 0.0, "memory": 14793, "data_time": 0.00505, "decode.loss_ce": 0.21425, "decode.acc_seg": 91.2433, "aux.loss_ce": 0.15667, "aux.acc_seg": 85.19309, "loss": 0.37092, "grad_norm": 10.64595, "time": 0.41494} {"mode": "train", "epoch": 86, "iter": 108000, "lr": 0.0, "memory": 14793, "data_time": 0.00626, "decode.loss_ce": 0.21817, "decode.acc_seg": 90.9584, "aux.loss_ce": 0.15624, "aux.acc_seg": 84.9501, "loss": 0.37442, "grad_norm": 16.03093, "time": 0.67397} {"mode": "val", "epoch": 86, "iter": 125, "lr": 0.0, "aAcc": 0.8495, "mIoU": 0.5483, "mAcc": 0.6747, "IoU.wall": 0.8052, "IoU.building": 0.8343, "IoU.sky": 0.9493, "IoU.floor": 0.8331, "IoU.tree": 0.7601, "IoU.ceiling": 0.8605, "IoU.road": 0.8558, "IoU.bed ": 0.9121, "IoU.windowpane": 0.6463, "IoU.grass": 0.6769, "IoU.cabinet": 0.6403, "IoU.sidewalk": 0.6836, "IoU.person": 0.8381, "IoU.earth": 0.4014, "IoU.door": 0.5479, "IoU.table": 0.6435, "IoU.mountain": 0.5999, "IoU.plant": 0.5342, "IoU.curtain": 0.767, "IoU.chair": 0.6375, "IoU.car": 0.8659, "IoU.water": 0.6162, "IoU.painting": 0.7468, "IoU.sofa": 0.7423, "IoU.shelf": 0.4451, "IoU.house": 0.4915, "IoU.sea": 0.7046, "IoU.mirror": 0.7342, "IoU.rug": 0.6924, "IoU.field": 0.3081, "IoU.armchair": 0.4721, "IoU.seat": 0.6549, "IoU.fence": 0.4656, "IoU.desk": 0.5153, "IoU.rock": 0.5132, "IoU.wardrobe": 0.5475, "IoU.lamp": 0.6846, "IoU.bathtub": 0.825, "IoU.railing": 0.4192, "IoU.cushion": 0.6468, "IoU.base": 0.4203, "IoU.box": 0.3371, "IoU.column": 0.5413, "IoU.signboard": 0.3967, "IoU.chest of drawers": 0.4628, "IoU.counter": 0.3069, "IoU.sand": 0.6002, "IoU.sink": 0.7778, "IoU.skyscraper": 0.4761, "IoU.fireplace": 0.71, "IoU.refrigerator": 0.7801, "IoU.grandstand": 0.4732, "IoU.path": 0.248, "IoU.stairs": 0.3516, "IoU.runway": 0.6649, "IoU.case": 0.5419, "IoU.pool table": 0.9331, "IoU.pillow": 0.6238, "IoU.screen door": 0.7344, "IoU.stairway": 0.4324, "IoU.river": 0.1438, "IoU.bridge": 0.4089, "IoU.bookcase": 0.4408, "IoU.blind": 0.4787, "IoU.coffee table": 0.6218, "IoU.toilet": 0.8776, "IoU.flower": 0.4465, "IoU.book": 0.52, "IoU.hill": 0.0746, "IoU.bench": 0.6454, "IoU.countertop": 0.6063, "IoU.stove": 0.8258, "IoU.palm": 0.5627, "IoU.kitchen island": 0.454, "IoU.computer": 0.7565, "IoU.swivel chair": 0.5498, "IoU.boat": 0.7428, "IoU.bar": 0.4698, "IoU.arcade machine": 0.7151, "IoU.hovel": 0.6251, "IoU.bus": 0.922, "IoU.towel": 0.7168, "IoU.light": 0.5912, "IoU.truck": 0.4407, "IoU.tower": 0.247, "IoU.chandelier": 0.7009, "IoU.awning": 0.345, "IoU.streetlight": 0.325, "IoU.booth": 0.4086, "IoU.television receiver": 0.7741, "IoU.airplane": 0.7658, "IoU.dirt track": 0.0387, "IoU.apparel": 0.5982, "IoU.pole": 0.247, "IoU.land": 0.0452, "IoU.bannister": 0.1645, "IoU.escalator": 0.528, "IoU.ottoman": 0.563, "IoU.bottle": 0.42, "IoU.buffet": 0.465, "IoU.poster": 0.327, "IoU.stage": 0.2188, "IoU.van": 0.4535, "IoU.ship": 0.6615, "IoU.fountain": 0.2539, "IoU.conveyer belt": 0.7819, "IoU.canopy": 0.3853, "IoU.washer": 0.7289, "IoU.plaything": 0.3941, "IoU.swimming pool": 0.6871, "IoU.stool": 0.4797, "IoU.barrel": 0.5302, "IoU.basket": 0.42, "IoU.waterfall": 0.583, "IoU.tent": 0.9561, "IoU.bag": 0.2226, "IoU.minibike": 0.7308, "IoU.cradle": 0.8441, "IoU.oven": 0.4873, "IoU.ball": 0.5695, "IoU.food": 0.5967, "IoU.step": 0.2303, "IoU.tank": 0.6326, "IoU.trade name": 0.2533, "IoU.microwave": 0.8354, "IoU.pot": 0.5186, "IoU.animal": 0.6136, "IoU.bicycle": 0.597, "IoU.lake": 0.5332, "IoU.dishwasher": 0.6677, "IoU.screen": 0.6018, "IoU.blanket": 0.2539, "IoU.sculpture": 0.702, "IoU.hood": 0.6386, "IoU.sconce": 0.55, "IoU.vase": 0.4476, "IoU.traffic light": 0.3834, "IoU.tray": 0.0693, "IoU.ashcan": 0.4597, "IoU.fan": 0.6654, "IoU.pier": 0.3879, "IoU.crt screen": 0.1282, "IoU.plate": 0.5829, "IoU.monitor": 0.161, "IoU.bulletin board": 0.6545, "IoU.shower": 0.0157, "IoU.radiator": 0.6266, "IoU.glass": 0.1712, "IoU.clock": 0.4563, "IoU.flag": 0.4957, "Acc.wall": 0.8906, "Acc.building": 0.922, "Acc.sky": 0.9756, "Acc.floor": 0.9054, "Acc.tree": 0.8855, "Acc.ceiling": 0.9188, "Acc.road": 0.9013, "Acc.bed ": 0.9727, "Acc.windowpane": 0.8063, "Acc.grass": 0.8251, "Acc.cabinet": 0.7622, "Acc.sidewalk": 0.835, "Acc.person": 0.9308, "Acc.earth": 0.5568, "Acc.door": 0.6972, "Acc.table": 0.7972, "Acc.mountain": 0.7207, "Acc.plant": 0.6639, "Acc.curtain": 0.8888, "Acc.chair": 0.7604, "Acc.car": 0.9356, "Acc.water": 0.7734, "Acc.painting": 0.9035, "Acc.sofa": 0.8847, "Acc.shelf": 0.5981, "Acc.house": 0.7493, "Acc.sea": 0.8756, "Acc.mirror": 0.802, "Acc.rug": 0.8343, "Acc.field": 0.4463, "Acc.armchair": 0.6348, "Acc.seat": 0.8425, "Acc.fence": 0.6073, "Acc.desk": 0.7302, "Acc.rock": 0.7925, "Acc.wardrobe": 0.734, "Acc.lamp": 0.8033, "Acc.bathtub": 0.8631, "Acc.railing": 0.5805, "Acc.cushion": 0.7668, "Acc.base": 0.5714, "Acc.box": 0.4448, "Acc.column": 0.6614, "Acc.signboard": 0.5444, "Acc.chest of drawers": 0.6711, "Acc.counter": 0.3879, "Acc.sand": 0.763, "Acc.sink": 0.8532, "Acc.skyscraper": 0.573, "Acc.fireplace": 0.9409, "Acc.refrigerator": 0.8484, "Acc.grandstand": 0.838, "Acc.path": 0.3956, "Acc.stairs": 0.462, "Acc.runway": 0.8746, "Acc.case": 0.6837, "Acc.pool table": 0.985, "Acc.pillow": 0.7483, "Acc.screen door": 0.8494, "Acc.stairway": 0.5317, "Acc.river": 0.2551, "Acc.bridge": 0.4712, "Acc.bookcase": 0.6457, "Acc.blind": 0.5635, "Acc.coffee table": 0.833, "Acc.toilet": 0.9312, "Acc.flower": 0.6271, "Acc.book": 0.7282, "Acc.hill": 0.1363, "Acc.bench": 0.7541, "Acc.countertop": 0.8024, "Acc.stove": 0.9019, "Acc.palm": 0.7343, "Acc.kitchen island": 0.7939, "Acc.computer": 0.9055, "Acc.swivel chair": 0.7475, "Acc.boat": 0.8286, "Acc.bar": 0.6223, "Acc.arcade machine": 0.7614, "Acc.hovel": 0.7035, "Acc.bus": 0.9748, "Acc.towel": 0.8607, "Acc.light": 0.6882, "Acc.truck": 0.5967, "Acc.tower": 0.4301, "Acc.chandelier": 0.8824, "Acc.awning": 0.4011, "Acc.streetlight": 0.4408, "Acc.booth": 0.5071, "Acc.television receiver": 0.8832, "Acc.airplane": 0.862, "Acc.dirt track": 0.0656, "Acc.apparel": 0.7547, "Acc.pole": 0.3462, "Acc.land": 0.0695, "Acc.bannister": 0.2236, "Acc.escalator": 0.8408, "Acc.ottoman": 0.7393, "Acc.bottle": 0.6821, "Acc.buffet": 0.5653, "Acc.poster": 0.4542, "Acc.stage": 0.3161, "Acc.van": 0.675, "Acc.ship": 0.7415, "Acc.fountain": 0.2554, "Acc.conveyer belt": 0.9424, "Acc.canopy": 0.5931, "Acc.washer": 0.7542, "Acc.plaything": 0.5871, "Acc.swimming pool": 0.755, "Acc.stool": 0.6594, "Acc.barrel": 0.8669, "Acc.basket": 0.5319, "Acc.waterfall": 0.6768, "Acc.tent": 0.9835, "Acc.bag": 0.2822, "Acc.minibike": 0.8851, "Acc.cradle": 0.9806, "Acc.oven": 0.6073, "Acc.ball": 0.6621, "Acc.food": 0.6904, "Acc.step": 0.2949, "Acc.tank": 0.6652, "Acc.trade name": 0.293, "Acc.microwave": 0.963, "Acc.pot": 0.621, "Acc.animal": 0.6309, "Acc.bicycle": 0.7904, "Acc.lake": 0.6375, "Acc.dishwasher": 0.7676, "Acc.screen": 0.8615, "Acc.blanket": 0.2981, "Acc.sculpture": 0.8464, "Acc.hood": 0.7194, "Acc.sconce": 0.664, "Acc.vase": 0.6117, "Acc.traffic light": 0.5366, "Acc.tray": 0.0936, "Acc.ashcan": 0.6071, "Acc.fan": 0.823, "Acc.pier": 0.5218, "Acc.crt screen": 0.3329, "Acc.plate": 0.8081, "Acc.monitor": 0.184, "Acc.bulletin board": 0.7628, "Acc.shower": 0.0161, "Acc.radiator": 0.7526, "Acc.glass": 0.1853, "Acc.clock": 0.5027, "Acc.flag": 0.552} {"mode": "train", "epoch": 86, "iter": 108050, "lr": 0.0, "memory": 14793, "data_time": 2.13656, "decode.loss_ce": 0.22392, "decode.acc_seg": 90.48359, "aux.loss_ce": 0.1698, "aux.acc_seg": 82.99944, "loss": 0.39372, "grad_norm": 13.58909, "time": 2.54869} {"mode": "train", "epoch": 86, "iter": 108100, "lr": 0.0, "memory": 14793, "data_time": 0.00571, "decode.loss_ce": 0.23337, "decode.acc_seg": 90.44393, "aux.loss_ce": 0.17601, "aux.acc_seg": 83.62686, "loss": 0.40938, "grad_norm": 14.00581, "time": 0.41107} {"mode": "train", "epoch": 86, "iter": 108150, "lr": 0.0, "memory": 14793, "data_time": 0.00559, "decode.loss_ce": 0.23446, "decode.acc_seg": 90.26213, "aux.loss_ce": 0.1867, "aux.acc_seg": 82.67526, "loss": 0.42116, "grad_norm": 12.7427, "time": 0.41233} {"mode": "train", "epoch": 86, "iter": 108200, "lr": 0.0, "memory": 14793, "data_time": 0.0058, "decode.loss_ce": 0.21414, "decode.acc_seg": 91.03165, "aux.loss_ce": 0.16029, "aux.acc_seg": 84.78042, "loss": 0.37443, "grad_norm": 13.06721, "time": 0.41827} {"mode": "train", "epoch": 86, "iter": 108250, "lr": 0.0, "memory": 14793, "data_time": 0.00541, "decode.loss_ce": 0.22809, "decode.acc_seg": 90.54364, "aux.loss_ce": 0.17346, "aux.acc_seg": 84.09857, "loss": 0.40156, "grad_norm": 13.05011, "time": 0.40771} {"mode": "train", "epoch": 86, "iter": 108300, "lr": 0.0, "memory": 14793, "data_time": 0.00569, "decode.loss_ce": 0.21142, "decode.acc_seg": 91.29591, "aux.loss_ce": 0.16463, "aux.acc_seg": 84.51413, "loss": 0.37604, "grad_norm": 12.10341, "time": 0.41155} {"mode": "train", "epoch": 86, "iter": 108350, "lr": 0.0, "memory": 14793, "data_time": 0.00582, "decode.loss_ce": 0.22578, "decode.acc_seg": 90.49934, "aux.loss_ce": 0.17431, "aux.acc_seg": 82.76476, "loss": 0.40009, "grad_norm": 13.55016, "time": 0.41011} {"mode": "train", "epoch": 86, "iter": 108400, "lr": 0.0, "memory": 14793, "data_time": 0.0059, "decode.loss_ce": 0.22698, "decode.acc_seg": 90.46636, "aux.loss_ce": 0.16223, "aux.acc_seg": 84.38533, "loss": 0.38921, "grad_norm": 13.52965, "time": 0.42905} {"mode": "train", "epoch": 86, "iter": 108450, "lr": 0.0, "memory": 14793, "data_time": 0.00548, "decode.loss_ce": 0.23568, "decode.acc_seg": 90.47289, "aux.loss_ce": 0.17606, "aux.acc_seg": 83.49782, "loss": 0.41173, "grad_norm": 20.72972, "time": 0.42465} {"mode": "train", "epoch": 86, "iter": 108500, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.21164, "decode.acc_seg": 91.50619, "aux.loss_ce": 0.15248, "aux.acc_seg": 85.8032, "loss": 0.36412, "grad_norm": 10.9634, "time": 0.41469} {"mode": "train", "epoch": 86, "iter": 108550, "lr": 0.0, "memory": 14793, "data_time": 0.00555, "decode.loss_ce": 0.20916, "decode.acc_seg": 91.15126, "aux.loss_ce": 0.15468, "aux.acc_seg": 85.17415, "loss": 0.36383, "grad_norm": 10.86037, "time": 0.41148} {"mode": "train", "epoch": 86, "iter": 108600, "lr": 0.0, "memory": 14793, "data_time": 0.00564, "decode.loss_ce": 0.24217, "decode.acc_seg": 89.92403, "aux.loss_ce": 0.17307, "aux.acc_seg": 83.14216, "loss": 0.41524, "grad_norm": 16.51013, "time": 0.41621} {"mode": "train", "epoch": 86, "iter": 108650, "lr": 0.0, "memory": 14793, "data_time": 0.00524, "decode.loss_ce": 0.21306, "decode.acc_seg": 91.07306, "aux.loss_ce": 0.15891, "aux.acc_seg": 84.87937, "loss": 0.37197, "grad_norm": 10.12439, "time": 0.41726} {"mode": "train", "epoch": 86, "iter": 108700, "lr": 0.0, "memory": 14793, "data_time": 0.00503, "decode.loss_ce": 0.21521, "decode.acc_seg": 91.0027, "aux.loss_ce": 0.16267, "aux.acc_seg": 84.5228, "loss": 0.37787, "grad_norm": 10.03805, "time": 0.41084} {"mode": "train", "epoch": 87, "iter": 108750, "lr": 0.0, "memory": 14793, "data_time": 0.05235, "decode.loss_ce": 0.2072, "decode.acc_seg": 91.4332, "aux.loss_ce": 0.1578, "aux.acc_seg": 85.39754, "loss": 0.36499, "grad_norm": 16.30705, "time": 0.46647} {"mode": "train", "epoch": 87, "iter": 108800, "lr": 0.0, "memory": 14793, "data_time": 0.00529, "decode.loss_ce": 0.22027, "decode.acc_seg": 90.46325, "aux.loss_ce": 0.17798, "aux.acc_seg": 82.63659, "loss": 0.39826, "grad_norm": 13.08179, "time": 0.4138} {"mode": "train", "epoch": 87, "iter": 108850, "lr": 0.0, "memory": 14793, "data_time": 0.00551, "decode.loss_ce": 0.22005, "decode.acc_seg": 90.7784, "aux.loss_ce": 0.16181, "aux.acc_seg": 84.56737, "loss": 0.38186, "grad_norm": 13.55045, "time": 0.41718} {"mode": "train", "epoch": 87, "iter": 108900, "lr": 0.0, "memory": 14793, "data_time": 0.00537, "decode.loss_ce": 0.21429, "decode.acc_seg": 90.75881, "aux.loss_ce": 0.16021, "aux.acc_seg": 84.34171, "loss": 0.3745, "grad_norm": 9.4745, "time": 0.41111} {"mode": "train", "epoch": 87, "iter": 108950, "lr": 0.0, "memory": 14793, "data_time": 0.00558, "decode.loss_ce": 0.22317, "decode.acc_seg": 90.79086, "aux.loss_ce": 0.16943, "aux.acc_seg": 84.14449, "loss": 0.3926, "grad_norm": 12.90906, "time": 0.41667} {"mode": "train", "epoch": 87, "iter": 109000, "lr": 0.0, "memory": 14793, "data_time": 0.00532, "decode.loss_ce": 0.22517, "decode.acc_seg": 90.60262, "aux.loss_ce": 0.16816, "aux.acc_seg": 83.68764, "loss": 0.39333, "grad_norm": 11.70073, "time": 0.63589} {"mode": "val", "epoch": 87, "iter": 125, "lr": 0.0, "aAcc": 0.8494, "mIoU": 0.5426, "mAcc": 0.6662, "IoU.wall": 0.8035, "IoU.building": 0.8354, "IoU.sky": 0.9486, "IoU.floor": 0.8339, "IoU.tree": 0.76, "IoU.ceiling": 0.8602, "IoU.road": 0.8591, "IoU.bed ": 0.9175, "IoU.windowpane": 0.645, "IoU.grass": 0.6805, "IoU.cabinet": 0.6485, "IoU.sidewalk": 0.6901, "IoU.person": 0.838, "IoU.earth": 0.4037, "IoU.door": 0.5458, "IoU.table": 0.6479, "IoU.mountain": 0.598, "IoU.plant": 0.5221, "IoU.curtain": 0.7605, "IoU.chair": 0.6363, "IoU.car": 0.86, "IoU.water": 0.6139, "IoU.painting": 0.7413, "IoU.sofa": 0.7279, "IoU.shelf": 0.4558, "IoU.house": 0.4758, "IoU.sea": 0.7163, "IoU.mirror": 0.7229, "IoU.rug": 0.6869, "IoU.field": 0.3221, "IoU.armchair": 0.4543, "IoU.seat": 0.6672, "IoU.fence": 0.4826, "IoU.desk": 0.512, "IoU.rock": 0.5218, "IoU.wardrobe": 0.5625, "IoU.lamp": 0.6858, "IoU.bathtub": 0.8241, "IoU.railing": 0.4259, "IoU.cushion": 0.6424, "IoU.base": 0.4227, "IoU.box": 0.347, "IoU.column": 0.5299, "IoU.signboard": 0.3921, "IoU.chest of drawers": 0.4502, "IoU.counter": 0.2936, "IoU.sand": 0.5995, "IoU.sink": 0.772, "IoU.skyscraper": 0.5168, "IoU.fireplace": 0.7074, "IoU.refrigerator": 0.7753, "IoU.grandstand": 0.464, "IoU.path": 0.2438, "IoU.stairs": 0.3572, "IoU.runway": 0.6817, "IoU.case": 0.5343, "IoU.pool table": 0.9394, "IoU.pillow": 0.6234, "IoU.screen door": 0.6855, "IoU.stairway": 0.404, "IoU.river": 0.1184, "IoU.bridge": 0.4084, "IoU.bookcase": 0.4245, "IoU.blind": 0.4493, "IoU.coffee table": 0.6141, "IoU.toilet": 0.8812, "IoU.flower": 0.4429, "IoU.book": 0.4928, "IoU.hill": 0.081, "IoU.bench": 0.6613, "IoU.countertop": 0.5903, "IoU.stove": 0.8235, "IoU.palm": 0.5659, "IoU.kitchen island": 0.444, "IoU.computer": 0.7548, "IoU.swivel chair": 0.5257, "IoU.boat": 0.6434, "IoU.bar": 0.4728, "IoU.arcade machine": 0.6301, "IoU.hovel": 0.6313, "IoU.bus": 0.9278, "IoU.towel": 0.7107, "IoU.light": 0.5803, "IoU.truck": 0.4175, "IoU.tower": 0.2564, "IoU.chandelier": 0.7103, "IoU.awning": 0.3566, "IoU.streetlight": 0.3271, "IoU.booth": 0.3824, "IoU.television receiver": 0.7567, "IoU.airplane": 0.7453, "IoU.dirt track": 0.0179, "IoU.apparel": 0.6485, "IoU.pole": 0.2299, "IoU.land": 0.0427, "IoU.bannister": 0.1599, "IoU.escalator": 0.5361, "IoU.ottoman": 0.5473, "IoU.bottle": 0.4152, "IoU.buffet": 0.4577, "IoU.poster": 0.331, "IoU.stage": 0.2377, "IoU.van": 0.4186, "IoU.ship": 0.66, "IoU.fountain": 0.2403, "IoU.conveyer belt": 0.8126, "IoU.canopy": 0.3634, "IoU.washer": 0.7224, "IoU.plaything": 0.3398, "IoU.swimming pool": 0.7045, "IoU.stool": 0.4629, "IoU.barrel": 0.5348, "IoU.basket": 0.4107, "IoU.waterfall": 0.5325, "IoU.tent": 0.9518, "IoU.bag": 0.19, "IoU.minibike": 0.7263, "IoU.cradle": 0.8411, "IoU.oven": 0.477, "IoU.ball": 0.3786, "IoU.food": 0.5665, "IoU.step": 0.24, "IoU.tank": 0.6316, "IoU.trade name": 0.2841, "IoU.microwave": 0.8397, "IoU.pot": 0.5248, "IoU.animal": 0.5792, "IoU.bicycle": 0.5926, "IoU.lake": 0.5129, "IoU.dishwasher": 0.6626, "IoU.screen": 0.6022, "IoU.blanket": 0.2686, "IoU.sculpture": 0.7091, "IoU.hood": 0.6538, "IoU.sconce": 0.5421, "IoU.vase": 0.446, "IoU.traffic light": 0.3808, "IoU.tray": 0.0606, "IoU.ashcan": 0.4527, "IoU.fan": 0.6585, "IoU.pier": 0.4487, "IoU.crt screen": 0.1215, "IoU.plate": 0.5843, "IoU.monitor": 0.1262, "IoU.bulletin board": 0.6521, "IoU.shower": 0.0004, "IoU.radiator": 0.6423, "IoU.glass": 0.1594, "IoU.clock": 0.4472, "IoU.flag": 0.5067, "Acc.wall": 0.8845, "Acc.building": 0.9231, "Acc.sky": 0.9759, "Acc.floor": 0.9083, "Acc.tree": 0.8964, "Acc.ceiling": 0.9228, "Acc.road": 0.9242, "Acc.bed ": 0.97, "Acc.windowpane": 0.8094, "Acc.grass": 0.8345, "Acc.cabinet": 0.7617, "Acc.sidewalk": 0.8149, "Acc.person": 0.9386, "Acc.earth": 0.5559, "Acc.door": 0.7224, "Acc.table": 0.787, "Acc.mountain": 0.7277, "Acc.plant": 0.639, "Acc.curtain": 0.8889, "Acc.chair": 0.7608, "Acc.car": 0.9415, "Acc.water": 0.7749, "Acc.painting": 0.8994, "Acc.sofa": 0.907, "Acc.shelf": 0.6062, "Acc.house": 0.6675, "Acc.sea": 0.853, "Acc.mirror": 0.7807, "Acc.rug": 0.8131, "Acc.field": 0.4609, "Acc.armchair": 0.5942, "Acc.seat": 0.8387, "Acc.fence": 0.6271, "Acc.desk": 0.7223, "Acc.rock": 0.7802, "Acc.wardrobe": 0.7454, "Acc.lamp": 0.7997, "Acc.bathtub": 0.8639, "Acc.railing": 0.6102, "Acc.cushion": 0.7639, "Acc.base": 0.598, "Acc.box": 0.4777, "Acc.column": 0.6904, "Acc.signboard": 0.5228, "Acc.chest of drawers": 0.654, "Acc.counter": 0.3697, "Acc.sand": 0.7785, "Acc.sink": 0.8423, "Acc.skyscraper": 0.648, "Acc.fireplace": 0.9418, "Acc.refrigerator": 0.8408, "Acc.grandstand": 0.8309, "Acc.path": 0.3494, "Acc.stairs": 0.4676, "Acc.runway": 0.9167, "Acc.case": 0.7142, "Acc.pool table": 0.9799, "Acc.pillow": 0.7404, "Acc.screen door": 0.8227, "Acc.stairway": 0.5088, "Acc.river": 0.2353, "Acc.bridge": 0.4606, "Acc.bookcase": 0.7184, "Acc.blind": 0.5244, "Acc.coffee table": 0.8536, "Acc.toilet": 0.9303, "Acc.flower": 0.59, "Acc.book": 0.6802, "Acc.hill": 0.1344, "Acc.bench": 0.7817, "Acc.countertop": 0.8074, "Acc.stove": 0.8941, "Acc.palm": 0.8045, "Acc.kitchen island": 0.8278, "Acc.computer": 0.9045, "Acc.swivel chair": 0.7026, "Acc.boat": 0.7478, "Acc.bar": 0.6316, "Acc.arcade machine": 0.6695, "Acc.hovel": 0.6947, "Acc.bus": 0.9755, "Acc.towel": 0.8628, "Acc.light": 0.659, "Acc.truck": 0.5368, "Acc.tower": 0.447, "Acc.chandelier": 0.8666, "Acc.awning": 0.4408, "Acc.streetlight": 0.4481, "Acc.booth": 0.4643, "Acc.television receiver": 0.8426, "Acc.airplane": 0.8378, "Acc.dirt track": 0.0307, "Acc.apparel": 0.809, "Acc.pole": 0.315, "Acc.land": 0.0734, "Acc.bannister": 0.2138, "Acc.escalator": 0.8172, "Acc.ottoman": 0.7056, "Acc.bottle": 0.6946, "Acc.buffet": 0.5475, "Acc.poster": 0.4469, "Acc.stage": 0.359, "Acc.van": 0.5778, "Acc.ship": 0.8518, "Acc.fountain": 0.2419, "Acc.conveyer belt": 0.9324, "Acc.canopy": 0.5374, "Acc.washer": 0.7462, "Acc.plaything": 0.4485, "Acc.swimming pool": 0.7336, "Acc.stool": 0.655, "Acc.barrel": 0.8847, "Acc.basket": 0.5256, "Acc.waterfall": 0.6048, "Acc.tent": 0.9845, "Acc.bag": 0.2274, "Acc.minibike": 0.8731, "Acc.cradle": 0.9766, "Acc.oven": 0.5699, "Acc.ball": 0.396, "Acc.food": 0.6496, "Acc.step": 0.3033, "Acc.tank": 0.6667, "Acc.trade name": 0.3295, "Acc.microwave": 0.9548, "Acc.pot": 0.629, "Acc.animal": 0.5927, "Acc.bicycle": 0.7451, "Acc.lake": 0.6385, "Acc.dishwasher": 0.7567, "Acc.screen": 0.8644, "Acc.blanket": 0.3192, "Acc.sculpture": 0.8304, "Acc.hood": 0.6821, "Acc.sconce": 0.6309, "Acc.vase": 0.6043, "Acc.traffic light": 0.5371, "Acc.tray": 0.0774, "Acc.ashcan": 0.5843, "Acc.fan": 0.7762, "Acc.pier": 0.6536, "Acc.crt screen": 0.325, "Acc.plate": 0.769, "Acc.monitor": 0.1367, "Acc.bulletin board": 0.7506, "Acc.shower": 0.0004, "Acc.radiator": 0.7458, "Acc.glass": 0.1699, "Acc.clock": 0.487, "Acc.flag": 0.5685} {"mode": "train", "epoch": 87, "iter": 109050, "lr": 0.0, "memory": 14793, "data_time": 2.11227, "decode.loss_ce": 0.21974, "decode.acc_seg": 90.64768, "aux.loss_ce": 0.16905, "aux.acc_seg": 83.50275, "loss": 0.38879, "grad_norm": 10.49458, "time": 2.52963} {"mode": "train", "epoch": 87, "iter": 109100, "lr": 0.0, "memory": 14793, "data_time": 0.00694, "decode.loss_ce": 0.22163, "decode.acc_seg": 90.78588, "aux.loss_ce": 0.16217, "aux.acc_seg": 84.6725, "loss": 0.3838, "grad_norm": 11.38773, "time": 0.42816} {"mode": "train", "epoch": 87, "iter": 109150, "lr": 0.0, "memory": 14793, "data_time": 0.00732, "decode.loss_ce": 0.20285, "decode.acc_seg": 91.49875, "aux.loss_ce": 0.15543, "aux.acc_seg": 85.1371, "loss": 0.35828, "grad_norm": 12.33373, "time": 0.41222} {"mode": "train", "epoch": 87, "iter": 109200, "lr": 0.0, "memory": 14793, "data_time": 0.00562, "decode.loss_ce": 0.21384, "decode.acc_seg": 90.6263, "aux.loss_ce": 0.16978, "aux.acc_seg": 83.49371, "loss": 0.38362, "grad_norm": 12.68422, "time": 0.42417} {"mode": "train", "epoch": 87, "iter": 109250, "lr": 0.0, "memory": 14793, "data_time": 0.00552, "decode.loss_ce": 0.21829, "decode.acc_seg": 90.79808, "aux.loss_ce": 0.16776, "aux.acc_seg": 84.00809, "loss": 0.38605, "grad_norm": 10.75482, "time": 0.42352} {"mode": "train", "epoch": 87, "iter": 109300, "lr": 0.0, "memory": 14793, "data_time": 0.00547, "decode.loss_ce": 0.22197, "decode.acc_seg": 90.83328, "aux.loss_ce": 0.16415, "aux.acc_seg": 84.41359, "loss": 0.38612, "grad_norm": 11.21849, "time": 0.41394} {"mode": "train", "epoch": 87, "iter": 109350, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.20759, "decode.acc_seg": 91.24192, "aux.loss_ce": 0.16038, "aux.acc_seg": 84.5524, "loss": 0.36797, "grad_norm": 12.17095, "time": 0.41573} {"mode": "train", "epoch": 87, "iter": 109400, "lr": 0.0, "memory": 14793, "data_time": 0.00547, "decode.loss_ce": 0.20625, "decode.acc_seg": 91.19064, "aux.loss_ce": 0.15163, "aux.acc_seg": 85.24771, "loss": 0.35788, "grad_norm": 13.65784, "time": 0.41145} {"mode": "train", "epoch": 87, "iter": 109450, "lr": 0.0, "memory": 14793, "data_time": 0.0071, "decode.loss_ce": 0.22928, "decode.acc_seg": 90.49928, "aux.loss_ce": 0.17286, "aux.acc_seg": 83.74313, "loss": 0.40215, "grad_norm": 11.31949, "time": 0.40797} {"mode": "train", "epoch": 87, "iter": 109500, "lr": 0.0, "memory": 14793, "data_time": 0.00642, "decode.loss_ce": 0.20646, "decode.acc_seg": 91.34113, "aux.loss_ce": 0.15541, "aux.acc_seg": 84.6257, "loss": 0.36187, "grad_norm": 14.9167, "time": 0.41316} {"mode": "train", "epoch": 87, "iter": 109550, "lr": 0.0, "memory": 14793, "data_time": 0.00593, "decode.loss_ce": 0.20624, "decode.acc_seg": 91.4691, "aux.loss_ce": 0.16696, "aux.acc_seg": 84.27021, "loss": 0.3732, "grad_norm": 11.49833, "time": 0.41488} {"mode": "train", "epoch": 87, "iter": 109600, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.22202, "decode.acc_seg": 90.89155, "aux.loss_ce": 0.16338, "aux.acc_seg": 84.37985, "loss": 0.3854, "grad_norm": 12.48622, "time": 0.4134} {"mode": "train", "epoch": 87, "iter": 109650, "lr": 0.0, "memory": 14793, "data_time": 0.00661, "decode.loss_ce": 0.20552, "decode.acc_seg": 91.04256, "aux.loss_ce": 0.15429, "aux.acc_seg": 84.79218, "loss": 0.35981, "grad_norm": 12.90926, "time": 0.41823} {"mode": "train", "epoch": 87, "iter": 109700, "lr": 0.0, "memory": 14793, "data_time": 0.0051, "decode.loss_ce": 0.23924, "decode.acc_seg": 90.00326, "aux.loss_ce": 0.17539, "aux.acc_seg": 83.03402, "loss": 0.41463, "grad_norm": 21.99245, "time": 0.42352} {"mode": "train", "epoch": 87, "iter": 109750, "lr": 0.0, "memory": 14793, "data_time": 0.005, "decode.loss_ce": 0.21325, "decode.acc_seg": 91.08509, "aux.loss_ce": 0.16352, "aux.acc_seg": 84.28258, "loss": 0.37677, "grad_norm": 11.85189, "time": 0.41664} {"mode": "train", "epoch": 87, "iter": 109800, "lr": 0.0, "memory": 14793, "data_time": 0.00573, "decode.loss_ce": 0.22322, "decode.acc_seg": 90.69412, "aux.loss_ce": 0.16925, "aux.acc_seg": 84.1838, "loss": 0.39248, "grad_norm": 13.6407, "time": 0.41513} {"mode": "train", "epoch": 87, "iter": 109850, "lr": 0.0, "memory": 14793, "data_time": 0.00802, "decode.loss_ce": 0.21765, "decode.acc_seg": 91.20087, "aux.loss_ce": 0.16077, "aux.acc_seg": 85.23545, "loss": 0.37842, "grad_norm": 12.62649, "time": 0.41373} {"mode": "train", "epoch": 87, "iter": 109900, "lr": 0.0, "memory": 14793, "data_time": 0.00601, "decode.loss_ce": 0.21812, "decode.acc_seg": 91.17876, "aux.loss_ce": 0.1714, "aux.acc_seg": 84.17532, "loss": 0.38951, "grad_norm": 12.23242, "time": 0.42093} {"mode": "train", "epoch": 87, "iter": 109950, "lr": 0.0, "memory": 14793, "data_time": 0.00624, "decode.loss_ce": 0.22169, "decode.acc_seg": 90.95264, "aux.loss_ce": 0.16575, "aux.acc_seg": 83.9409, "loss": 0.38745, "grad_norm": 12.24784, "time": 0.42003} {"mode": "train", "epoch": 88, "iter": 110000, "lr": 0.0, "memory": 14793, "data_time": 0.05508, "decode.loss_ce": 0.22047, "decode.acc_seg": 90.52628, "aux.loss_ce": 0.16015, "aux.acc_seg": 84.49461, "loss": 0.38062, "grad_norm": 15.13077, "time": 0.70961} {"mode": "val", "epoch": 88, "iter": 125, "lr": 0.0, "aAcc": 0.849, "mIoU": 0.5472, "mAcc": 0.6781, "IoU.wall": 0.8046, "IoU.building": 0.8354, "IoU.sky": 0.9498, "IoU.floor": 0.8321, "IoU.tree": 0.7586, "IoU.ceiling": 0.8597, "IoU.road": 0.8554, "IoU.bed ": 0.9165, "IoU.windowpane": 0.6448, "IoU.grass": 0.6789, "IoU.cabinet": 0.6505, "IoU.sidewalk": 0.6839, "IoU.person": 0.8395, "IoU.earth": 0.3847, "IoU.door": 0.5561, "IoU.table": 0.6485, "IoU.mountain": 0.5871, "IoU.plant": 0.5283, "IoU.curtain": 0.7595, "IoU.chair": 0.6339, "IoU.car": 0.8632, "IoU.water": 0.6261, "IoU.painting": 0.7398, "IoU.sofa": 0.7412, "IoU.shelf": 0.4601, "IoU.house": 0.4932, "IoU.sea": 0.7106, "IoU.mirror": 0.7333, "IoU.rug": 0.6792, "IoU.field": 0.3136, "IoU.armchair": 0.4891, "IoU.seat": 0.6609, "IoU.fence": 0.4742, "IoU.desk": 0.5134, "IoU.rock": 0.5136, "IoU.wardrobe": 0.5565, "IoU.lamp": 0.6755, "IoU.bathtub": 0.8248, "IoU.railing": 0.4112, "IoU.cushion": 0.6441, "IoU.base": 0.3843, "IoU.box": 0.3489, "IoU.column": 0.542, "IoU.signboard": 0.3921, "IoU.chest of drawers": 0.4484, "IoU.counter": 0.3221, "IoU.sand": 0.5846, "IoU.sink": 0.7731, "IoU.skyscraper": 0.5312, "IoU.fireplace": 0.6941, "IoU.refrigerator": 0.7754, "IoU.grandstand": 0.4808, "IoU.path": 0.2532, "IoU.stairs": 0.3337, "IoU.runway": 0.6634, "IoU.case": 0.483, "IoU.pool table": 0.9403, "IoU.pillow": 0.6267, "IoU.screen door": 0.6712, "IoU.stairway": 0.4107, "IoU.river": 0.0948, "IoU.bridge": 0.4046, "IoU.bookcase": 0.4498, "IoU.blind": 0.4362, "IoU.coffee table": 0.6208, "IoU.toilet": 0.8821, "IoU.flower": 0.4474, "IoU.book": 0.4958, "IoU.hill": 0.0627, "IoU.bench": 0.6489, "IoU.countertop": 0.604, "IoU.stove": 0.8263, "IoU.palm": 0.5734, "IoU.kitchen island": 0.4471, "IoU.computer": 0.7526, "IoU.swivel chair": 0.5503, "IoU.boat": 0.7211, "IoU.bar": 0.4786, "IoU.arcade machine": 0.6863, "IoU.hovel": 0.6359, "IoU.bus": 0.8867, "IoU.towel": 0.7045, "IoU.light": 0.5942, "IoU.truck": 0.4475, "IoU.tower": 0.2579, "IoU.chandelier": 0.6852, "IoU.awning": 0.369, "IoU.streetlight": 0.3334, "IoU.booth": 0.4167, "IoU.television receiver": 0.7693, "IoU.airplane": 0.7853, "IoU.dirt track": 0.0302, "IoU.apparel": 0.5977, "IoU.pole": 0.2346, "IoU.land": 0.0472, "IoU.bannister": 0.1838, "IoU.escalator": 0.523, "IoU.ottoman": 0.5507, "IoU.bottle": 0.4185, "IoU.buffet": 0.471, "IoU.poster": 0.3184, "IoU.stage": 0.2564, "IoU.van": 0.4404, "IoU.ship": 0.6057, "IoU.fountain": 0.267, "IoU.conveyer belt": 0.8023, "IoU.canopy": 0.3703, "IoU.washer": 0.7514, "IoU.plaything": 0.4067, "IoU.swimming pool": 0.6978, "IoU.stool": 0.4732, "IoU.barrel": 0.5634, "IoU.basket": 0.4077, "IoU.waterfall": 0.6777, "IoU.tent": 0.9545, "IoU.bag": 0.1739, "IoU.minibike": 0.728, "IoU.cradle": 0.8322, "IoU.oven": 0.4431, "IoU.ball": 0.5826, "IoU.food": 0.5383, "IoU.step": 0.1897, "IoU.tank": 0.6265, "IoU.trade name": 0.3064, "IoU.microwave": 0.8069, "IoU.pot": 0.5223, "IoU.animal": 0.6279, "IoU.bicycle": 0.5987, "IoU.lake": 0.5188, "IoU.dishwasher": 0.6772, "IoU.screen": 0.5808, "IoU.blanket": 0.243, "IoU.sculpture": 0.6719, "IoU.hood": 0.6396, "IoU.sconce": 0.557, "IoU.vase": 0.4377, "IoU.traffic light": 0.3726, "IoU.tray": 0.0884, "IoU.ashcan": 0.4722, "IoU.fan": 0.6706, "IoU.pier": 0.4919, "IoU.crt screen": 0.1487, "IoU.plate": 0.5781, "IoU.monitor": 0.1506, "IoU.bulletin board": 0.6718, "IoU.shower": 0.0146, "IoU.radiator": 0.6495, "IoU.glass": 0.1724, "IoU.clock": 0.4616, "IoU.flag": 0.5233, "Acc.wall": 0.8852, "Acc.building": 0.9221, "Acc.sky": 0.9746, "Acc.floor": 0.9006, "Acc.tree": 0.9012, "Acc.ceiling": 0.9248, "Acc.road": 0.9212, "Acc.bed ": 0.9716, "Acc.windowpane": 0.8089, "Acc.grass": 0.8234, "Acc.cabinet": 0.7664, "Acc.sidewalk": 0.8134, "Acc.person": 0.9352, "Acc.earth": 0.5192, "Acc.door": 0.7246, "Acc.table": 0.7833, "Acc.mountain": 0.7351, "Acc.plant": 0.6353, "Acc.curtain": 0.8795, "Acc.chair": 0.7643, "Acc.car": 0.936, "Acc.water": 0.8047, "Acc.painting": 0.8974, "Acc.sofa": 0.8712, "Acc.shelf": 0.645, "Acc.house": 0.6965, "Acc.sea": 0.8348, "Acc.mirror": 0.7902, "Acc.rug": 0.8233, "Acc.field": 0.4562, "Acc.armchair": 0.6793, "Acc.seat": 0.8406, "Acc.fence": 0.6245, "Acc.desk": 0.7351, "Acc.rock": 0.7817, "Acc.wardrobe": 0.7028, "Acc.lamp": 0.7915, "Acc.bathtub": 0.8558, "Acc.railing": 0.5822, "Acc.cushion": 0.7531, "Acc.base": 0.5538, "Acc.box": 0.4574, "Acc.column": 0.6581, "Acc.signboard": 0.525, "Acc.chest of drawers": 0.6537, "Acc.counter": 0.4171, "Acc.sand": 0.8092, "Acc.sink": 0.838, "Acc.skyscraper": 0.673, "Acc.fireplace": 0.9414, "Acc.refrigerator": 0.8429, "Acc.grandstand": 0.8385, "Acc.path": 0.3734, "Acc.stairs": 0.4234, "Acc.runway": 0.9029, "Acc.case": 0.5867, "Acc.pool table": 0.9798, "Acc.pillow": 0.7591, "Acc.screen door": 0.8346, "Acc.stairway": 0.5601, "Acc.river": 0.1846, "Acc.bridge": 0.463, "Acc.bookcase": 0.6182, "Acc.blind": 0.5134, "Acc.coffee table": 0.8395, "Acc.toilet": 0.9313, "Acc.flower": 0.6052, "Acc.book": 0.7779, "Acc.hill": 0.1098, "Acc.bench": 0.7891, "Acc.countertop": 0.8166, "Acc.stove": 0.8876, "Acc.palm": 0.7985, "Acc.kitchen island": 0.7748, "Acc.computer": 0.9041, "Acc.swivel chair": 0.7907, "Acc.boat": 0.8242, "Acc.bar": 0.6418, "Acc.arcade machine": 0.7336, "Acc.hovel": 0.7176, "Acc.bus": 0.9793, "Acc.towel": 0.8623, "Acc.light": 0.7361, "Acc.truck": 0.594, "Acc.tower": 0.4563, "Acc.chandelier": 0.8717, "Acc.awning": 0.4549, "Acc.streetlight": 0.4596, "Acc.booth": 0.5584, "Acc.television receiver": 0.8669, "Acc.airplane": 0.8861, "Acc.dirt track": 0.0658, "Acc.apparel": 0.761, "Acc.pole": 0.3194, "Acc.land": 0.0666, "Acc.bannister": 0.2552, "Acc.escalator": 0.8321, "Acc.ottoman": 0.7345, "Acc.bottle": 0.6791, "Acc.buffet": 0.5728, "Acc.poster": 0.4552, "Acc.stage": 0.4064, "Acc.van": 0.6257, "Acc.ship": 0.6736, "Acc.fountain": 0.2696, "Acc.conveyer belt": 0.934, "Acc.canopy": 0.5694, "Acc.washer": 0.7773, "Acc.plaything": 0.6425, "Acc.swimming pool": 0.765, "Acc.stool": 0.6447, "Acc.barrel": 0.861, "Acc.basket": 0.5238, "Acc.waterfall": 0.8047, "Acc.tent": 0.985, "Acc.bag": 0.2067, "Acc.minibike": 0.8892, "Acc.cradle": 0.9819, "Acc.oven": 0.6353, "Acc.ball": 0.6799, "Acc.food": 0.6382, "Acc.step": 0.2361, "Acc.tank": 0.6712, "Acc.trade name": 0.3711, "Acc.microwave": 0.9199, "Acc.pot": 0.6233, "Acc.animal": 0.6481, "Acc.bicycle": 0.7754, "Acc.lake": 0.6383, "Acc.dishwasher": 0.7576, "Acc.screen": 0.8191, "Acc.blanket": 0.2863, "Acc.sculpture": 0.8521, "Acc.hood": 0.7088, "Acc.sconce": 0.6777, "Acc.vase": 0.6409, "Acc.traffic light": 0.5855, "Acc.tray": 0.1349, "Acc.ashcan": 0.6308, "Acc.fan": 0.8187, "Acc.pier": 0.6739, "Acc.crt screen": 0.4079, "Acc.plate": 0.8131, "Acc.monitor": 0.1657, "Acc.bulletin board": 0.7801, "Acc.shower": 0.015, "Acc.radiator": 0.7358, "Acc.glass": 0.1882, "Acc.clock": 0.5189, "Acc.flag": 0.5959} {"mode": "train", "epoch": 88, "iter": 110050, "lr": 0.0, "memory": 14793, "data_time": 2.14333, "decode.loss_ce": 0.21601, "decode.acc_seg": 91.01264, "aux.loss_ce": 0.16156, "aux.acc_seg": 84.66448, "loss": 0.37758, "grad_norm": 14.09275, "time": 2.56361} {"mode": "train", "epoch": 88, "iter": 110100, "lr": 0.0, "memory": 14793, "data_time": 0.00567, "decode.loss_ce": 0.22216, "decode.acc_seg": 90.84699, "aux.loss_ce": 0.17018, "aux.acc_seg": 84.3732, "loss": 0.39235, "grad_norm": 13.15586, "time": 0.41844} {"mode": "train", "epoch": 88, "iter": 110150, "lr": 0.0, "memory": 14793, "data_time": 0.00532, "decode.loss_ce": 0.21819, "decode.acc_seg": 91.13152, "aux.loss_ce": 0.16064, "aux.acc_seg": 84.79666, "loss": 0.37883, "grad_norm": 10.88547, "time": 0.42095} {"mode": "train", "epoch": 88, "iter": 110200, "lr": 0.0, "memory": 14793, "data_time": 0.00678, "decode.loss_ce": 0.22372, "decode.acc_seg": 90.47357, "aux.loss_ce": 0.17193, "aux.acc_seg": 83.49647, "loss": 0.39565, "grad_norm": 14.07018, "time": 0.41461} {"mode": "train", "epoch": 88, "iter": 110250, "lr": 0.0, "memory": 14793, "data_time": 0.00564, "decode.loss_ce": 0.2211, "decode.acc_seg": 90.78375, "aux.loss_ce": 0.16988, "aux.acc_seg": 83.88279, "loss": 0.39098, "grad_norm": 13.69632, "time": 0.4146} {"mode": "train", "epoch": 88, "iter": 110300, "lr": 0.0, "memory": 14793, "data_time": 0.00548, "decode.loss_ce": 0.21457, "decode.acc_seg": 91.09822, "aux.loss_ce": 0.16137, "aux.acc_seg": 84.58577, "loss": 0.37594, "grad_norm": 11.29412, "time": 0.41939} {"mode": "train", "epoch": 88, "iter": 110350, "lr": 0.0, "memory": 14793, "data_time": 0.00546, "decode.loss_ce": 0.20943, "decode.acc_seg": 91.08303, "aux.loss_ce": 0.16511, "aux.acc_seg": 84.25067, "loss": 0.37454, "grad_norm": 10.0135, "time": 0.40873} {"mode": "train", "epoch": 88, "iter": 110400, "lr": 0.0, "memory": 14793, "data_time": 0.00549, "decode.loss_ce": 0.22225, "decode.acc_seg": 90.52124, "aux.loss_ce": 0.16358, "aux.acc_seg": 83.95514, "loss": 0.38583, "grad_norm": 11.42161, "time": 0.41901} {"mode": "train", "epoch": 88, "iter": 110450, "lr": 0.0, "memory": 14793, "data_time": 0.00559, "decode.loss_ce": 0.22494, "decode.acc_seg": 90.7725, "aux.loss_ce": 0.16727, "aux.acc_seg": 84.10811, "loss": 0.39221, "grad_norm": 15.88792, "time": 0.42304} {"mode": "train", "epoch": 88, "iter": 110500, "lr": 0.0, "memory": 14793, "data_time": 0.00624, "decode.loss_ce": 0.21324, "decode.acc_seg": 91.16879, "aux.loss_ce": 0.16263, "aux.acc_seg": 84.75733, "loss": 0.37587, "grad_norm": 11.03452, "time": 0.42232} {"mode": "train", "epoch": 88, "iter": 110550, "lr": 0.0, "memory": 14793, "data_time": 0.00543, "decode.loss_ce": 0.22732, "decode.acc_seg": 90.48807, "aux.loss_ce": 0.17359, "aux.acc_seg": 83.20414, "loss": 0.40091, "grad_norm": 13.27059, "time": 0.41462} {"mode": "train", "epoch": 88, "iter": 110600, "lr": 0.0, "memory": 14793, "data_time": 0.00589, "decode.loss_ce": 0.22573, "decode.acc_seg": 90.44943, "aux.loss_ce": 0.17688, "aux.acc_seg": 82.90999, "loss": 0.40261, "grad_norm": 13.68751, "time": 0.40808} {"mode": "train", "epoch": 88, "iter": 110650, "lr": 0.0, "memory": 14793, "data_time": 0.0053, "decode.loss_ce": 0.20974, "decode.acc_seg": 91.32416, "aux.loss_ce": 0.15453, "aux.acc_seg": 85.26537, "loss": 0.36427, "grad_norm": 14.65395, "time": 0.42018} {"mode": "train", "epoch": 88, "iter": 110700, "lr": 0.0, "memory": 14793, "data_time": 0.00621, "decode.loss_ce": 0.21644, "decode.acc_seg": 90.98834, "aux.loss_ce": 0.16019, "aux.acc_seg": 84.66975, "loss": 0.37662, "grad_norm": 12.54293, "time": 0.41817} {"mode": "train", "epoch": 88, "iter": 110750, "lr": 0.0, "memory": 14793, "data_time": 0.00512, "decode.loss_ce": 0.21228, "decode.acc_seg": 91.24202, "aux.loss_ce": 0.16984, "aux.acc_seg": 83.41224, "loss": 0.38213, "grad_norm": 12.28136, "time": 0.41943} {"mode": "train", "epoch": 88, "iter": 110800, "lr": 0.0, "memory": 14793, "data_time": 0.00531, "decode.loss_ce": 0.21085, "decode.acc_seg": 91.23849, "aux.loss_ce": 0.16695, "aux.acc_seg": 84.04428, "loss": 0.3778, "grad_norm": 13.0833, "time": 0.41129} {"mode": "train", "epoch": 88, "iter": 110850, "lr": 0.0, "memory": 14793, "data_time": 0.00541, "decode.loss_ce": 0.21048, "decode.acc_seg": 91.19143, "aux.loss_ce": 0.15953, "aux.acc_seg": 84.74897, "loss": 0.37001, "grad_norm": 10.00519, "time": 0.41183} {"mode": "train", "epoch": 88, "iter": 110900, "lr": 0.0, "memory": 14793, "data_time": 0.00548, "decode.loss_ce": 0.21826, "decode.acc_seg": 90.47398, "aux.loss_ce": 0.16487, "aux.acc_seg": 83.81234, "loss": 0.38313, "grad_norm": 15.21306, "time": 0.42515} {"mode": "train", "epoch": 88, "iter": 110950, "lr": 0.0, "memory": 14793, "data_time": 0.00498, "decode.loss_ce": 0.22499, "decode.acc_seg": 90.7254, "aux.loss_ce": 0.17183, "aux.acc_seg": 83.88137, "loss": 0.39682, "grad_norm": 13.92804, "time": 0.41542} {"mode": "train", "epoch": 88, "iter": 111000, "lr": 0.0, "memory": 14793, "data_time": 0.00655, "decode.loss_ce": 0.21558, "decode.acc_seg": 91.2132, "aux.loss_ce": 0.16543, "aux.acc_seg": 84.6313, "loss": 0.38101, "grad_norm": 12.61511, "time": 0.65817} {"mode": "val", "epoch": 88, "iter": 125, "lr": 0.0, "aAcc": 0.8488, "mIoU": 0.546, "mAcc": 0.6739, "IoU.wall": 0.8047, "IoU.building": 0.834, "IoU.sky": 0.949, "IoU.floor": 0.8316, "IoU.tree": 0.7594, "IoU.ceiling": 0.8585, "IoU.road": 0.8511, "IoU.bed ": 0.9188, "IoU.windowpane": 0.645, "IoU.grass": 0.6727, "IoU.cabinet": 0.6487, "IoU.sidewalk": 0.6865, "IoU.person": 0.8386, "IoU.earth": 0.3833, "IoU.door": 0.5621, "IoU.table": 0.6521, "IoU.mountain": 0.5882, "IoU.plant": 0.5317, "IoU.curtain": 0.7605, "IoU.chair": 0.6277, "IoU.car": 0.8637, "IoU.water": 0.6144, "IoU.painting": 0.7499, "IoU.sofa": 0.734, "IoU.shelf": 0.4596, "IoU.house": 0.4751, "IoU.sea": 0.701, "IoU.mirror": 0.7317, "IoU.rug": 0.6653, "IoU.field": 0.3048, "IoU.armchair": 0.4667, "IoU.seat": 0.6701, "IoU.fence": 0.4862, "IoU.desk": 0.5391, "IoU.rock": 0.5175, "IoU.wardrobe": 0.5494, "IoU.lamp": 0.685, "IoU.bathtub": 0.8229, "IoU.railing": 0.4152, "IoU.cushion": 0.6624, "IoU.base": 0.3823, "IoU.box": 0.3382, "IoU.column": 0.5393, "IoU.signboard": 0.3892, "IoU.chest of drawers": 0.4465, "IoU.counter": 0.3382, "IoU.sand": 0.5783, "IoU.sink": 0.7759, "IoU.skyscraper": 0.5309, "IoU.fireplace": 0.7103, "IoU.refrigerator": 0.7616, "IoU.grandstand": 0.4915, "IoU.path": 0.2517, "IoU.stairs": 0.3637, "IoU.runway": 0.6647, "IoU.case": 0.5502, "IoU.pool table": 0.9373, "IoU.pillow": 0.6231, "IoU.screen door": 0.6981, "IoU.stairway": 0.416, "IoU.river": 0.1178, "IoU.bridge": 0.4004, "IoU.bookcase": 0.4735, "IoU.blind": 0.401, "IoU.coffee table": 0.5991, "IoU.toilet": 0.88, "IoU.flower": 0.4475, "IoU.book": 0.5133, "IoU.hill": 0.0686, "IoU.bench": 0.6526, "IoU.countertop": 0.6057, "IoU.stove": 0.83, "IoU.palm": 0.562, "IoU.kitchen island": 0.4694, "IoU.computer": 0.7561, "IoU.swivel chair": 0.4958, "IoU.boat": 0.7405, "IoU.bar": 0.474, "IoU.arcade machine": 0.663, "IoU.hovel": 0.6181, "IoU.bus": 0.9122, "IoU.towel": 0.7089, "IoU.light": 0.5875, "IoU.truck": 0.4379, "IoU.tower": 0.2714, "IoU.chandelier": 0.7068, "IoU.awning": 0.3668, "IoU.streetlight": 0.3294, "IoU.booth": 0.4031, "IoU.television receiver": 0.7589, "IoU.airplane": 0.7817, "IoU.dirt track": 0.0261, "IoU.apparel": 0.564, "IoU.pole": 0.2138, "IoU.land": 0.0496, "IoU.bannister": 0.1794, "IoU.escalator": 0.5218, "IoU.ottoman": 0.5573, "IoU.bottle": 0.4093, "IoU.buffet": 0.4609, "IoU.poster": 0.3198, "IoU.stage": 0.2057, "IoU.van": 0.4417, "IoU.ship": 0.5693, "IoU.fountain": 0.2857, "IoU.conveyer belt": 0.8095, "IoU.canopy": 0.3865, "IoU.washer": 0.7369, "IoU.plaything": 0.4049, "IoU.swimming pool": 0.673, "IoU.stool": 0.4749, "IoU.barrel": 0.547, "IoU.basket": 0.4152, "IoU.waterfall": 0.6721, "IoU.tent": 0.9603, "IoU.bag": 0.2014, "IoU.minibike": 0.7259, "IoU.cradle": 0.8465, "IoU.oven": 0.4049, "IoU.ball": 0.5073, "IoU.food": 0.547, "IoU.step": 0.2244, "IoU.tank": 0.6358, "IoU.trade name": 0.3232, "IoU.microwave": 0.7726, "IoU.pot": 0.5298, "IoU.animal": 0.6241, "IoU.bicycle": 0.5985, "IoU.lake": 0.5249, "IoU.dishwasher": 0.6463, "IoU.screen": 0.5998, "IoU.blanket": 0.2955, "IoU.sculpture": 0.6754, "IoU.hood": 0.6304, "IoU.sconce": 0.5427, "IoU.vase": 0.4504, "IoU.traffic light": 0.3571, "IoU.tray": 0.0688, "IoU.ashcan": 0.4719, "IoU.fan": 0.6683, "IoU.pier": 0.4132, "IoU.crt screen": 0.1231, "IoU.plate": 0.5859, "IoU.monitor": 0.1934, "IoU.bulletin board": 0.6668, "IoU.shower": 0.0009, "IoU.radiator": 0.6489, "IoU.glass": 0.1633, "IoU.clock": 0.4448, "IoU.flag": 0.5587, "Acc.wall": 0.8858, "Acc.building": 0.92, "Acc.sky": 0.9769, "Acc.floor": 0.9085, "Acc.tree": 0.8879, "Acc.ceiling": 0.9248, "Acc.road": 0.9062, "Acc.bed ": 0.9699, "Acc.windowpane": 0.8304, "Acc.grass": 0.8294, "Acc.cabinet": 0.7615, "Acc.sidewalk": 0.8432, "Acc.person": 0.9366, "Acc.earth": 0.5167, "Acc.door": 0.7479, "Acc.table": 0.7867, "Acc.mountain": 0.7359, "Acc.plant": 0.6606, "Acc.curtain": 0.8672, "Acc.chair": 0.7403, "Acc.car": 0.9387, "Acc.water": 0.7728, "Acc.painting": 0.8896, "Acc.sofa": 0.8933, "Acc.shelf": 0.6314, "Acc.house": 0.6757, "Acc.sea": 0.8226, "Acc.mirror": 0.7981, "Acc.rug": 0.789, "Acc.field": 0.43, "Acc.armchair": 0.6395, "Acc.seat": 0.8412, "Acc.fence": 0.6366, "Acc.desk": 0.7342, "Acc.rock": 0.7953, "Acc.wardrobe": 0.7357, "Acc.lamp": 0.8047, "Acc.bathtub": 0.8571, "Acc.railing": 0.5886, "Acc.cushion": 0.7955, "Acc.base": 0.5183, "Acc.box": 0.4348, "Acc.column": 0.6706, "Acc.signboard": 0.5233, "Acc.chest of drawers": 0.6149, "Acc.counter": 0.4255, "Acc.sand": 0.7898, "Acc.sink": 0.8554, "Acc.skyscraper": 0.6614, "Acc.fireplace": 0.9324, "Acc.refrigerator": 0.8442, "Acc.grandstand": 0.835, "Acc.path": 0.3857, "Acc.stairs": 0.4758, "Acc.runway": 0.8807, "Acc.case": 0.7469, "Acc.pool table": 0.9816, "Acc.pillow": 0.7338, "Acc.screen door": 0.8222, "Acc.stairway": 0.4972, "Acc.river": 0.2678, "Acc.bridge": 0.4564, "Acc.bookcase": 0.6952, "Acc.blind": 0.4525, "Acc.coffee table": 0.8548, "Acc.toilet": 0.9355, "Acc.flower": 0.5948, "Acc.book": 0.7047, "Acc.hill": 0.1044, "Acc.bench": 0.7732, "Acc.countertop": 0.7739, "Acc.stove": 0.8932, "Acc.palm": 0.7773, "Acc.kitchen island": 0.7907, "Acc.computer": 0.8996, "Acc.swivel chair": 0.6547, "Acc.boat": 0.8505, "Acc.bar": 0.6197, "Acc.arcade machine": 0.6945, "Acc.hovel": 0.7126, "Acc.bus": 0.9731, "Acc.towel": 0.8667, "Acc.light": 0.6872, "Acc.truck": 0.5995, "Acc.tower": 0.5526, "Acc.chandelier": 0.8722, "Acc.awning": 0.4763, "Acc.streetlight": 0.4533, "Acc.booth": 0.5119, "Acc.television receiver": 0.8559, "Acc.airplane": 0.8806, "Acc.dirt track": 0.049, "Acc.apparel": 0.7535, "Acc.pole": 0.2836, "Acc.land": 0.0619, "Acc.bannister": 0.2531, "Acc.escalator": 0.8319, "Acc.ottoman": 0.7244, "Acc.bottle": 0.6818, "Acc.buffet": 0.5613, "Acc.poster": 0.4616, "Acc.stage": 0.3131, "Acc.van": 0.66, "Acc.ship": 0.6278, "Acc.fountain": 0.2893, "Acc.conveyer belt": 0.9377, "Acc.canopy": 0.5885, "Acc.washer": 0.7618, "Acc.plaything": 0.6058, "Acc.swimming pool": 0.7245, "Acc.stool": 0.6396, "Acc.barrel": 0.868, "Acc.basket": 0.5247, "Acc.waterfall": 0.8275, "Acc.tent": 0.981, "Acc.bag": 0.2518, "Acc.minibike": 0.8824, "Acc.cradle": 0.9796, "Acc.oven": 0.6181, "Acc.ball": 0.5467, "Acc.food": 0.6573, "Acc.step": 0.2721, "Acc.tank": 0.6713, "Acc.trade name": 0.4096, "Acc.microwave": 0.8892, "Acc.pot": 0.6356, "Acc.animal": 0.6478, "Acc.bicycle": 0.7533, "Acc.lake": 0.6393, "Acc.dishwasher": 0.7711, "Acc.screen": 0.8826, "Acc.blanket": 0.369, "Acc.sculpture": 0.8388, "Acc.hood": 0.7175, "Acc.sconce": 0.6525, "Acc.vase": 0.6157, "Acc.traffic light": 0.5965, "Acc.tray": 0.0999, "Acc.ashcan": 0.6324, "Acc.fan": 0.8109, "Acc.pier": 0.6052, "Acc.crt screen": 0.2887, "Acc.plate": 0.7671, "Acc.monitor": 0.2245, "Acc.bulletin board": 0.7596, "Acc.shower": 0.0009, "Acc.radiator": 0.7184, "Acc.glass": 0.1747, "Acc.clock": 0.4886, "Acc.flag": 0.6367} {"mode": "train", "epoch": 88, "iter": 111050, "lr": 0.0, "memory": 14793, "data_time": 2.1793, "decode.loss_ce": 0.21877, "decode.acc_seg": 90.6829, "aux.loss_ce": 0.16458, "aux.acc_seg": 83.85601, "loss": 0.38335, "grad_norm": 10.75028, "time": 2.58944} {"mode": "train", "epoch": 88, "iter": 111100, "lr": 0.0, "memory": 14793, "data_time": 0.00563, "decode.loss_ce": 0.21748, "decode.acc_seg": 91.2105, "aux.loss_ce": 0.16623, "aux.acc_seg": 84.59191, "loss": 0.38371, "grad_norm": 13.45306, "time": 0.40888} {"mode": "train", "epoch": 88, "iter": 111150, "lr": 0.0, "memory": 14793, "data_time": 0.00555, "decode.loss_ce": 0.21581, "decode.acc_seg": 91.12099, "aux.loss_ce": 0.16537, "aux.acc_seg": 84.32223, "loss": 0.38118, "grad_norm": 13.79032, "time": 0.4182} {"mode": "train", "epoch": 88, "iter": 111200, "lr": 0.0, "memory": 14793, "data_time": 0.0061, "decode.loss_ce": 0.22047, "decode.acc_seg": 91.17281, "aux.loss_ce": 0.16191, "aux.acc_seg": 84.4513, "loss": 0.38237, "grad_norm": 13.3957, "time": 0.42585} {"mode": "train", "epoch": 89, "iter": 111250, "lr": 0.0, "memory": 14793, "data_time": 0.04984, "decode.loss_ce": 0.19672, "decode.acc_seg": 91.49362, "aux.loss_ce": 0.14575, "aux.acc_seg": 85.49315, "loss": 0.34247, "grad_norm": 12.93361, "time": 0.46683} {"mode": "train", "epoch": 89, "iter": 111300, "lr": 0.0, "memory": 14793, "data_time": 0.0053, "decode.loss_ce": 0.21962, "decode.acc_seg": 90.98536, "aux.loss_ce": 0.16765, "aux.acc_seg": 84.3697, "loss": 0.38728, "grad_norm": 10.98766, "time": 0.42027} {"mode": "train", "epoch": 89, "iter": 111350, "lr": 0.0, "memory": 14793, "data_time": 0.00564, "decode.loss_ce": 0.21803, "decode.acc_seg": 90.86497, "aux.loss_ce": 0.1685, "aux.acc_seg": 83.8577, "loss": 0.38653, "grad_norm": 10.45504, "time": 0.41853} {"mode": "train", "epoch": 89, "iter": 111400, "lr": 0.0, "memory": 14793, "data_time": 0.00577, "decode.loss_ce": 0.21825, "decode.acc_seg": 91.26213, "aux.loss_ce": 0.1638, "aux.acc_seg": 84.85049, "loss": 0.38205, "grad_norm": 15.29069, "time": 0.41048} {"mode": "train", "epoch": 89, "iter": 111450, "lr": 0.0, "memory": 14793, "data_time": 0.00645, "decode.loss_ce": 0.22298, "decode.acc_seg": 90.72957, "aux.loss_ce": 0.16319, "aux.acc_seg": 84.3735, "loss": 0.38617, "grad_norm": 12.81779, "time": 0.42512} {"mode": "train", "epoch": 89, "iter": 111500, "lr": 0.0, "memory": 14793, "data_time": 0.00574, "decode.loss_ce": 0.21361, "decode.acc_seg": 91.21157, "aux.loss_ce": 0.16086, "aux.acc_seg": 84.49641, "loss": 0.37447, "grad_norm": 11.18729, "time": 0.41342} {"mode": "train", "epoch": 89, "iter": 111550, "lr": 0.0, "memory": 14793, "data_time": 0.00567, "decode.loss_ce": 0.22663, "decode.acc_seg": 90.49514, "aux.loss_ce": 0.1747, "aux.acc_seg": 83.13009, "loss": 0.40134, "grad_norm": 12.97456, "time": 0.41404} {"mode": "train", "epoch": 89, "iter": 111600, "lr": 0.0, "memory": 14793, "data_time": 0.00623, "decode.loss_ce": 0.22118, "decode.acc_seg": 90.80129, "aux.loss_ce": 0.15984, "aux.acc_seg": 84.62619, "loss": 0.38103, "grad_norm": 17.47628, "time": 0.42343} {"mode": "train", "epoch": 89, "iter": 111650, "lr": 0.0, "memory": 14793, "data_time": 0.00551, "decode.loss_ce": 0.2136, "decode.acc_seg": 90.99637, "aux.loss_ce": 0.16183, "aux.acc_seg": 84.60107, "loss": 0.37544, "grad_norm": 11.92375, "time": 0.42098} {"mode": "train", "epoch": 89, "iter": 111700, "lr": 0.0, "memory": 14793, "data_time": 0.00523, "decode.loss_ce": 0.21538, "decode.acc_seg": 90.7769, "aux.loss_ce": 0.16727, "aux.acc_seg": 83.76371, "loss": 0.38264, "grad_norm": 15.87087, "time": 0.41602} {"mode": "train", "epoch": 89, "iter": 111750, "lr": 0.0, "memory": 14793, "data_time": 0.0057, "decode.loss_ce": 0.203, "decode.acc_seg": 91.47111, "aux.loss_ce": 0.15114, "aux.acc_seg": 85.48039, "loss": 0.35415, "grad_norm": 15.36282, "time": 0.41956} {"mode": "train", "epoch": 89, "iter": 111800, "lr": 0.0, "memory": 14793, "data_time": 0.00548, "decode.loss_ce": 0.20939, "decode.acc_seg": 90.97437, "aux.loss_ce": 0.16415, "aux.acc_seg": 83.91969, "loss": 0.37354, "grad_norm": 11.44222, "time": 0.42057} {"mode": "train", "epoch": 89, "iter": 111850, "lr": 0.0, "memory": 14793, "data_time": 0.00518, "decode.loss_ce": 0.20306, "decode.acc_seg": 91.50809, "aux.loss_ce": 0.16161, "aux.acc_seg": 84.23029, "loss": 0.36467, "grad_norm": 13.06986, "time": 0.4233} {"mode": "train", "epoch": 89, "iter": 111900, "lr": 0.0, "memory": 14793, "data_time": 0.00563, "decode.loss_ce": 0.20002, "decode.acc_seg": 91.53682, "aux.loss_ce": 0.15725, "aux.acc_seg": 85.03627, "loss": 0.35727, "grad_norm": 10.60273, "time": 0.41377} {"mode": "train", "epoch": 89, "iter": 111950, "lr": 0.0, "memory": 14793, "data_time": 0.00638, "decode.loss_ce": 0.22172, "decode.acc_seg": 90.8539, "aux.loss_ce": 0.17053, "aux.acc_seg": 83.69855, "loss": 0.39225, "grad_norm": 11.88875, "time": 0.40945} {"mode": "train", "epoch": 89, "iter": 112000, "lr": 0.0, "memory": 14793, "data_time": 0.00576, "decode.loss_ce": 0.2214, "decode.acc_seg": 90.6909, "aux.loss_ce": 0.16437, "aux.acc_seg": 84.51073, "loss": 0.38577, "grad_norm": 12.07299, "time": 0.64706} {"mode": "val", "epoch": 89, "iter": 125, "lr": 0.0, "aAcc": 0.8484, "mIoU": 0.546, "mAcc": 0.6745, "IoU.wall": 0.8026, "IoU.building": 0.8331, "IoU.sky": 0.9484, "IoU.floor": 0.8317, "IoU.tree": 0.7511, "IoU.ceiling": 0.8601, "IoU.road": 0.8595, "IoU.bed ": 0.9147, "IoU.windowpane": 0.6515, "IoU.grass": 0.6776, "IoU.cabinet": 0.6284, "IoU.sidewalk": 0.6931, "IoU.person": 0.8399, "IoU.earth": 0.383, "IoU.door": 0.5582, "IoU.table": 0.6495, "IoU.mountain": 0.5883, "IoU.plant": 0.516, "IoU.curtain": 0.7621, "IoU.chair": 0.6349, "IoU.car": 0.8646, "IoU.water": 0.6168, "IoU.painting": 0.7488, "IoU.sofa": 0.7476, "IoU.shelf": 0.4637, "IoU.house": 0.4731, "IoU.sea": 0.7161, "IoU.mirror": 0.7301, "IoU.rug": 0.6812, "IoU.field": 0.3074, "IoU.armchair": 0.4955, "IoU.seat": 0.6727, "IoU.fence": 0.4809, "IoU.desk": 0.5118, "IoU.rock": 0.5138, "IoU.wardrobe": 0.5359, "IoU.lamp": 0.6822, "IoU.bathtub": 0.8214, "IoU.railing": 0.4157, "IoU.cushion": 0.6501, "IoU.base": 0.4165, "IoU.box": 0.3369, "IoU.column": 0.5419, "IoU.signboard": 0.3829, "IoU.chest of drawers": 0.4431, "IoU.counter": 0.2886, "IoU.sand": 0.5842, "IoU.sink": 0.7843, "IoU.skyscraper": 0.594, "IoU.fireplace": 0.7058, "IoU.refrigerator": 0.7796, "IoU.grandstand": 0.4781, "IoU.path": 0.2525, "IoU.stairs": 0.3603, "IoU.runway": 0.6572, "IoU.case": 0.5316, "IoU.pool table": 0.9371, "IoU.pillow": 0.6328, "IoU.screen door": 0.7076, "IoU.stairway": 0.4273, "IoU.river": 0.1039, "IoU.bridge": 0.434, "IoU.bookcase": 0.471, "IoU.blind": 0.4978, "IoU.coffee table": 0.6111, "IoU.toilet": 0.8793, "IoU.flower": 0.4569, "IoU.book": 0.519, "IoU.hill": 0.0842, "IoU.bench": 0.6426, "IoU.countertop": 0.6171, "IoU.stove": 0.8295, "IoU.palm": 0.5665, "IoU.kitchen island": 0.4414, "IoU.computer": 0.7464, "IoU.swivel chair": 0.5263, "IoU.boat": 0.7529, "IoU.bar": 0.4557, "IoU.arcade machine": 0.7197, "IoU.hovel": 0.6345, "IoU.bus": 0.9112, "IoU.towel": 0.7256, "IoU.light": 0.5743, "IoU.truck": 0.4368, "IoU.tower": 0.2428, "IoU.chandelier": 0.7114, "IoU.awning": 0.3501, "IoU.streetlight": 0.3323, "IoU.booth": 0.3908, "IoU.television receiver": 0.7639, "IoU.airplane": 0.7485, "IoU.dirt track": 0.0316, "IoU.apparel": 0.5909, "IoU.pole": 0.2199, "IoU.land": 0.0455, "IoU.bannister": 0.1625, "IoU.escalator": 0.5367, "IoU.ottoman": 0.5611, "IoU.bottle": 0.4211, "IoU.buffet": 0.4646, "IoU.poster": 0.3321, "IoU.stage": 0.2037, "IoU.van": 0.436, "IoU.ship": 0.6724, "IoU.fountain": 0.2886, "IoU.conveyer belt": 0.811, "IoU.canopy": 0.3745, "IoU.washer": 0.7473, "IoU.plaything": 0.3592, "IoU.swimming pool": 0.6267, "IoU.stool": 0.4686, "IoU.barrel": 0.5231, "IoU.basket": 0.4107, "IoU.waterfall": 0.7016, "IoU.tent": 0.955, "IoU.bag": 0.2078, "IoU.minibike": 0.7278, "IoU.cradle": 0.846, "IoU.oven": 0.4015, "IoU.ball": 0.4663, "IoU.food": 0.5624, "IoU.step": 0.2403, "IoU.tank": 0.6317, "IoU.trade name": 0.3057, "IoU.microwave": 0.775, "IoU.pot": 0.5279, "IoU.animal": 0.5967, "IoU.bicycle": 0.5902, "IoU.lake": 0.5214, "IoU.dishwasher": 0.6636, "IoU.screen": 0.5967, "IoU.blanket": 0.2523, "IoU.sculpture": 0.6891, "IoU.hood": 0.6488, "IoU.sconce": 0.5428, "IoU.vase": 0.4494, "IoU.traffic light": 0.36, "IoU.tray": 0.0694, "IoU.ashcan": 0.4867, "IoU.fan": 0.6313, "IoU.pier": 0.3753, "IoU.crt screen": 0.1217, "IoU.plate": 0.5718, "IoU.monitor": 0.1272, "IoU.bulletin board": 0.6574, "IoU.shower": 0.0001, "IoU.radiator": 0.6453, "IoU.glass": 0.1659, "IoU.clock": 0.4578, "IoU.flag": 0.502, "Acc.wall": 0.8797, "Acc.building": 0.9247, "Acc.sky": 0.9786, "Acc.floor": 0.9023, "Acc.tree": 0.8826, "Acc.ceiling": 0.9293, "Acc.road": 0.9209, "Acc.bed ": 0.9702, "Acc.windowpane": 0.8098, "Acc.grass": 0.8186, "Acc.cabinet": 0.7388, "Acc.sidewalk": 0.8243, "Acc.person": 0.9278, "Acc.earth": 0.5172, "Acc.door": 0.7313, "Acc.table": 0.7892, "Acc.mountain": 0.7331, "Acc.plant": 0.646, "Acc.curtain": 0.8882, "Acc.chair": 0.7684, "Acc.car": 0.9362, "Acc.water": 0.7657, "Acc.painting": 0.8967, "Acc.sofa": 0.8802, "Acc.shelf": 0.658, "Acc.house": 0.6734, "Acc.sea": 0.8419, "Acc.mirror": 0.7952, "Acc.rug": 0.8219, "Acc.field": 0.4364, "Acc.armchair": 0.6851, "Acc.seat": 0.8669, "Acc.fence": 0.6388, "Acc.desk": 0.7471, "Acc.rock": 0.783, "Acc.wardrobe": 0.7541, "Acc.lamp": 0.8068, "Acc.bathtub": 0.8552, "Acc.railing": 0.5698, "Acc.cushion": 0.7553, "Acc.base": 0.5968, "Acc.box": 0.4583, "Acc.column": 0.6667, "Acc.signboard": 0.5167, "Acc.chest of drawers": 0.6767, "Acc.counter": 0.3688, "Acc.sand": 0.7556, "Acc.sink": 0.8579, "Acc.skyscraper": 0.7693, "Acc.fireplace": 0.9406, "Acc.refrigerator": 0.8458, "Acc.grandstand": 0.8474, "Acc.path": 0.4046, "Acc.stairs": 0.4687, "Acc.runway": 0.8889, "Acc.case": 0.6909, "Acc.pool table": 0.9812, "Acc.pillow": 0.7694, "Acc.screen door": 0.8105, "Acc.stairway": 0.529, "Acc.river": 0.227, "Acc.bridge": 0.4939, "Acc.bookcase": 0.6829, "Acc.blind": 0.6055, "Acc.coffee table": 0.8591, "Acc.toilet": 0.9403, "Acc.flower": 0.6178, "Acc.book": 0.7297, "Acc.hill": 0.1318, "Acc.bench": 0.7662, "Acc.countertop": 0.8095, "Acc.stove": 0.9002, "Acc.palm": 0.7644, "Acc.kitchen island": 0.825, "Acc.computer": 0.9078, "Acc.swivel chair": 0.7029, "Acc.boat": 0.8579, "Acc.bar": 0.6124, "Acc.arcade machine": 0.7623, "Acc.hovel": 0.7026, "Acc.bus": 0.9778, "Acc.towel": 0.8474, "Acc.light": 0.6536, "Acc.truck": 0.5776, "Acc.tower": 0.4334, "Acc.chandelier": 0.8604, "Acc.awning": 0.4269, "Acc.streetlight": 0.4409, "Acc.booth": 0.5202, "Acc.television receiver": 0.8531, "Acc.airplane": 0.8571, "Acc.dirt track": 0.06, "Acc.apparel": 0.7521, "Acc.pole": 0.2893, "Acc.land": 0.0699, "Acc.bannister": 0.2159, "Acc.escalator": 0.8593, "Acc.ottoman": 0.75, "Acc.bottle": 0.6639, "Acc.buffet": 0.5837, "Acc.poster": 0.4623, "Acc.stage": 0.3399, "Acc.van": 0.6144, "Acc.ship": 0.7564, "Acc.fountain": 0.2925, "Acc.conveyer belt": 0.9445, "Acc.canopy": 0.5525, "Acc.washer": 0.7792, "Acc.plaything": 0.5132, "Acc.swimming pool": 0.7537, "Acc.stool": 0.67, "Acc.barrel": 0.8565, "Acc.basket": 0.5385, "Acc.waterfall": 0.8552, "Acc.tent": 0.9851, "Acc.bag": 0.2597, "Acc.minibike": 0.8769, "Acc.cradle": 0.9672, "Acc.oven": 0.6231, "Acc.ball": 0.4998, "Acc.food": 0.6434, "Acc.step": 0.31, "Acc.tank": 0.6725, "Acc.trade name": 0.379, "Acc.microwave": 0.8796, "Acc.pot": 0.6243, "Acc.animal": 0.6115, "Acc.bicycle": 0.764, "Acc.lake": 0.6494, "Acc.dishwasher": 0.7722, "Acc.screen": 0.8633, "Acc.blanket": 0.2962, "Acc.sculpture": 0.8468, "Acc.hood": 0.7305, "Acc.sconce": 0.6449, "Acc.vase": 0.59, "Acc.traffic light": 0.5777, "Acc.tray": 0.1077, "Acc.ashcan": 0.6355, "Acc.fan": 0.7181, "Acc.pier": 0.5839, "Acc.crt screen": 0.3263, "Acc.plate": 0.7768, "Acc.monitor": 0.1346, "Acc.bulletin board": 0.7452, "Acc.shower": 0.0001, "Acc.radiator": 0.7301, "Acc.glass": 0.1779, "Acc.clock": 0.4992, "Acc.flag": 0.5542} {"mode": "train", "epoch": 89, "iter": 112050, "lr": 0.0, "memory": 14793, "data_time": 2.12047, "decode.loss_ce": 0.20651, "decode.acc_seg": 91.3452, "aux.loss_ce": 0.15224, "aux.acc_seg": 85.19352, "loss": 0.35875, "grad_norm": 14.49473, "time": 2.53281} {"mode": "train", "epoch": 89, "iter": 112100, "lr": 0.0, "memory": 14793, "data_time": 0.00685, "decode.loss_ce": 0.20183, "decode.acc_seg": 91.68568, "aux.loss_ce": 0.15907, "aux.acc_seg": 84.9019, "loss": 0.3609, "grad_norm": 11.78611, "time": 0.42192} {"mode": "train", "epoch": 89, "iter": 112150, "lr": 0.0, "memory": 14793, "data_time": 0.00702, "decode.loss_ce": 0.22192, "decode.acc_seg": 90.91535, "aux.loss_ce": 0.16922, "aux.acc_seg": 83.71907, "loss": 0.39114, "grad_norm": 12.49708, "time": 0.41934} {"mode": "train", "epoch": 89, "iter": 112200, "lr": 0.0, "memory": 14793, "data_time": 0.00546, "decode.loss_ce": 0.22188, "decode.acc_seg": 91.04809, "aux.loss_ce": 0.16368, "aux.acc_seg": 84.99126, "loss": 0.38556, "grad_norm": 13.03082, "time": 0.43203} {"mode": "train", "epoch": 89, "iter": 112250, "lr": 0.0, "memory": 14793, "data_time": 0.00547, "decode.loss_ce": 0.21482, "decode.acc_seg": 91.27643, "aux.loss_ce": 0.16072, "aux.acc_seg": 85.00551, "loss": 0.37554, "grad_norm": 13.64197, "time": 0.41424} {"mode": "train", "epoch": 89, "iter": 112300, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.20946, "decode.acc_seg": 91.24456, "aux.loss_ce": 0.15951, "aux.acc_seg": 84.81412, "loss": 0.36897, "grad_norm": 11.24815, "time": 0.41051} {"mode": "train", "epoch": 89, "iter": 112350, "lr": 0.0, "memory": 14793, "data_time": 0.00583, "decode.loss_ce": 0.21923, "decode.acc_seg": 90.57009, "aux.loss_ce": 0.16331, "aux.acc_seg": 84.08076, "loss": 0.38253, "grad_norm": 15.00378, "time": 0.40866} {"mode": "train", "epoch": 89, "iter": 112400, "lr": 0.0, "memory": 14793, "data_time": 0.00628, "decode.loss_ce": 0.20454, "decode.acc_seg": 91.26213, "aux.loss_ce": 0.1602, "aux.acc_seg": 84.64015, "loss": 0.36474, "grad_norm": 11.24614, "time": 0.41064} {"mode": "train", "epoch": 89, "iter": 112450, "lr": 0.0, "memory": 14793, "data_time": 0.00683, "decode.loss_ce": 0.21025, "decode.acc_seg": 91.50131, "aux.loss_ce": 0.1583, "aux.acc_seg": 85.02964, "loss": 0.36855, "grad_norm": 18.19048, "time": 0.4152} {"mode": "train", "epoch": 90, "iter": 112500, "lr": 0.0, "memory": 14793, "data_time": 0.05584, "decode.loss_ce": 0.21432, "decode.acc_seg": 90.9646, "aux.loss_ce": 0.16342, "aux.acc_seg": 84.24291, "loss": 0.37773, "grad_norm": 11.47825, "time": 0.46542} {"mode": "train", "epoch": 90, "iter": 112550, "lr": 0.0, "memory": 14793, "data_time": 0.0055, "decode.loss_ce": 0.2081, "decode.acc_seg": 91.31229, "aux.loss_ce": 0.15429, "aux.acc_seg": 85.1694, "loss": 0.36239, "grad_norm": 12.13878, "time": 0.41744} {"mode": "train", "epoch": 90, "iter": 112600, "lr": 0.0, "memory": 14793, "data_time": 0.00542, "decode.loss_ce": 0.21169, "decode.acc_seg": 91.20164, "aux.loss_ce": 0.1625, "aux.acc_seg": 84.19345, "loss": 0.37419, "grad_norm": 10.74599, "time": 0.41508} {"mode": "train", "epoch": 90, "iter": 112650, "lr": 0.0, "memory": 14793, "data_time": 0.00746, "decode.loss_ce": 0.2183, "decode.acc_seg": 90.59878, "aux.loss_ce": 0.17152, "aux.acc_seg": 83.4757, "loss": 0.38982, "grad_norm": 11.34125, "time": 0.41245} {"mode": "train", "epoch": 90, "iter": 112700, "lr": 0.0, "memory": 14793, "data_time": 0.00527, "decode.loss_ce": 0.21891, "decode.acc_seg": 91.14368, "aux.loss_ce": 0.16432, "aux.acc_seg": 84.55832, "loss": 0.38323, "grad_norm": 12.62755, "time": 0.41628} {"mode": "train", "epoch": 90, "iter": 112750, "lr": 0.0, "memory": 14793, "data_time": 0.00577, "decode.loss_ce": 0.20646, "decode.acc_seg": 91.51463, "aux.loss_ce": 0.15108, "aux.acc_seg": 85.64115, "loss": 0.35754, "grad_norm": 9.7727, "time": 0.41351} {"mode": "train", "epoch": 90, "iter": 112800, "lr": 0.0, "memory": 14793, "data_time": 0.00514, "decode.loss_ce": 0.21008, "decode.acc_seg": 91.38891, "aux.loss_ce": 0.16051, "aux.acc_seg": 85.05985, "loss": 0.37059, "grad_norm": 11.0451, "time": 0.40948} {"mode": "train", "epoch": 90, "iter": 112850, "lr": 0.0, "memory": 14793, "data_time": 0.00512, "decode.loss_ce": 0.22417, "decode.acc_seg": 90.84659, "aux.loss_ce": 0.16752, "aux.acc_seg": 84.44458, "loss": 0.39169, "grad_norm": 16.04136, "time": 0.41314} {"mode": "train", "epoch": 90, "iter": 112900, "lr": 0.0, "memory": 14793, "data_time": 0.00541, "decode.loss_ce": 0.20473, "decode.acc_seg": 91.46693, "aux.loss_ce": 0.1622, "aux.acc_seg": 84.64695, "loss": 0.36693, "grad_norm": 15.33988, "time": 0.40805} {"mode": "train", "epoch": 90, "iter": 112950, "lr": 0.0, "memory": 14793, "data_time": 0.00528, "decode.loss_ce": 0.19914, "decode.acc_seg": 91.63547, "aux.loss_ce": 0.1556, "aux.acc_seg": 84.62617, "loss": 0.35474, "grad_norm": 8.92095, "time": 0.41646} {"mode": "train", "epoch": 90, "iter": 113000, "lr": 0.0, "memory": 14793, "data_time": 0.00511, "decode.loss_ce": 0.20616, "decode.acc_seg": 91.22323, "aux.loss_ce": 0.16291, "aux.acc_seg": 84.06478, "loss": 0.36906, "grad_norm": 9.27288, "time": 0.63453} {"mode": "val", "epoch": 90, "iter": 125, "lr": 0.0, "aAcc": 0.8487, "mIoU": 0.5464, "mAcc": 0.6775, "IoU.wall": 0.804, "IoU.building": 0.8351, "IoU.sky": 0.9491, "IoU.floor": 0.8263, "IoU.tree": 0.7613, "IoU.ceiling": 0.86, "IoU.road": 0.8575, "IoU.bed ": 0.9162, "IoU.windowpane": 0.6478, "IoU.grass": 0.6739, "IoU.cabinet": 0.6366, "IoU.sidewalk": 0.6917, "IoU.person": 0.8396, "IoU.earth": 0.3725, "IoU.door": 0.5594, "IoU.table": 0.6471, "IoU.mountain": 0.6009, "IoU.plant": 0.531, "IoU.curtain": 0.7647, "IoU.chair": 0.6294, "IoU.car": 0.8647, "IoU.water": 0.617, "IoU.painting": 0.7476, "IoU.sofa": 0.7435, "IoU.shelf": 0.4532, "IoU.house": 0.4775, "IoU.sea": 0.7203, "IoU.mirror": 0.7427, "IoU.rug": 0.6466, "IoU.field": 0.3152, "IoU.armchair": 0.478, "IoU.seat": 0.6638, "IoU.fence": 0.4845, "IoU.desk": 0.5189, "IoU.rock": 0.5243, "IoU.wardrobe": 0.5415, "IoU.lamp": 0.6841, "IoU.bathtub": 0.8222, "IoU.railing": 0.4047, "IoU.cushion": 0.6495, "IoU.base": 0.4258, "IoU.box": 0.3359, "IoU.column": 0.5416, "IoU.signboard": 0.3849, "IoU.chest of drawers": 0.4467, "IoU.counter": 0.3008, "IoU.sand": 0.5862, "IoU.sink": 0.782, "IoU.skyscraper": 0.4821, "IoU.fireplace": 0.6634, "IoU.refrigerator": 0.7931, "IoU.grandstand": 0.4874, "IoU.path": 0.2522, "IoU.stairs": 0.3462, "IoU.runway": 0.6483, "IoU.case": 0.5241, "IoU.pool table": 0.9363, "IoU.pillow": 0.6308, "IoU.screen door": 0.6924, "IoU.stairway": 0.4069, "IoU.river": 0.0977, "IoU.bridge": 0.4186, "IoU.bookcase": 0.46, "IoU.blind": 0.4665, "IoU.coffee table": 0.6162, "IoU.toilet": 0.8767, "IoU.flower": 0.4555, "IoU.book": 0.5138, "IoU.hill": 0.0798, "IoU.bench": 0.6519, "IoU.countertop": 0.6112, "IoU.stove": 0.8296, "IoU.palm": 0.5664, "IoU.kitchen island": 0.448, "IoU.computer": 0.7605, "IoU.swivel chair": 0.5538, "IoU.boat": 0.7488, "IoU.bar": 0.4831, "IoU.arcade machine": 0.6952, "IoU.hovel": 0.6401, "IoU.bus": 0.9077, "IoU.towel": 0.7143, "IoU.light": 0.5773, "IoU.truck": 0.4273, "IoU.tower": 0.2516, "IoU.chandelier": 0.7133, "IoU.awning": 0.3644, "IoU.streetlight": 0.3412, "IoU.booth": 0.4212, "IoU.television receiver": 0.7641, "IoU.airplane": 0.759, "IoU.dirt track": 0.0208, "IoU.apparel": 0.5881, "IoU.pole": 0.2488, "IoU.land": 0.0457, "IoU.bannister": 0.1676, "IoU.escalator": 0.5362, "IoU.ottoman": 0.5689, "IoU.bottle": 0.4112, "IoU.buffet": 0.4929, "IoU.poster": 0.3183, "IoU.stage": 0.2271, "IoU.van": 0.4348, "IoU.ship": 0.4619, "IoU.fountain": 0.2622, "IoU.conveyer belt": 0.8015, "IoU.canopy": 0.3959, "IoU.washer": 0.7367, "IoU.plaything": 0.3983, "IoU.swimming pool": 0.5881, "IoU.stool": 0.4903, "IoU.barrel": 0.5458, "IoU.basket": 0.4116, "IoU.waterfall": 0.5387, "IoU.tent": 0.9525, "IoU.bag": 0.2221, "IoU.minibike": 0.7316, "IoU.cradle": 0.8445, "IoU.oven": 0.4553, "IoU.ball": 0.5695, "IoU.food": 0.5888, "IoU.step": 0.2391, "IoU.tank": 0.6262, "IoU.trade name": 0.2765, "IoU.microwave": 0.8167, "IoU.pot": 0.5308, "IoU.animal": 0.6276, "IoU.bicycle": 0.5972, "IoU.lake": 0.5246, "IoU.dishwasher": 0.669, "IoU.screen": 0.5601, "IoU.blanket": 0.2714, "IoU.sculpture": 0.6599, "IoU.hood": 0.6893, "IoU.sconce": 0.5554, "IoU.vase": 0.4499, "IoU.traffic light": 0.3768, "IoU.tray": 0.0787, "IoU.ashcan": 0.4876, "IoU.fan": 0.6591, "IoU.pier": 0.4122, "IoU.crt screen": 0.1234, "IoU.plate": 0.5803, "IoU.monitor": 0.1967, "IoU.bulletin board": 0.6671, "IoU.shower": 0.0075, "IoU.radiator": 0.6373, "IoU.glass": 0.166, "IoU.clock": 0.4653, "IoU.flag": 0.5615, "Acc.wall": 0.8805, "Acc.building": 0.9273, "Acc.sky": 0.979, "Acc.floor": 0.9162, "Acc.tree": 0.8822, "Acc.ceiling": 0.9274, "Acc.road": 0.9185, "Acc.bed ": 0.9726, "Acc.windowpane": 0.8162, "Acc.grass": 0.8177, "Acc.cabinet": 0.7344, "Acc.sidewalk": 0.8294, "Acc.person": 0.9357, "Acc.earth": 0.5054, "Acc.door": 0.7063, "Acc.table": 0.7796, "Acc.mountain": 0.732, "Acc.plant": 0.6592, "Acc.curtain": 0.8855, "Acc.chair": 0.7429, "Acc.car": 0.9371, "Acc.water": 0.7787, "Acc.painting": 0.8999, "Acc.sofa": 0.8953, "Acc.shelf": 0.6239, "Acc.house": 0.6794, "Acc.sea": 0.8408, "Acc.mirror": 0.8097, "Acc.rug": 0.7657, "Acc.field": 0.4885, "Acc.armchair": 0.6539, "Acc.seat": 0.8449, "Acc.fence": 0.6497, "Acc.desk": 0.7488, "Acc.rock": 0.7795, "Acc.wardrobe": 0.7623, "Acc.lamp": 0.814, "Acc.bathtub": 0.862, "Acc.railing": 0.5414, "Acc.cushion": 0.7482, "Acc.base": 0.5949, "Acc.box": 0.4371, "Acc.column": 0.6651, "Acc.signboard": 0.5145, "Acc.chest of drawers": 0.6708, "Acc.counter": 0.3887, "Acc.sand": 0.8018, "Acc.sink": 0.8635, "Acc.skyscraper": 0.5663, "Acc.fireplace": 0.9485, "Acc.refrigerator": 0.8522, "Acc.grandstand": 0.829, "Acc.path": 0.3814, "Acc.stairs": 0.4354, "Acc.runway": 0.8716, "Acc.case": 0.6795, "Acc.pool table": 0.9828, "Acc.pillow": 0.7576, "Acc.screen door": 0.8307, "Acc.stairway": 0.5073, "Acc.river": 0.2141, "Acc.bridge": 0.4773, "Acc.bookcase": 0.712, "Acc.blind": 0.5541, "Acc.coffee table": 0.8567, "Acc.toilet": 0.9337, "Acc.flower": 0.6275, "Acc.book": 0.7081, "Acc.hill": 0.1344, "Acc.bench": 0.7744, "Acc.countertop": 0.8189, "Acc.stove": 0.8976, "Acc.palm": 0.7814, "Acc.kitchen island": 0.816, "Acc.computer": 0.8985, "Acc.swivel chair": 0.7661, "Acc.boat": 0.8518, "Acc.bar": 0.6417, "Acc.arcade machine": 0.7326, "Acc.hovel": 0.7016, "Acc.bus": 0.9785, "Acc.towel": 0.8646, "Acc.light": 0.6497, "Acc.truck": 0.5696, "Acc.tower": 0.432, "Acc.chandelier": 0.8474, "Acc.awning": 0.461, "Acc.streetlight": 0.4689, "Acc.booth": 0.5337, "Acc.television receiver": 0.8685, "Acc.airplane": 0.845, "Acc.dirt track": 0.0358, "Acc.apparel": 0.7723, "Acc.pole": 0.3456, "Acc.land": 0.0762, "Acc.bannister": 0.2174, "Acc.escalator": 0.8442, "Acc.ottoman": 0.7412, "Acc.bottle": 0.7049, "Acc.buffet": 0.6151, "Acc.poster": 0.5199, "Acc.stage": 0.3607, "Acc.van": 0.6576, "Acc.ship": 0.5141, "Acc.fountain": 0.2645, "Acc.conveyer belt": 0.9399, "Acc.canopy": 0.5915, "Acc.washer": 0.7676, "Acc.plaything": 0.6335, "Acc.swimming pool": 0.7128, "Acc.stool": 0.6587, "Acc.barrel": 0.872, "Acc.basket": 0.546, "Acc.waterfall": 0.6307, "Acc.tent": 0.9863, "Acc.bag": 0.284, "Acc.minibike": 0.8664, "Acc.cradle": 0.9751, "Acc.oven": 0.608, "Acc.ball": 0.6568, "Acc.food": 0.697, "Acc.step": 0.3032, "Acc.tank": 0.6733, "Acc.trade name": 0.3227, "Acc.microwave": 0.9411, "Acc.pot": 0.6347, "Acc.animal": 0.6485, "Acc.bicycle": 0.7706, "Acc.lake": 0.6618, "Acc.dishwasher": 0.7765, "Acc.screen": 0.8921, "Acc.blanket": 0.3253, "Acc.sculpture": 0.8496, "Acc.hood": 0.7899, "Acc.sconce": 0.6762, "Acc.vase": 0.6214, "Acc.traffic light": 0.5666, "Acc.tray": 0.1101, "Acc.ashcan": 0.6512, "Acc.fan": 0.7743, "Acc.pier": 0.6316, "Acc.crt screen": 0.3212, "Acc.plate": 0.7893, "Acc.monitor": 0.218, "Acc.bulletin board": 0.8095, "Acc.shower": 0.0077, "Acc.radiator": 0.7501, "Acc.glass": 0.1771, "Acc.clock": 0.526, "Acc.flag": 0.6393} {"mode": "train", "epoch": 90, "iter": 113050, "lr": 0.0, "memory": 14793, "data_time": 2.08152, "decode.loss_ce": 0.21625, "decode.acc_seg": 91.11354, "aux.loss_ce": 0.16529, "aux.acc_seg": 84.68173, "loss": 0.38154, "grad_norm": 11.06543, "time": 2.4993} {"mode": "train", "epoch": 90, "iter": 113100, "lr": 0.0, "memory": 14793, "data_time": 0.00585, "decode.loss_ce": 0.22044, "decode.acc_seg": 91.13438, "aux.loss_ce": 0.16458, "aux.acc_seg": 84.72248, "loss": 0.38502, "grad_norm": 12.31685, "time": 0.4047} {"mode": "train", "epoch": 90, "iter": 113150, "lr": 0.0, "memory": 14793, "data_time": 0.00556, "decode.loss_ce": 0.21135, "decode.acc_seg": 91.08026, "aux.loss_ce": 0.16486, "aux.acc_seg": 84.27866, "loss": 0.37621, "grad_norm": 16.00584, "time": 0.42061} {"mode": "train", "epoch": 90, "iter": 113200, "lr": 0.0, "memory": 14793, "data_time": 0.00545, "decode.loss_ce": 0.21733, "decode.acc_seg": 91.08679, "aux.loss_ce": 0.17022, "aux.acc_seg": 83.60064, "loss": 0.38754, "grad_norm": 14.51812, "time": 0.41093} {"mode": "train", "epoch": 90, "iter": 113250, "lr": 0.0, "memory": 14793, "data_time": 0.00547, "decode.loss_ce": 0.22067, "decode.acc_seg": 91.11108, "aux.loss_ce": 0.1695, "aux.acc_seg": 84.06367, "loss": 0.39018, "grad_norm": 16.2557, "time": 0.41529} {"mode": "train", "epoch": 90, "iter": 113300, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.22365, "decode.acc_seg": 90.81271, "aux.loss_ce": 0.16692, "aux.acc_seg": 83.76296, "loss": 0.39057, "grad_norm": 20.96672, "time": 0.41129} {"mode": "train", "epoch": 90, "iter": 113350, "lr": 0.0, "memory": 14793, "data_time": 0.00539, "decode.loss_ce": 0.22027, "decode.acc_seg": 90.63353, "aux.loss_ce": 0.16708, "aux.acc_seg": 83.98445, "loss": 0.38734, "grad_norm": 13.80811, "time": 0.41836} {"mode": "train", "epoch": 90, "iter": 113400, "lr": 0.0, "memory": 14793, "data_time": 0.00636, "decode.loss_ce": 0.20232, "decode.acc_seg": 91.51483, "aux.loss_ce": 0.14806, "aux.acc_seg": 85.50295, "loss": 0.35038, "grad_norm": 14.19742, "time": 0.41836} {"mode": "train", "epoch": 90, "iter": 113450, "lr": 0.0, "memory": 14793, "data_time": 0.00564, "decode.loss_ce": 0.22088, "decode.acc_seg": 91.14698, "aux.loss_ce": 0.15855, "aux.acc_seg": 85.52525, "loss": 0.37943, "grad_norm": 12.64414, "time": 0.41704} {"mode": "train", "epoch": 90, "iter": 113500, "lr": 0.0, "memory": 14793, "data_time": 0.00937, "decode.loss_ce": 0.22134, "decode.acc_seg": 90.63626, "aux.loss_ce": 0.16915, "aux.acc_seg": 84.04824, "loss": 0.39049, "grad_norm": 12.64872, "time": 0.41496} {"mode": "train", "epoch": 90, "iter": 113550, "lr": 0.0, "memory": 14793, "data_time": 0.00653, "decode.loss_ce": 0.20113, "decode.acc_seg": 91.45392, "aux.loss_ce": 0.1526, "aux.acc_seg": 85.00765, "loss": 0.35372, "grad_norm": 9.9893, "time": 0.40846} {"mode": "train", "epoch": 90, "iter": 113600, "lr": 0.0, "memory": 14793, "data_time": 0.00611, "decode.loss_ce": 0.20942, "decode.acc_seg": 91.07949, "aux.loss_ce": 0.15899, "aux.acc_seg": 84.62586, "loss": 0.36842, "grad_norm": 12.5308, "time": 0.40735} {"mode": "train", "epoch": 90, "iter": 113650, "lr": 0.0, "memory": 14793, "data_time": 0.00523, "decode.loss_ce": 0.2178, "decode.acc_seg": 90.96897, "aux.loss_ce": 0.1661, "aux.acc_seg": 84.36353, "loss": 0.3839, "grad_norm": 11.60622, "time": 0.41304} {"mode": "train", "epoch": 90, "iter": 113700, "lr": 0.0, "memory": 14793, "data_time": 0.00527, "decode.loss_ce": 0.20646, "decode.acc_seg": 91.03661, "aux.loss_ce": 0.15723, "aux.acc_seg": 84.63294, "loss": 0.36369, "grad_norm": 14.40951, "time": 0.41951} {"mode": "train", "epoch": 90, "iter": 113750, "lr": 0.0, "memory": 14793, "data_time": 0.0069, "decode.loss_ce": 0.22602, "decode.acc_seg": 90.25854, "aux.loss_ce": 0.17939, "aux.acc_seg": 82.33219, "loss": 0.40541, "grad_norm": 11.96934, "time": 0.41718} {"mode": "train", "epoch": 91, "iter": 113800, "lr": 0.0, "memory": 14793, "data_time": 0.0517, "decode.loss_ce": 0.2186, "decode.acc_seg": 91.2467, "aux.loss_ce": 0.16427, "aux.acc_seg": 85.01635, "loss": 0.38287, "grad_norm": 9.49417, "time": 0.47243} {"mode": "train", "epoch": 91, "iter": 113850, "lr": 0.0, "memory": 14793, "data_time": 0.00702, "decode.loss_ce": 0.22431, "decode.acc_seg": 90.75082, "aux.loss_ce": 0.16902, "aux.acc_seg": 83.56453, "loss": 0.39333, "grad_norm": 12.96445, "time": 0.41841} {"mode": "train", "epoch": 91, "iter": 113900, "lr": 0.0, "memory": 14793, "data_time": 0.0052, "decode.loss_ce": 0.22614, "decode.acc_seg": 90.53846, "aux.loss_ce": 0.17107, "aux.acc_seg": 83.78368, "loss": 0.39721, "grad_norm": 11.75661, "time": 0.41354} {"mode": "train", "epoch": 91, "iter": 113950, "lr": 0.0, "memory": 14793, "data_time": 0.00653, "decode.loss_ce": 0.22477, "decode.acc_seg": 90.66944, "aux.loss_ce": 0.16676, "aux.acc_seg": 84.28255, "loss": 0.39153, "grad_norm": 11.52496, "time": 0.41231} {"mode": "train", "epoch": 91, "iter": 114000, "lr": 0.0, "memory": 14793, "data_time": 0.0062, "decode.loss_ce": 0.20754, "decode.acc_seg": 91.06389, "aux.loss_ce": 0.1615, "aux.acc_seg": 84.03141, "loss": 0.36905, "grad_norm": 14.00041, "time": 0.64994} {"mode": "val", "epoch": 91, "iter": 125, "lr": 0.0, "aAcc": 0.849, "mIoU": 0.545, "mAcc": 0.6684, "IoU.wall": 0.8048, "IoU.building": 0.8341, "IoU.sky": 0.9492, "IoU.floor": 0.8288, "IoU.tree": 0.7602, "IoU.ceiling": 0.8615, "IoU.road": 0.8578, "IoU.bed ": 0.9165, "IoU.windowpane": 0.6454, "IoU.grass": 0.6739, "IoU.cabinet": 0.6428, "IoU.sidewalk": 0.695, "IoU.person": 0.8379, "IoU.earth": 0.3788, "IoU.door": 0.5597, "IoU.table": 0.6566, "IoU.mountain": 0.5958, "IoU.plant": 0.5308, "IoU.curtain": 0.7707, "IoU.chair": 0.6339, "IoU.car": 0.8663, "IoU.water": 0.6259, "IoU.painting": 0.7441, "IoU.sofa": 0.7515, "IoU.shelf": 0.4692, "IoU.house": 0.4734, "IoU.sea": 0.7091, "IoU.mirror": 0.729, "IoU.rug": 0.6437, "IoU.field": 0.3169, "IoU.armchair": 0.4927, "IoU.seat": 0.6718, "IoU.fence": 0.4536, "IoU.desk": 0.5485, "IoU.rock": 0.5207, "IoU.wardrobe": 0.5394, "IoU.lamp": 0.6858, "IoU.bathtub": 0.8237, "IoU.railing": 0.4132, "IoU.cushion": 0.665, "IoU.base": 0.3906, "IoU.box": 0.3242, "IoU.column": 0.5434, "IoU.signboard": 0.377, "IoU.chest of drawers": 0.4363, "IoU.counter": 0.3323, "IoU.sand": 0.5761, "IoU.sink": 0.7672, "IoU.skyscraper": 0.4775, "IoU.fireplace": 0.7228, "IoU.refrigerator": 0.7735, "IoU.grandstand": 0.4632, "IoU.path": 0.2329, "IoU.stairs": 0.3518, "IoU.runway": 0.6825, "IoU.case": 0.5676, "IoU.pool table": 0.9392, "IoU.pillow": 0.6242, "IoU.screen door": 0.6862, "IoU.stairway": 0.4208, "IoU.river": 0.0864, "IoU.bridge": 0.3925, "IoU.bookcase": 0.4852, "IoU.blind": 0.444, "IoU.coffee table": 0.6157, "IoU.toilet": 0.8767, "IoU.flower": 0.4504, "IoU.book": 0.5245, "IoU.hill": 0.0789, "IoU.bench": 0.6408, "IoU.countertop": 0.6247, "IoU.stove": 0.8265, "IoU.palm": 0.5592, "IoU.kitchen island": 0.4514, "IoU.computer": 0.7537, "IoU.swivel chair": 0.5364, "IoU.boat": 0.7513, "IoU.bar": 0.4909, "IoU.arcade machine": 0.663, "IoU.hovel": 0.572, "IoU.bus": 0.9255, "IoU.towel": 0.7031, "IoU.light": 0.585, "IoU.truck": 0.4442, "IoU.tower": 0.2494, "IoU.chandelier": 0.7108, "IoU.awning": 0.3503, "IoU.streetlight": 0.3409, "IoU.booth": 0.3865, "IoU.television receiver": 0.7593, "IoU.airplane": 0.7408, "IoU.dirt track": 0.0244, "IoU.apparel": 0.596, "IoU.pole": 0.2509, "IoU.land": 0.0424, "IoU.bannister": 0.1671, "IoU.escalator": 0.5276, "IoU.ottoman": 0.5655, "IoU.bottle": 0.4153, "IoU.buffet": 0.4528, "IoU.poster": 0.3126, "IoU.stage": 0.2127, "IoU.van": 0.4448, "IoU.ship": 0.4015, "IoU.fountain": 0.2671, "IoU.conveyer belt": 0.8038, "IoU.canopy": 0.4074, "IoU.washer": 0.7253, "IoU.plaything": 0.4008, "IoU.swimming pool": 0.6713, "IoU.stool": 0.4776, "IoU.barrel": 0.5333, "IoU.basket": 0.4152, "IoU.waterfall": 0.6741, "IoU.tent": 0.9523, "IoU.bag": 0.228, "IoU.minibike": 0.7286, "IoU.cradle": 0.8417, "IoU.oven": 0.441, "IoU.ball": 0.5483, "IoU.food": 0.5531, "IoU.step": 0.2297, "IoU.tank": 0.635, "IoU.trade name": 0.243, "IoU.microwave": 0.8058, "IoU.pot": 0.5226, "IoU.animal": 0.6067, "IoU.bicycle": 0.5977, "IoU.lake": 0.4915, "IoU.dishwasher": 0.6748, "IoU.screen": 0.5857, "IoU.blanket": 0.2306, "IoU.sculpture": 0.7081, "IoU.hood": 0.6433, "IoU.sconce": 0.561, "IoU.vase": 0.4502, "IoU.traffic light": 0.3723, "IoU.tray": 0.0673, "IoU.ashcan": 0.4807, "IoU.fan": 0.6569, "IoU.pier": 0.4295, "IoU.crt screen": 0.1314, "IoU.plate": 0.5775, "IoU.monitor": 0.1861, "IoU.bulletin board": 0.6328, "IoU.shower": 0.0217, "IoU.radiator": 0.6482, "IoU.glass": 0.1715, "IoU.clock": 0.4638, "IoU.flag": 0.5493, "Acc.wall": 0.8888, "Acc.building": 0.9212, "Acc.sky": 0.9782, "Acc.floor": 0.9062, "Acc.tree": 0.8976, "Acc.ceiling": 0.9235, "Acc.road": 0.9204, "Acc.bed ": 0.9739, "Acc.windowpane": 0.8049, "Acc.grass": 0.8042, "Acc.cabinet": 0.749, "Acc.sidewalk": 0.8248, "Acc.person": 0.9326, "Acc.earth": 0.5305, "Acc.door": 0.7556, "Acc.table": 0.7934, "Acc.mountain": 0.7299, "Acc.plant": 0.6571, "Acc.curtain": 0.8795, "Acc.chair": 0.7693, "Acc.car": 0.938, "Acc.water": 0.776, "Acc.painting": 0.901, "Acc.sofa": 0.8724, "Acc.shelf": 0.6789, "Acc.house": 0.6868, "Acc.sea": 0.8466, "Acc.mirror": 0.7892, "Acc.rug": 0.7557, "Acc.field": 0.4752, "Acc.armchair": 0.6914, "Acc.seat": 0.8369, "Acc.fence": 0.5781, "Acc.desk": 0.7297, "Acc.rock": 0.7874, "Acc.wardrobe": 0.713, "Acc.lamp": 0.7997, "Acc.bathtub": 0.8568, "Acc.railing": 0.6062, "Acc.cushion": 0.7908, "Acc.base": 0.5288, "Acc.box": 0.4047, "Acc.column": 0.6631, "Acc.signboard": 0.515, "Acc.chest of drawers": 0.6859, "Acc.counter": 0.415, "Acc.sand": 0.7827, "Acc.sink": 0.8365, "Acc.skyscraper": 0.5601, "Acc.fireplace": 0.9202, "Acc.refrigerator": 0.8467, "Acc.grandstand": 0.8334, "Acc.path": 0.3569, "Acc.stairs": 0.4611, "Acc.runway": 0.8972, "Acc.case": 0.7446, "Acc.pool table": 0.9798, "Acc.pillow": 0.7221, "Acc.screen door": 0.8215, "Acc.stairway": 0.5174, "Acc.river": 0.1818, "Acc.bridge": 0.444, "Acc.bookcase": 0.6738, "Acc.blind": 0.5227, "Acc.coffee table": 0.8374, "Acc.toilet": 0.9376, "Acc.flower": 0.603, "Acc.book": 0.6967, "Acc.hill": 0.1261, "Acc.bench": 0.7766, "Acc.countertop": 0.8082, "Acc.stove": 0.8891, "Acc.palm": 0.7402, "Acc.kitchen island": 0.7635, "Acc.computer": 0.9022, "Acc.swivel chair": 0.7618, "Acc.boat": 0.8576, "Acc.bar": 0.6504, "Acc.arcade machine": 0.695, "Acc.hovel": 0.6096, "Acc.bus": 0.9762, "Acc.towel": 0.8772, "Acc.light": 0.6783, "Acc.truck": 0.5913, "Acc.tower": 0.4341, "Acc.chandelier": 0.8507, "Acc.awning": 0.4192, "Acc.streetlight": 0.4557, "Acc.booth": 0.4743, "Acc.television receiver": 0.8492, "Acc.airplane": 0.8328, "Acc.dirt track": 0.0444, "Acc.apparel": 0.7509, "Acc.pole": 0.3506, "Acc.land": 0.0721, "Acc.bannister": 0.2229, "Acc.escalator": 0.8311, "Acc.ottoman": 0.7319, "Acc.bottle": 0.6855, "Acc.buffet": 0.5464, "Acc.poster": 0.4455, "Acc.stage": 0.3371, "Acc.van": 0.6145, "Acc.ship": 0.4409, "Acc.fountain": 0.2695, "Acc.conveyer belt": 0.9414, "Acc.canopy": 0.5577, "Acc.washer": 0.7429, "Acc.plaything": 0.55, "Acc.swimming pool": 0.7486, "Acc.stool": 0.6617, "Acc.barrel": 0.8511, "Acc.basket": 0.5145, "Acc.waterfall": 0.8293, "Acc.tent": 0.9838, "Acc.bag": 0.2772, "Acc.minibike": 0.8709, "Acc.cradle": 0.9735, "Acc.oven": 0.6164, "Acc.ball": 0.6146, "Acc.food": 0.6261, "Acc.step": 0.2926, "Acc.tank": 0.6665, "Acc.trade name": 0.2702, "Acc.microwave": 0.9216, "Acc.pot": 0.6168, "Acc.animal": 0.6234, "Acc.bicycle": 0.7641, "Acc.lake": 0.6461, "Acc.dishwasher": 0.7648, "Acc.screen": 0.8627, "Acc.blanket": 0.2685, "Acc.sculpture": 0.8316, "Acc.hood": 0.7291, "Acc.sconce": 0.6727, "Acc.vase": 0.6332, "Acc.traffic light": 0.5804, "Acc.tray": 0.0978, "Acc.ashcan": 0.647, "Acc.fan": 0.7745, "Acc.pier": 0.6273, "Acc.crt screen": 0.3322, "Acc.plate": 0.7997, "Acc.monitor": 0.2078, "Acc.bulletin board": 0.6995, "Acc.shower": 0.0239, "Acc.radiator": 0.7425, "Acc.glass": 0.1856, "Acc.clock": 0.5101, "Acc.flag": 0.6052} {"mode": "train", "epoch": 91, "iter": 114050, "lr": 0.0, "memory": 14793, "data_time": 2.12037, "decode.loss_ce": 0.21225, "decode.acc_seg": 91.07092, "aux.loss_ce": 0.15912, "aux.acc_seg": 84.82561, "loss": 0.37137, "grad_norm": 15.1753, "time": 2.52929} {"mode": "train", "epoch": 91, "iter": 114100, "lr": 0.0, "memory": 14793, "data_time": 0.00612, "decode.loss_ce": 0.22009, "decode.acc_seg": 90.96344, "aux.loss_ce": 0.16211, "aux.acc_seg": 84.61777, "loss": 0.38221, "grad_norm": 19.96773, "time": 0.4165} {"mode": "train", "epoch": 91, "iter": 114150, "lr": 0.0, "memory": 14793, "data_time": 0.00637, "decode.loss_ce": 0.21666, "decode.acc_seg": 91.14006, "aux.loss_ce": 0.16977, "aux.acc_seg": 84.53663, "loss": 0.38643, "grad_norm": 12.72512, "time": 0.42642} {"mode": "train", "epoch": 91, "iter": 114200, "lr": 0.0, "memory": 14793, "data_time": 0.00622, "decode.loss_ce": 0.20186, "decode.acc_seg": 91.27556, "aux.loss_ce": 0.1569, "aux.acc_seg": 84.55348, "loss": 0.35876, "grad_norm": 10.19536, "time": 0.4154} {"mode": "train", "epoch": 91, "iter": 114250, "lr": 0.0, "memory": 14793, "data_time": 0.00542, "decode.loss_ce": 0.20735, "decode.acc_seg": 91.20002, "aux.loss_ce": 0.1662, "aux.acc_seg": 84.11955, "loss": 0.37355, "grad_norm": 11.01471, "time": 0.40965} {"mode": "train", "epoch": 91, "iter": 114300, "lr": 0.0, "memory": 14793, "data_time": 0.00535, "decode.loss_ce": 0.21689, "decode.acc_seg": 90.96557, "aux.loss_ce": 0.16329, "aux.acc_seg": 84.37702, "loss": 0.38018, "grad_norm": 11.74204, "time": 0.41313} {"mode": "train", "epoch": 91, "iter": 114350, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.20569, "decode.acc_seg": 91.22661, "aux.loss_ce": 0.1637, "aux.acc_seg": 84.24022, "loss": 0.36939, "grad_norm": 10.79396, "time": 0.40932} {"mode": "train", "epoch": 91, "iter": 114400, "lr": 0.0, "memory": 14793, "data_time": 0.00537, "decode.loss_ce": 0.22226, "decode.acc_seg": 90.87213, "aux.loss_ce": 0.16727, "aux.acc_seg": 84.47465, "loss": 0.38953, "grad_norm": 13.98287, "time": 0.40452} {"mode": "train", "epoch": 91, "iter": 114450, "lr": 0.0, "memory": 14793, "data_time": 0.00547, "decode.loss_ce": 0.22726, "decode.acc_seg": 90.67927, "aux.loss_ce": 0.174, "aux.acc_seg": 84.02055, "loss": 0.40126, "grad_norm": 13.15548, "time": 0.40651} {"mode": "train", "epoch": 91, "iter": 114500, "lr": 0.0, "memory": 14793, "data_time": 0.00558, "decode.loss_ce": 0.20577, "decode.acc_seg": 91.22087, "aux.loss_ce": 0.16237, "aux.acc_seg": 84.17076, "loss": 0.36814, "grad_norm": 10.43383, "time": 0.41571} {"mode": "train", "epoch": 91, "iter": 114550, "lr": 0.0, "memory": 14793, "data_time": 0.00537, "decode.loss_ce": 0.21086, "decode.acc_seg": 91.27658, "aux.loss_ce": 0.15572, "aux.acc_seg": 85.04419, "loss": 0.36659, "grad_norm": 13.33549, "time": 0.41719} {"mode": "train", "epoch": 91, "iter": 114600, "lr": 0.0, "memory": 14793, "data_time": 0.00543, "decode.loss_ce": 0.22158, "decode.acc_seg": 90.65669, "aux.loss_ce": 0.16821, "aux.acc_seg": 83.61327, "loss": 0.3898, "grad_norm": 12.74159, "time": 0.42745} {"mode": "train", "epoch": 91, "iter": 114650, "lr": 0.0, "memory": 14793, "data_time": 0.00549, "decode.loss_ce": 0.20859, "decode.acc_seg": 91.42006, "aux.loss_ce": 0.16444, "aux.acc_seg": 84.57082, "loss": 0.37303, "grad_norm": 15.25833, "time": 0.4134} {"mode": "train", "epoch": 91, "iter": 114700, "lr": 0.0, "memory": 14793, "data_time": 0.00546, "decode.loss_ce": 0.21636, "decode.acc_seg": 90.77958, "aux.loss_ce": 0.16281, "aux.acc_seg": 83.92848, "loss": 0.37917, "grad_norm": 13.19967, "time": 0.40574} {"mode": "train", "epoch": 91, "iter": 114750, "lr": 0.0, "memory": 14793, "data_time": 0.00563, "decode.loss_ce": 0.21295, "decode.acc_seg": 91.05441, "aux.loss_ce": 0.16736, "aux.acc_seg": 84.0941, "loss": 0.38031, "grad_norm": 11.7906, "time": 0.41333} {"mode": "train", "epoch": 91, "iter": 114800, "lr": 0.0, "memory": 14793, "data_time": 0.00644, "decode.loss_ce": 0.2213, "decode.acc_seg": 90.82458, "aux.loss_ce": 0.16111, "aux.acc_seg": 84.56144, "loss": 0.38241, "grad_norm": 17.10684, "time": 0.40851} {"mode": "train", "epoch": 91, "iter": 114850, "lr": 0.0, "memory": 14793, "data_time": 0.00509, "decode.loss_ce": 0.19997, "decode.acc_seg": 91.48704, "aux.loss_ce": 0.14754, "aux.acc_seg": 85.43501, "loss": 0.34752, "grad_norm": 11.70037, "time": 0.41496} {"mode": "train", "epoch": 91, "iter": 114900, "lr": 0.0, "memory": 14793, "data_time": 0.00548, "decode.loss_ce": 0.2197, "decode.acc_seg": 91.20282, "aux.loss_ce": 0.16772, "aux.acc_seg": 84.89055, "loss": 0.38742, "grad_norm": 11.94205, "time": 0.41456} {"mode": "train", "epoch": 91, "iter": 114950, "lr": 0.0, "memory": 14793, "data_time": 0.00554, "decode.loss_ce": 0.19768, "decode.acc_seg": 91.45913, "aux.loss_ce": 0.15979, "aux.acc_seg": 84.70422, "loss": 0.35747, "grad_norm": 10.8814, "time": 0.41404} {"mode": "train", "epoch": 91, "iter": 115000, "lr": 0.0, "memory": 14793, "data_time": 0.0055, "decode.loss_ce": 0.20789, "decode.acc_seg": 91.19814, "aux.loss_ce": 0.15612, "aux.acc_seg": 85.07719, "loss": 0.36401, "grad_norm": 10.09811, "time": 0.64808} {"mode": "val", "epoch": 91, "iter": 125, "lr": 0.0, "aAcc": 0.8494, "mIoU": 0.547, "mAcc": 0.6744, "IoU.wall": 0.8037, "IoU.building": 0.836, "IoU.sky": 0.9486, "IoU.floor": 0.8289, "IoU.tree": 0.7601, "IoU.ceiling": 0.8609, "IoU.road": 0.8579, "IoU.bed ": 0.9172, "IoU.windowpane": 0.6508, "IoU.grass": 0.6706, "IoU.cabinet": 0.6522, "IoU.sidewalk": 0.6903, "IoU.person": 0.84, "IoU.earth": 0.3931, "IoU.door": 0.5641, "IoU.table": 0.6502, "IoU.mountain": 0.6063, "IoU.plant": 0.5333, "IoU.curtain": 0.7666, "IoU.chair": 0.6325, "IoU.car": 0.8669, "IoU.water": 0.6172, "IoU.painting": 0.7523, "IoU.sofa": 0.7466, "IoU.shelf": 0.4525, "IoU.house": 0.4925, "IoU.sea": 0.706, "IoU.mirror": 0.7316, "IoU.rug": 0.6472, "IoU.field": 0.307, "IoU.armchair": 0.4811, "IoU.seat": 0.6572, "IoU.fence": 0.4773, "IoU.desk": 0.5262, "IoU.rock": 0.5138, "IoU.wardrobe": 0.5382, "IoU.lamp": 0.6839, "IoU.bathtub": 0.8195, "IoU.railing": 0.4278, "IoU.cushion": 0.6542, "IoU.base": 0.3857, "IoU.box": 0.3406, "IoU.column": 0.5429, "IoU.signboard": 0.3795, "IoU.chest of drawers": 0.4519, "IoU.counter": 0.3238, "IoU.sand": 0.5787, "IoU.sink": 0.7766, "IoU.skyscraper": 0.5178, "IoU.fireplace": 0.7182, "IoU.refrigerator": 0.7652, "IoU.grandstand": 0.4581, "IoU.path": 0.2571, "IoU.stairs": 0.3394, "IoU.runway": 0.7068, "IoU.case": 0.5284, "IoU.pool table": 0.9396, "IoU.pillow": 0.6343, "IoU.screen door": 0.6219, "IoU.stairway": 0.4217, "IoU.river": 0.105, "IoU.bridge": 0.375, "IoU.bookcase": 0.4656, "IoU.blind": 0.4747, "IoU.coffee table": 0.6065, "IoU.toilet": 0.8751, "IoU.flower": 0.4542, "IoU.book": 0.5075, "IoU.hill": 0.0743, "IoU.bench": 0.6599, "IoU.countertop": 0.6156, "IoU.stove": 0.8294, "IoU.palm": 0.5508, "IoU.kitchen island": 0.4421, "IoU.computer": 0.7416, "IoU.swivel chair": 0.526, "IoU.boat": 0.7585, "IoU.bar": 0.4737, "IoU.arcade machine": 0.6598, "IoU.hovel": 0.6241, "IoU.bus": 0.9237, "IoU.towel": 0.7018, "IoU.light": 0.5914, "IoU.truck": 0.4461, "IoU.tower": 0.2529, "IoU.chandelier": 0.7099, "IoU.awning": 0.3615, "IoU.streetlight": 0.3347, "IoU.booth": 0.4152, "IoU.television receiver": 0.7686, "IoU.airplane": 0.7783, "IoU.dirt track": 0.0557, "IoU.apparel": 0.6053, "IoU.pole": 0.2424, "IoU.land": 0.0523, "IoU.bannister": 0.1671, "IoU.escalator": 0.5302, "IoU.ottoman": 0.5631, "IoU.bottle": 0.4093, "IoU.buffet": 0.4607, "IoU.poster": 0.3192, "IoU.stage": 0.2112, "IoU.van": 0.4482, "IoU.ship": 0.559, "IoU.fountain": 0.2766, "IoU.conveyer belt": 0.8019, "IoU.canopy": 0.4067, "IoU.washer": 0.7199, "IoU.plaything": 0.3804, "IoU.swimming pool": 0.6318, "IoU.stool": 0.482, "IoU.barrel": 0.5412, "IoU.basket": 0.4139, "IoU.waterfall": 0.5752, "IoU.tent": 0.9531, "IoU.bag": 0.2208, "IoU.minibike": 0.7282, "IoU.cradle": 0.8394, "IoU.oven": 0.4854, "IoU.ball": 0.5151, "IoU.food": 0.5963, "IoU.step": 0.2439, "IoU.tank": 0.6353, "IoU.trade name": 0.2792, "IoU.microwave": 0.8233, "IoU.pot": 0.5277, "IoU.animal": 0.6045, "IoU.bicycle": 0.5863, "IoU.lake": 0.5219, "IoU.dishwasher": 0.6786, "IoU.screen": 0.6036, "IoU.blanket": 0.2387, "IoU.sculpture": 0.6851, "IoU.hood": 0.653, "IoU.sconce": 0.5551, "IoU.vase": 0.4454, "IoU.traffic light": 0.3764, "IoU.tray": 0.0648, "IoU.ashcan": 0.4756, "IoU.fan": 0.6668, "IoU.pier": 0.4426, "IoU.crt screen": 0.1239, "IoU.plate": 0.5891, "IoU.monitor": 0.2113, "IoU.bulletin board": 0.6487, "IoU.shower": 0.016, "IoU.radiator": 0.6619, "IoU.glass": 0.1611, "IoU.clock": 0.4647, "IoU.flag": 0.5176, "Acc.wall": 0.8837, "Acc.building": 0.9224, "Acc.sky": 0.9802, "Acc.floor": 0.9121, "Acc.tree": 0.8856, "Acc.ceiling": 0.932, "Acc.road": 0.9176, "Acc.bed ": 0.9728, "Acc.windowpane": 0.8132, "Acc.grass": 0.7961, "Acc.cabinet": 0.7668, "Acc.sidewalk": 0.8255, "Acc.person": 0.9374, "Acc.earth": 0.5507, "Acc.door": 0.7321, "Acc.table": 0.7771, "Acc.mountain": 0.7326, "Acc.plant": 0.6379, "Acc.curtain": 0.8827, "Acc.chair": 0.7475, "Acc.car": 0.9343, "Acc.water": 0.7809, "Acc.painting": 0.8931, "Acc.sofa": 0.8916, "Acc.shelf": 0.6479, "Acc.house": 0.7167, "Acc.sea": 0.827, "Acc.mirror": 0.7974, "Acc.rug": 0.7537, "Acc.field": 0.4727, "Acc.armchair": 0.6692, "Acc.seat": 0.831, "Acc.fence": 0.6339, "Acc.desk": 0.7585, "Acc.rock": 0.7746, "Acc.wardrobe": 0.697, "Acc.lamp": 0.8087, "Acc.bathtub": 0.8629, "Acc.railing": 0.5796, "Acc.cushion": 0.7529, "Acc.base": 0.5315, "Acc.box": 0.4469, "Acc.column": 0.6545, "Acc.signboard": 0.5116, "Acc.chest of drawers": 0.6636, "Acc.counter": 0.4228, "Acc.sand": 0.7955, "Acc.sink": 0.8363, "Acc.skyscraper": 0.6341, "Acc.fireplace": 0.935, "Acc.refrigerator": 0.8384, "Acc.grandstand": 0.832, "Acc.path": 0.3845, "Acc.stairs": 0.4331, "Acc.runway": 0.9391, "Acc.case": 0.6547, "Acc.pool table": 0.9809, "Acc.pillow": 0.763, "Acc.screen door": 0.8342, "Acc.stairway": 0.5398, "Acc.river": 0.2321, "Acc.bridge": 0.4244, "Acc.bookcase": 0.725, "Acc.blind": 0.5658, "Acc.coffee table": 0.8579, "Acc.toilet": 0.9388, "Acc.flower": 0.6093, "Acc.book": 0.6887, "Acc.hill": 0.1331, "Acc.bench": 0.7667, "Acc.countertop": 0.8372, "Acc.stove": 0.8888, "Acc.palm": 0.7549, "Acc.kitchen island": 0.7365, "Acc.computer": 0.9085, "Acc.swivel chair": 0.726, "Acc.boat": 0.8492, "Acc.bar": 0.6013, "Acc.arcade machine": 0.703, "Acc.hovel": 0.7237, "Acc.bus": 0.9721, "Acc.towel": 0.8696, "Acc.light": 0.7352, "Acc.truck": 0.6063, "Acc.tower": 0.4478, "Acc.chandelier": 0.8711, "Acc.awning": 0.4501, "Acc.streetlight": 0.4749, "Acc.booth": 0.5449, "Acc.television receiver": 0.8584, "Acc.airplane": 0.8837, "Acc.dirt track": 0.1032, "Acc.apparel": 0.7417, "Acc.pole": 0.3291, "Acc.land": 0.0819, "Acc.bannister": 0.2281, "Acc.escalator": 0.828, "Acc.ottoman": 0.7424, "Acc.bottle": 0.6681, "Acc.buffet": 0.5643, "Acc.poster": 0.4581, "Acc.stage": 0.3365, "Acc.van": 0.6668, "Acc.ship": 0.6324, "Acc.fountain": 0.2798, "Acc.conveyer belt": 0.9428, "Acc.canopy": 0.545, "Acc.washer": 0.7364, "Acc.plaything": 0.5571, "Acc.swimming pool": 0.7455, "Acc.stool": 0.6633, "Acc.barrel": 0.8652, "Acc.basket": 0.5356, "Acc.waterfall": 0.6586, "Acc.tent": 0.9854, "Acc.bag": 0.2684, "Acc.minibike": 0.8761, "Acc.cradle": 0.9786, "Acc.oven": 0.6102, "Acc.ball": 0.5601, "Acc.food": 0.6788, "Acc.step": 0.2993, "Acc.tank": 0.6661, "Acc.trade name": 0.3252, "Acc.microwave": 0.9663, "Acc.pot": 0.6227, "Acc.animal": 0.6241, "Acc.bicycle": 0.7119, "Acc.lake": 0.6378, "Acc.dishwasher": 0.7821, "Acc.screen": 0.8835, "Acc.blanket": 0.2778, "Acc.sculpture": 0.8537, "Acc.hood": 0.7435, "Acc.sconce": 0.6762, "Acc.vase": 0.6329, "Acc.traffic light": 0.5593, "Acc.tray": 0.0893, "Acc.ashcan": 0.6524, "Acc.fan": 0.8056, "Acc.pier": 0.6619, "Acc.crt screen": 0.2846, "Acc.plate": 0.7961, "Acc.monitor": 0.2564, "Acc.bulletin board": 0.7454, "Acc.shower": 0.02, "Acc.radiator": 0.7391, "Acc.glass": 0.1716, "Acc.clock": 0.5193, "Acc.flag": 0.5803} {"mode": "train", "epoch": 92, "iter": 115050, "lr": 0.0, "memory": 14793, "data_time": 2.1923, "decode.loss_ce": 0.20485, "decode.acc_seg": 91.44878, "aux.loss_ce": 0.1577, "aux.acc_seg": 85.09529, "loss": 0.36256, "grad_norm": 12.61805, "time": 2.60604} {"mode": "train", "epoch": 92, "iter": 115100, "lr": 0.0, "memory": 14793, "data_time": 0.00584, "decode.loss_ce": 0.20224, "decode.acc_seg": 91.24497, "aux.loss_ce": 0.1578, "aux.acc_seg": 84.35385, "loss": 0.36004, "grad_norm": 12.47642, "time": 0.42788} {"mode": "train", "epoch": 92, "iter": 115150, "lr": 0.0, "memory": 14793, "data_time": 0.00696, "decode.loss_ce": 0.21893, "decode.acc_seg": 90.3647, "aux.loss_ce": 0.16168, "aux.acc_seg": 84.18952, "loss": 0.38061, "grad_norm": 11.74541, "time": 0.41342} {"mode": "train", "epoch": 92, "iter": 115200, "lr": 0.0, "memory": 14793, "data_time": 0.00658, "decode.loss_ce": 0.19922, "decode.acc_seg": 91.21591, "aux.loss_ce": 0.14828, "aux.acc_seg": 84.89219, "loss": 0.3475, "grad_norm": 11.83132, "time": 0.40835} {"mode": "train", "epoch": 92, "iter": 115250, "lr": 0.0, "memory": 14793, "data_time": 0.00555, "decode.loss_ce": 0.20921, "decode.acc_seg": 91.2391, "aux.loss_ce": 0.16334, "aux.acc_seg": 84.72423, "loss": 0.37255, "grad_norm": 11.86044, "time": 0.41547} {"mode": "train", "epoch": 92, "iter": 115300, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.22011, "decode.acc_seg": 90.72159, "aux.loss_ce": 0.16841, "aux.acc_seg": 83.81462, "loss": 0.38852, "grad_norm": 14.95558, "time": 0.40764} {"mode": "train", "epoch": 92, "iter": 115350, "lr": 0.0, "memory": 14793, "data_time": 0.00597, "decode.loss_ce": 0.20813, "decode.acc_seg": 91.42566, "aux.loss_ce": 0.16137, "aux.acc_seg": 84.86027, "loss": 0.3695, "grad_norm": 10.51797, "time": 0.41618} {"mode": "train", "epoch": 92, "iter": 115400, "lr": 0.0, "memory": 14793, "data_time": 0.00563, "decode.loss_ce": 0.21298, "decode.acc_seg": 91.09867, "aux.loss_ce": 0.1632, "aux.acc_seg": 84.18883, "loss": 0.37617, "grad_norm": 11.02075, "time": 0.4216} {"mode": "train", "epoch": 92, "iter": 115450, "lr": 0.0, "memory": 14793, "data_time": 0.00538, "decode.loss_ce": 0.20518, "decode.acc_seg": 91.4701, "aux.loss_ce": 0.15658, "aux.acc_seg": 84.68544, "loss": 0.36176, "grad_norm": 10.02307, "time": 0.41668} {"mode": "train", "epoch": 92, "iter": 115500, "lr": 0.0, "memory": 14793, "data_time": 0.00921, "decode.loss_ce": 0.19421, "decode.acc_seg": 91.87455, "aux.loss_ce": 0.15662, "aux.acc_seg": 84.77523, "loss": 0.35084, "grad_norm": 8.60825, "time": 0.42054} {"mode": "train", "epoch": 92, "iter": 115550, "lr": 0.0, "memory": 14793, "data_time": 0.00689, "decode.loss_ce": 0.21581, "decode.acc_seg": 91.18931, "aux.loss_ce": 0.15925, "aux.acc_seg": 84.92564, "loss": 0.37507, "grad_norm": 13.42119, "time": 0.41842} {"mode": "train", "epoch": 92, "iter": 115600, "lr": 0.0, "memory": 14793, "data_time": 0.00577, "decode.loss_ce": 0.22048, "decode.acc_seg": 90.90877, "aux.loss_ce": 0.16162, "aux.acc_seg": 84.66941, "loss": 0.3821, "grad_norm": 12.08359, "time": 0.4151} {"mode": "train", "epoch": 92, "iter": 115650, "lr": 0.0, "memory": 14793, "data_time": 0.00551, "decode.loss_ce": 0.19927, "decode.acc_seg": 91.30741, "aux.loss_ce": 0.15076, "aux.acc_seg": 85.21053, "loss": 0.35003, "grad_norm": 11.18281, "time": 0.41347} {"mode": "train", "epoch": 92, "iter": 115700, "lr": 0.0, "memory": 14793, "data_time": 0.00584, "decode.loss_ce": 0.20884, "decode.acc_seg": 91.04004, "aux.loss_ce": 0.15942, "aux.acc_seg": 84.64982, "loss": 0.36826, "grad_norm": 13.02752, "time": 0.41581} {"mode": "train", "epoch": 92, "iter": 115750, "lr": 0.0, "memory": 14793, "data_time": 0.00651, "decode.loss_ce": 0.21095, "decode.acc_seg": 91.33132, "aux.loss_ce": 0.16212, "aux.acc_seg": 84.65006, "loss": 0.37307, "grad_norm": 13.7268, "time": 0.41683} {"mode": "train", "epoch": 92, "iter": 115800, "lr": 0.0, "memory": 14793, "data_time": 0.00573, "decode.loss_ce": 0.21008, "decode.acc_seg": 91.20362, "aux.loss_ce": 0.1584, "aux.acc_seg": 84.74692, "loss": 0.36849, "grad_norm": 10.76457, "time": 0.42802} {"mode": "train", "epoch": 92, "iter": 115850, "lr": 0.0, "memory": 14793, "data_time": 0.00644, "decode.loss_ce": 0.2089, "decode.acc_seg": 90.95848, "aux.loss_ce": 0.15727, "aux.acc_seg": 84.80618, "loss": 0.36617, "grad_norm": 10.27598, "time": 0.42088} {"mode": "train", "epoch": 92, "iter": 115900, "lr": 0.0, "memory": 14793, "data_time": 0.0059, "decode.loss_ce": 0.21667, "decode.acc_seg": 90.77898, "aux.loss_ce": 0.16554, "aux.acc_seg": 84.02054, "loss": 0.3822, "grad_norm": 17.4892, "time": 0.41194} {"mode": "train", "epoch": 92, "iter": 115950, "lr": 0.0, "memory": 14793, "data_time": 0.00647, "decode.loss_ce": 0.1954, "decode.acc_seg": 91.41753, "aux.loss_ce": 0.15133, "aux.acc_seg": 85.08096, "loss": 0.34672, "grad_norm": 13.94234, "time": 0.41391} {"mode": "train", "epoch": 92, "iter": 116000, "lr": 0.0, "memory": 14793, "data_time": 0.00576, "decode.loss_ce": 0.21755, "decode.acc_seg": 90.77038, "aux.loss_ce": 0.16515, "aux.acc_seg": 84.33206, "loss": 0.3827, "grad_norm": 11.95615, "time": 0.64994} {"mode": "val", "epoch": 92, "iter": 125, "lr": 0.0, "aAcc": 0.8491, "mIoU": 0.5463, "mAcc": 0.6708, "IoU.wall": 0.8036, "IoU.building": 0.8339, "IoU.sky": 0.9489, "IoU.floor": 0.8329, "IoU.tree": 0.7593, "IoU.ceiling": 0.8593, "IoU.road": 0.861, "IoU.bed ": 0.9145, "IoU.windowpane": 0.6453, "IoU.grass": 0.6727, "IoU.cabinet": 0.6499, "IoU.sidewalk": 0.6908, "IoU.person": 0.8422, "IoU.earth": 0.3783, "IoU.door": 0.5597, "IoU.table": 0.6488, "IoU.mountain": 0.6011, "IoU.plant": 0.5293, "IoU.curtain": 0.7684, "IoU.chair": 0.6333, "IoU.car": 0.865, "IoU.water": 0.6154, "IoU.painting": 0.7471, "IoU.sofa": 0.7519, "IoU.shelf": 0.4573, "IoU.house": 0.4969, "IoU.sea": 0.7127, "IoU.mirror": 0.7327, "IoU.rug": 0.6795, "IoU.field": 0.3006, "IoU.armchair": 0.4892, "IoU.seat": 0.6651, "IoU.fence": 0.4775, "IoU.desk": 0.52, "IoU.rock": 0.5069, "IoU.wardrobe": 0.5492, "IoU.lamp": 0.6876, "IoU.bathtub": 0.8199, "IoU.railing": 0.4295, "IoU.cushion": 0.6578, "IoU.base": 0.3924, "IoU.box": 0.3415, "IoU.column": 0.5245, "IoU.signboard": 0.3914, "IoU.chest of drawers": 0.4415, "IoU.counter": 0.3195, "IoU.sand": 0.5756, "IoU.sink": 0.7708, "IoU.skyscraper": 0.5143, "IoU.fireplace": 0.7439, "IoU.refrigerator": 0.7876, "IoU.grandstand": 0.4792, "IoU.path": 0.2524, "IoU.stairs": 0.3336, "IoU.runway": 0.6838, "IoU.case": 0.4871, "IoU.pool table": 0.9359, "IoU.pillow": 0.6191, "IoU.screen door": 0.6711, "IoU.stairway": 0.3891, "IoU.river": 0.1137, "IoU.bridge": 0.39, "IoU.bookcase": 0.4732, "IoU.blind": 0.3925, "IoU.coffee table": 0.6188, "IoU.toilet": 0.8789, "IoU.flower": 0.4377, "IoU.book": 0.5127, "IoU.hill": 0.065, "IoU.bench": 0.6474, "IoU.countertop": 0.6188, "IoU.stove": 0.8279, "IoU.palm": 0.5671, "IoU.kitchen island": 0.4305, "IoU.computer": 0.7432, "IoU.swivel chair": 0.5269, "IoU.boat": 0.742, "IoU.bar": 0.4908, "IoU.arcade machine": 0.6844, "IoU.hovel": 0.6234, "IoU.bus": 0.9246, "IoU.towel": 0.6986, "IoU.light": 0.5811, "IoU.truck": 0.4446, "IoU.tower": 0.2648, "IoU.chandelier": 0.7126, "IoU.awning": 0.3602, "IoU.streetlight": 0.334, "IoU.booth": 0.3803, "IoU.television receiver": 0.7664, "IoU.airplane": 0.7537, "IoU.dirt track": 0.0212, "IoU.apparel": 0.6194, "IoU.pole": 0.2367, "IoU.land": 0.0563, "IoU.bannister": 0.1775, "IoU.escalator": 0.5414, "IoU.ottoman": 0.5676, "IoU.bottle": 0.408, "IoU.buffet": 0.4438, "IoU.poster": 0.3306, "IoU.stage": 0.221, "IoU.van": 0.4349, "IoU.ship": 0.5038, "IoU.fountain": 0.267, "IoU.conveyer belt": 0.8037, "IoU.canopy": 0.4274, "IoU.washer": 0.7258, "IoU.plaything": 0.4116, "IoU.swimming pool": 0.6252, "IoU.stool": 0.4741, "IoU.barrel": 0.5545, "IoU.basket": 0.4054, "IoU.waterfall": 0.5548, "IoU.tent": 0.952, "IoU.bag": 0.2159, "IoU.minibike": 0.7295, "IoU.cradle": 0.8399, "IoU.oven": 0.4605, "IoU.ball": 0.5416, "IoU.food": 0.5865, "IoU.step": 0.2363, "IoU.tank": 0.6341, "IoU.trade name": 0.2847, "IoU.microwave": 0.8331, "IoU.pot": 0.5283, "IoU.animal": 0.5863, "IoU.bicycle": 0.5933, "IoU.lake": 0.5295, "IoU.dishwasher": 0.6697, "IoU.screen": 0.6064, "IoU.blanket": 0.2095, "IoU.sculpture": 0.6986, "IoU.hood": 0.6702, "IoU.sconce": 0.5571, "IoU.vase": 0.4601, "IoU.traffic light": 0.3803, "IoU.tray": 0.0662, "IoU.ashcan": 0.4815, "IoU.fan": 0.6674, "IoU.pier": 0.5049, "IoU.crt screen": 0.1209, "IoU.plate": 0.5843, "IoU.monitor": 0.2319, "IoU.bulletin board": 0.6315, "IoU.shower": 0.0134, "IoU.radiator": 0.6443, "IoU.glass": 0.1611, "IoU.clock": 0.4566, "IoU.flag": 0.5038, "Acc.wall": 0.8934, "Acc.building": 0.9209, "Acc.sky": 0.9763, "Acc.floor": 0.9042, "Acc.tree": 0.8838, "Acc.ceiling": 0.9283, "Acc.road": 0.918, "Acc.bed ": 0.9732, "Acc.windowpane": 0.8135, "Acc.grass": 0.8137, "Acc.cabinet": 0.7555, "Acc.sidewalk": 0.8281, "Acc.person": 0.9282, "Acc.earth": 0.5244, "Acc.door": 0.7107, "Acc.table": 0.7926, "Acc.mountain": 0.7394, "Acc.plant": 0.6383, "Acc.curtain": 0.8761, "Acc.chair": 0.7508, "Acc.car": 0.938, "Acc.water": 0.781, "Acc.painting": 0.8967, "Acc.sofa": 0.8915, "Acc.shelf": 0.6228, "Acc.house": 0.7141, "Acc.sea": 0.8443, "Acc.mirror": 0.8065, "Acc.rug": 0.8278, "Acc.field": 0.4758, "Acc.armchair": 0.6788, "Acc.seat": 0.8351, "Acc.fence": 0.6361, "Acc.desk": 0.7469, "Acc.rock": 0.7714, "Acc.wardrobe": 0.7086, "Acc.lamp": 0.7907, "Acc.bathtub": 0.867, "Acc.railing": 0.591, "Acc.cushion": 0.7648, "Acc.base": 0.5384, "Acc.box": 0.4484, "Acc.column": 0.6622, "Acc.signboard": 0.5401, "Acc.chest of drawers": 0.6754, "Acc.counter": 0.4353, "Acc.sand": 0.746, "Acc.sink": 0.8306, "Acc.skyscraper": 0.6272, "Acc.fireplace": 0.9328, "Acc.refrigerator": 0.836, "Acc.grandstand": 0.8363, "Acc.path": 0.3792, "Acc.stairs": 0.436, "Acc.runway": 0.9267, "Acc.case": 0.6283, "Acc.pool table": 0.9824, "Acc.pillow": 0.7202, "Acc.screen door": 0.8622, "Acc.stairway": 0.477, "Acc.river": 0.2509, "Acc.bridge": 0.4495, "Acc.bookcase": 0.6804, "Acc.blind": 0.4441, "Acc.coffee table": 0.8263, "Acc.toilet": 0.9333, "Acc.flower": 0.5804, "Acc.book": 0.7073, "Acc.hill": 0.1046, "Acc.bench": 0.7564, "Acc.countertop": 0.7909, "Acc.stove": 0.8934, "Acc.palm": 0.8049, "Acc.kitchen island": 0.8353, "Acc.computer": 0.9074, "Acc.swivel chair": 0.739, "Acc.boat": 0.8545, "Acc.bar": 0.6262, "Acc.arcade machine": 0.7237, "Acc.hovel": 0.7184, "Acc.bus": 0.9757, "Acc.towel": 0.8643, "Acc.light": 0.6711, "Acc.truck": 0.574, "Acc.tower": 0.5121, "Acc.chandelier": 0.843, "Acc.awning": 0.4351, "Acc.streetlight": 0.4546, "Acc.booth": 0.4775, "Acc.television receiver": 0.8593, "Acc.airplane": 0.8598, "Acc.dirt track": 0.0351, "Acc.apparel": 0.7598, "Acc.pole": 0.3269, "Acc.land": 0.0804, "Acc.bannister": 0.2461, "Acc.escalator": 0.8335, "Acc.ottoman": 0.7404, "Acc.bottle": 0.6409, "Acc.buffet": 0.5436, "Acc.poster": 0.4575, "Acc.stage": 0.3466, "Acc.van": 0.6238, "Acc.ship": 0.5637, "Acc.fountain": 0.2703, "Acc.conveyer belt": 0.9462, "Acc.canopy": 0.5921, "Acc.washer": 0.7483, "Acc.plaything": 0.6248, "Acc.swimming pool": 0.7735, "Acc.stool": 0.61, "Acc.barrel": 0.8503, "Acc.basket": 0.5347, "Acc.waterfall": 0.6308, "Acc.tent": 0.9857, "Acc.bag": 0.2558, "Acc.minibike": 0.8809, "Acc.cradle": 0.9777, "Acc.oven": 0.5482, "Acc.ball": 0.6109, "Acc.food": 0.6619, "Acc.step": 0.2943, "Acc.tank": 0.6655, "Acc.trade name": 0.3355, "Acc.microwave": 0.9629, "Acc.pot": 0.6209, "Acc.animal": 0.6015, "Acc.bicycle": 0.7408, "Acc.lake": 0.6377, "Acc.dishwasher": 0.8103, "Acc.screen": 0.8646, "Acc.blanket": 0.2417, "Acc.sculpture": 0.8336, "Acc.hood": 0.7203, "Acc.sconce": 0.6762, "Acc.vase": 0.6052, "Acc.traffic light": 0.5623, "Acc.tray": 0.0969, "Acc.ashcan": 0.6442, "Acc.fan": 0.8081, "Acc.pier": 0.7436, "Acc.crt screen": 0.2731, "Acc.plate": 0.783, "Acc.monitor": 0.2652, "Acc.bulletin board": 0.7171, "Acc.shower": 0.014, "Acc.radiator": 0.7384, "Acc.glass": 0.1714, "Acc.clock": 0.5046, "Acc.flag": 0.5606} {"mode": "train", "epoch": 92, "iter": 116050, "lr": 0.0, "memory": 14793, "data_time": 2.07373, "decode.loss_ce": 0.19534, "decode.acc_seg": 91.55915, "aux.loss_ce": 0.15421, "aux.acc_seg": 84.96999, "loss": 0.34955, "grad_norm": 10.72774, "time": 2.48293} {"mode": "train", "epoch": 92, "iter": 116100, "lr": 0.0, "memory": 14793, "data_time": 0.00709, "decode.loss_ce": 0.22906, "decode.acc_seg": 90.51973, "aux.loss_ce": 0.17032, "aux.acc_seg": 83.3574, "loss": 0.39938, "grad_norm": 19.05513, "time": 0.41798} {"mode": "train", "epoch": 92, "iter": 116150, "lr": 0.0, "memory": 14793, "data_time": 0.00659, "decode.loss_ce": 0.20827, "decode.acc_seg": 91.09302, "aux.loss_ce": 0.15713, "aux.acc_seg": 84.72657, "loss": 0.3654, "grad_norm": 10.25537, "time": 0.41196} {"mode": "train", "epoch": 92, "iter": 116200, "lr": 0.0, "memory": 14793, "data_time": 0.00546, "decode.loss_ce": 0.21762, "decode.acc_seg": 90.63973, "aux.loss_ce": 0.17072, "aux.acc_seg": 83.67883, "loss": 0.38834, "grad_norm": 9.90564, "time": 0.41906} {"mode": "train", "epoch": 92, "iter": 116250, "lr": 0.0, "memory": 14793, "data_time": 0.00564, "decode.loss_ce": 0.21579, "decode.acc_seg": 91.11053, "aux.loss_ce": 0.16715, "aux.acc_seg": 84.18018, "loss": 0.38293, "grad_norm": 12.32791, "time": 0.42541} {"mode": "train", "epoch": 93, "iter": 116300, "lr": 0.0, "memory": 14793, "data_time": 0.05155, "decode.loss_ce": 0.20586, "decode.acc_seg": 91.51986, "aux.loss_ce": 0.1619, "aux.acc_seg": 84.41596, "loss": 0.36776, "grad_norm": 16.04021, "time": 0.46032} {"mode": "train", "epoch": 93, "iter": 116350, "lr": 0.0, "memory": 14793, "data_time": 0.00607, "decode.loss_ce": 0.23495, "decode.acc_seg": 90.48939, "aux.loss_ce": 0.16867, "aux.acc_seg": 83.93385, "loss": 0.40362, "grad_norm": 19.24767, "time": 0.41091} {"mode": "train", "epoch": 93, "iter": 116400, "lr": 0.0, "memory": 14793, "data_time": 0.00596, "decode.loss_ce": 0.20718, "decode.acc_seg": 91.21029, "aux.loss_ce": 0.1499, "aux.acc_seg": 85.64928, "loss": 0.35709, "grad_norm": 11.7743, "time": 0.40772} {"mode": "train", "epoch": 93, "iter": 116450, "lr": 0.0, "memory": 14793, "data_time": 0.00603, "decode.loss_ce": 0.22202, "decode.acc_seg": 90.8063, "aux.loss_ce": 0.16714, "aux.acc_seg": 84.44085, "loss": 0.38916, "grad_norm": 12.25111, "time": 0.42107} {"mode": "train", "epoch": 93, "iter": 116500, "lr": 0.0, "memory": 14793, "data_time": 0.00646, "decode.loss_ce": 0.20514, "decode.acc_seg": 91.36015, "aux.loss_ce": 0.16312, "aux.acc_seg": 84.42469, "loss": 0.36826, "grad_norm": 13.47634, "time": 0.4114} {"mode": "train", "epoch": 93, "iter": 116550, "lr": 0.0, "memory": 14793, "data_time": 0.00559, "decode.loss_ce": 0.21272, "decode.acc_seg": 90.97687, "aux.loss_ce": 0.15626, "aux.acc_seg": 84.66391, "loss": 0.36897, "grad_norm": 13.9135, "time": 0.41671} {"mode": "train", "epoch": 93, "iter": 116600, "lr": 0.0, "memory": 14793, "data_time": 0.00573, "decode.loss_ce": 0.22394, "decode.acc_seg": 90.75279, "aux.loss_ce": 0.17216, "aux.acc_seg": 83.71106, "loss": 0.39611, "grad_norm": 13.4777, "time": 0.42139} {"mode": "train", "epoch": 93, "iter": 116650, "lr": 0.0, "memory": 14793, "data_time": 0.00531, "decode.loss_ce": 0.21646, "decode.acc_seg": 91.03165, "aux.loss_ce": 0.16288, "aux.acc_seg": 84.68478, "loss": 0.37934, "grad_norm": 11.0082, "time": 0.42132} {"mode": "train", "epoch": 93, "iter": 116700, "lr": 0.0, "memory": 14793, "data_time": 0.00611, "decode.loss_ce": 0.20567, "decode.acc_seg": 91.29753, "aux.loss_ce": 0.17222, "aux.acc_seg": 83.41641, "loss": 0.37789, "grad_norm": 16.91956, "time": 0.41972} {"mode": "train", "epoch": 93, "iter": 116750, "lr": 0.0, "memory": 14793, "data_time": 0.0055, "decode.loss_ce": 0.21512, "decode.acc_seg": 91.12792, "aux.loss_ce": 0.17172, "aux.acc_seg": 83.99636, "loss": 0.38684, "grad_norm": 13.26361, "time": 0.41166} {"mode": "train", "epoch": 93, "iter": 116800, "lr": 0.0, "memory": 14793, "data_time": 0.0058, "decode.loss_ce": 0.20457, "decode.acc_seg": 91.29484, "aux.loss_ce": 0.15739, "aux.acc_seg": 84.21892, "loss": 0.36196, "grad_norm": 11.80029, "time": 0.41259} {"mode": "train", "epoch": 93, "iter": 116850, "lr": 0.0, "memory": 14793, "data_time": 0.00559, "decode.loss_ce": 0.21447, "decode.acc_seg": 90.75338, "aux.loss_ce": 0.1651, "aux.acc_seg": 84.11253, "loss": 0.37957, "grad_norm": 15.13312, "time": 0.40991} {"mode": "train", "epoch": 93, "iter": 116900, "lr": 0.0, "memory": 14793, "data_time": 0.00616, "decode.loss_ce": 0.21683, "decode.acc_seg": 90.94885, "aux.loss_ce": 0.16641, "aux.acc_seg": 84.21541, "loss": 0.38325, "grad_norm": 12.71602, "time": 0.41254} {"mode": "train", "epoch": 93, "iter": 116950, "lr": 0.0, "memory": 14793, "data_time": 0.00546, "decode.loss_ce": 0.21855, "decode.acc_seg": 91.05853, "aux.loss_ce": 0.16965, "aux.acc_seg": 84.45598, "loss": 0.3882, "grad_norm": 17.1928, "time": 0.41028} {"mode": "train", "epoch": 93, "iter": 117000, "lr": 0.0, "memory": 14793, "data_time": 0.00614, "decode.loss_ce": 0.19993, "decode.acc_seg": 91.52079, "aux.loss_ce": 0.15145, "aux.acc_seg": 85.34307, "loss": 0.35138, "grad_norm": 11.86466, "time": 0.6896} {"mode": "val", "epoch": 93, "iter": 125, "lr": 0.0, "aAcc": 0.8496, "mIoU": 0.5485, "mAcc": 0.6755, "IoU.wall": 0.8044, "IoU.building": 0.8381, "IoU.sky": 0.9494, "IoU.floor": 0.8326, "IoU.tree": 0.7573, "IoU.ceiling": 0.8605, "IoU.road": 0.8538, "IoU.bed ": 0.9172, "IoU.windowpane": 0.6473, "IoU.grass": 0.6737, "IoU.cabinet": 0.6449, "IoU.sidewalk": 0.685, "IoU.person": 0.8412, "IoU.earth": 0.3743, "IoU.door": 0.5554, "IoU.table": 0.6524, "IoU.mountain": 0.6039, "IoU.plant": 0.5225, "IoU.curtain": 0.7661, "IoU.chair": 0.6326, "IoU.car": 0.8647, "IoU.water": 0.6159, "IoU.painting": 0.7456, "IoU.sofa": 0.7512, "IoU.shelf": 0.4626, "IoU.house": 0.5016, "IoU.sea": 0.7038, "IoU.mirror": 0.7273, "IoU.rug": 0.6698, "IoU.field": 0.3053, "IoU.armchair": 0.502, "IoU.seat": 0.6591, "IoU.fence": 0.4769, "IoU.desk": 0.5275, "IoU.rock": 0.5115, "IoU.wardrobe": 0.5543, "IoU.lamp": 0.6914, "IoU.bathtub": 0.8218, "IoU.railing": 0.4163, "IoU.cushion": 0.66, "IoU.base": 0.3958, "IoU.box": 0.3258, "IoU.column": 0.5399, "IoU.signboard": 0.3982, "IoU.chest of drawers": 0.4409, "IoU.counter": 0.3087, "IoU.sand": 0.5643, "IoU.sink": 0.7701, "IoU.skyscraper": 0.6514, "IoU.fireplace": 0.6975, "IoU.refrigerator": 0.7858, "IoU.grandstand": 0.4764, "IoU.path": 0.2575, "IoU.stairs": 0.3516, "IoU.runway": 0.6672, "IoU.case": 0.5101, "IoU.pool table": 0.9366, "IoU.pillow": 0.6185, "IoU.screen door": 0.6723, "IoU.stairway": 0.3991, "IoU.river": 0.0985, "IoU.bridge": 0.4017, "IoU.bookcase": 0.4683, "IoU.blind": 0.4825, "IoU.coffee table": 0.6141, "IoU.toilet": 0.8825, "IoU.flower": 0.4398, "IoU.book": 0.5182, "IoU.hill": 0.0734, "IoU.bench": 0.656, "IoU.countertop": 0.6196, "IoU.stove": 0.8348, "IoU.palm": 0.5573, "IoU.kitchen island": 0.4368, "IoU.computer": 0.7664, "IoU.swivel chair": 0.5493, "IoU.boat": 0.7099, "IoU.bar": 0.5087, "IoU.arcade machine": 0.7202, "IoU.hovel": 0.6208, "IoU.bus": 0.9229, "IoU.towel": 0.6935, "IoU.light": 0.5786, "IoU.truck": 0.4536, "IoU.tower": 0.2566, "IoU.chandelier": 0.7191, "IoU.awning": 0.35, "IoU.streetlight": 0.3337, "IoU.booth": 0.4013, "IoU.television receiver": 0.7683, "IoU.airplane": 0.7506, "IoU.dirt track": 0.027, "IoU.apparel": 0.6299, "IoU.pole": 0.2329, "IoU.land": 0.0547, "IoU.bannister": 0.172, "IoU.escalator": 0.5288, "IoU.ottoman": 0.5613, "IoU.bottle": 0.4124, "IoU.buffet": 0.468, "IoU.poster": 0.3385, "IoU.stage": 0.2214, "IoU.van": 0.4482, "IoU.ship": 0.5355, "IoU.fountain": 0.255, "IoU.conveyer belt": 0.8107, "IoU.canopy": 0.4086, "IoU.washer": 0.7407, "IoU.plaything": 0.3911, "IoU.swimming pool": 0.6662, "IoU.stool": 0.4856, "IoU.barrel": 0.4804, "IoU.basket": 0.3948, "IoU.waterfall": 0.6969, "IoU.tent": 0.9538, "IoU.bag": 0.2158, "IoU.minibike": 0.7277, "IoU.cradle": 0.8321, "IoU.oven": 0.4624, "IoU.ball": 0.5546, "IoU.food": 0.5588, "IoU.step": 0.2038, "IoU.tank": 0.6325, "IoU.trade name": 0.2912, "IoU.microwave": 0.8327, "IoU.pot": 0.5229, "IoU.animal": 0.5914, "IoU.bicycle": 0.5964, "IoU.lake": 0.507, "IoU.dishwasher": 0.6646, "IoU.screen": 0.5841, "IoU.blanket": 0.2093, "IoU.sculpture": 0.6916, "IoU.hood": 0.6578, "IoU.sconce": 0.5494, "IoU.vase": 0.4523, "IoU.traffic light": 0.381, "IoU.tray": 0.0566, "IoU.ashcan": 0.4845, "IoU.fan": 0.66, "IoU.pier": 0.458, "IoU.crt screen": 0.1324, "IoU.plate": 0.5819, "IoU.monitor": 0.3068, "IoU.bulletin board": 0.6395, "IoU.shower": 0.003, "IoU.radiator": 0.6462, "IoU.glass": 0.1613, "IoU.clock": 0.4603, "IoU.flag": 0.5157, "Acc.wall": 0.8884, "Acc.building": 0.923, "Acc.sky": 0.9759, "Acc.floor": 0.9049, "Acc.tree": 0.8937, "Acc.ceiling": 0.9258, "Acc.road": 0.9181, "Acc.bed ": 0.9698, "Acc.windowpane": 0.8176, "Acc.grass": 0.8204, "Acc.cabinet": 0.7473, "Acc.sidewalk": 0.8157, "Acc.person": 0.9299, "Acc.earth": 0.5105, "Acc.door": 0.7366, "Acc.table": 0.8044, "Acc.mountain": 0.7436, "Acc.plant": 0.6327, "Acc.curtain": 0.8701, "Acc.chair": 0.7564, "Acc.car": 0.9352, "Acc.water": 0.7746, "Acc.painting": 0.8971, "Acc.sofa": 0.8859, "Acc.shelf": 0.6616, "Acc.house": 0.7026, "Acc.sea": 0.8269, "Acc.mirror": 0.7924, "Acc.rug": 0.7858, "Acc.field": 0.459, "Acc.armchair": 0.6902, "Acc.seat": 0.8253, "Acc.fence": 0.6303, "Acc.desk": 0.7358, "Acc.rock": 0.7372, "Acc.wardrobe": 0.7287, "Acc.lamp": 0.8122, "Acc.bathtub": 0.8549, "Acc.railing": 0.583, "Acc.cushion": 0.8071, "Acc.base": 0.529, "Acc.box": 0.4142, "Acc.column": 0.6482, "Acc.signboard": 0.529, "Acc.chest of drawers": 0.6931, "Acc.counter": 0.424, "Acc.sand": 0.7669, "Acc.sink": 0.8341, "Acc.skyscraper": 0.8319, "Acc.fireplace": 0.9403, "Acc.refrigerator": 0.8509, "Acc.grandstand": 0.8459, "Acc.path": 0.4177, "Acc.stairs": 0.4753, "Acc.runway": 0.899, "Acc.case": 0.6732, "Acc.pool table": 0.9825, "Acc.pillow": 0.7152, "Acc.screen door": 0.817, "Acc.stairway": 0.4606, "Acc.river": 0.2128, "Acc.bridge": 0.4616, "Acc.bookcase": 0.6751, "Acc.blind": 0.5834, "Acc.coffee table": 0.8355, "Acc.toilet": 0.9315, "Acc.flower": 0.5907, "Acc.book": 0.7255, "Acc.hill": 0.1255, "Acc.bench": 0.7825, "Acc.countertop": 0.8218, "Acc.stove": 0.8953, "Acc.palm": 0.7406, "Acc.kitchen island": 0.7732, "Acc.computer": 0.891, "Acc.swivel chair": 0.8284, "Acc.boat": 0.7869, "Acc.bar": 0.6513, "Acc.arcade machine": 0.7734, "Acc.hovel": 0.7061, "Acc.bus": 0.9771, "Acc.towel": 0.8722, "Acc.light": 0.6585, "Acc.truck": 0.6092, "Acc.tower": 0.4797, "Acc.chandelier": 0.8407, "Acc.awning": 0.4333, "Acc.streetlight": 0.4552, "Acc.booth": 0.5378, "Acc.television receiver": 0.875, "Acc.airplane": 0.8384, "Acc.dirt track": 0.0463, "Acc.apparel": 0.7678, "Acc.pole": 0.3123, "Acc.land": 0.075, "Acc.bannister": 0.224, "Acc.escalator": 0.825, "Acc.ottoman": 0.7438, "Acc.bottle": 0.6566, "Acc.buffet": 0.6054, "Acc.poster": 0.4417, "Acc.stage": 0.3264, "Acc.van": 0.6214, "Acc.ship": 0.641, "Acc.fountain": 0.2575, "Acc.conveyer belt": 0.9368, "Acc.canopy": 0.6099, "Acc.washer": 0.7656, "Acc.plaything": 0.5544, "Acc.swimming pool": 0.7414, "Acc.stool": 0.6509, "Acc.barrel": 0.8329, "Acc.basket": 0.4926, "Acc.waterfall": 0.8083, "Acc.tent": 0.9855, "Acc.bag": 0.2611, "Acc.minibike": 0.8805, "Acc.cradle": 0.9824, "Acc.oven": 0.5995, "Acc.ball": 0.6336, "Acc.food": 0.6529, "Acc.step": 0.253, "Acc.tank": 0.6606, "Acc.trade name": 0.3429, "Acc.microwave": 0.9542, "Acc.pot": 0.6098, "Acc.animal": 0.6052, "Acc.bicycle": 0.7772, "Acc.lake": 0.6388, "Acc.dishwasher": 0.8266, "Acc.screen": 0.8781, "Acc.blanket": 0.2444, "Acc.sculpture": 0.839, "Acc.hood": 0.7091, "Acc.sconce": 0.6638, "Acc.vase": 0.6089, "Acc.traffic light": 0.5622, "Acc.tray": 0.0755, "Acc.ashcan": 0.6474, "Acc.fan": 0.7886, "Acc.pier": 0.7261, "Acc.crt screen": 0.2839, "Acc.plate": 0.7872, "Acc.monitor": 0.3581, "Acc.bulletin board": 0.7228, "Acc.shower": 0.0037, "Acc.radiator": 0.7447, "Acc.glass": 0.1717, "Acc.clock": 0.5034, "Acc.flag": 0.5826} {"mode": "train", "epoch": 93, "iter": 117050, "lr": 0.0, "memory": 14793, "data_time": 2.41364, "decode.loss_ce": 0.20983, "decode.acc_seg": 91.32916, "aux.loss_ce": 0.16127, "aux.acc_seg": 84.69458, "loss": 0.3711, "grad_norm": 9.04826, "time": 2.84567} {"mode": "train", "epoch": 93, "iter": 117100, "lr": 0.0, "memory": 14793, "data_time": 0.00568, "decode.loss_ce": 0.20692, "decode.acc_seg": 91.39738, "aux.loss_ce": 0.15831, "aux.acc_seg": 85.05814, "loss": 0.36524, "grad_norm": 15.43742, "time": 0.42014} {"mode": "train", "epoch": 93, "iter": 117150, "lr": 0.0, "memory": 14793, "data_time": 0.00596, "decode.loss_ce": 0.21215, "decode.acc_seg": 90.91725, "aux.loss_ce": 0.15523, "aux.acc_seg": 84.88447, "loss": 0.36738, "grad_norm": 23.86593, "time": 0.41167} {"mode": "train", "epoch": 93, "iter": 117200, "lr": 0.0, "memory": 14793, "data_time": 0.00545, "decode.loss_ce": 0.21083, "decode.acc_seg": 91.11881, "aux.loss_ce": 0.15932, "aux.acc_seg": 84.55502, "loss": 0.37015, "grad_norm": 12.7305, "time": 0.40784} {"mode": "train", "epoch": 93, "iter": 117250, "lr": 0.0, "memory": 14793, "data_time": 0.00525, "decode.loss_ce": 0.20796, "decode.acc_seg": 91.27973, "aux.loss_ce": 0.1536, "aux.acc_seg": 84.61633, "loss": 0.36156, "grad_norm": 15.59733, "time": 0.40849} {"mode": "train", "epoch": 93, "iter": 117300, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.21456, "decode.acc_seg": 91.0682, "aux.loss_ce": 0.16223, "aux.acc_seg": 84.55234, "loss": 0.37679, "grad_norm": 15.35624, "time": 0.41018} {"mode": "train", "epoch": 93, "iter": 117350, "lr": 0.0, "memory": 14793, "data_time": 0.00689, "decode.loss_ce": 0.21068, "decode.acc_seg": 91.2385, "aux.loss_ce": 0.15836, "aux.acc_seg": 84.77817, "loss": 0.36904, "grad_norm": 10.647, "time": 0.41145} {"mode": "train", "epoch": 93, "iter": 117400, "lr": 0.0, "memory": 14793, "data_time": 0.00613, "decode.loss_ce": 0.20802, "decode.acc_seg": 91.29526, "aux.loss_ce": 0.15712, "aux.acc_seg": 85.0034, "loss": 0.36514, "grad_norm": 11.9293, "time": 0.41745} {"mode": "train", "epoch": 93, "iter": 117450, "lr": 0.0, "memory": 14793, "data_time": 0.00593, "decode.loss_ce": 0.20892, "decode.acc_seg": 91.24556, "aux.loss_ce": 0.16165, "aux.acc_seg": 84.4424, "loss": 0.37058, "grad_norm": 13.97757, "time": 0.41661} {"mode": "train", "epoch": 93, "iter": 117500, "lr": 0.0, "memory": 14793, "data_time": 0.00543, "decode.loss_ce": 0.21133, "decode.acc_seg": 91.40891, "aux.loss_ce": 0.15947, "aux.acc_seg": 84.81365, "loss": 0.37079, "grad_norm": 14.79012, "time": 0.41869} {"mode": "train", "epoch": 93, "iter": 117550, "lr": 0.0, "memory": 14793, "data_time": 0.0055, "decode.loss_ce": 0.21108, "decode.acc_seg": 90.90293, "aux.loss_ce": 0.161, "aux.acc_seg": 84.10299, "loss": 0.37208, "grad_norm": 13.43964, "time": 0.4136} {"mode": "train", "epoch": 94, "iter": 117600, "lr": 0.0, "memory": 14793, "data_time": 0.05361, "decode.loss_ce": 0.21153, "decode.acc_seg": 91.30968, "aux.loss_ce": 0.16461, "aux.acc_seg": 83.94196, "loss": 0.37614, "grad_norm": 11.36481, "time": 0.46923} {"mode": "train", "epoch": 94, "iter": 117650, "lr": 0.0, "memory": 14793, "data_time": 0.00666, "decode.loss_ce": 0.20271, "decode.acc_seg": 91.29699, "aux.loss_ce": 0.15526, "aux.acc_seg": 84.79422, "loss": 0.35797, "grad_norm": 9.59459, "time": 0.41125} {"mode": "train", "epoch": 94, "iter": 117700, "lr": 0.0, "memory": 14793, "data_time": 0.00546, "decode.loss_ce": 0.20184, "decode.acc_seg": 91.63798, "aux.loss_ce": 0.15336, "aux.acc_seg": 85.3383, "loss": 0.3552, "grad_norm": 14.10859, "time": 0.41076} {"mode": "train", "epoch": 94, "iter": 117750, "lr": 0.0, "memory": 14793, "data_time": 0.00586, "decode.loss_ce": 0.2015, "decode.acc_seg": 91.42198, "aux.loss_ce": 0.156, "aux.acc_seg": 84.79031, "loss": 0.35749, "grad_norm": 9.08233, "time": 0.41345} {"mode": "train", "epoch": 94, "iter": 117800, "lr": 0.0, "memory": 14793, "data_time": 0.00564, "decode.loss_ce": 0.21052, "decode.acc_seg": 91.08792, "aux.loss_ce": 0.15879, "aux.acc_seg": 84.7637, "loss": 0.36931, "grad_norm": 11.56782, "time": 0.42327} {"mode": "train", "epoch": 94, "iter": 117850, "lr": 0.0, "memory": 14793, "data_time": 0.00799, "decode.loss_ce": 0.21532, "decode.acc_seg": 90.87442, "aux.loss_ce": 0.16419, "aux.acc_seg": 84.34371, "loss": 0.37951, "grad_norm": 13.44764, "time": 0.41687} {"mode": "train", "epoch": 94, "iter": 117900, "lr": 0.0, "memory": 14793, "data_time": 0.00599, "decode.loss_ce": 0.20545, "decode.acc_seg": 91.47731, "aux.loss_ce": 0.16699, "aux.acc_seg": 84.29095, "loss": 0.37244, "grad_norm": 10.03166, "time": 0.42234} {"mode": "train", "epoch": 94, "iter": 117950, "lr": 0.0, "memory": 14793, "data_time": 0.00533, "decode.loss_ce": 0.21152, "decode.acc_seg": 90.93581, "aux.loss_ce": 0.15689, "aux.acc_seg": 84.88691, "loss": 0.36841, "grad_norm": 11.45991, "time": 0.41418} {"mode": "train", "epoch": 94, "iter": 118000, "lr": 0.0, "memory": 14793, "data_time": 0.00547, "decode.loss_ce": 0.21795, "decode.acc_seg": 91.00488, "aux.loss_ce": 0.16045, "aux.acc_seg": 84.87839, "loss": 0.3784, "grad_norm": 12.96354, "time": 0.63632} {"mode": "val", "epoch": 94, "iter": 125, "lr": 0.0, "aAcc": 0.8495, "mIoU": 0.5486, "mAcc": 0.6785, "IoU.wall": 0.8054, "IoU.building": 0.837, "IoU.sky": 0.95, "IoU.floor": 0.8346, "IoU.tree": 0.7598, "IoU.ceiling": 0.8594, "IoU.road": 0.8514, "IoU.bed ": 0.9184, "IoU.windowpane": 0.6436, "IoU.grass": 0.6751, "IoU.cabinet": 0.6516, "IoU.sidewalk": 0.6879, "IoU.person": 0.8416, "IoU.earth": 0.3599, "IoU.door": 0.5611, "IoU.table": 0.6533, "IoU.mountain": 0.6053, "IoU.plant": 0.5282, "IoU.curtain": 0.7565, "IoU.chair": 0.638, "IoU.car": 0.8636, "IoU.water": 0.5856, "IoU.painting": 0.7442, "IoU.sofa": 0.7579, "IoU.shelf": 0.4677, "IoU.house": 0.5136, "IoU.sea": 0.6607, "IoU.mirror": 0.7409, "IoU.rug": 0.6862, "IoU.field": 0.2999, "IoU.armchair": 0.5076, "IoU.seat": 0.6675, "IoU.fence": 0.4744, "IoU.desk": 0.5331, "IoU.rock": 0.5162, "IoU.wardrobe": 0.5529, "IoU.lamp": 0.6885, "IoU.bathtub": 0.8221, "IoU.railing": 0.4047, "IoU.cushion": 0.6571, "IoU.base": 0.3995, "IoU.box": 0.338, "IoU.column": 0.5473, "IoU.signboard": 0.3883, "IoU.chest of drawers": 0.4462, "IoU.counter": 0.3086, "IoU.sand": 0.5849, "IoU.sink": 0.778, "IoU.skyscraper": 0.6007, "IoU.fireplace": 0.7194, "IoU.refrigerator": 0.7831, "IoU.grandstand": 0.4671, "IoU.path": 0.2723, "IoU.stairs": 0.3175, "IoU.runway": 0.6611, "IoU.case": 0.5022, "IoU.pool table": 0.9366, "IoU.pillow": 0.6312, "IoU.screen door": 0.7327, "IoU.stairway": 0.3913, "IoU.river": 0.116, "IoU.bridge": 0.4198, "IoU.bookcase": 0.4732, "IoU.blind": 0.4463, "IoU.coffee table": 0.6091, "IoU.toilet": 0.8806, "IoU.flower": 0.4463, "IoU.book": 0.5136, "IoU.hill": 0.0654, "IoU.bench": 0.6602, "IoU.countertop": 0.6101, "IoU.stove": 0.8325, "IoU.palm": 0.5645, "IoU.kitchen island": 0.4482, "IoU.computer": 0.7548, "IoU.swivel chair": 0.5031, "IoU.boat": 0.7698, "IoU.bar": 0.4999, "IoU.arcade machine": 0.6842, "IoU.hovel": 0.619, "IoU.bus": 0.9128, "IoU.towel": 0.6986, "IoU.light": 0.595, "IoU.truck": 0.429, "IoU.tower": 0.3112, "IoU.chandelier": 0.7148, "IoU.awning": 0.3366, "IoU.streetlight": 0.3331, "IoU.booth": 0.3968, "IoU.television receiver": 0.7653, "IoU.airplane": 0.7189, "IoU.dirt track": 0.0407, "IoU.apparel": 0.601, "IoU.pole": 0.2412, "IoU.land": 0.0581, "IoU.bannister": 0.1777, "IoU.escalator": 0.5451, "IoU.ottoman": 0.5578, "IoU.bottle": 0.4229, "IoU.buffet": 0.4578, "IoU.poster": 0.3139, "IoU.stage": 0.2232, "IoU.van": 0.3923, "IoU.ship": 0.5085, "IoU.fountain": 0.2649, "IoU.conveyer belt": 0.7888, "IoU.canopy": 0.4092, "IoU.washer": 0.7288, "IoU.plaything": 0.3838, "IoU.swimming pool": 0.5776, "IoU.stool": 0.4791, "IoU.barrel": 0.5035, "IoU.basket": 0.4063, "IoU.waterfall": 0.6688, "IoU.tent": 0.9519, "IoU.bag": 0.2206, "IoU.minibike": 0.7353, "IoU.cradle": 0.8371, "IoU.oven": 0.4744, "IoU.ball": 0.5747, "IoU.food": 0.5632, "IoU.step": 0.2408, "IoU.tank": 0.6341, "IoU.trade name": 0.2949, "IoU.microwave": 0.8334, "IoU.pot": 0.5273, "IoU.animal": 0.6026, "IoU.bicycle": 0.5975, "IoU.lake": 0.5274, "IoU.dishwasher": 0.678, "IoU.screen": 0.5941, "IoU.blanket": 0.2306, "IoU.sculpture": 0.6735, "IoU.hood": 0.6491, "IoU.sconce": 0.5497, "IoU.vase": 0.4464, "IoU.traffic light": 0.3752, "IoU.tray": 0.0732, "IoU.ashcan": 0.4909, "IoU.fan": 0.6731, "IoU.pier": 0.5382, "IoU.crt screen": 0.1357, "IoU.plate": 0.5811, "IoU.monitor": 0.2569, "IoU.bulletin board": 0.6456, "IoU.shower": 0.0054, "IoU.radiator": 0.6588, "IoU.glass": 0.1688, "IoU.clock": 0.4714, "IoU.flag": 0.5347, "Acc.wall": 0.8892, "Acc.building": 0.9166, "Acc.sky": 0.9764, "Acc.floor": 0.9016, "Acc.tree": 0.8945, "Acc.ceiling": 0.9284, "Acc.road": 0.9117, "Acc.bed ": 0.9708, "Acc.windowpane": 0.8124, "Acc.grass": 0.8241, "Acc.cabinet": 0.7656, "Acc.sidewalk": 0.8373, "Acc.person": 0.9317, "Acc.earth": 0.4824, "Acc.door": 0.7178, "Acc.table": 0.7993, "Acc.mountain": 0.7473, "Acc.plant": 0.6457, "Acc.curtain": 0.8593, "Acc.chair": 0.7832, "Acc.car": 0.9379, "Acc.water": 0.7294, "Acc.painting": 0.9067, "Acc.sofa": 0.8712, "Acc.shelf": 0.678, "Acc.house": 0.7455, "Acc.sea": 0.8711, "Acc.mirror": 0.8239, "Acc.rug": 0.834, "Acc.field": 0.4771, "Acc.armchair": 0.6806, "Acc.seat": 0.843, "Acc.fence": 0.6505, "Acc.desk": 0.7263, "Acc.rock": 0.7285, "Acc.wardrobe": 0.7243, "Acc.lamp": 0.8149, "Acc.bathtub": 0.8563, "Acc.railing": 0.5581, "Acc.cushion": 0.7771, "Acc.base": 0.5374, "Acc.box": 0.4382, "Acc.column": 0.6777, "Acc.signboard": 0.5366, "Acc.chest of drawers": 0.6545, "Acc.counter": 0.4266, "Acc.sand": 0.777, "Acc.sink": 0.8535, "Acc.skyscraper": 0.7669, "Acc.fireplace": 0.9351, "Acc.refrigerator": 0.8347, "Acc.grandstand": 0.8461, "Acc.path": 0.3855, "Acc.stairs": 0.4065, "Acc.runway": 0.8775, "Acc.case": 0.6154, "Acc.pool table": 0.9838, "Acc.pillow": 0.7606, "Acc.screen door": 0.8549, "Acc.stairway": 0.5022, "Acc.river": 0.2264, "Acc.bridge": 0.4739, "Acc.bookcase": 0.6652, "Acc.blind": 0.5162, "Acc.coffee table": 0.8669, "Acc.toilet": 0.9305, "Acc.flower": 0.5908, "Acc.book": 0.7396, "Acc.hill": 0.1241, "Acc.bench": 0.7807, "Acc.countertop": 0.8147, "Acc.stove": 0.8926, "Acc.palm": 0.7736, "Acc.kitchen island": 0.7852, "Acc.computer": 0.9016, "Acc.swivel chair": 0.6747, "Acc.boat": 0.8603, "Acc.bar": 0.6491, "Acc.arcade machine": 0.7325, "Acc.hovel": 0.7001, "Acc.bus": 0.9761, "Acc.towel": 0.88, "Acc.light": 0.7255, "Acc.truck": 0.5714, "Acc.tower": 0.6325, "Acc.chandelier": 0.8657, "Acc.awning": 0.4146, "Acc.streetlight": 0.475, "Acc.booth": 0.4996, "Acc.television receiver": 0.8757, "Acc.airplane": 0.8144, "Acc.dirt track": 0.0684, "Acc.apparel": 0.7819, "Acc.pole": 0.3377, "Acc.land": 0.0821, "Acc.bannister": 0.2324, "Acc.escalator": 0.8445, "Acc.ottoman": 0.7528, "Acc.bottle": 0.6552, "Acc.buffet": 0.5567, "Acc.poster": 0.4632, "Acc.stage": 0.3278, "Acc.van": 0.5494, "Acc.ship": 0.5674, "Acc.fountain": 0.2672, "Acc.conveyer belt": 0.9469, "Acc.canopy": 0.5711, "Acc.washer": 0.7524, "Acc.plaything": 0.573, "Acc.swimming pool": 0.7541, "Acc.stool": 0.6482, "Acc.barrel": 0.8795, "Acc.basket": 0.515, "Acc.waterfall": 0.7985, "Acc.tent": 0.9852, "Acc.bag": 0.2704, "Acc.minibike": 0.8807, "Acc.cradle": 0.9803, "Acc.oven": 0.6042, "Acc.ball": 0.668, "Acc.food": 0.6333, "Acc.step": 0.3076, "Acc.tank": 0.6643, "Acc.trade name": 0.3515, "Acc.microwave": 0.9607, "Acc.pot": 0.6242, "Acc.animal": 0.6177, "Acc.bicycle": 0.7853, "Acc.lake": 0.6381, "Acc.dishwasher": 0.8254, "Acc.screen": 0.8388, "Acc.blanket": 0.2729, "Acc.sculpture": 0.8444, "Acc.hood": 0.7094, "Acc.sconce": 0.6873, "Acc.vase": 0.646, "Acc.traffic light": 0.5564, "Acc.tray": 0.1015, "Acc.ashcan": 0.6855, "Acc.fan": 0.8277, "Acc.pier": 0.7371, "Acc.crt screen": 0.3041, "Acc.plate": 0.7853, "Acc.monitor": 0.3025, "Acc.bulletin board": 0.7463, "Acc.shower": 0.0057, "Acc.radiator": 0.7365, "Acc.glass": 0.1824, "Acc.clock": 0.5439, "Acc.flag": 0.6061} {"mode": "train", "epoch": 94, "iter": 118050, "lr": 0.0, "memory": 14793, "data_time": 2.35723, "decode.loss_ce": 0.21866, "decode.acc_seg": 91.06869, "aux.loss_ce": 0.16895, "aux.acc_seg": 84.34733, "loss": 0.38761, "grad_norm": 11.59074, "time": 2.7953} {"mode": "train", "epoch": 94, "iter": 118100, "lr": 0.0, "memory": 14793, "data_time": 0.00813, "decode.loss_ce": 0.20713, "decode.acc_seg": 91.55594, "aux.loss_ce": 0.1547, "aux.acc_seg": 85.52051, "loss": 0.36183, "grad_norm": 13.06081, "time": 0.4247} {"mode": "train", "epoch": 94, "iter": 118150, "lr": 0.0, "memory": 14793, "data_time": 0.00554, "decode.loss_ce": 0.19917, "decode.acc_seg": 91.64219, "aux.loss_ce": 0.15229, "aux.acc_seg": 85.41909, "loss": 0.35146, "grad_norm": 14.80608, "time": 0.41601} {"mode": "train", "epoch": 94, "iter": 118200, "lr": 0.0, "memory": 14793, "data_time": 0.00628, "decode.loss_ce": 0.20968, "decode.acc_seg": 91.19917, "aux.loss_ce": 0.16912, "aux.acc_seg": 83.52765, "loss": 0.37881, "grad_norm": 13.19211, "time": 0.42574} {"mode": "train", "epoch": 94, "iter": 118250, "lr": 0.0, "memory": 14793, "data_time": 0.00555, "decode.loss_ce": 0.22461, "decode.acc_seg": 90.61761, "aux.loss_ce": 0.16921, "aux.acc_seg": 83.97727, "loss": 0.39382, "grad_norm": 12.45597, "time": 0.41485} {"mode": "train", "epoch": 94, "iter": 118300, "lr": 0.0, "memory": 14793, "data_time": 0.00524, "decode.loss_ce": 0.21295, "decode.acc_seg": 91.1521, "aux.loss_ce": 0.16127, "aux.acc_seg": 84.32623, "loss": 0.37422, "grad_norm": 11.3832, "time": 0.42214} {"mode": "train", "epoch": 94, "iter": 118350, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.21071, "decode.acc_seg": 91.34065, "aux.loss_ce": 0.1648, "aux.acc_seg": 84.53244, "loss": 0.37551, "grad_norm": 14.439, "time": 0.4157} {"mode": "train", "epoch": 94, "iter": 118400, "lr": 0.0, "memory": 14793, "data_time": 0.00524, "decode.loss_ce": 0.21982, "decode.acc_seg": 90.90789, "aux.loss_ce": 0.16365, "aux.acc_seg": 84.55307, "loss": 0.38347, "grad_norm": 10.79305, "time": 0.4159} {"mode": "train", "epoch": 94, "iter": 118450, "lr": 0.0, "memory": 14793, "data_time": 0.0054, "decode.loss_ce": 0.21856, "decode.acc_seg": 91.21585, "aux.loss_ce": 0.16403, "aux.acc_seg": 84.93756, "loss": 0.38259, "grad_norm": 12.5141, "time": 0.41356} {"mode": "train", "epoch": 94, "iter": 118500, "lr": 0.0, "memory": 14793, "data_time": 0.00519, "decode.loss_ce": 0.20898, "decode.acc_seg": 91.12092, "aux.loss_ce": 0.1621, "aux.acc_seg": 84.0448, "loss": 0.37109, "grad_norm": 14.31144, "time": 0.40291} {"mode": "train", "epoch": 94, "iter": 118550, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.21219, "decode.acc_seg": 91.21545, "aux.loss_ce": 0.16756, "aux.acc_seg": 84.13196, "loss": 0.37975, "grad_norm": 12.1236, "time": 0.40508} {"mode": "train", "epoch": 94, "iter": 118600, "lr": 0.0, "memory": 14793, "data_time": 0.0058, "decode.loss_ce": 0.19861, "decode.acc_seg": 91.56683, "aux.loss_ce": 0.14719, "aux.acc_seg": 85.72021, "loss": 0.34579, "grad_norm": 10.32335, "time": 0.4118} {"mode": "train", "epoch": 94, "iter": 118650, "lr": 0.0, "memory": 14793, "data_time": 0.00502, "decode.loss_ce": 0.20471, "decode.acc_seg": 91.5687, "aux.loss_ce": 0.1596, "aux.acc_seg": 85.12263, "loss": 0.36431, "grad_norm": 12.85262, "time": 0.41733} {"mode": "train", "epoch": 94, "iter": 118700, "lr": 0.0, "memory": 14793, "data_time": 0.00768, "decode.loss_ce": 0.20449, "decode.acc_seg": 91.42478, "aux.loss_ce": 0.15344, "aux.acc_seg": 85.50149, "loss": 0.35794, "grad_norm": 17.92202, "time": 0.41924} {"mode": "train", "epoch": 94, "iter": 118750, "lr": 0.0, "memory": 14793, "data_time": 0.00581, "decode.loss_ce": 0.21652, "decode.acc_seg": 91.15362, "aux.loss_ce": 0.15931, "aux.acc_seg": 84.87106, "loss": 0.37582, "grad_norm": 10.96785, "time": 0.42795} {"mode": "train", "epoch": 94, "iter": 118800, "lr": 0.0, "memory": 14793, "data_time": 0.00519, "decode.loss_ce": 0.20929, "decode.acc_seg": 91.05421, "aux.loss_ce": 0.1598, "aux.acc_seg": 84.25717, "loss": 0.3691, "grad_norm": 12.2118, "time": 0.41136} {"mode": "train", "epoch": 95, "iter": 118850, "lr": 0.0, "memory": 14793, "data_time": 0.0508, "decode.loss_ce": 0.20911, "decode.acc_seg": 91.31302, "aux.loss_ce": 0.15939, "aux.acc_seg": 85.00591, "loss": 0.3685, "grad_norm": 12.26815, "time": 0.46225} {"mode": "train", "epoch": 95, "iter": 118900, "lr": 0.0, "memory": 14793, "data_time": 0.00517, "decode.loss_ce": 0.19252, "decode.acc_seg": 91.95395, "aux.loss_ce": 0.15385, "aux.acc_seg": 85.50678, "loss": 0.34637, "grad_norm": 11.5076, "time": 0.41269} {"mode": "train", "epoch": 95, "iter": 118950, "lr": 0.0, "memory": 14793, "data_time": 0.00609, "decode.loss_ce": 0.20557, "decode.acc_seg": 91.30792, "aux.loss_ce": 0.15843, "aux.acc_seg": 84.59869, "loss": 0.36399, "grad_norm": 10.96107, "time": 0.41496} {"mode": "train", "epoch": 95, "iter": 119000, "lr": 0.0, "memory": 14793, "data_time": 0.00545, "decode.loss_ce": 0.18965, "decode.acc_seg": 92.06591, "aux.loss_ce": 0.14721, "aux.acc_seg": 85.58161, "loss": 0.33687, "grad_norm": 11.83867, "time": 0.63537} {"mode": "val", "epoch": 95, "iter": 125, "lr": 0.0, "aAcc": 0.8498, "mIoU": 0.5464, "mAcc": 0.6724, "IoU.wall": 0.8057, "IoU.building": 0.8364, "IoU.sky": 0.9501, "IoU.floor": 0.8313, "IoU.tree": 0.7611, "IoU.ceiling": 0.8588, "IoU.road": 0.8572, "IoU.bed ": 0.9138, "IoU.windowpane": 0.645, "IoU.grass": 0.6659, "IoU.cabinet": 0.6495, "IoU.sidewalk": 0.6942, "IoU.person": 0.8408, "IoU.earth": 0.369, "IoU.door": 0.5597, "IoU.table": 0.6583, "IoU.mountain": 0.6059, "IoU.plant": 0.5376, "IoU.curtain": 0.756, "IoU.chair": 0.6371, "IoU.car": 0.8675, "IoU.water": 0.619, "IoU.painting": 0.753, "IoU.sofa": 0.7415, "IoU.shelf": 0.4662, "IoU.house": 0.4916, "IoU.sea": 0.7158, "IoU.mirror": 0.7514, "IoU.rug": 0.6862, "IoU.field": 0.2919, "IoU.armchair": 0.474, "IoU.seat": 0.6681, "IoU.fence": 0.4785, "IoU.desk": 0.5331, "IoU.rock": 0.5191, "IoU.wardrobe": 0.5475, "IoU.lamp": 0.6923, "IoU.bathtub": 0.8245, "IoU.railing": 0.4139, "IoU.cushion": 0.6607, "IoU.base": 0.3953, "IoU.box": 0.3414, "IoU.column": 0.5437, "IoU.signboard": 0.3957, "IoU.chest of drawers": 0.4424, "IoU.counter": 0.3139, "IoU.sand": 0.5615, "IoU.sink": 0.7787, "IoU.skyscraper": 0.5758, "IoU.fireplace": 0.6995, "IoU.refrigerator": 0.7781, "IoU.grandstand": 0.4757, "IoU.path": 0.2573, "IoU.stairs": 0.3408, "IoU.runway": 0.6455, "IoU.case": 0.527, "IoU.pool table": 0.9378, "IoU.pillow": 0.598, "IoU.screen door": 0.7312, "IoU.stairway": 0.3936, "IoU.river": 0.1025, "IoU.bridge": 0.3954, "IoU.bookcase": 0.4614, "IoU.blind": 0.4561, "IoU.coffee table": 0.617, "IoU.toilet": 0.8762, "IoU.flower": 0.4328, "IoU.book": 0.5093, "IoU.hill": 0.0666, "IoU.bench": 0.6523, "IoU.countertop": 0.6268, "IoU.stove": 0.831, "IoU.palm": 0.5673, "IoU.kitchen island": 0.453, "IoU.computer": 0.7529, "IoU.swivel chair": 0.5458, "IoU.boat": 0.7653, "IoU.bar": 0.4998, "IoU.arcade machine": 0.6663, "IoU.hovel": 0.6186, "IoU.bus": 0.9292, "IoU.towel": 0.7156, "IoU.light": 0.592, "IoU.truck": 0.4479, "IoU.tower": 0.2509, "IoU.chandelier": 0.7216, "IoU.awning": 0.3474, "IoU.streetlight": 0.3355, "IoU.booth": 0.3883, "IoU.television receiver": 0.7671, "IoU.airplane": 0.7284, "IoU.dirt track": 0.0453, "IoU.apparel": 0.6129, "IoU.pole": 0.2508, "IoU.land": 0.0606, "IoU.bannister": 0.1648, "IoU.escalator": 0.5308, "IoU.ottoman": 0.5518, "IoU.bottle": 0.4158, "IoU.buffet": 0.4649, "IoU.poster": 0.3278, "IoU.stage": 0.2252, "IoU.van": 0.4723, "IoU.ship": 0.4414, "IoU.fountain": 0.2472, "IoU.conveyer belt": 0.793, "IoU.canopy": 0.4159, "IoU.washer": 0.7169, "IoU.plaything": 0.3848, "IoU.swimming pool": 0.618, "IoU.stool": 0.4853, "IoU.barrel": 0.518, "IoU.basket": 0.4064, "IoU.waterfall": 0.646, "IoU.tent": 0.9565, "IoU.bag": 0.2135, "IoU.minibike": 0.7268, "IoU.cradle": 0.8473, "IoU.oven": 0.4843, "IoU.ball": 0.349, "IoU.food": 0.5536, "IoU.step": 0.1969, "IoU.tank": 0.633, "IoU.trade name": 0.309, "IoU.microwave": 0.8373, "IoU.pot": 0.5277, "IoU.animal": 0.6058, "IoU.bicycle": 0.6014, "IoU.lake": 0.5005, "IoU.dishwasher": 0.6696, "IoU.screen": 0.6016, "IoU.blanket": 0.2813, "IoU.sculpture": 0.6857, "IoU.hood": 0.6496, "IoU.sconce": 0.5439, "IoU.vase": 0.4547, "IoU.traffic light": 0.3806, "IoU.tray": 0.0706, "IoU.ashcan": 0.4815, "IoU.fan": 0.671, "IoU.pier": 0.4425, "IoU.crt screen": 0.1304, "IoU.plate": 0.5786, "IoU.monitor": 0.2719, "IoU.bulletin board": 0.649, "IoU.shower": 0.0, "IoU.radiator": 0.6268, "IoU.glass": 0.1703, "IoU.clock": 0.4604, "IoU.flag": 0.5258, "Acc.wall": 0.8937, "Acc.building": 0.9213, "Acc.sky": 0.9768, "Acc.floor": 0.9076, "Acc.tree": 0.8851, "Acc.ceiling": 0.9203, "Acc.road": 0.9194, "Acc.bed ": 0.9752, "Acc.windowpane": 0.8169, "Acc.grass": 0.8128, "Acc.cabinet": 0.7497, "Acc.sidewalk": 0.8317, "Acc.person": 0.9352, "Acc.earth": 0.4889, "Acc.door": 0.7253, "Acc.table": 0.7896, "Acc.mountain": 0.7355, "Acc.plant": 0.6615, "Acc.curtain": 0.86, "Acc.chair": 0.7682, "Acc.car": 0.9331, "Acc.water": 0.7705, "Acc.painting": 0.8991, "Acc.sofa": 0.8947, "Acc.shelf": 0.6682, "Acc.house": 0.7056, "Acc.sea": 0.8462, "Acc.mirror": 0.8209, "Acc.rug": 0.8212, "Acc.field": 0.4684, "Acc.armchair": 0.6316, "Acc.seat": 0.8313, "Acc.fence": 0.6312, "Acc.desk": 0.745, "Acc.rock": 0.7748, "Acc.wardrobe": 0.7097, "Acc.lamp": 0.8215, "Acc.bathtub": 0.8597, "Acc.railing": 0.5655, "Acc.cushion": 0.78, "Acc.base": 0.5476, "Acc.box": 0.4549, "Acc.column": 0.6553, "Acc.signboard": 0.5517, "Acc.chest of drawers": 0.686, "Acc.counter": 0.399, "Acc.sand": 0.7948, "Acc.sink": 0.851, "Acc.skyscraper": 0.739, "Acc.fireplace": 0.9408, "Acc.refrigerator": 0.8441, "Acc.grandstand": 0.8458, "Acc.path": 0.396, "Acc.stairs": 0.4596, "Acc.runway": 0.8441, "Acc.case": 0.6649, "Acc.pool table": 0.9814, "Acc.pillow": 0.6776, "Acc.screen door": 0.8477, "Acc.stairway": 0.4795, "Acc.river": 0.2226, "Acc.bridge": 0.4488, "Acc.bookcase": 0.695, "Acc.blind": 0.5326, "Acc.coffee table": 0.8662, "Acc.toilet": 0.9322, "Acc.flower": 0.5747, "Acc.book": 0.7112, "Acc.hill": 0.1109, "Acc.bench": 0.7795, "Acc.countertop": 0.8084, "Acc.stove": 0.8944, "Acc.palm": 0.7814, "Acc.kitchen island": 0.7934, "Acc.computer": 0.9021, "Acc.swivel chair": 0.7546, "Acc.boat": 0.8558, "Acc.bar": 0.6476, "Acc.arcade machine": 0.702, "Acc.hovel": 0.6983, "Acc.bus": 0.9738, "Acc.towel": 0.8714, "Acc.light": 0.7199, "Acc.truck": 0.5889, "Acc.tower": 0.4456, "Acc.chandelier": 0.8523, "Acc.awning": 0.4353, "Acc.streetlight": 0.4573, "Acc.booth": 0.4931, "Acc.television receiver": 0.8666, "Acc.airplane": 0.8216, "Acc.dirt track": 0.0719, "Acc.apparel": 0.7566, "Acc.pole": 0.3585, "Acc.land": 0.0766, "Acc.bannister": 0.2192, "Acc.escalator": 0.8365, "Acc.ottoman": 0.7245, "Acc.bottle": 0.6806, "Acc.buffet": 0.5744, "Acc.poster": 0.4602, "Acc.stage": 0.3191, "Acc.van": 0.6541, "Acc.ship": 0.4887, "Acc.fountain": 0.2493, "Acc.conveyer belt": 0.9498, "Acc.canopy": 0.5895, "Acc.washer": 0.7346, "Acc.plaything": 0.5419, "Acc.swimming pool": 0.7592, "Acc.stool": 0.6515, "Acc.barrel": 0.8375, "Acc.basket": 0.5293, "Acc.waterfall": 0.7562, "Acc.tent": 0.9824, "Acc.bag": 0.2547, "Acc.minibike": 0.8853, "Acc.cradle": 0.9787, "Acc.oven": 0.6057, "Acc.ball": 0.3634, "Acc.food": 0.6295, "Acc.step": 0.2431, "Acc.tank": 0.6592, "Acc.trade name": 0.3794, "Acc.microwave": 0.9626, "Acc.pot": 0.6169, "Acc.animal": 0.623, "Acc.bicycle": 0.8012, "Acc.lake": 0.6376, "Acc.dishwasher": 0.8126, "Acc.screen": 0.8387, "Acc.blanket": 0.3431, "Acc.sculpture": 0.8461, "Acc.hood": 0.6976, "Acc.sconce": 0.6521, "Acc.vase": 0.6125, "Acc.traffic light": 0.5592, "Acc.tray": 0.1026, "Acc.ashcan": 0.638, "Acc.fan": 0.8187, "Acc.pier": 0.6688, "Acc.crt screen": 0.2738, "Acc.plate": 0.8039, "Acc.monitor": 0.32, "Acc.bulletin board": 0.7577, "Acc.shower": 0.0, "Acc.radiator": 0.7584, "Acc.glass": 0.1847, "Acc.clock": 0.5021, "Acc.flag": 0.5817} {"mode": "train", "epoch": 95, "iter": 119050, "lr": 0.0, "memory": 14793, "data_time": 2.13486, "decode.loss_ce": 0.20567, "decode.acc_seg": 91.40354, "aux.loss_ce": 0.15755, "aux.acc_seg": 85.0302, "loss": 0.36321, "grad_norm": 20.54193, "time": 2.56027} {"mode": "train", "epoch": 95, "iter": 119100, "lr": 0.0, "memory": 14793, "data_time": 0.00583, "decode.loss_ce": 0.20288, "decode.acc_seg": 91.40354, "aux.loss_ce": 0.16365, "aux.acc_seg": 84.53141, "loss": 0.36652, "grad_norm": 10.84225, "time": 0.42311} {"mode": "train", "epoch": 95, "iter": 119150, "lr": 0.0, "memory": 14793, "data_time": 0.0057, "decode.loss_ce": 0.20083, "decode.acc_seg": 91.4048, "aux.loss_ce": 0.15047, "aux.acc_seg": 84.96151, "loss": 0.35131, "grad_norm": 12.56792, "time": 0.42012} {"mode": "train", "epoch": 95, "iter": 119200, "lr": 0.0, "memory": 14793, "data_time": 0.00645, "decode.loss_ce": 0.19796, "decode.acc_seg": 91.00896, "aux.loss_ce": 0.14472, "aux.acc_seg": 85.51473, "loss": 0.34268, "grad_norm": 11.02668, "time": 0.42002} {"mode": "train", "epoch": 95, "iter": 119250, "lr": 0.0, "memory": 14793, "data_time": 0.00648, "decode.loss_ce": 0.22423, "decode.acc_seg": 90.88771, "aux.loss_ce": 0.16441, "aux.acc_seg": 84.87333, "loss": 0.38864, "grad_norm": 18.06442, "time": 0.40793} {"mode": "train", "epoch": 95, "iter": 119300, "lr": 0.0, "memory": 14793, "data_time": 0.00558, "decode.loss_ce": 0.22518, "decode.acc_seg": 91.04135, "aux.loss_ce": 0.16845, "aux.acc_seg": 84.29464, "loss": 0.39362, "grad_norm": 12.657, "time": 0.40331} {"mode": "train", "epoch": 95, "iter": 119350, "lr": 0.0, "memory": 14793, "data_time": 0.00549, "decode.loss_ce": 0.19907, "decode.acc_seg": 91.59254, "aux.loss_ce": 0.15233, "aux.acc_seg": 85.41491, "loss": 0.35139, "grad_norm": 11.18957, "time": 0.40095} {"mode": "train", "epoch": 95, "iter": 119400, "lr": 0.0, "memory": 14793, "data_time": 0.00528, "decode.loss_ce": 0.20799, "decode.acc_seg": 91.29536, "aux.loss_ce": 0.15612, "aux.acc_seg": 85.07516, "loss": 0.36411, "grad_norm": 14.43133, "time": 0.40877} {"mode": "train", "epoch": 95, "iter": 119450, "lr": 0.0, "memory": 14793, "data_time": 0.00605, "decode.loss_ce": 0.21775, "decode.acc_seg": 91.32157, "aux.loss_ce": 0.16187, "aux.acc_seg": 84.76837, "loss": 0.37962, "grad_norm": 13.13472, "time": 0.41803} {"mode": "train", "epoch": 95, "iter": 119500, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.20953, "decode.acc_seg": 91.29191, "aux.loss_ce": 0.15741, "aux.acc_seg": 84.94858, "loss": 0.36694, "grad_norm": 13.32682, "time": 0.41324} {"mode": "train", "epoch": 95, "iter": 119550, "lr": 0.0, "memory": 14793, "data_time": 0.00632, "decode.loss_ce": 0.21467, "decode.acc_seg": 91.16057, "aux.loss_ce": 0.16974, "aux.acc_seg": 83.97204, "loss": 0.38441, "grad_norm": 11.85919, "time": 0.42565} {"mode": "train", "epoch": 95, "iter": 119600, "lr": 0.0, "memory": 14793, "data_time": 0.00562, "decode.loss_ce": 0.21273, "decode.acc_seg": 91.06296, "aux.loss_ce": 0.15926, "aux.acc_seg": 84.35248, "loss": 0.37199, "grad_norm": 12.6849, "time": 0.41325} {"mode": "train", "epoch": 95, "iter": 119650, "lr": 0.0, "memory": 14793, "data_time": 0.00628, "decode.loss_ce": 0.22184, "decode.acc_seg": 90.86504, "aux.loss_ce": 0.17307, "aux.acc_seg": 83.53571, "loss": 0.39491, "grad_norm": 15.21838, "time": 0.40785} {"mode": "train", "epoch": 95, "iter": 119700, "lr": 0.0, "memory": 14793, "data_time": 0.0053, "decode.loss_ce": 0.21331, "decode.acc_seg": 91.34662, "aux.loss_ce": 0.15649, "aux.acc_seg": 85.45559, "loss": 0.3698, "grad_norm": 10.88566, "time": 0.41539} {"mode": "train", "epoch": 95, "iter": 119750, "lr": 0.0, "memory": 14793, "data_time": 0.00677, "decode.loss_ce": 0.22719, "decode.acc_seg": 90.62142, "aux.loss_ce": 0.16703, "aux.acc_seg": 83.95052, "loss": 0.39422, "grad_norm": 17.22546, "time": 0.41612} {"mode": "train", "epoch": 95, "iter": 119800, "lr": 0.0, "memory": 14793, "data_time": 0.00527, "decode.loss_ce": 0.2156, "decode.acc_seg": 90.90304, "aux.loss_ce": 0.15897, "aux.acc_seg": 84.79745, "loss": 0.37457, "grad_norm": 11.38439, "time": 0.41653} {"mode": "train", "epoch": 95, "iter": 119850, "lr": 0.0, "memory": 14793, "data_time": 0.00621, "decode.loss_ce": 0.2096, "decode.acc_seg": 91.02608, "aux.loss_ce": 0.16358, "aux.acc_seg": 84.8102, "loss": 0.37318, "grad_norm": 14.90032, "time": 0.41835} {"mode": "train", "epoch": 95, "iter": 119900, "lr": 0.0, "memory": 14793, "data_time": 0.00517, "decode.loss_ce": 0.21446, "decode.acc_seg": 91.12952, "aux.loss_ce": 0.16794, "aux.acc_seg": 84.33585, "loss": 0.38241, "grad_norm": 11.16582, "time": 0.42346} {"mode": "train", "epoch": 95, "iter": 119950, "lr": 0.0, "memory": 14793, "data_time": 0.00509, "decode.loss_ce": 0.20839, "decode.acc_seg": 91.24802, "aux.loss_ce": 0.1632, "aux.acc_seg": 84.39988, "loss": 0.37159, "grad_norm": 11.13217, "time": 0.41548} {"mode": "train", "epoch": 95, "iter": 120000, "lr": 0.0, "memory": 14793, "data_time": 0.00526, "decode.loss_ce": 0.21066, "decode.acc_seg": 91.12208, "aux.loss_ce": 0.15782, "aux.acc_seg": 84.47049, "loss": 0.36848, "grad_norm": 11.25002, "time": 0.64473} {"mode": "val", "epoch": 95, "iter": 125, "lr": 0.0, "aAcc": 0.849, "mIoU": 0.547, "mAcc": 0.6742, "IoU.wall": 0.8051, "IoU.building": 0.8357, "IoU.sky": 0.9499, "IoU.floor": 0.8335, "IoU.tree": 0.7609, "IoU.ceiling": 0.8581, "IoU.road": 0.8584, "IoU.bed ": 0.9166, "IoU.windowpane": 0.6409, "IoU.grass": 0.663, "IoU.cabinet": 0.6484, "IoU.sidewalk": 0.6823, "IoU.person": 0.8401, "IoU.earth": 0.368, "IoU.door": 0.5539, "IoU.table": 0.6581, "IoU.mountain": 0.6054, "IoU.plant": 0.5364, "IoU.curtain": 0.7625, "IoU.chair": 0.6315, "IoU.car": 0.8652, "IoU.water": 0.6165, "IoU.painting": 0.75, "IoU.sofa": 0.7491, "IoU.shelf": 0.4509, "IoU.house": 0.4795, "IoU.sea": 0.7051, "IoU.mirror": 0.7402, "IoU.rug": 0.6818, "IoU.field": 0.3044, "IoU.armchair": 0.4875, "IoU.seat": 0.6638, "IoU.fence": 0.4744, "IoU.desk": 0.5373, "IoU.rock": 0.5144, "IoU.wardrobe": 0.5605, "IoU.lamp": 0.6842, "IoU.bathtub": 0.8275, "IoU.railing": 0.3958, "IoU.cushion": 0.655, "IoU.base": 0.4145, "IoU.box": 0.35, "IoU.column": 0.5512, "IoU.signboard": 0.3896, "IoU.chest of drawers": 0.4604, "IoU.counter": 0.2755, "IoU.sand": 0.5427, "IoU.sink": 0.7659, "IoU.skyscraper": 0.4849, "IoU.fireplace": 0.6896, "IoU.refrigerator": 0.7808, "IoU.grandstand": 0.4702, "IoU.path": 0.2661, "IoU.stairs": 0.3657, "IoU.runway": 0.6761, "IoU.case": 0.499, "IoU.pool table": 0.9375, "IoU.pillow": 0.616, "IoU.screen door": 0.7349, "IoU.stairway": 0.4, "IoU.river": 0.1047, "IoU.bridge": 0.4149, "IoU.bookcase": 0.4373, "IoU.blind": 0.4083, "IoU.coffee table": 0.6163, "IoU.toilet": 0.8767, "IoU.flower": 0.4547, "IoU.book": 0.5001, "IoU.hill": 0.0811, "IoU.bench": 0.657, "IoU.countertop": 0.6068, "IoU.stove": 0.833, "IoU.palm": 0.5648, "IoU.kitchen island": 0.4536, "IoU.computer": 0.7433, "IoU.swivel chair": 0.5536, "IoU.boat": 0.7384, "IoU.bar": 0.4819, "IoU.arcade machine": 0.7102, "IoU.hovel": 0.6235, "IoU.bus": 0.9313, "IoU.towel": 0.7176, "IoU.light": 0.5956, "IoU.truck": 0.4397, "IoU.tower": 0.2672, "IoU.chandelier": 0.7041, "IoU.awning": 0.3525, "IoU.streetlight": 0.3342, "IoU.booth": 0.396, "IoU.television receiver": 0.7692, "IoU.airplane": 0.7543, "IoU.dirt track": 0.0441, "IoU.apparel": 0.6122, "IoU.pole": 0.2537, "IoU.land": 0.058, "IoU.bannister": 0.167, "IoU.escalator": 0.5457, "IoU.ottoman": 0.555, "IoU.bottle": 0.4163, "IoU.buffet": 0.4493, "IoU.poster": 0.3281, "IoU.stage": 0.2275, "IoU.van": 0.4875, "IoU.ship": 0.4589, "IoU.fountain": 0.2588, "IoU.conveyer belt": 0.8143, "IoU.canopy": 0.3988, "IoU.washer": 0.7249, "IoU.plaything": 0.3964, "IoU.swimming pool": 0.6541, "IoU.stool": 0.4811, "IoU.barrel": 0.5248, "IoU.basket": 0.4082, "IoU.waterfall": 0.6957, "IoU.tent": 0.9572, "IoU.bag": 0.225, "IoU.minibike": 0.7338, "IoU.cradle": 0.843, "IoU.oven": 0.4855, "IoU.ball": 0.506, "IoU.food": 0.544, "IoU.step": 0.2026, "IoU.tank": 0.6338, "IoU.trade name": 0.2845, "IoU.microwave": 0.8359, "IoU.pot": 0.5302, "IoU.animal": 0.6015, "IoU.bicycle": 0.6064, "IoU.lake": 0.4818, "IoU.dishwasher": 0.6787, "IoU.screen": 0.5816, "IoU.blanket": 0.2612, "IoU.sculpture": 0.716, "IoU.hood": 0.6637, "IoU.sconce": 0.5549, "IoU.vase": 0.4501, "IoU.traffic light": 0.3765, "IoU.tray": 0.0682, "IoU.ashcan": 0.4837, "IoU.fan": 0.6646, "IoU.pier": 0.4313, "IoU.crt screen": 0.1008, "IoU.plate": 0.5836, "IoU.monitor": 0.1886, "IoU.bulletin board": 0.6511, "IoU.shower": 0.0115, "IoU.radiator": 0.6443, "IoU.glass": 0.1788, "IoU.clock": 0.4537, "IoU.flag": 0.5299, "Acc.wall": 0.8849, "Acc.building": 0.9249, "Acc.sky": 0.9779, "Acc.floor": 0.9061, "Acc.tree": 0.8873, "Acc.ceiling": 0.9307, "Acc.road": 0.9229, "Acc.bed ": 0.9713, "Acc.windowpane": 0.8208, "Acc.grass": 0.8208, "Acc.cabinet": 0.7622, "Acc.sidewalk": 0.8036, "Acc.person": 0.9371, "Acc.earth": 0.4997, "Acc.door": 0.7284, "Acc.table": 0.7966, "Acc.mountain": 0.7298, "Acc.plant": 0.647, "Acc.curtain": 0.8799, "Acc.chair": 0.7503, "Acc.car": 0.9388, "Acc.water": 0.762, "Acc.painting": 0.8951, "Acc.sofa": 0.886, "Acc.shelf": 0.6091, "Acc.house": 0.6867, "Acc.sea": 0.8478, "Acc.mirror": 0.8253, "Acc.rug": 0.813, "Acc.field": 0.4849, "Acc.armchair": 0.6691, "Acc.seat": 0.8305, "Acc.fence": 0.6582, "Acc.desk": 0.7228, "Acc.rock": 0.7757, "Acc.wardrobe": 0.7372, "Acc.lamp": 0.7917, "Acc.bathtub": 0.8661, "Acc.railing": 0.5334, "Acc.cushion": 0.8137, "Acc.base": 0.5681, "Acc.box": 0.4678, "Acc.column": 0.6382, "Acc.signboard": 0.5141, "Acc.chest of drawers": 0.6659, "Acc.counter": 0.374, "Acc.sand": 0.7421, "Acc.sink": 0.8509, "Acc.skyscraper": 0.5956, "Acc.fireplace": 0.9454, "Acc.refrigerator": 0.8501, "Acc.grandstand": 0.8279, "Acc.path": 0.4205, "Acc.stairs": 0.487, "Acc.runway": 0.9042, "Acc.case": 0.6694, "Acc.pool table": 0.9829, "Acc.pillow": 0.7184, "Acc.screen door": 0.8282, "Acc.stairway": 0.472, "Acc.river": 0.2333, "Acc.bridge": 0.4758, "Acc.bookcase": 0.673, "Acc.blind": 0.4603, "Acc.coffee table": 0.8509, "Acc.toilet": 0.937, "Acc.flower": 0.6108, "Acc.book": 0.745, "Acc.hill": 0.1428, "Acc.bench": 0.7761, "Acc.countertop": 0.798, "Acc.stove": 0.8937, "Acc.palm": 0.8043, "Acc.kitchen island": 0.7997, "Acc.computer": 0.909, "Acc.swivel chair": 0.8284, "Acc.boat": 0.8201, "Acc.bar": 0.6705, "Acc.arcade machine": 0.7573, "Acc.hovel": 0.7076, "Acc.bus": 0.9717, "Acc.towel": 0.8607, "Acc.light": 0.6989, "Acc.truck": 0.6265, "Acc.tower": 0.4587, "Acc.chandelier": 0.8609, "Acc.awning": 0.4271, "Acc.streetlight": 0.4549, "Acc.booth": 0.4994, "Acc.television receiver": 0.879, "Acc.airplane": 0.8489, "Acc.dirt track": 0.087, "Acc.apparel": 0.7587, "Acc.pole": 0.3565, "Acc.land": 0.0831, "Acc.bannister": 0.2203, "Acc.escalator": 0.8309, "Acc.ottoman": 0.7466, "Acc.bottle": 0.6956, "Acc.buffet": 0.5549, "Acc.poster": 0.467, "Acc.stage": 0.3324, "Acc.van": 0.6483, "Acc.ship": 0.531, "Acc.fountain": 0.2606, "Acc.conveyer belt": 0.9336, "Acc.canopy": 0.5513, "Acc.washer": 0.7464, "Acc.plaything": 0.5859, "Acc.swimming pool": 0.7404, "Acc.stool": 0.6635, "Acc.barrel": 0.8714, "Acc.basket": 0.5251, "Acc.waterfall": 0.8096, "Acc.tent": 0.9828, "Acc.bag": 0.2798, "Acc.minibike": 0.8784, "Acc.cradle": 0.979, "Acc.oven": 0.6058, "Acc.ball": 0.5483, "Acc.food": 0.5957, "Acc.step": 0.2536, "Acc.tank": 0.663, "Acc.trade name": 0.3319, "Acc.microwave": 0.9633, "Acc.pot": 0.6275, "Acc.animal": 0.6175, "Acc.bicycle": 0.7925, "Acc.lake": 0.6379, "Acc.dishwasher": 0.7983, "Acc.screen": 0.8632, "Acc.blanket": 0.3162, "Acc.sculpture": 0.8493, "Acc.hood": 0.7114, "Acc.sconce": 0.6777, "Acc.vase": 0.6201, "Acc.traffic light": 0.552, "Acc.tray": 0.0872, "Acc.ashcan": 0.6751, "Acc.fan": 0.8185, "Acc.pier": 0.6441, "Acc.crt screen": 0.2433, "Acc.plate": 0.7929, "Acc.monitor": 0.2156, "Acc.bulletin board": 0.7431, "Acc.shower": 0.0152, "Acc.radiator": 0.7337, "Acc.glass": 0.1971, "Acc.clock": 0.5002, "Acc.flag": 0.5934} {"mode": "train", "epoch": 95, "iter": 120050, "lr": 0.0, "memory": 14793, "data_time": 2.13063, "decode.loss_ce": 0.217, "decode.acc_seg": 90.787, "aux.loss_ce": 0.1612, "aux.acc_seg": 83.9945, "loss": 0.3782, "grad_norm": 14.5598, "time": 2.54513} {"mode": "train", "epoch": 96, "iter": 120100, "lr": 0.0, "memory": 14793, "data_time": 0.05812, "decode.loss_ce": 0.20632, "decode.acc_seg": 91.37925, "aux.loss_ce": 0.15803, "aux.acc_seg": 84.98214, "loss": 0.36435, "grad_norm": 13.36152, "time": 0.45918} {"mode": "train", "epoch": 96, "iter": 120150, "lr": 0.0, "memory": 14793, "data_time": 0.00548, "decode.loss_ce": 0.19614, "decode.acc_seg": 91.54928, "aux.loss_ce": 0.14931, "aux.acc_seg": 85.45838, "loss": 0.34545, "grad_norm": 13.59124, "time": 0.41478} {"mode": "train", "epoch": 96, "iter": 120200, "lr": 0.0, "memory": 14793, "data_time": 0.00538, "decode.loss_ce": 0.21396, "decode.acc_seg": 91.14703, "aux.loss_ce": 0.16277, "aux.acc_seg": 84.0676, "loss": 0.37674, "grad_norm": 16.50482, "time": 0.40988} {"mode": "train", "epoch": 96, "iter": 120250, "lr": 0.0, "memory": 14793, "data_time": 0.0065, "decode.loss_ce": 0.20155, "decode.acc_seg": 91.56936, "aux.loss_ce": 0.15933, "aux.acc_seg": 85.19633, "loss": 0.36088, "grad_norm": 10.67605, "time": 0.42023} {"mode": "train", "epoch": 96, "iter": 120300, "lr": 0.0, "memory": 14793, "data_time": 0.00576, "decode.loss_ce": 0.20483, "decode.acc_seg": 91.21105, "aux.loss_ce": 0.15213, "aux.acc_seg": 85.21668, "loss": 0.35695, "grad_norm": 10.5291, "time": 0.42058} {"mode": "train", "epoch": 96, "iter": 120350, "lr": 0.0, "memory": 14793, "data_time": 0.00531, "decode.loss_ce": 0.19661, "decode.acc_seg": 91.87658, "aux.loss_ce": 0.15249, "aux.acc_seg": 85.44656, "loss": 0.34911, "grad_norm": 10.36503, "time": 0.42325} {"mode": "train", "epoch": 96, "iter": 120400, "lr": 0.0, "memory": 14793, "data_time": 0.00565, "decode.loss_ce": 0.20824, "decode.acc_seg": 91.29611, "aux.loss_ce": 0.16287, "aux.acc_seg": 84.4019, "loss": 0.37111, "grad_norm": 12.11021, "time": 0.4159} {"mode": "train", "epoch": 96, "iter": 120450, "lr": 0.0, "memory": 14793, "data_time": 0.00537, "decode.loss_ce": 0.22779, "decode.acc_seg": 90.76388, "aux.loss_ce": 0.1705, "aux.acc_seg": 84.23356, "loss": 0.39829, "grad_norm": 15.04771, "time": 0.41549} {"mode": "train", "epoch": 96, "iter": 120500, "lr": 0.0, "memory": 14793, "data_time": 0.00588, "decode.loss_ce": 0.21539, "decode.acc_seg": 91.1592, "aux.loss_ce": 0.15761, "aux.acc_seg": 84.99391, "loss": 0.37299, "grad_norm": 10.72116, "time": 0.41508} {"mode": "train", "epoch": 96, "iter": 120550, "lr": 0.0, "memory": 14793, "data_time": 0.0055, "decode.loss_ce": 0.20504, "decode.acc_seg": 91.35693, "aux.loss_ce": 0.15601, "aux.acc_seg": 84.69986, "loss": 0.36105, "grad_norm": 10.8913, "time": 0.41826} {"mode": "train", "epoch": 96, "iter": 120600, "lr": 0.0, "memory": 14793, "data_time": 0.00559, "decode.loss_ce": 0.20868, "decode.acc_seg": 91.38833, "aux.loss_ce": 0.15875, "aux.acc_seg": 85.01277, "loss": 0.36743, "grad_norm": 10.11387, "time": 0.42454} {"mode": "train", "epoch": 96, "iter": 120650, "lr": 0.0, "memory": 14793, "data_time": 0.00494, "decode.loss_ce": 0.21298, "decode.acc_seg": 91.11386, "aux.loss_ce": 0.15576, "aux.acc_seg": 85.36635, "loss": 0.36874, "grad_norm": 10.26124, "time": 0.41246} {"mode": "train", "epoch": 96, "iter": 120700, "lr": 0.0, "memory": 14793, "data_time": 0.00577, "decode.loss_ce": 0.20067, "decode.acc_seg": 91.32266, "aux.loss_ce": 0.15953, "aux.acc_seg": 84.04061, "loss": 0.3602, "grad_norm": 12.67234, "time": 0.41352} {"mode": "train", "epoch": 96, "iter": 120750, "lr": 0.0, "memory": 14793, "data_time": 0.00547, "decode.loss_ce": 0.20435, "decode.acc_seg": 91.22706, "aux.loss_ce": 0.15697, "aux.acc_seg": 84.54893, "loss": 0.36132, "grad_norm": 9.83723, "time": 0.42621} {"mode": "train", "epoch": 96, "iter": 120800, "lr": 0.0, "memory": 14793, "data_time": 0.00628, "decode.loss_ce": 0.2078, "decode.acc_seg": 91.37515, "aux.loss_ce": 0.15979, "aux.acc_seg": 85.06651, "loss": 0.36759, "grad_norm": 11.40122, "time": 0.43312} {"mode": "train", "epoch": 96, "iter": 120850, "lr": 0.0, "memory": 14793, "data_time": 0.00532, "decode.loss_ce": 0.20971, "decode.acc_seg": 91.20125, "aux.loss_ce": 0.1555, "aux.acc_seg": 85.25693, "loss": 0.36521, "grad_norm": 10.87939, "time": 0.41919} {"mode": "train", "epoch": 96, "iter": 120900, "lr": 0.0, "memory": 14793, "data_time": 0.00576, "decode.loss_ce": 0.20308, "decode.acc_seg": 91.55329, "aux.loss_ce": 0.1479, "aux.acc_seg": 85.68757, "loss": 0.35098, "grad_norm": 11.78991, "time": 0.41361} {"mode": "train", "epoch": 96, "iter": 120950, "lr": 0.0, "memory": 14793, "data_time": 0.00636, "decode.loss_ce": 0.22145, "decode.acc_seg": 90.86869, "aux.loss_ce": 0.16723, "aux.acc_seg": 83.93856, "loss": 0.38867, "grad_norm": 13.4065, "time": 0.41829} {"mode": "train", "epoch": 96, "iter": 121000, "lr": 0.0, "memory": 14793, "data_time": 0.00636, "decode.loss_ce": 0.21925, "decode.acc_seg": 90.93236, "aux.loss_ce": 0.1588, "aux.acc_seg": 84.54324, "loss": 0.37805, "grad_norm": 18.01591, "time": 0.66159} {"mode": "val", "epoch": 96, "iter": 125, "lr": 0.0, "aAcc": 0.8488, "mIoU": 0.5478, "mAcc": 0.673, "IoU.wall": 0.8035, "IoU.building": 0.8342, "IoU.sky": 0.9501, "IoU.floor": 0.8324, "IoU.tree": 0.7596, "IoU.ceiling": 0.8592, "IoU.road": 0.858, "IoU.bed ": 0.9139, "IoU.windowpane": 0.6474, "IoU.grass": 0.6658, "IoU.cabinet": 0.636, "IoU.sidewalk": 0.6854, "IoU.person": 0.8415, "IoU.earth": 0.3886, "IoU.door": 0.5476, "IoU.table": 0.6533, "IoU.mountain": 0.6077, "IoU.plant": 0.5303, "IoU.curtain": 0.7596, "IoU.chair": 0.6308, "IoU.car": 0.8648, "IoU.water": 0.6061, "IoU.painting": 0.7492, "IoU.sofa": 0.7293, "IoU.shelf": 0.4397, "IoU.house": 0.4728, "IoU.sea": 0.7016, "IoU.mirror": 0.7372, "IoU.rug": 0.6749, "IoU.field": 0.3108, "IoU.armchair": 0.4533, "IoU.seat": 0.6633, "IoU.fence": 0.4614, "IoU.desk": 0.5268, "IoU.rock": 0.5213, "IoU.wardrobe": 0.5369, "IoU.lamp": 0.6872, "IoU.bathtub": 0.8277, "IoU.railing": 0.4144, "IoU.cushion": 0.6391, "IoU.base": 0.3719, "IoU.box": 0.3427, "IoU.column": 0.5392, "IoU.signboard": 0.3888, "IoU.chest of drawers": 0.446, "IoU.counter": 0.2895, "IoU.sand": 0.5744, "IoU.sink": 0.7755, "IoU.skyscraper": 0.5472, "IoU.fireplace": 0.7253, "IoU.refrigerator": 0.8014, "IoU.grandstand": 0.4902, "IoU.path": 0.2607, "IoU.stairs": 0.3523, "IoU.runway": 0.6853, "IoU.case": 0.4861, "IoU.pool table": 0.9384, "IoU.pillow": 0.621, "IoU.screen door": 0.7028, "IoU.stairway": 0.3731, "IoU.river": 0.1061, "IoU.bridge": 0.379, "IoU.bookcase": 0.4406, "IoU.blind": 0.4903, "IoU.coffee table": 0.6241, "IoU.toilet": 0.8746, "IoU.flower": 0.4557, "IoU.book": 0.5066, "IoU.hill": 0.0756, "IoU.bench": 0.6594, "IoU.countertop": 0.6099, "IoU.stove": 0.8341, "IoU.palm": 0.5667, "IoU.kitchen island": 0.4395, "IoU.computer": 0.7453, "IoU.swivel chair": 0.5455, "IoU.boat": 0.7541, "IoU.bar": 0.5012, "IoU.arcade machine": 0.7278, "IoU.hovel": 0.6198, "IoU.bus": 0.9333, "IoU.towel": 0.7148, "IoU.light": 0.5844, "IoU.truck": 0.4522, "IoU.tower": 0.2615, "IoU.chandelier": 0.7067, "IoU.awning": 0.3668, "IoU.streetlight": 0.3329, "IoU.booth": 0.3984, "IoU.television receiver": 0.7632, "IoU.airplane": 0.7448, "IoU.dirt track": 0.1091, "IoU.apparel": 0.5894, "IoU.pole": 0.2402, "IoU.land": 0.0622, "IoU.bannister": 0.1653, "IoU.escalator": 0.5364, "IoU.ottoman": 0.5805, "IoU.bottle": 0.4114, "IoU.buffet": 0.4584, "IoU.poster": 0.3249, "IoU.stage": 0.2256, "IoU.van": 0.4726, "IoU.ship": 0.5233, "IoU.fountain": 0.2727, "IoU.conveyer belt": 0.7948, "IoU.canopy": 0.4189, "IoU.washer": 0.7276, "IoU.plaything": 0.3674, "IoU.swimming pool": 0.6646, "IoU.stool": 0.4847, "IoU.barrel": 0.5325, "IoU.basket": 0.4084, "IoU.waterfall": 0.7366, "IoU.tent": 0.9559, "IoU.bag": 0.2231, "IoU.minibike": 0.7295, "IoU.cradle": 0.8539, "IoU.oven": 0.4762, "IoU.ball": 0.379, "IoU.food": 0.5412, "IoU.step": 0.2247, "IoU.tank": 0.6322, "IoU.trade name": 0.2755, "IoU.microwave": 0.8295, "IoU.pot": 0.5258, "IoU.animal": 0.5921, "IoU.bicycle": 0.5999, "IoU.lake": 0.5077, "IoU.dishwasher": 0.6888, "IoU.screen": 0.5839, "IoU.blanket": 0.2608, "IoU.sculpture": 0.7134, "IoU.hood": 0.6697, "IoU.sconce": 0.5572, "IoU.vase": 0.4528, "IoU.traffic light": 0.3686, "IoU.tray": 0.0661, "IoU.ashcan": 0.4799, "IoU.fan": 0.6657, "IoU.pier": 0.4634, "IoU.crt screen": 0.1134, "IoU.plate": 0.5879, "IoU.monitor": 0.2124, "IoU.bulletin board": 0.6485, "IoU.shower": 0.0178, "IoU.radiator": 0.644, "IoU.glass": 0.1741, "IoU.clock": 0.4546, "IoU.flag": 0.5504, "Acc.wall": 0.8885, "Acc.building": 0.9263, "Acc.sky": 0.9767, "Acc.floor": 0.908, "Acc.tree": 0.8876, "Acc.ceiling": 0.9306, "Acc.road": 0.9216, "Acc.bed ": 0.9746, "Acc.windowpane": 0.8086, "Acc.grass": 0.8189, "Acc.cabinet": 0.746, "Acc.sidewalk": 0.8116, "Acc.person": 0.9343, "Acc.earth": 0.5265, "Acc.door": 0.6879, "Acc.table": 0.8112, "Acc.mountain": 0.7549, "Acc.plant": 0.63, "Acc.curtain": 0.8671, "Acc.chair": 0.7446, "Acc.car": 0.9402, "Acc.water": 0.7511, "Acc.painting": 0.8987, "Acc.sofa": 0.9152, "Acc.shelf": 0.6039, "Acc.house": 0.6694, "Acc.sea": 0.848, "Acc.mirror": 0.8191, "Acc.rug": 0.7936, "Acc.field": 0.4697, "Acc.armchair": 0.5984, "Acc.seat": 0.835, "Acc.fence": 0.598, "Acc.desk": 0.7346, "Acc.rock": 0.7453, "Acc.wardrobe": 0.7308, "Acc.lamp": 0.7947, "Acc.bathtub": 0.8672, "Acc.railing": 0.5739, "Acc.cushion": 0.7197, "Acc.base": 0.4671, "Acc.box": 0.4529, "Acc.column": 0.6619, "Acc.signboard": 0.538, "Acc.chest of drawers": 0.6889, "Acc.counter": 0.4185, "Acc.sand": 0.7951, "Acc.sink": 0.8498, "Acc.skyscraper": 0.6726, "Acc.fireplace": 0.936, "Acc.refrigerator": 0.8514, "Acc.grandstand": 0.8095, "Acc.path": 0.3997, "Acc.stairs": 0.4716, "Acc.runway": 0.9296, "Acc.case": 0.6511, "Acc.pool table": 0.9806, "Acc.pillow": 0.7396, "Acc.screen door": 0.8479, "Acc.stairway": 0.4614, "Acc.river": 0.2488, "Acc.bridge": 0.4269, "Acc.bookcase": 0.6801, "Acc.blind": 0.5756, "Acc.coffee table": 0.8307, "Acc.toilet": 0.9363, "Acc.flower": 0.6099, "Acc.book": 0.7234, "Acc.hill": 0.132, "Acc.bench": 0.7635, "Acc.countertop": 0.8261, "Acc.stove": 0.8986, "Acc.palm": 0.7637, "Acc.kitchen island": 0.8163, "Acc.computer": 0.9026, "Acc.swivel chair": 0.8291, "Acc.boat": 0.8573, "Acc.bar": 0.6556, "Acc.arcade machine": 0.7818, "Acc.hovel": 0.6983, "Acc.bus": 0.9735, "Acc.towel": 0.8671, "Acc.light": 0.6602, "Acc.truck": 0.5931, "Acc.tower": 0.4664, "Acc.chandelier": 0.8552, "Acc.awning": 0.4411, "Acc.streetlight": 0.4561, "Acc.booth": 0.5074, "Acc.television receiver": 0.8692, "Acc.airplane": 0.8405, "Acc.dirt track": 0.2039, "Acc.apparel": 0.7358, "Acc.pole": 0.3294, "Acc.land": 0.0846, "Acc.bannister": 0.2297, "Acc.escalator": 0.8284, "Acc.ottoman": 0.7537, "Acc.bottle": 0.6799, "Acc.buffet": 0.5766, "Acc.poster": 0.4489, "Acc.stage": 0.3186, "Acc.van": 0.6272, "Acc.ship": 0.5847, "Acc.fountain": 0.2752, "Acc.conveyer belt": 0.9426, "Acc.canopy": 0.6017, "Acc.washer": 0.7551, "Acc.plaything": 0.4913, "Acc.swimming pool": 0.734, "Acc.stool": 0.6178, "Acc.barrel": 0.857, "Acc.basket": 0.524, "Acc.waterfall": 0.8519, "Acc.tent": 0.9818, "Acc.bag": 0.2724, "Acc.minibike": 0.8714, "Acc.cradle": 0.973, "Acc.oven": 0.6304, "Acc.ball": 0.3961, "Acc.food": 0.6008, "Acc.step": 0.2802, "Acc.tank": 0.6655, "Acc.trade name": 0.3151, "Acc.microwave": 0.955, "Acc.pot": 0.6102, "Acc.animal": 0.6082, "Acc.bicycle": 0.7968, "Acc.lake": 0.639, "Acc.dishwasher": 0.82, "Acc.screen": 0.8713, "Acc.blanket": 0.3147, "Acc.sculpture": 0.8408, "Acc.hood": 0.7191, "Acc.sconce": 0.685, "Acc.vase": 0.6128, "Acc.traffic light": 0.5777, "Acc.tray": 0.0993, "Acc.ashcan": 0.6429, "Acc.fan": 0.7977, "Acc.pier": 0.6613, "Acc.crt screen": 0.2592, "Acc.plate": 0.7807, "Acc.monitor": 0.2505, "Acc.bulletin board": 0.7466, "Acc.shower": 0.0224, "Acc.radiator": 0.7267, "Acc.glass": 0.1904, "Acc.clock": 0.4957, "Acc.flag": 0.6189} {"mode": "train", "epoch": 96, "iter": 121050, "lr": 0.0, "memory": 14793, "data_time": 2.11999, "decode.loss_ce": 0.21709, "decode.acc_seg": 91.02709, "aux.loss_ce": 0.16748, "aux.acc_seg": 84.02179, "loss": 0.38457, "grad_norm": 12.16554, "time": 2.52599} {"mode": "train", "epoch": 96, "iter": 121100, "lr": 0.0, "memory": 14793, "data_time": 0.00549, "decode.loss_ce": 0.19957, "decode.acc_seg": 91.54026, "aux.loss_ce": 0.15038, "aux.acc_seg": 85.43385, "loss": 0.34994, "grad_norm": 9.29846, "time": 0.41885} {"mode": "train", "epoch": 96, "iter": 121150, "lr": 0.0, "memory": 14793, "data_time": 0.00589, "decode.loss_ce": 0.2135, "decode.acc_seg": 91.18133, "aux.loss_ce": 0.16138, "aux.acc_seg": 84.79063, "loss": 0.37488, "grad_norm": 16.30293, "time": 0.41629} {"mode": "train", "epoch": 96, "iter": 121200, "lr": 0.0, "memory": 14793, "data_time": 0.00569, "decode.loss_ce": 0.2028, "decode.acc_seg": 91.62938, "aux.loss_ce": 0.15364, "aux.acc_seg": 85.27138, "loss": 0.35644, "grad_norm": 12.08824, "time": 0.41876} {"mode": "train", "epoch": 96, "iter": 121250, "lr": 0.0, "memory": 14793, "data_time": 0.00563, "decode.loss_ce": 0.20745, "decode.acc_seg": 91.38693, "aux.loss_ce": 0.16194, "aux.acc_seg": 84.68848, "loss": 0.36938, "grad_norm": 9.51078, "time": 0.41019} {"mode": "train", "epoch": 96, "iter": 121300, "lr": 0.0, "memory": 14793, "data_time": 0.00548, "decode.loss_ce": 0.20745, "decode.acc_seg": 91.02771, "aux.loss_ce": 0.16385, "aux.acc_seg": 83.97752, "loss": 0.3713, "grad_norm": 10.79317, "time": 0.41215} {"mode": "train", "epoch": 97, "iter": 121350, "lr": 0.0, "memory": 14793, "data_time": 0.05569, "decode.loss_ce": 0.20183, "decode.acc_seg": 91.3884, "aux.loss_ce": 0.16192, "aux.acc_seg": 84.45867, "loss": 0.36375, "grad_norm": 13.94258, "time": 0.46923} {"mode": "train", "epoch": 97, "iter": 121400, "lr": 0.0, "memory": 14793, "data_time": 0.00584, "decode.loss_ce": 0.1997, "decode.acc_seg": 91.5216, "aux.loss_ce": 0.1527, "aux.acc_seg": 84.8156, "loss": 0.35239, "grad_norm": 9.61128, "time": 0.41193} {"mode": "train", "epoch": 97, "iter": 121450, "lr": 0.0, "memory": 14793, "data_time": 0.00615, "decode.loss_ce": 0.2028, "decode.acc_seg": 91.74939, "aux.loss_ce": 0.15426, "aux.acc_seg": 85.73299, "loss": 0.35707, "grad_norm": 17.04424, "time": 0.4042} {"mode": "train", "epoch": 97, "iter": 121500, "lr": 0.0, "memory": 14793, "data_time": 0.00567, "decode.loss_ce": 0.20592, "decode.acc_seg": 91.34976, "aux.loss_ce": 0.14936, "aux.acc_seg": 85.66355, "loss": 0.35528, "grad_norm": 12.60327, "time": 0.4129} {"mode": "train", "epoch": 97, "iter": 121550, "lr": 0.0, "memory": 14793, "data_time": 0.00543, "decode.loss_ce": 0.21454, "decode.acc_seg": 91.12644, "aux.loss_ce": 0.16522, "aux.acc_seg": 84.3394, "loss": 0.37977, "grad_norm": 14.17972, "time": 0.41758} {"mode": "train", "epoch": 97, "iter": 121600, "lr": 0.0, "memory": 14793, "data_time": 0.00581, "decode.loss_ce": 0.19967, "decode.acc_seg": 91.95792, "aux.loss_ce": 0.15534, "aux.acc_seg": 85.17975, "loss": 0.35501, "grad_norm": 13.20216, "time": 0.41763} {"mode": "train", "epoch": 97, "iter": 121650, "lr": 0.0, "memory": 14793, "data_time": 0.00528, "decode.loss_ce": 0.18941, "decode.acc_seg": 92.08722, "aux.loss_ce": 0.15442, "aux.acc_seg": 85.40709, "loss": 0.34383, "grad_norm": 11.92676, "time": 0.43795} {"mode": "train", "epoch": 97, "iter": 121700, "lr": 0.0, "memory": 14793, "data_time": 0.00539, "decode.loss_ce": 0.19726, "decode.acc_seg": 91.665, "aux.loss_ce": 0.15029, "aux.acc_seg": 84.75831, "loss": 0.34755, "grad_norm": 12.06675, "time": 0.41338} {"mode": "train", "epoch": 97, "iter": 121750, "lr": 0.0, "memory": 14793, "data_time": 0.00477, "decode.loss_ce": 0.21281, "decode.acc_seg": 90.9638, "aux.loss_ce": 0.15663, "aux.acc_seg": 84.77632, "loss": 0.36944, "grad_norm": 14.80763, "time": 0.41432} {"mode": "train", "epoch": 97, "iter": 121800, "lr": 0.0, "memory": 14793, "data_time": 0.00564, "decode.loss_ce": 0.20578, "decode.acc_seg": 91.4636, "aux.loss_ce": 0.16394, "aux.acc_seg": 84.56893, "loss": 0.36971, "grad_norm": 9.17308, "time": 0.41769} {"mode": "train", "epoch": 97, "iter": 121850, "lr": 0.0, "memory": 14793, "data_time": 0.00599, "decode.loss_ce": 0.19469, "decode.acc_seg": 91.83201, "aux.loss_ce": 0.1556, "aux.acc_seg": 85.45812, "loss": 0.35029, "grad_norm": 12.7208, "time": 0.41041} {"mode": "train", "epoch": 97, "iter": 121900, "lr": 0.0, "memory": 14793, "data_time": 0.00514, "decode.loss_ce": 0.20105, "decode.acc_seg": 91.3375, "aux.loss_ce": 0.14725, "aux.acc_seg": 85.32718, "loss": 0.34831, "grad_norm": 12.51896, "time": 0.41277} {"mode": "train", "epoch": 97, "iter": 121950, "lr": 0.0, "memory": 14793, "data_time": 0.00536, "decode.loss_ce": 0.19882, "decode.acc_seg": 91.48969, "aux.loss_ce": 0.15255, "aux.acc_seg": 85.34617, "loss": 0.35138, "grad_norm": 10.5701, "time": 0.42597} {"mode": "train", "epoch": 97, "iter": 122000, "lr": 0.0, "memory": 14793, "data_time": 0.00717, "decode.loss_ce": 0.21453, "decode.acc_seg": 91.27702, "aux.loss_ce": 0.16408, "aux.acc_seg": 84.85775, "loss": 0.37862, "grad_norm": 13.91857, "time": 0.67891} {"mode": "val", "epoch": 97, "iter": 125, "lr": 0.0, "aAcc": 0.8496, "mIoU": 0.5471, "mAcc": 0.6726, "IoU.wall": 0.8053, "IoU.building": 0.8384, "IoU.sky": 0.95, "IoU.floor": 0.8317, "IoU.tree": 0.7578, "IoU.ceiling": 0.8586, "IoU.road": 0.8599, "IoU.bed ": 0.9142, "IoU.windowpane": 0.6421, "IoU.grass": 0.6717, "IoU.cabinet": 0.6312, "IoU.sidewalk": 0.6909, "IoU.person": 0.8418, "IoU.earth": 0.398, "IoU.door": 0.5608, "IoU.table": 0.6594, "IoU.mountain": 0.6005, "IoU.plant": 0.5243, "IoU.curtain": 0.7617, "IoU.chair": 0.629, "IoU.car": 0.8656, "IoU.water": 0.6044, "IoU.painting": 0.7553, "IoU.sofa": 0.7528, "IoU.shelf": 0.4654, "IoU.house": 0.4916, "IoU.sea": 0.6893, "IoU.mirror": 0.7434, "IoU.rug": 0.6638, "IoU.field": 0.3158, "IoU.armchair": 0.4879, "IoU.seat": 0.6681, "IoU.fence": 0.4868, "IoU.desk": 0.5321, "IoU.rock": 0.5224, "IoU.wardrobe": 0.514, "IoU.lamp": 0.6883, "IoU.bathtub": 0.8238, "IoU.railing": 0.4101, "IoU.cushion": 0.6626, "IoU.base": 0.3976, "IoU.box": 0.337, "IoU.column": 0.5437, "IoU.signboard": 0.3919, "IoU.chest of drawers": 0.439, "IoU.counter": 0.2954, "IoU.sand": 0.5694, "IoU.sink": 0.7813, "IoU.skyscraper": 0.5876, "IoU.fireplace": 0.6919, "IoU.refrigerator": 0.7941, "IoU.grandstand": 0.4717, "IoU.path": 0.2386, "IoU.stairs": 0.3615, "IoU.runway": 0.6737, "IoU.case": 0.5198, "IoU.pool table": 0.9383, "IoU.pillow": 0.5978, "IoU.screen door": 0.7029, "IoU.stairway": 0.3961, "IoU.river": 0.1039, "IoU.bridge": 0.4239, "IoU.bookcase": 0.4788, "IoU.blind": 0.4101, "IoU.coffee table": 0.6145, "IoU.toilet": 0.8772, "IoU.flower": 0.4546, "IoU.book": 0.5023, "IoU.hill": 0.0774, "IoU.bench": 0.6553, "IoU.countertop": 0.6157, "IoU.stove": 0.8371, "IoU.palm": 0.5699, "IoU.kitchen island": 0.4499, "IoU.computer": 0.739, "IoU.swivel chair": 0.5326, "IoU.boat": 0.7502, "IoU.bar": 0.5095, "IoU.arcade machine": 0.7174, "IoU.hovel": 0.6284, "IoU.bus": 0.9339, "IoU.towel": 0.7132, "IoU.light": 0.592, "IoU.truck": 0.4482, "IoU.tower": 0.2482, "IoU.chandelier": 0.7101, "IoU.awning": 0.3578, "IoU.streetlight": 0.3266, "IoU.booth": 0.3802, "IoU.television receiver": 0.7734, "IoU.airplane": 0.729, "IoU.dirt track": 0.0632, "IoU.apparel": 0.599, "IoU.pole": 0.2459, "IoU.land": 0.0582, "IoU.bannister": 0.1609, "IoU.escalator": 0.5364, "IoU.ottoman": 0.5773, "IoU.bottle": 0.3938, "IoU.buffet": 0.4612, "IoU.poster": 0.3316, "IoU.stage": 0.2174, "IoU.van": 0.4753, "IoU.ship": 0.4628, "IoU.fountain": 0.2733, "IoU.conveyer belt": 0.7849, "IoU.canopy": 0.394, "IoU.washer": 0.7363, "IoU.plaything": 0.3703, "IoU.swimming pool": 0.6142, "IoU.stool": 0.4754, "IoU.barrel": 0.5293, "IoU.basket": 0.4122, "IoU.waterfall": 0.6994, "IoU.tent": 0.9587, "IoU.bag": 0.223, "IoU.minibike": 0.733, "IoU.cradle": 0.841, "IoU.oven": 0.4846, "IoU.ball": 0.4156, "IoU.food": 0.5113, "IoU.step": 0.219, "IoU.tank": 0.6312, "IoU.trade name": 0.3038, "IoU.microwave": 0.835, "IoU.pot": 0.5221, "IoU.animal": 0.6153, "IoU.bicycle": 0.6038, "IoU.lake": 0.512, "IoU.dishwasher": 0.6856, "IoU.screen": 0.5841, "IoU.blanket": 0.2439, "IoU.sculpture": 0.7157, "IoU.hood": 0.6398, "IoU.sconce": 0.5558, "IoU.vase": 0.4456, "IoU.traffic light": 0.3712, "IoU.tray": 0.0647, "IoU.ashcan": 0.4888, "IoU.fan": 0.6614, "IoU.pier": 0.432, "IoU.crt screen": 0.119, "IoU.plate": 0.5836, "IoU.monitor": 0.318, "IoU.bulletin board": 0.636, "IoU.shower": 0.0033, "IoU.radiator": 0.6389, "IoU.glass": 0.1667, "IoU.clock": 0.4539, "IoU.flag": 0.5158, "Acc.wall": 0.8903, "Acc.building": 0.922, "Acc.sky": 0.9731, "Acc.floor": 0.9116, "Acc.tree": 0.9057, "Acc.ceiling": 0.9125, "Acc.road": 0.9144, "Acc.bed ": 0.975, "Acc.windowpane": 0.8133, "Acc.grass": 0.8216, "Acc.cabinet": 0.7391, "Acc.sidewalk": 0.835, "Acc.person": 0.9344, "Acc.earth": 0.5508, "Acc.door": 0.723, "Acc.table": 0.7968, "Acc.mountain": 0.7293, "Acc.plant": 0.6262, "Acc.curtain": 0.8845, "Acc.chair": 0.7466, "Acc.car": 0.9387, "Acc.water": 0.7444, "Acc.painting": 0.8888, "Acc.sofa": 0.8907, "Acc.shelf": 0.6764, "Acc.house": 0.7, "Acc.sea": 0.8518, "Acc.mirror": 0.8071, "Acc.rug": 0.7815, "Acc.field": 0.4684, "Acc.armchair": 0.6571, "Acc.seat": 0.84, "Acc.fence": 0.6687, "Acc.desk": 0.714, "Acc.rock": 0.7658, "Acc.wardrobe": 0.7211, "Acc.lamp": 0.7992, "Acc.bathtub": 0.8648, "Acc.railing": 0.5639, "Acc.cushion": 0.8044, "Acc.base": 0.5284, "Acc.box": 0.4346, "Acc.column": 0.6525, "Acc.signboard": 0.517, "Acc.chest of drawers": 0.6881, "Acc.counter": 0.3903, "Acc.sand": 0.7612, "Acc.sink": 0.8615, "Acc.skyscraper": 0.7201, "Acc.fireplace": 0.9442, "Acc.refrigerator": 0.8473, "Acc.grandstand": 0.8364, "Acc.path": 0.3505, "Acc.stairs": 0.4766, "Acc.runway": 0.8959, "Acc.case": 0.6764, "Acc.pool table": 0.9798, "Acc.pillow": 0.6818, "Acc.screen door": 0.8512, "Acc.stairway": 0.4591, "Acc.river": 0.2326, "Acc.bridge": 0.4884, "Acc.bookcase": 0.699, "Acc.blind": 0.4651, "Acc.coffee table": 0.8547, "Acc.toilet": 0.9319, "Acc.flower": 0.6103, "Acc.book": 0.7155, "Acc.hill": 0.1263, "Acc.bench": 0.7847, "Acc.countertop": 0.79, "Acc.stove": 0.9005, "Acc.palm": 0.766, "Acc.kitchen island": 0.7577, "Acc.computer": 0.9064, "Acc.swivel chair": 0.8548, "Acc.boat": 0.8543, "Acc.bar": 0.6688, "Acc.arcade machine": 0.7591, "Acc.hovel": 0.7078, "Acc.bus": 0.9755, "Acc.towel": 0.8525, "Acc.light": 0.7115, "Acc.truck": 0.6044, "Acc.tower": 0.4391, "Acc.chandelier": 0.8564, "Acc.awning": 0.4318, "Acc.streetlight": 0.4278, "Acc.booth": 0.4779, "Acc.television receiver": 0.8693, "Acc.airplane": 0.803, "Acc.dirt track": 0.1232, "Acc.apparel": 0.7855, "Acc.pole": 0.3445, "Acc.land": 0.0759, "Acc.bannister": 0.2272, "Acc.escalator": 0.8156, "Acc.ottoman": 0.7427, "Acc.bottle": 0.5797, "Acc.buffet": 0.5629, "Acc.poster": 0.4575, "Acc.stage": 0.3278, "Acc.van": 0.6518, "Acc.ship": 0.516, "Acc.fountain": 0.2759, "Acc.conveyer belt": 0.9439, "Acc.canopy": 0.596, "Acc.washer": 0.7713, "Acc.plaything": 0.5199, "Acc.swimming pool": 0.7538, "Acc.stool": 0.6723, "Acc.barrel": 0.8405, "Acc.basket": 0.5243, "Acc.waterfall": 0.8178, "Acc.tent": 0.9809, "Acc.bag": 0.2715, "Acc.minibike": 0.8747, "Acc.cradle": 0.9715, "Acc.oven": 0.6426, "Acc.ball": 0.4376, "Acc.food": 0.5707, "Acc.step": 0.2762, "Acc.tank": 0.6652, "Acc.trade name": 0.3639, "Acc.microwave": 0.9604, "Acc.pot": 0.6115, "Acc.animal": 0.6321, "Acc.bicycle": 0.805, "Acc.lake": 0.6381, "Acc.dishwasher": 0.7968, "Acc.screen": 0.8641, "Acc.blanket": 0.2959, "Acc.sculpture": 0.8416, "Acc.hood": 0.6888, "Acc.sconce": 0.6676, "Acc.vase": 0.6349, "Acc.traffic light": 0.5945, "Acc.tray": 0.0966, "Acc.ashcan": 0.6423, "Acc.fan": 0.8033, "Acc.pier": 0.6178, "Acc.crt screen": 0.2211, "Acc.plate": 0.7919, "Acc.monitor": 0.386, "Acc.bulletin board": 0.7128, "Acc.shower": 0.0037, "Acc.radiator": 0.7298, "Acc.glass": 0.1795, "Acc.clock": 0.5014, "Acc.flag": 0.5625} {"mode": "train", "epoch": 97, "iter": 122050, "lr": 0.0, "memory": 14793, "data_time": 2.10195, "decode.loss_ce": 0.20802, "decode.acc_seg": 91.22586, "aux.loss_ce": 0.15895, "aux.acc_seg": 84.85144, "loss": 0.36698, "grad_norm": 16.21871, "time": 2.51716} {"mode": "train", "epoch": 97, "iter": 122100, "lr": 0.0, "memory": 14793, "data_time": 0.00599, "decode.loss_ce": 0.19329, "decode.acc_seg": 91.95667, "aux.loss_ce": 0.15175, "aux.acc_seg": 85.75298, "loss": 0.34504, "grad_norm": 9.826, "time": 0.41444} {"mode": "train", "epoch": 97, "iter": 122150, "lr": 0.0, "memory": 14793, "data_time": 0.00555, "decode.loss_ce": 0.20607, "decode.acc_seg": 91.35924, "aux.loss_ce": 0.15681, "aux.acc_seg": 84.50211, "loss": 0.36289, "grad_norm": 11.05992, "time": 0.41532} {"mode": "train", "epoch": 97, "iter": 122200, "lr": 0.0, "memory": 14793, "data_time": 0.00512, "decode.loss_ce": 0.19049, "decode.acc_seg": 91.67251, "aux.loss_ce": 0.14641, "aux.acc_seg": 85.47864, "loss": 0.3369, "grad_norm": 10.37227, "time": 0.4219} {"mode": "train", "epoch": 97, "iter": 122250, "lr": 0.0, "memory": 14793, "data_time": 0.00661, "decode.loss_ce": 0.2028, "decode.acc_seg": 91.81546, "aux.loss_ce": 0.16325, "aux.acc_seg": 84.88315, "loss": 0.36605, "grad_norm": 12.33738, "time": 0.41534} {"mode": "train", "epoch": 97, "iter": 122300, "lr": 0.0, "memory": 14793, "data_time": 0.00733, "decode.loss_ce": 0.20257, "decode.acc_seg": 91.24656, "aux.loss_ce": 0.15725, "aux.acc_seg": 84.82443, "loss": 0.35981, "grad_norm": 9.35172, "time": 0.42333} {"mode": "train", "epoch": 97, "iter": 122350, "lr": 0.0, "memory": 14793, "data_time": 0.00704, "decode.loss_ce": 0.22688, "decode.acc_seg": 90.98517, "aux.loss_ce": 0.16389, "aux.acc_seg": 84.98436, "loss": 0.39077, "grad_norm": 13.19117, "time": 0.41576} {"mode": "train", "epoch": 97, "iter": 122400, "lr": 0.0, "memory": 14793, "data_time": 0.00553, "decode.loss_ce": 0.20711, "decode.acc_seg": 91.16721, "aux.loss_ce": 0.15957, "aux.acc_seg": 84.77341, "loss": 0.36668, "grad_norm": 14.40914, "time": 0.42652} {"mode": "train", "epoch": 97, "iter": 122450, "lr": 0.0, "memory": 14793, "data_time": 0.00594, "decode.loss_ce": 0.21098, "decode.acc_seg": 91.40328, "aux.loss_ce": 0.16856, "aux.acc_seg": 84.02543, "loss": 0.37954, "grad_norm": 12.48888, "time": 0.42392} {"mode": "train", "epoch": 97, "iter": 122500, "lr": 0.0, "memory": 14793, "data_time": 0.00561, "decode.loss_ce": 0.21298, "decode.acc_seg": 91.119, "aux.loss_ce": 0.17112, "aux.acc_seg": 84.03406, "loss": 0.38411, "grad_norm": 13.12377, "time": 0.41396} {"mode": "train", "epoch": 97, "iter": 122550, "lr": 0.0, "memory": 14793, "data_time": 0.00604, "decode.loss_ce": 0.2157, "decode.acc_seg": 90.70553, "aux.loss_ce": 0.16714, "aux.acc_seg": 83.79151, "loss": 0.38284, "grad_norm": 11.72971, "time": 0.41723} {"mode": "train", "epoch": 97, "iter": 122600, "lr": 0.0, "memory": 14793, "data_time": 0.00515, "decode.loss_ce": 0.21858, "decode.acc_seg": 90.94365, "aux.loss_ce": 0.16134, "aux.acc_seg": 84.59206, "loss": 0.37991, "grad_norm": 12.69885, "time": 0.41006} {"mode": "train", "epoch": 98, "iter": 122650, "lr": 0.0, "memory": 14793, "data_time": 0.0522, "decode.loss_ce": 0.20667, "decode.acc_seg": 91.49801, "aux.loss_ce": 0.15899, "aux.acc_seg": 84.89872, "loss": 0.36566, "grad_norm": 8.41234, "time": 0.45475} {"mode": "train", "epoch": 98, "iter": 122700, "lr": 0.0, "memory": 14793, "data_time": 0.00619, "decode.loss_ce": 0.20403, "decode.acc_seg": 91.40647, "aux.loss_ce": 0.15823, "aux.acc_seg": 84.98139, "loss": 0.36225, "grad_norm": 10.83755, "time": 0.41476} {"mode": "train", "epoch": 98, "iter": 122750, "lr": 0.0, "memory": 14793, "data_time": 0.00552, "decode.loss_ce": 0.19266, "decode.acc_seg": 91.70839, "aux.loss_ce": 0.14742, "aux.acc_seg": 85.58625, "loss": 0.34009, "grad_norm": 15.25644, "time": 0.41726} {"mode": "train", "epoch": 98, "iter": 122800, "lr": 0.0, "memory": 14793, "data_time": 0.0051, "decode.loss_ce": 0.21414, "decode.acc_seg": 90.9609, "aux.loss_ce": 0.16933, "aux.acc_seg": 83.77266, "loss": 0.38347, "grad_norm": 12.23414, "time": 0.41616} {"mode": "train", "epoch": 98, "iter": 122850, "lr": 0.0, "memory": 14793, "data_time": 0.00494, "decode.loss_ce": 0.20258, "decode.acc_seg": 91.48402, "aux.loss_ce": 0.15545, "aux.acc_seg": 85.31367, "loss": 0.35803, "grad_norm": 13.56405, "time": 0.42395} {"mode": "train", "epoch": 98, "iter": 122900, "lr": 0.0, "memory": 14793, "data_time": 0.00511, "decode.loss_ce": 0.20095, "decode.acc_seg": 91.7413, "aux.loss_ce": 0.14828, "aux.acc_seg": 85.84924, "loss": 0.34923, "grad_norm": 14.7031, "time": 0.41782} {"mode": "train", "epoch": 98, "iter": 122950, "lr": 0.0, "memory": 14793, "data_time": 0.00517, "decode.loss_ce": 0.20836, "decode.acc_seg": 91.51875, "aux.loss_ce": 0.16409, "aux.acc_seg": 84.7436, "loss": 0.37245, "grad_norm": 11.66941, "time": 0.41325} {"mode": "train", "epoch": 98, "iter": 123000, "lr": 0.0, "memory": 14793, "data_time": 0.0054, "decode.loss_ce": 0.21518, "decode.acc_seg": 90.99688, "aux.loss_ce": 0.15935, "aux.acc_seg": 84.8352, "loss": 0.37453, "grad_norm": 11.16544, "time": 0.6479} {"mode": "val", "epoch": 98, "iter": 125, "lr": 0.0, "aAcc": 0.8506, "mIoU": 0.5503, "mAcc": 0.6745, "IoU.wall": 0.8071, "IoU.building": 0.8363, "IoU.sky": 0.95, "IoU.floor": 0.8357, "IoU.tree": 0.761, "IoU.ceiling": 0.8609, "IoU.road": 0.8579, "IoU.bed ": 0.9158, "IoU.windowpane": 0.6446, "IoU.grass": 0.6749, "IoU.cabinet": 0.6485, "IoU.sidewalk": 0.6911, "IoU.person": 0.8414, "IoU.earth": 0.3901, "IoU.door": 0.559, "IoU.table": 0.6567, "IoU.mountain": 0.6035, "IoU.plant": 0.5268, "IoU.curtain": 0.761, "IoU.chair": 0.6368, "IoU.car": 0.8654, "IoU.water": 0.6142, "IoU.painting": 0.7511, "IoU.sofa": 0.7446, "IoU.shelf": 0.4655, "IoU.house": 0.4996, "IoU.sea": 0.7125, "IoU.mirror": 0.7342, "IoU.rug": 0.6946, "IoU.field": 0.3034, "IoU.armchair": 0.4735, "IoU.seat": 0.662, "IoU.fence": 0.4817, "IoU.desk": 0.5275, "IoU.rock": 0.5332, "IoU.wardrobe": 0.5513, "IoU.lamp": 0.6952, "IoU.bathtub": 0.8246, "IoU.railing": 0.4206, "IoU.cushion": 0.6655, "IoU.base": 0.4027, "IoU.box": 0.3439, "IoU.column": 0.5471, "IoU.signboard": 0.3945, "IoU.chest of drawers": 0.4425, "IoU.counter": 0.3088, "IoU.sand": 0.5789, "IoU.sink": 0.7895, "IoU.skyscraper": 0.5003, "IoU.fireplace": 0.7282, "IoU.refrigerator": 0.7824, "IoU.grandstand": 0.4766, "IoU.path": 0.2602, "IoU.stairs": 0.3722, "IoU.runway": 0.6467, "IoU.case": 0.5223, "IoU.pool table": 0.9373, "IoU.pillow": 0.6092, "IoU.screen door": 0.7253, "IoU.stairway": 0.3977, "IoU.river": 0.1028, "IoU.bridge": 0.4177, "IoU.bookcase": 0.4748, "IoU.blind": 0.4394, "IoU.coffee table": 0.6087, "IoU.toilet": 0.881, "IoU.flower": 0.4624, "IoU.book": 0.4997, "IoU.hill": 0.0684, "IoU.bench": 0.6478, "IoU.countertop": 0.6106, "IoU.stove": 0.8344, "IoU.palm": 0.569, "IoU.kitchen island": 0.4548, "IoU.computer": 0.7492, "IoU.swivel chair": 0.5381, "IoU.boat": 0.7602, "IoU.bar": 0.4718, "IoU.arcade machine": 0.7006, "IoU.hovel": 0.6232, "IoU.bus": 0.9323, "IoU.towel": 0.7092, "IoU.light": 0.5936, "IoU.truck": 0.4554, "IoU.tower": 0.2387, "IoU.chandelier": 0.7168, "IoU.awning": 0.3819, "IoU.streetlight": 0.3335, "IoU.booth": 0.4127, "IoU.television receiver": 0.7627, "IoU.airplane": 0.7428, "IoU.dirt track": 0.1115, "IoU.apparel": 0.6165, "IoU.pole": 0.2318, "IoU.land": 0.0586, "IoU.bannister": 0.1568, "IoU.escalator": 0.5382, "IoU.ottoman": 0.566, "IoU.bottle": 0.4131, "IoU.buffet": 0.4484, "IoU.poster": 0.3229, "IoU.stage": 0.2197, "IoU.van": 0.478, "IoU.ship": 0.5938, "IoU.fountain": 0.2576, "IoU.conveyer belt": 0.8049, "IoU.canopy": 0.4377, "IoU.washer": 0.7301, "IoU.plaything": 0.3611, "IoU.swimming pool": 0.6657, "IoU.stool": 0.4857, "IoU.barrel": 0.5635, "IoU.basket": 0.4092, "IoU.waterfall": 0.6472, "IoU.tent": 0.9561, "IoU.bag": 0.2324, "IoU.minibike": 0.7328, "IoU.cradle": 0.8521, "IoU.oven": 0.4972, "IoU.ball": 0.4509, "IoU.food": 0.5369, "IoU.step": 0.2323, "IoU.tank": 0.6325, "IoU.trade name": 0.2757, "IoU.microwave": 0.8404, "IoU.pot": 0.5306, "IoU.animal": 0.5999, "IoU.bicycle": 0.6023, "IoU.lake": 0.5153, "IoU.dishwasher": 0.681, "IoU.screen": 0.5983, "IoU.blanket": 0.2498, "IoU.sculpture": 0.719, "IoU.hood": 0.6435, "IoU.sconce": 0.5544, "IoU.vase": 0.4465, "IoU.traffic light": 0.3833, "IoU.tray": 0.0806, "IoU.ashcan": 0.4743, "IoU.fan": 0.6733, "IoU.pier": 0.4483, "IoU.crt screen": 0.1334, "IoU.plate": 0.5761, "IoU.monitor": 0.1775, "IoU.bulletin board": 0.65, "IoU.shower": 0.0, "IoU.radiator": 0.6417, "IoU.glass": 0.1733, "IoU.clock": 0.4719, "IoU.flag": 0.5247, "Acc.wall": 0.8914, "Acc.building": 0.9176, "Acc.sky": 0.9765, "Acc.floor": 0.9089, "Acc.tree": 0.8976, "Acc.ceiling": 0.9308, "Acc.road": 0.9166, "Acc.bed ": 0.9734, "Acc.windowpane": 0.8129, "Acc.grass": 0.8168, "Acc.cabinet": 0.7666, "Acc.sidewalk": 0.8258, "Acc.person": 0.9335, "Acc.earth": 0.5359, "Acc.door": 0.7014, "Acc.table": 0.7997, "Acc.mountain": 0.7356, "Acc.plant": 0.6409, "Acc.curtain": 0.8671, "Acc.chair": 0.7752, "Acc.car": 0.9415, "Acc.water": 0.7635, "Acc.painting": 0.8941, "Acc.sofa": 0.8922, "Acc.shelf": 0.6641, "Acc.house": 0.7198, "Acc.sea": 0.8434, "Acc.mirror": 0.7959, "Acc.rug": 0.8472, "Acc.field": 0.4517, "Acc.armchair": 0.6255, "Acc.seat": 0.8372, "Acc.fence": 0.6396, "Acc.desk": 0.7349, "Acc.rock": 0.7797, "Acc.wardrobe": 0.7126, "Acc.lamp": 0.8144, "Acc.bathtub": 0.8595, "Acc.railing": 0.5805, "Acc.cushion": 0.7989, "Acc.base": 0.5381, "Acc.box": 0.4585, "Acc.column": 0.6568, "Acc.signboard": 0.5482, "Acc.chest of drawers": 0.6586, "Acc.counter": 0.3999, "Acc.sand": 0.8045, "Acc.sink": 0.8542, "Acc.skyscraper": 0.6089, "Acc.fireplace": 0.9334, "Acc.refrigerator": 0.8474, "Acc.grandstand": 0.8357, "Acc.path": 0.4097, "Acc.stairs": 0.5145, "Acc.runway": 0.856, "Acc.case": 0.6503, "Acc.pool table": 0.9817, "Acc.pillow": 0.7033, "Acc.screen door": 0.8399, "Acc.stairway": 0.4634, "Acc.river": 0.2336, "Acc.bridge": 0.474, "Acc.bookcase": 0.6932, "Acc.blind": 0.4933, "Acc.coffee table": 0.8724, "Acc.toilet": 0.9334, "Acc.flower": 0.6186, "Acc.book": 0.7373, "Acc.hill": 0.1227, "Acc.bench": 0.7802, "Acc.countertop": 0.8037, "Acc.stove": 0.8938, "Acc.palm": 0.7844, "Acc.kitchen island": 0.7796, "Acc.computer": 0.9032, "Acc.swivel chair": 0.7421, "Acc.boat": 0.8618, "Acc.bar": 0.5844, "Acc.arcade machine": 0.742, "Acc.hovel": 0.7012, "Acc.bus": 0.9759, "Acc.towel": 0.8602, "Acc.light": 0.6955, "Acc.truck": 0.6162, "Acc.tower": 0.4434, "Acc.chandelier": 0.8471, "Acc.awning": 0.4844, "Acc.streetlight": 0.4672, "Acc.booth": 0.5174, "Acc.television receiver": 0.8621, "Acc.airplane": 0.8234, "Acc.dirt track": 0.2377, "Acc.apparel": 0.7521, "Acc.pole": 0.3143, "Acc.land": 0.0793, "Acc.bannister": 0.2129, "Acc.escalator": 0.8041, "Acc.ottoman": 0.7157, "Acc.bottle": 0.6502, "Acc.buffet": 0.54, "Acc.poster": 0.4666, "Acc.stage": 0.2988, "Acc.van": 0.624, "Acc.ship": 0.6584, "Acc.fountain": 0.2597, "Acc.conveyer belt": 0.9386, "Acc.canopy": 0.6582, "Acc.washer": 0.7531, "Acc.plaything": 0.5049, "Acc.swimming pool": 0.7464, "Acc.stool": 0.6392, "Acc.barrel": 0.8478, "Acc.basket": 0.5277, "Acc.waterfall": 0.7589, "Acc.tent": 0.984, "Acc.bag": 0.286, "Acc.minibike": 0.8682, "Acc.cradle": 0.9754, "Acc.oven": 0.6055, "Acc.ball": 0.4811, "Acc.food": 0.5961, "Acc.step": 0.2944, "Acc.tank": 0.6594, "Acc.trade name": 0.3189, "Acc.microwave": 0.958, "Acc.pot": 0.6372, "Acc.animal": 0.615, "Acc.bicycle": 0.7782, "Acc.lake": 0.6388, "Acc.dishwasher": 0.7887, "Acc.screen": 0.8534, "Acc.blanket": 0.2999, "Acc.sculpture": 0.8467, "Acc.hood": 0.6805, "Acc.sconce": 0.6639, "Acc.vase": 0.6405, "Acc.traffic light": 0.5608, "Acc.tray": 0.1415, "Acc.ashcan": 0.651, "Acc.fan": 0.7951, "Acc.pier": 0.6816, "Acc.crt screen": 0.3182, "Acc.plate": 0.8274, "Acc.monitor": 0.1998, "Acc.bulletin board": 0.745, "Acc.shower": 0.0, "Acc.radiator": 0.7507, "Acc.glass": 0.189, "Acc.clock": 0.5342, "Acc.flag": 0.5859} {"mode": "train", "epoch": 98, "iter": 123050, "lr": 0.0, "memory": 14793, "data_time": 2.29973, "decode.loss_ce": 0.20804, "decode.acc_seg": 91.23868, "aux.loss_ce": 0.16615, "aux.acc_seg": 84.3015, "loss": 0.37419, "grad_norm": 11.30342, "time": 2.71717} {"mode": "train", "epoch": 98, "iter": 123100, "lr": 0.0, "memory": 14793, "data_time": 0.00869, "decode.loss_ce": 0.2032, "decode.acc_seg": 91.29868, "aux.loss_ce": 0.16064, "aux.acc_seg": 84.24026, "loss": 0.36384, "grad_norm": 13.0176, "time": 0.41746} {"mode": "train", "epoch": 98, "iter": 123150, "lr": 0.0, "memory": 14793, "data_time": 0.00526, "decode.loss_ce": 0.21444, "decode.acc_seg": 91.36298, "aux.loss_ce": 0.16224, "aux.acc_seg": 84.88654, "loss": 0.37668, "grad_norm": 13.2496, "time": 0.43479} {"mode": "train", "epoch": 98, "iter": 123200, "lr": 0.0, "memory": 14793, "data_time": 0.00543, "decode.loss_ce": 0.2065, "decode.acc_seg": 91.21068, "aux.loss_ce": 0.15249, "aux.acc_seg": 85.15544, "loss": 0.35899, "grad_norm": 14.32891, "time": 0.4218} {"mode": "train", "epoch": 98, "iter": 123250, "lr": 0.0, "memory": 14793, "data_time": 0.00542, "decode.loss_ce": 0.20736, "decode.acc_seg": 91.01226, "aux.loss_ce": 0.1658, "aux.acc_seg": 83.80881, "loss": 0.37316, "grad_norm": 12.25469, "time": 0.42312} {"mode": "train", "epoch": 98, "iter": 123300, "lr": 0.0, "memory": 14793, "data_time": 0.00564, "decode.loss_ce": 0.20001, "decode.acc_seg": 91.55058, "aux.loss_ce": 0.15494, "aux.acc_seg": 85.19967, "loss": 0.35495, "grad_norm": 12.55684, "time": 0.41486} {"mode": "train", "epoch": 98, "iter": 123350, "lr": 0.0, "memory": 14793, "data_time": 0.00557, "decode.loss_ce": 0.19973, "decode.acc_seg": 91.64452, "aux.loss_ce": 0.15081, "aux.acc_seg": 85.43957, "loss": 0.35054, "grad_norm": 12.28704, "time": 0.42362} {"mode": "train", "epoch": 98, "iter": 123400, "lr": 0.0, "memory": 14793, "data_time": 0.0059, "decode.loss_ce": 0.19694, "decode.acc_seg": 91.79651, "aux.loss_ce": 0.15538, "aux.acc_seg": 85.53014, "loss": 0.35231, "grad_norm": 9.28916, "time": 0.42277} {"mode": "train", "epoch": 98, "iter": 123450, "lr": 0.0, "memory": 14793, "data_time": 0.00543, "decode.loss_ce": 0.20437, "decode.acc_seg": 91.64326, "aux.loss_ce": 0.16166, "aux.acc_seg": 84.90452, "loss": 0.36602, "grad_norm": 10.62044, "time": 0.41178} {"mode": "train", "epoch": 98, "iter": 123500, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.20375, "decode.acc_seg": 91.58946, "aux.loss_ce": 0.15558, "aux.acc_seg": 85.20113, "loss": 0.35933, "grad_norm": 13.152, "time": 0.41493} {"mode": "train", "epoch": 98, "iter": 123550, "lr": 0.0, "memory": 14793, "data_time": 0.00693, "decode.loss_ce": 0.20968, "decode.acc_seg": 90.97148, "aux.loss_ce": 0.16178, "aux.acc_seg": 84.22748, "loss": 0.37146, "grad_norm": 10.53285, "time": 0.41637} {"mode": "train", "epoch": 98, "iter": 123600, "lr": 0.0, "memory": 14793, "data_time": 0.00547, "decode.loss_ce": 0.20094, "decode.acc_seg": 91.44538, "aux.loss_ce": 0.15281, "aux.acc_seg": 85.3829, "loss": 0.35374, "grad_norm": 9.78773, "time": 0.41799} {"mode": "train", "epoch": 98, "iter": 123650, "lr": 0.0, "memory": 14793, "data_time": 0.0057, "decode.loss_ce": 0.20865, "decode.acc_seg": 91.09446, "aux.loss_ce": 0.16151, "aux.acc_seg": 84.30244, "loss": 0.37016, "grad_norm": 12.575, "time": 0.42472} {"mode": "train", "epoch": 98, "iter": 123700, "lr": 0.0, "memory": 14793, "data_time": 0.00517, "decode.loss_ce": 0.20868, "decode.acc_seg": 91.49821, "aux.loss_ce": 0.16306, "aux.acc_seg": 84.73199, "loss": 0.37174, "grad_norm": 12.40821, "time": 0.41637} {"mode": "train", "epoch": 98, "iter": 123750, "lr": 0.0, "memory": 14793, "data_time": 0.00519, "decode.loss_ce": 0.21251, "decode.acc_seg": 91.21483, "aux.loss_ce": 0.16157, "aux.acc_seg": 84.74044, "loss": 0.37408, "grad_norm": 11.15356, "time": 0.41246} {"mode": "train", "epoch": 98, "iter": 123800, "lr": 0.0, "memory": 14793, "data_time": 0.00578, "decode.loss_ce": 0.20565, "decode.acc_seg": 91.20239, "aux.loss_ce": 0.16244, "aux.acc_seg": 84.20192, "loss": 0.36809, "grad_norm": 10.53255, "time": 0.41379} {"mode": "train", "epoch": 98, "iter": 123850, "lr": 0.0, "memory": 14793, "data_time": 0.00527, "decode.loss_ce": 0.1949, "decode.acc_seg": 91.57017, "aux.loss_ce": 0.14825, "aux.acc_seg": 85.49607, "loss": 0.34316, "grad_norm": 9.17441, "time": 0.41354} {"mode": "train", "epoch": 99, "iter": 123900, "lr": 0.0, "memory": 14793, "data_time": 0.05163, "decode.loss_ce": 0.21067, "decode.acc_seg": 91.44415, "aux.loss_ce": 0.15952, "aux.acc_seg": 84.80871, "loss": 0.37019, "grad_norm": 12.4928, "time": 0.46503} {"mode": "train", "epoch": 99, "iter": 123950, "lr": 0.0, "memory": 14793, "data_time": 0.0051, "decode.loss_ce": 0.20741, "decode.acc_seg": 91.42008, "aux.loss_ce": 0.15392, "aux.acc_seg": 85.07359, "loss": 0.36133, "grad_norm": 35.50866, "time": 0.41071} {"mode": "train", "epoch": 99, "iter": 124000, "lr": 0.0, "memory": 14793, "data_time": 0.00499, "decode.loss_ce": 0.21557, "decode.acc_seg": 91.06887, "aux.loss_ce": 0.1588, "aux.acc_seg": 84.5904, "loss": 0.37437, "grad_norm": 10.61403, "time": 0.6606} {"mode": "val", "epoch": 99, "iter": 125, "lr": 0.0, "aAcc": 0.8489, "mIoU": 0.5466, "mAcc": 0.6708, "IoU.wall": 0.8024, "IoU.building": 0.8341, "IoU.sky": 0.9498, "IoU.floor": 0.8295, "IoU.tree": 0.7596, "IoU.ceiling": 0.8574, "IoU.road": 0.8545, "IoU.bed ": 0.9157, "IoU.windowpane": 0.6463, "IoU.grass": 0.6741, "IoU.cabinet": 0.6521, "IoU.sidewalk": 0.6892, "IoU.person": 0.8402, "IoU.earth": 0.3933, "IoU.door": 0.5478, "IoU.table": 0.6585, "IoU.mountain": 0.5995, "IoU.plant": 0.5232, "IoU.curtain": 0.7609, "IoU.chair": 0.6384, "IoU.car": 0.8645, "IoU.water": 0.6112, "IoU.painting": 0.7401, "IoU.sofa": 0.7665, "IoU.shelf": 0.4512, "IoU.house": 0.4903, "IoU.sea": 0.7115, "IoU.mirror": 0.7261, "IoU.rug": 0.6322, "IoU.field": 0.3168, "IoU.armchair": 0.517, "IoU.seat": 0.6696, "IoU.fence": 0.4825, "IoU.desk": 0.5318, "IoU.rock": 0.5208, "IoU.wardrobe": 0.5577, "IoU.lamp": 0.6918, "IoU.bathtub": 0.8276, "IoU.railing": 0.3989, "IoU.cushion": 0.6597, "IoU.base": 0.396, "IoU.box": 0.339, "IoU.column": 0.5451, "IoU.signboard": 0.3858, "IoU.chest of drawers": 0.4539, "IoU.counter": 0.2894, "IoU.sand": 0.5483, "IoU.sink": 0.7869, "IoU.skyscraper": 0.499, "IoU.fireplace": 0.7161, "IoU.refrigerator": 0.7911, "IoU.grandstand": 0.4841, "IoU.path": 0.2499, "IoU.stairs": 0.3537, "IoU.runway": 0.6412, "IoU.case": 0.5119, "IoU.pool table": 0.9358, "IoU.pillow": 0.614, "IoU.screen door": 0.7015, "IoU.stairway": 0.3826, "IoU.river": 0.1054, "IoU.bridge": 0.4001, "IoU.bookcase": 0.4654, "IoU.blind": 0.4643, "IoU.coffee table": 0.6217, "IoU.toilet": 0.8791, "IoU.flower": 0.4468, "IoU.book": 0.4911, "IoU.hill": 0.076, "IoU.bench": 0.6462, "IoU.countertop": 0.6011, "IoU.stove": 0.8343, "IoU.palm": 0.5709, "IoU.kitchen island": 0.4516, "IoU.computer": 0.7495, "IoU.swivel chair": 0.5483, "IoU.boat": 0.7582, "IoU.bar": 0.5116, "IoU.arcade machine": 0.6801, "IoU.hovel": 0.624, "IoU.bus": 0.9219, "IoU.towel": 0.7121, "IoU.light": 0.5918, "IoU.truck": 0.4542, "IoU.tower": 0.2535, "IoU.chandelier": 0.7147, "IoU.awning": 0.3591, "IoU.streetlight": 0.3342, "IoU.booth": 0.3921, "IoU.television receiver": 0.7682, "IoU.airplane": 0.7502, "IoU.dirt track": 0.0817, "IoU.apparel": 0.6027, "IoU.pole": 0.2384, "IoU.land": 0.0617, "IoU.bannister": 0.1552, "IoU.escalator": 0.5275, "IoU.ottoman": 0.5713, "IoU.bottle": 0.4124, "IoU.buffet": 0.4482, "IoU.poster": 0.3162, "IoU.stage": 0.2345, "IoU.van": 0.4802, "IoU.ship": 0.486, "IoU.fountain": 0.2818, "IoU.conveyer belt": 0.787, "IoU.canopy": 0.3796, "IoU.washer": 0.735, "IoU.plaything": 0.3712, "IoU.swimming pool": 0.6816, "IoU.stool": 0.5002, "IoU.barrel": 0.5479, "IoU.basket": 0.4045, "IoU.waterfall": 0.6058, "IoU.tent": 0.9512, "IoU.bag": 0.2278, "IoU.minibike": 0.727, "IoU.cradle": 0.8431, "IoU.oven": 0.4903, "IoU.ball": 0.4497, "IoU.food": 0.573, "IoU.step": 0.2258, "IoU.tank": 0.6243, "IoU.trade name": 0.2694, "IoU.microwave": 0.8319, "IoU.pot": 0.5196, "IoU.animal": 0.5944, "IoU.bicycle": 0.5992, "IoU.lake": 0.5102, "IoU.dishwasher": 0.6921, "IoU.screen": 0.5866, "IoU.blanket": 0.2426, "IoU.sculpture": 0.7096, "IoU.hood": 0.6364, "IoU.sconce": 0.5573, "IoU.vase": 0.4491, "IoU.traffic light": 0.3688, "IoU.tray": 0.0677, "IoU.ashcan": 0.4711, "IoU.fan": 0.658, "IoU.pier": 0.3566, "IoU.crt screen": 0.1274, "IoU.plate": 0.5834, "IoU.monitor": 0.263, "IoU.bulletin board": 0.6611, "IoU.shower": 0.0043, "IoU.radiator": 0.6352, "IoU.glass": 0.1691, "IoU.clock": 0.4687, "IoU.flag": 0.5313, "Acc.wall": 0.88, "Acc.building": 0.9243, "Acc.sky": 0.9762, "Acc.floor": 0.9128, "Acc.tree": 0.8869, "Acc.ceiling": 0.9273, "Acc.road": 0.9158, "Acc.bed ": 0.9725, "Acc.windowpane": 0.8162, "Acc.grass": 0.8317, "Acc.cabinet": 0.7745, "Acc.sidewalk": 0.8328, "Acc.person": 0.9381, "Acc.earth": 0.5413, "Acc.door": 0.7434, "Acc.table": 0.8018, "Acc.mountain": 0.7314, "Acc.plant": 0.6337, "Acc.curtain": 0.8803, "Acc.chair": 0.7644, "Acc.car": 0.9378, "Acc.water": 0.7683, "Acc.painting": 0.9031, "Acc.sofa": 0.8804, "Acc.shelf": 0.6236, "Acc.house": 0.7075, "Acc.sea": 0.8397, "Acc.mirror": 0.7843, "Acc.rug": 0.7285, "Acc.field": 0.4568, "Acc.armchair": 0.7094, "Acc.seat": 0.8426, "Acc.fence": 0.6428, "Acc.desk": 0.7278, "Acc.rock": 0.7941, "Acc.wardrobe": 0.715, "Acc.lamp": 0.813, "Acc.bathtub": 0.8683, "Acc.railing": 0.5583, "Acc.cushion": 0.7628, "Acc.base": 0.5412, "Acc.box": 0.444, "Acc.column": 0.6593, "Acc.signboard": 0.5234, "Acc.chest of drawers": 0.6317, "Acc.counter": 0.3804, "Acc.sand": 0.7189, "Acc.sink": 0.8517, "Acc.skyscraper": 0.6217, "Acc.fireplace": 0.9367, "Acc.refrigerator": 0.8647, "Acc.grandstand": 0.8354, "Acc.path": 0.3881, "Acc.stairs": 0.4689, "Acc.runway": 0.8514, "Acc.case": 0.6317, "Acc.pool table": 0.9823, "Acc.pillow": 0.7213, "Acc.screen door": 0.8172, "Acc.stairway": 0.4689, "Acc.river": 0.2312, "Acc.bridge": 0.4485, "Acc.bookcase": 0.7165, "Acc.blind": 0.5337, "Acc.coffee table": 0.8424, "Acc.toilet": 0.933, "Acc.flower": 0.5982, "Acc.book": 0.6863, "Acc.hill": 0.1257, "Acc.bench": 0.7934, "Acc.countertop": 0.8069, "Acc.stove": 0.9041, "Acc.palm": 0.7773, "Acc.kitchen island": 0.7883, "Acc.computer": 0.9009, "Acc.swivel chair": 0.7641, "Acc.boat": 0.8517, "Acc.bar": 0.6716, "Acc.arcade machine": 0.7231, "Acc.hovel": 0.7083, "Acc.bus": 0.9782, "Acc.towel": 0.8575, "Acc.light": 0.7071, "Acc.truck": 0.6097, "Acc.tower": 0.4303, "Acc.chandelier": 0.8325, "Acc.awning": 0.4289, "Acc.streetlight": 0.4569, "Acc.booth": 0.4996, "Acc.television receiver": 0.8661, "Acc.airplane": 0.8414, "Acc.dirt track": 0.1612, "Acc.apparel": 0.7472, "Acc.pole": 0.331, "Acc.land": 0.0738, "Acc.bannister": 0.2107, "Acc.escalator": 0.8329, "Acc.ottoman": 0.7455, "Acc.bottle": 0.7066, "Acc.buffet": 0.5614, "Acc.poster": 0.4711, "Acc.stage": 0.3584, "Acc.van": 0.6502, "Acc.ship": 0.5375, "Acc.fountain": 0.2839, "Acc.conveyer belt": 0.9497, "Acc.canopy": 0.5676, "Acc.washer": 0.7615, "Acc.plaything": 0.5316, "Acc.swimming pool": 0.7413, "Acc.stool": 0.6169, "Acc.barrel": 0.8636, "Acc.basket": 0.5213, "Acc.waterfall": 0.6863, "Acc.tent": 0.9843, "Acc.bag": 0.2841, "Acc.minibike": 0.8747, "Acc.cradle": 0.9784, "Acc.oven": 0.6127, "Acc.ball": 0.4777, "Acc.food": 0.6488, "Acc.step": 0.2802, "Acc.tank": 0.669, "Acc.trade name": 0.3095, "Acc.microwave": 0.9658, "Acc.pot": 0.6111, "Acc.animal": 0.6095, "Acc.bicycle": 0.7809, "Acc.lake": 0.638, "Acc.dishwasher": 0.7988, "Acc.screen": 0.8794, "Acc.blanket": 0.2878, "Acc.sculpture": 0.851, "Acc.hood": 0.7077, "Acc.sconce": 0.6608, "Acc.vase": 0.6102, "Acc.traffic light": 0.5992, "Acc.tray": 0.1089, "Acc.ashcan": 0.6308, "Acc.fan": 0.765, "Acc.pier": 0.52, "Acc.crt screen": 0.2734, "Acc.plate": 0.7871, "Acc.monitor": 0.304, "Acc.bulletin board": 0.7786, "Acc.shower": 0.0044, "Acc.radiator": 0.729, "Acc.glass": 0.1828, "Acc.clock": 0.5156, "Acc.flag": 0.587} {"mode": "train", "epoch": 99, "iter": 124050, "lr": 0.0, "memory": 14793, "data_time": 2.0804, "decode.loss_ce": 0.2014, "decode.acc_seg": 91.40728, "aux.loss_ce": 0.15232, "aux.acc_seg": 84.94708, "loss": 0.35372, "grad_norm": 11.29537, "time": 2.50001} {"mode": "train", "epoch": 99, "iter": 124100, "lr": 0.0, "memory": 14793, "data_time": 0.00543, "decode.loss_ce": 0.206, "decode.acc_seg": 91.30463, "aux.loss_ce": 0.15949, "aux.acc_seg": 85.30891, "loss": 0.36549, "grad_norm": 11.32898, "time": 0.42522} {"mode": "train", "epoch": 99, "iter": 124150, "lr": 0.0, "memory": 14793, "data_time": 0.00552, "decode.loss_ce": 0.21988, "decode.acc_seg": 90.85829, "aux.loss_ce": 0.16983, "aux.acc_seg": 83.60052, "loss": 0.38971, "grad_norm": 11.94407, "time": 0.41209} {"mode": "train", "epoch": 99, "iter": 124200, "lr": 0.0, "memory": 14793, "data_time": 0.00572, "decode.loss_ce": 0.19881, "decode.acc_seg": 91.62315, "aux.loss_ce": 0.15167, "aux.acc_seg": 85.49812, "loss": 0.35048, "grad_norm": 10.06903, "time": 0.41293} {"mode": "train", "epoch": 99, "iter": 124250, "lr": 0.0, "memory": 14793, "data_time": 0.00549, "decode.loss_ce": 0.211, "decode.acc_seg": 91.55812, "aux.loss_ce": 0.15713, "aux.acc_seg": 85.16865, "loss": 0.36813, "grad_norm": 12.30827, "time": 0.40687} {"mode": "train", "epoch": 99, "iter": 124300, "lr": 0.0, "memory": 14793, "data_time": 0.00579, "decode.loss_ce": 0.19657, "decode.acc_seg": 91.65955, "aux.loss_ce": 0.15112, "aux.acc_seg": 85.442, "loss": 0.34769, "grad_norm": 10.54319, "time": 0.40974} {"mode": "train", "epoch": 99, "iter": 124350, "lr": 0.0, "memory": 14793, "data_time": 0.00554, "decode.loss_ce": 0.2106, "decode.acc_seg": 91.20692, "aux.loss_ce": 0.16218, "aux.acc_seg": 84.39953, "loss": 0.37278, "grad_norm": 10.33658, "time": 0.41316} {"mode": "train", "epoch": 99, "iter": 124400, "lr": 0.0, "memory": 14793, "data_time": 0.00773, "decode.loss_ce": 0.19529, "decode.acc_seg": 91.7854, "aux.loss_ce": 0.15244, "aux.acc_seg": 85.39722, "loss": 0.34773, "grad_norm": 11.76981, "time": 0.42193} {"mode": "train", "epoch": 99, "iter": 124450, "lr": 0.0, "memory": 14793, "data_time": 0.00637, "decode.loss_ce": 0.20547, "decode.acc_seg": 91.52747, "aux.loss_ce": 0.16193, "aux.acc_seg": 84.62888, "loss": 0.3674, "grad_norm": 12.73973, "time": 0.42247} {"mode": "train", "epoch": 99, "iter": 124500, "lr": 0.0, "memory": 14793, "data_time": 0.00546, "decode.loss_ce": 0.19503, "decode.acc_seg": 91.81251, "aux.loss_ce": 0.15689, "aux.acc_seg": 85.05177, "loss": 0.35192, "grad_norm": 11.50676, "time": 0.42509} {"mode": "train", "epoch": 99, "iter": 124550, "lr": 0.0, "memory": 14793, "data_time": 0.00524, "decode.loss_ce": 0.20412, "decode.acc_seg": 91.27173, "aux.loss_ce": 0.16136, "aux.acc_seg": 84.03701, "loss": 0.36548, "grad_norm": 10.93039, "time": 0.42237} {"mode": "train", "epoch": 99, "iter": 124600, "lr": 0.0, "memory": 14793, "data_time": 0.00683, "decode.loss_ce": 0.19724, "decode.acc_seg": 91.41071, "aux.loss_ce": 0.15485, "aux.acc_seg": 84.75493, "loss": 0.3521, "grad_norm": 13.97551, "time": 0.41675} {"mode": "train", "epoch": 99, "iter": 124650, "lr": 0.0, "memory": 14793, "data_time": 0.00545, "decode.loss_ce": 0.21005, "decode.acc_seg": 91.24484, "aux.loss_ce": 0.16432, "aux.acc_seg": 84.72872, "loss": 0.37437, "grad_norm": 15.389, "time": 0.41122} {"mode": "train", "epoch": 99, "iter": 124700, "lr": 0.0, "memory": 14793, "data_time": 0.00732, "decode.loss_ce": 0.19306, "decode.acc_seg": 91.64319, "aux.loss_ce": 0.14867, "aux.acc_seg": 85.16021, "loss": 0.34173, "grad_norm": 9.09076, "time": 0.41381} {"mode": "train", "epoch": 99, "iter": 124750, "lr": 0.0, "memory": 14793, "data_time": 0.00543, "decode.loss_ce": 0.20409, "decode.acc_seg": 91.27296, "aux.loss_ce": 0.15892, "aux.acc_seg": 84.65749, "loss": 0.36301, "grad_norm": 11.5721, "time": 0.4047} {"mode": "train", "epoch": 99, "iter": 124800, "lr": 0.0, "memory": 14793, "data_time": 0.00656, "decode.loss_ce": 0.20314, "decode.acc_seg": 91.76231, "aux.loss_ce": 0.16305, "aux.acc_seg": 84.93183, "loss": 0.36619, "grad_norm": 15.42256, "time": 0.42086} {"mode": "train", "epoch": 99, "iter": 124850, "lr": 0.0, "memory": 14793, "data_time": 0.00564, "decode.loss_ce": 0.20377, "decode.acc_seg": 91.10941, "aux.loss_ce": 0.15901, "aux.acc_seg": 84.14907, "loss": 0.36278, "grad_norm": 12.78432, "time": 0.41839} {"mode": "train", "epoch": 99, "iter": 124900, "lr": 0.0, "memory": 14793, "data_time": 0.00545, "decode.loss_ce": 0.21742, "decode.acc_seg": 91.06294, "aux.loss_ce": 0.15967, "aux.acc_seg": 84.72357, "loss": 0.3771, "grad_norm": 12.28871, "time": 0.41884} {"mode": "train", "epoch": 99, "iter": 124950, "lr": 0.0, "memory": 14793, "data_time": 0.00648, "decode.loss_ce": 0.21797, "decode.acc_seg": 90.99126, "aux.loss_ce": 0.16202, "aux.acc_seg": 84.98627, "loss": 0.37999, "grad_norm": 11.95655, "time": 0.42165} {"mode": "train", "epoch": 99, "iter": 125000, "lr": 0.0, "memory": 14793, "data_time": 0.0058, "decode.loss_ce": 0.21359, "decode.acc_seg": 91.09335, "aux.loss_ce": 0.1588, "aux.acc_seg": 84.97031, "loss": 0.37239, "grad_norm": 11.3522, "time": 0.65673} {"mode": "val", "epoch": 99, "iter": 125, "lr": 0.0, "aAcc": 0.8491, "mIoU": 0.5479, "mAcc": 0.6757, "IoU.wall": 0.8048, "IoU.building": 0.8338, "IoU.sky": 0.9495, "IoU.floor": 0.8316, "IoU.tree": 0.7605, "IoU.ceiling": 0.8595, "IoU.road": 0.8539, "IoU.bed ": 0.9151, "IoU.windowpane": 0.6469, "IoU.grass": 0.6716, "IoU.cabinet": 0.6339, "IoU.sidewalk": 0.682, "IoU.person": 0.8388, "IoU.earth": 0.3897, "IoU.door": 0.5534, "IoU.table": 0.6594, "IoU.mountain": 0.6025, "IoU.plant": 0.53, "IoU.curtain": 0.766, "IoU.chair": 0.6375, "IoU.car": 0.8625, "IoU.water": 0.6141, "IoU.painting": 0.7483, "IoU.sofa": 0.7568, "IoU.shelf": 0.4535, "IoU.house": 0.4903, "IoU.sea": 0.7101, "IoU.mirror": 0.7381, "IoU.rug": 0.6865, "IoU.field": 0.3143, "IoU.armchair": 0.5096, "IoU.seat": 0.6672, "IoU.fence": 0.4736, "IoU.desk": 0.5384, "IoU.rock": 0.5262, "IoU.wardrobe": 0.5296, "IoU.lamp": 0.6915, "IoU.bathtub": 0.8239, "IoU.railing": 0.4111, "IoU.cushion": 0.6615, "IoU.base": 0.4203, "IoU.box": 0.3542, "IoU.column": 0.5457, "IoU.signboard": 0.3901, "IoU.chest of drawers": 0.4346, "IoU.counter": 0.2852, "IoU.sand": 0.5491, "IoU.sink": 0.8064, "IoU.skyscraper": 0.4886, "IoU.fireplace": 0.7318, "IoU.refrigerator": 0.7825, "IoU.grandstand": 0.4763, "IoU.path": 0.2552, "IoU.stairs": 0.3465, "IoU.runway": 0.6725, "IoU.case": 0.5246, "IoU.pool table": 0.9357, "IoU.pillow": 0.6113, "IoU.screen door": 0.7017, "IoU.stairway": 0.3866, "IoU.river": 0.1045, "IoU.bridge": 0.4234, "IoU.bookcase": 0.4721, "IoU.blind": 0.4388, "IoU.coffee table": 0.6094, "IoU.toilet": 0.8757, "IoU.flower": 0.4584, "IoU.book": 0.508, "IoU.hill": 0.0685, "IoU.bench": 0.6563, "IoU.countertop": 0.6024, "IoU.stove": 0.8308, "IoU.palm": 0.5709, "IoU.kitchen island": 0.4603, "IoU.computer": 0.7527, "IoU.swivel chair": 0.5164, "IoU.boat": 0.7425, "IoU.bar": 0.5132, "IoU.arcade machine": 0.6396, "IoU.hovel": 0.6188, "IoU.bus": 0.93, "IoU.towel": 0.709, "IoU.light": 0.5956, "IoU.truck": 0.448, "IoU.tower": 0.2545, "IoU.chandelier": 0.715, "IoU.awning": 0.3397, "IoU.streetlight": 0.3338, "IoU.booth": 0.3835, "IoU.television receiver": 0.7666, "IoU.airplane": 0.7285, "IoU.dirt track": 0.0327, "IoU.apparel": 0.6143, "IoU.pole": 0.2504, "IoU.land": 0.057, "IoU.bannister": 0.1605, "IoU.escalator": 0.5346, "IoU.ottoman": 0.5703, "IoU.bottle": 0.4141, "IoU.buffet": 0.4495, "IoU.poster": 0.3211, "IoU.stage": 0.224, "IoU.van": 0.4749, "IoU.ship": 0.5909, "IoU.fountain": 0.2833, "IoU.conveyer belt": 0.7906, "IoU.canopy": 0.3948, "IoU.washer": 0.73, "IoU.plaything": 0.3718, "IoU.swimming pool": 0.652, "IoU.stool": 0.4945, "IoU.barrel": 0.5562, "IoU.basket": 0.4029, "IoU.waterfall": 0.6504, "IoU.tent": 0.9517, "IoU.bag": 0.2274, "IoU.minibike": 0.7283, "IoU.cradle": 0.8456, "IoU.oven": 0.4857, "IoU.ball": 0.449, "IoU.food": 0.5694, "IoU.step": 0.2148, "IoU.tank": 0.6263, "IoU.trade name": 0.2872, "IoU.microwave": 0.8294, "IoU.pot": 0.5289, "IoU.animal": 0.615, "IoU.bicycle": 0.5979, "IoU.lake": 0.5134, "IoU.dishwasher": 0.6902, "IoU.screen": 0.5876, "IoU.blanket": 0.2604, "IoU.sculpture": 0.6638, "IoU.hood": 0.6395, "IoU.sconce": 0.5578, "IoU.vase": 0.449, "IoU.traffic light": 0.3638, "IoU.tray": 0.0707, "IoU.ashcan": 0.4777, "IoU.fan": 0.6715, "IoU.pier": 0.3523, "IoU.crt screen": 0.1467, "IoU.plate": 0.5827, "IoU.monitor": 0.3047, "IoU.bulletin board": 0.6591, "IoU.shower": 0.0198, "IoU.radiator": 0.6303, "IoU.glass": 0.1675, "IoU.clock": 0.4809, "IoU.flag": 0.5309, "Acc.wall": 0.8805, "Acc.building": 0.922, "Acc.sky": 0.9741, "Acc.floor": 0.9041, "Acc.tree": 0.9, "Acc.ceiling": 0.9249, "Acc.road": 0.903, "Acc.bed ": 0.9739, "Acc.windowpane": 0.804, "Acc.grass": 0.8139, "Acc.cabinet": 0.7496, "Acc.sidewalk": 0.8417, "Acc.person": 0.9411, "Acc.earth": 0.5306, "Acc.door": 0.7589, "Acc.table": 0.7988, "Acc.mountain": 0.7324, "Acc.plant": 0.6586, "Acc.curtain": 0.8905, "Acc.chair": 0.7762, "Acc.car": 0.9415, "Acc.water": 0.7681, "Acc.painting": 0.893, "Acc.sofa": 0.8821, "Acc.shelf": 0.6259, "Acc.house": 0.7151, "Acc.sea": 0.8471, "Acc.mirror": 0.8105, "Acc.rug": 0.8293, "Acc.field": 0.4684, "Acc.armchair": 0.696, "Acc.seat": 0.8166, "Acc.fence": 0.6366, "Acc.desk": 0.7341, "Acc.rock": 0.7836, "Acc.wardrobe": 0.7358, "Acc.lamp": 0.8104, "Acc.bathtub": 0.8645, "Acc.railing": 0.5776, "Acc.cushion": 0.7858, "Acc.base": 0.5692, "Acc.box": 0.4734, "Acc.column": 0.6531, "Acc.signboard": 0.5325, "Acc.chest of drawers": 0.7013, "Acc.counter": 0.3702, "Acc.sand": 0.7239, "Acc.sink": 0.8796, "Acc.skyscraper": 0.6084, "Acc.fireplace": 0.9329, "Acc.refrigerator": 0.8594, "Acc.grandstand": 0.8335, "Acc.path": 0.386, "Acc.stairs": 0.4514, "Acc.runway": 0.9063, "Acc.case": 0.6667, "Acc.pool table": 0.983, "Acc.pillow": 0.7067, "Acc.screen door": 0.8229, "Acc.stairway": 0.4849, "Acc.river": 0.2309, "Acc.bridge": 0.4968, "Acc.bookcase": 0.6788, "Acc.blind": 0.5004, "Acc.coffee table": 0.8561, "Acc.toilet": 0.9389, "Acc.flower": 0.6249, "Acc.book": 0.7395, "Acc.hill": 0.1114, "Acc.bench": 0.7781, "Acc.countertop": 0.8097, "Acc.stove": 0.9108, "Acc.palm": 0.7771, "Acc.kitchen island": 0.7951, "Acc.computer": 0.8982, "Acc.swivel chair": 0.7162, "Acc.boat": 0.8532, "Acc.bar": 0.673, "Acc.arcade machine": 0.673, "Acc.hovel": 0.6868, "Acc.bus": 0.9746, "Acc.towel": 0.8746, "Acc.light": 0.7164, "Acc.truck": 0.6122, "Acc.tower": 0.4243, "Acc.chandelier": 0.8487, "Acc.awning": 0.4044, "Acc.streetlight": 0.4473, "Acc.booth": 0.473, "Acc.television receiver": 0.8672, "Acc.airplane": 0.8141, "Acc.dirt track": 0.0563, "Acc.apparel": 0.7695, "Acc.pole": 0.3464, "Acc.land": 0.0739, "Acc.bannister": 0.2194, "Acc.escalator": 0.8232, "Acc.ottoman": 0.7509, "Acc.bottle": 0.6937, "Acc.buffet": 0.5659, "Acc.poster": 0.4668, "Acc.stage": 0.3628, "Acc.van": 0.646, "Acc.ship": 0.6602, "Acc.fountain": 0.2865, "Acc.conveyer belt": 0.9489, "Acc.canopy": 0.5679, "Acc.washer": 0.7549, "Acc.plaything": 0.5544, "Acc.swimming pool": 0.7294, "Acc.stool": 0.6538, "Acc.barrel": 0.8721, "Acc.basket": 0.5142, "Acc.waterfall": 0.7548, "Acc.tent": 0.9841, "Acc.bag": 0.283, "Acc.minibike": 0.8825, "Acc.cradle": 0.9792, "Acc.oven": 0.6264, "Acc.ball": 0.4774, "Acc.food": 0.6551, "Acc.step": 0.2678, "Acc.tank": 0.6691, "Acc.trade name": 0.3426, "Acc.microwave": 0.9653, "Acc.pot": 0.6266, "Acc.animal": 0.635, "Acc.bicycle": 0.7621, "Acc.lake": 0.6383, "Acc.dishwasher": 0.7806, "Acc.screen": 0.8718, "Acc.blanket": 0.3132, "Acc.sculpture": 0.8605, "Acc.hood": 0.7258, "Acc.sconce": 0.6881, "Acc.vase": 0.6146, "Acc.traffic light": 0.6131, "Acc.tray": 0.1112, "Acc.ashcan": 0.6519, "Acc.fan": 0.8037, "Acc.pier": 0.5076, "Acc.crt screen": 0.3141, "Acc.plate": 0.7956, "Acc.monitor": 0.3654, "Acc.bulletin board": 0.7516, "Acc.shower": 0.0215, "Acc.radiator": 0.7311, "Acc.glass": 0.1807, "Acc.clock": 0.5386, "Acc.flag": 0.6008} {"mode": "train", "epoch": 99, "iter": 125050, "lr": 0.0, "memory": 14793, "data_time": 2.11922, "decode.loss_ce": 0.21985, "decode.acc_seg": 90.24379, "aux.loss_ce": 0.17388, "aux.acc_seg": 83.22624, "loss": 0.39374, "grad_norm": 15.44542, "time": 2.53225} {"mode": "train", "epoch": 99, "iter": 125100, "lr": 0.0, "memory": 14793, "data_time": 0.00578, "decode.loss_ce": 0.21022, "decode.acc_seg": 91.16139, "aux.loss_ce": 0.16404, "aux.acc_seg": 84.38285, "loss": 0.37426, "grad_norm": 15.78101, "time": 0.4141} {"mode": "train", "epoch": 100, "iter": 125150, "lr": 0.0, "memory": 14793, "data_time": 0.05411, "decode.loss_ce": 0.20717, "decode.acc_seg": 91.36997, "aux.loss_ce": 0.16117, "aux.acc_seg": 84.40676, "loss": 0.36834, "grad_norm": 12.57672, "time": 0.46041} {"mode": "train", "epoch": 100, "iter": 125200, "lr": 0.0, "memory": 14793, "data_time": 0.00565, "decode.loss_ce": 0.20129, "decode.acc_seg": 91.55471, "aux.loss_ce": 0.167, "aux.acc_seg": 84.13371, "loss": 0.36829, "grad_norm": 8.82713, "time": 0.41736} {"mode": "train", "epoch": 100, "iter": 125250, "lr": 0.0, "memory": 14793, "data_time": 0.00547, "decode.loss_ce": 0.19733, "decode.acc_seg": 91.94617, "aux.loss_ce": 0.15178, "aux.acc_seg": 85.63029, "loss": 0.34911, "grad_norm": 12.43439, "time": 0.41601} {"mode": "train", "epoch": 100, "iter": 125300, "lr": 0.0, "memory": 14793, "data_time": 0.00679, "decode.loss_ce": 0.19415, "decode.acc_seg": 91.97139, "aux.loss_ce": 0.14927, "aux.acc_seg": 85.56669, "loss": 0.34342, "grad_norm": 11.33694, "time": 0.42388} {"mode": "train", "epoch": 100, "iter": 125350, "lr": 0.0, "memory": 14793, "data_time": 0.00814, "decode.loss_ce": 0.20618, "decode.acc_seg": 91.45401, "aux.loss_ce": 0.16092, "aux.acc_seg": 84.43344, "loss": 0.3671, "grad_norm": 11.49533, "time": 0.42537} {"mode": "train", "epoch": 100, "iter": 125400, "lr": 0.0, "memory": 14793, "data_time": 0.00543, "decode.loss_ce": 0.2109, "decode.acc_seg": 91.11968, "aux.loss_ce": 0.16782, "aux.acc_seg": 84.62615, "loss": 0.37872, "grad_norm": 13.5062, "time": 0.40966} {"mode": "train", "epoch": 100, "iter": 125450, "lr": 0.0, "memory": 14793, "data_time": 0.00566, "decode.loss_ce": 0.21766, "decode.acc_seg": 91.26842, "aux.loss_ce": 0.16665, "aux.acc_seg": 84.43304, "loss": 0.38432, "grad_norm": 12.70831, "time": 0.41437} {"mode": "train", "epoch": 100, "iter": 125500, "lr": 0.0, "memory": 14793, "data_time": 0.00563, "decode.loss_ce": 0.19791, "decode.acc_seg": 91.65122, "aux.loss_ce": 0.15337, "aux.acc_seg": 85.37313, "loss": 0.35128, "grad_norm": 9.38506, "time": 0.40618} {"mode": "train", "epoch": 100, "iter": 125550, "lr": 0.0, "memory": 14793, "data_time": 0.00574, "decode.loss_ce": 0.22111, "decode.acc_seg": 91.07627, "aux.loss_ce": 0.17458, "aux.acc_seg": 83.89066, "loss": 0.39569, "grad_norm": 10.75392, "time": 0.4132} {"mode": "train", "epoch": 100, "iter": 125600, "lr": 0.0, "memory": 14793, "data_time": 0.00539, "decode.loss_ce": 0.21395, "decode.acc_seg": 90.9938, "aux.loss_ce": 0.16442, "aux.acc_seg": 83.88572, "loss": 0.37837, "grad_norm": 11.15951, "time": 0.41515} {"mode": "train", "epoch": 100, "iter": 125650, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.20622, "decode.acc_seg": 91.18222, "aux.loss_ce": 0.15904, "aux.acc_seg": 84.59148, "loss": 0.36526, "grad_norm": 9.70986, "time": 0.41701} {"mode": "train", "epoch": 100, "iter": 125700, "lr": 0.0, "memory": 14793, "data_time": 0.00591, "decode.loss_ce": 0.21235, "decode.acc_seg": 91.51518, "aux.loss_ce": 0.16112, "aux.acc_seg": 85.0735, "loss": 0.37347, "grad_norm": 11.59484, "time": 0.42186} {"mode": "train", "epoch": 100, "iter": 125750, "lr": 0.0, "memory": 14793, "data_time": 0.00644, "decode.loss_ce": 0.18643, "decode.acc_seg": 92.09274, "aux.loss_ce": 0.1429, "aux.acc_seg": 85.77331, "loss": 0.32933, "grad_norm": 9.67008, "time": 0.43399} {"mode": "train", "epoch": 100, "iter": 125800, "lr": 0.0, "memory": 14793, "data_time": 0.00562, "decode.loss_ce": 0.20496, "decode.acc_seg": 91.68833, "aux.loss_ce": 0.15914, "aux.acc_seg": 85.32205, "loss": 0.3641, "grad_norm": 10.81169, "time": 0.4184} {"mode": "train", "epoch": 100, "iter": 125850, "lr": 0.0, "memory": 14793, "data_time": 0.0054, "decode.loss_ce": 0.19376, "decode.acc_seg": 91.97173, "aux.loss_ce": 0.1491, "aux.acc_seg": 85.89806, "loss": 0.34286, "grad_norm": 11.84553, "time": 0.41385} {"mode": "train", "epoch": 100, "iter": 125900, "lr": 0.0, "memory": 14793, "data_time": 0.00528, "decode.loss_ce": 0.19437, "decode.acc_seg": 91.85191, "aux.loss_ce": 0.15475, "aux.acc_seg": 85.05106, "loss": 0.34912, "grad_norm": 8.93913, "time": 0.41257} {"mode": "train", "epoch": 100, "iter": 125950, "lr": 0.0, "memory": 14793, "data_time": 0.00524, "decode.loss_ce": 0.21364, "decode.acc_seg": 90.95782, "aux.loss_ce": 0.16441, "aux.acc_seg": 84.45761, "loss": 0.37805, "grad_norm": 19.013, "time": 0.41399} {"mode": "train", "epoch": 100, "iter": 126000, "lr": 0.0, "memory": 14793, "data_time": 0.00529, "decode.loss_ce": 0.20694, "decode.acc_seg": 91.49317, "aux.loss_ce": 0.16583, "aux.acc_seg": 84.45706, "loss": 0.37277, "grad_norm": 10.32026, "time": 0.63492} {"mode": "val", "epoch": 100, "iter": 125, "lr": 0.0, "aAcc": 0.8494, "mIoU": 0.5477, "mAcc": 0.6728, "IoU.wall": 0.8041, "IoU.building": 0.836, "IoU.sky": 0.9496, "IoU.floor": 0.8305, "IoU.tree": 0.7593, "IoU.ceiling": 0.8591, "IoU.road": 0.8556, "IoU.bed ": 0.9192, "IoU.windowpane": 0.6462, "IoU.grass": 0.6568, "IoU.cabinet": 0.6508, "IoU.sidewalk": 0.694, "IoU.person": 0.8413, "IoU.earth": 0.3821, "IoU.door": 0.559, "IoU.table": 0.6591, "IoU.mountain": 0.6092, "IoU.plant": 0.5302, "IoU.curtain": 0.7628, "IoU.chair": 0.6264, "IoU.car": 0.8657, "IoU.water": 0.604, "IoU.painting": 0.7515, "IoU.sofa": 0.7502, "IoU.shelf": 0.4489, "IoU.house": 0.4839, "IoU.sea": 0.689, "IoU.mirror": 0.7432, "IoU.rug": 0.6587, "IoU.field": 0.2968, "IoU.armchair": 0.4885, "IoU.seat": 0.6605, "IoU.fence": 0.4814, "IoU.desk": 0.5362, "IoU.rock": 0.5291, "IoU.wardrobe": 0.5433, "IoU.lamp": 0.686, "IoU.bathtub": 0.8245, "IoU.railing": 0.4118, "IoU.cushion": 0.6531, "IoU.base": 0.4073, "IoU.box": 0.3459, "IoU.column": 0.5381, "IoU.signboard": 0.3868, "IoU.chest of drawers": 0.4447, "IoU.counter": 0.2805, "IoU.sand": 0.5531, "IoU.sink": 0.8023, "IoU.skyscraper": 0.5232, "IoU.fireplace": 0.7026, "IoU.refrigerator": 0.7834, "IoU.grandstand": 0.485, "IoU.path": 0.2505, "IoU.stairs": 0.3638, "IoU.runway": 0.6429, "IoU.case": 0.5085, "IoU.pool table": 0.9371, "IoU.pillow": 0.6348, "IoU.screen door": 0.7009, "IoU.stairway": 0.3961, "IoU.river": 0.1059, "IoU.bridge": 0.3896, "IoU.bookcase": 0.4356, "IoU.blind": 0.456, "IoU.coffee table": 0.6278, "IoU.toilet": 0.8741, "IoU.flower": 0.4531, "IoU.book": 0.5018, "IoU.hill": 0.0643, "IoU.bench": 0.6573, "IoU.countertop": 0.5996, "IoU.stove": 0.8224, "IoU.palm": 0.5593, "IoU.kitchen island": 0.4554, "IoU.computer": 0.7495, "IoU.swivel chair": 0.5471, "IoU.boat": 0.7594, "IoU.bar": 0.5139, "IoU.arcade machine": 0.6784, "IoU.hovel": 0.6307, "IoU.bus": 0.9191, "IoU.towel": 0.7038, "IoU.light": 0.5941, "IoU.truck": 0.4462, "IoU.tower": 0.2617, "IoU.chandelier": 0.7067, "IoU.awning": 0.3547, "IoU.streetlight": 0.3281, "IoU.booth": 0.3752, "IoU.television receiver": 0.7649, "IoU.airplane": 0.7528, "IoU.dirt track": 0.0394, "IoU.apparel": 0.5966, "IoU.pole": 0.2378, "IoU.land": 0.0539, "IoU.bannister": 0.164, "IoU.escalator": 0.5451, "IoU.ottoman": 0.5621, "IoU.bottle": 0.4169, "IoU.buffet": 0.4613, "IoU.poster": 0.331, "IoU.stage": 0.2172, "IoU.van": 0.47, "IoU.ship": 0.6442, "IoU.fountain": 0.2794, "IoU.conveyer belt": 0.8053, "IoU.canopy": 0.3904, "IoU.washer": 0.7238, "IoU.plaything": 0.4023, "IoU.swimming pool": 0.6299, "IoU.stool": 0.4712, "IoU.barrel": 0.538, "IoU.basket": 0.4153, "IoU.waterfall": 0.6334, "IoU.tent": 0.9528, "IoU.bag": 0.2292, "IoU.minibike": 0.7284, "IoU.cradle": 0.836, "IoU.oven": 0.4807, "IoU.ball": 0.438, "IoU.food": 0.5678, "IoU.step": 0.2219, "IoU.tank": 0.6329, "IoU.trade name": 0.2964, "IoU.microwave": 0.8366, "IoU.pot": 0.5285, "IoU.animal": 0.5942, "IoU.bicycle": 0.5929, "IoU.lake": 0.5054, "IoU.dishwasher": 0.6841, "IoU.screen": 0.5829, "IoU.blanket": 0.255, "IoU.sculpture": 0.6666, "IoU.hood": 0.653, "IoU.sconce": 0.5572, "IoU.vase": 0.445, "IoU.traffic light": 0.3691, "IoU.tray": 0.0705, "IoU.ashcan": 0.4785, "IoU.fan": 0.6708, "IoU.pier": 0.3746, "IoU.crt screen": 0.1625, "IoU.plate": 0.5802, "IoU.monitor": 0.3328, "IoU.bulletin board": 0.6549, "IoU.shower": 0.0067, "IoU.radiator": 0.6401, "IoU.glass": 0.1655, "IoU.clock": 0.4698, "IoU.flag": 0.5499, "Acc.wall": 0.8902, "Acc.building": 0.925, "Acc.sky": 0.9779, "Acc.floor": 0.9148, "Acc.tree": 0.8833, "Acc.ceiling": 0.9261, "Acc.road": 0.9249, "Acc.bed ": 0.9696, "Acc.windowpane": 0.8214, "Acc.grass": 0.8059, "Acc.cabinet": 0.7605, "Acc.sidewalk": 0.8239, "Acc.person": 0.9326, "Acc.earth": 0.5216, "Acc.door": 0.7009, "Acc.table": 0.7873, "Acc.mountain": 0.735, "Acc.plant": 0.6446, "Acc.curtain": 0.8768, "Acc.chair": 0.7371, "Acc.car": 0.9365, "Acc.water": 0.7497, "Acc.painting": 0.8954, "Acc.sofa": 0.8874, "Acc.shelf": 0.62, "Acc.house": 0.6856, "Acc.sea": 0.855, "Acc.mirror": 0.8187, "Acc.rug": 0.7653, "Acc.field": 0.4797, "Acc.armchair": 0.6631, "Acc.seat": 0.8372, "Acc.fence": 0.6346, "Acc.desk": 0.7396, "Acc.rock": 0.765, "Acc.wardrobe": 0.7108, "Acc.lamp": 0.7984, "Acc.bathtub": 0.8651, "Acc.railing": 0.5624, "Acc.cushion": 0.7649, "Acc.base": 0.5461, "Acc.box": 0.4517, "Acc.column": 0.6563, "Acc.signboard": 0.5081, "Acc.chest of drawers": 0.6731, "Acc.counter": 0.3611, "Acc.sand": 0.7478, "Acc.sink": 0.8766, "Acc.skyscraper": 0.648, "Acc.fireplace": 0.9424, "Acc.refrigerator": 0.8425, "Acc.grandstand": 0.8139, "Acc.path": 0.3824, "Acc.stairs": 0.4835, "Acc.runway": 0.8547, "Acc.case": 0.6494, "Acc.pool table": 0.981, "Acc.pillow": 0.7668, "Acc.screen door": 0.842, "Acc.stairway": 0.475, "Acc.river": 0.2364, "Acc.bridge": 0.4432, "Acc.bookcase": 0.6891, "Acc.blind": 0.5277, "Acc.coffee table": 0.8446, "Acc.toilet": 0.9356, "Acc.flower": 0.6099, "Acc.book": 0.7372, "Acc.hill": 0.1057, "Acc.bench": 0.7607, "Acc.countertop": 0.8229, "Acc.stove": 0.9047, "Acc.palm": 0.7483, "Acc.kitchen island": 0.8254, "Acc.computer": 0.8987, "Acc.swivel chair": 0.8019, "Acc.boat": 0.8704, "Acc.bar": 0.7011, "Acc.arcade machine": 0.7204, "Acc.hovel": 0.6996, "Acc.bus": 0.9804, "Acc.towel": 0.8686, "Acc.light": 0.7071, "Acc.truck": 0.5892, "Acc.tower": 0.4212, "Acc.chandelier": 0.8603, "Acc.awning": 0.4456, "Acc.streetlight": 0.4291, "Acc.booth": 0.4599, "Acc.television receiver": 0.8729, "Acc.airplane": 0.8418, "Acc.dirt track": 0.0669, "Acc.apparel": 0.7756, "Acc.pole": 0.3249, "Acc.land": 0.0739, "Acc.bannister": 0.2275, "Acc.escalator": 0.7952, "Acc.ottoman": 0.7489, "Acc.bottle": 0.685, "Acc.buffet": 0.5735, "Acc.poster": 0.493, "Acc.stage": 0.332, "Acc.van": 0.6321, "Acc.ship": 0.7168, "Acc.fountain": 0.283, "Acc.conveyer belt": 0.9409, "Acc.canopy": 0.5514, "Acc.washer": 0.7482, "Acc.plaything": 0.5697, "Acc.swimming pool": 0.7287, "Acc.stool": 0.6655, "Acc.barrel": 0.8507, "Acc.basket": 0.5228, "Acc.waterfall": 0.7492, "Acc.tent": 0.9843, "Acc.bag": 0.28, "Acc.minibike": 0.8586, "Acc.cradle": 0.9806, "Acc.oven": 0.5845, "Acc.ball": 0.4644, "Acc.food": 0.6396, "Acc.step": 0.2726, "Acc.tank": 0.6618, "Acc.trade name": 0.3513, "Acc.microwave": 0.9612, "Acc.pot": 0.6221, "Acc.animal": 0.6103, "Acc.bicycle": 0.7772, "Acc.lake": 0.6382, "Acc.dishwasher": 0.7637, "Acc.screen": 0.84, "Acc.blanket": 0.3004, "Acc.sculpture": 0.8547, "Acc.hood": 0.7032, "Acc.sconce": 0.6801, "Acc.vase": 0.6262, "Acc.traffic light": 0.5354, "Acc.tray": 0.0968, "Acc.ashcan": 0.641, "Acc.fan": 0.7892, "Acc.pier": 0.556, "Acc.crt screen": 0.3185, "Acc.plate": 0.8007, "Acc.monitor": 0.4079, "Acc.bulletin board": 0.7513, "Acc.shower": 0.0081, "Acc.radiator": 0.7293, "Acc.glass": 0.1782, "Acc.clock": 0.5169, "Acc.flag": 0.6182} {"mode": "train", "epoch": 100, "iter": 126050, "lr": 0.0, "memory": 14793, "data_time": 2.03643, "decode.loss_ce": 0.20397, "decode.acc_seg": 91.4602, "aux.loss_ce": 0.16743, "aux.acc_seg": 84.0547, "loss": 0.3714, "grad_norm": 12.43956, "time": 2.4486} {"mode": "train", "epoch": 100, "iter": 126100, "lr": 0.0, "memory": 14793, "data_time": 0.00686, "decode.loss_ce": 0.21056, "decode.acc_seg": 91.04876, "aux.loss_ce": 0.16084, "aux.acc_seg": 84.67695, "loss": 0.3714, "grad_norm": 13.26235, "time": 0.41694} {"mode": "train", "epoch": 100, "iter": 126150, "lr": 0.0, "memory": 14793, "data_time": 0.00577, "decode.loss_ce": 0.21582, "decode.acc_seg": 91.15524, "aux.loss_ce": 0.1675, "aux.acc_seg": 84.19755, "loss": 0.38333, "grad_norm": 22.18638, "time": 0.41998} {"mode": "train", "epoch": 100, "iter": 126200, "lr": 0.0, "memory": 14793, "data_time": 0.00642, "decode.loss_ce": 0.21607, "decode.acc_seg": 90.95599, "aux.loss_ce": 0.16053, "aux.acc_seg": 84.67663, "loss": 0.3766, "grad_norm": 16.45649, "time": 0.41842} {"mode": "train", "epoch": 100, "iter": 126250, "lr": 0.0, "memory": 14793, "data_time": 0.00704, "decode.loss_ce": 0.20503, "decode.acc_seg": 91.3917, "aux.loss_ce": 0.16219, "aux.acc_seg": 84.2578, "loss": 0.36723, "grad_norm": 12.91229, "time": 0.41428} {"mode": "train", "epoch": 100, "iter": 126300, "lr": 0.0, "memory": 14793, "data_time": 0.00539, "decode.loss_ce": 0.20636, "decode.acc_seg": 91.1456, "aux.loss_ce": 0.15875, "aux.acc_seg": 84.83288, "loss": 0.36511, "grad_norm": 11.68999, "time": 0.41766} {"mode": "train", "epoch": 100, "iter": 126350, "lr": 0.0, "memory": 14793, "data_time": 0.00556, "decode.loss_ce": 0.20765, "decode.acc_seg": 91.19138, "aux.loss_ce": 0.15486, "aux.acc_seg": 85.08813, "loss": 0.36252, "grad_norm": 12.73764, "time": 0.41583} {"mode": "train", "epoch": 100, "iter": 126400, "lr": 0.0, "memory": 14793, "data_time": 0.00553, "decode.loss_ce": 0.20829, "decode.acc_seg": 91.18056, "aux.loss_ce": 0.15672, "aux.acc_seg": 84.94261, "loss": 0.36501, "grad_norm": 11.82291, "time": 0.41161} {"mode": "train", "epoch": 101, "iter": 126450, "lr": 0.0, "memory": 14793, "data_time": 0.05327, "decode.loss_ce": 0.18879, "decode.acc_seg": 92.06792, "aux.loss_ce": 0.15476, "aux.acc_seg": 85.15877, "loss": 0.34354, "grad_norm": 10.1217, "time": 0.46825} {"mode": "train", "epoch": 101, "iter": 126500, "lr": 0.0, "memory": 14793, "data_time": 0.00638, "decode.loss_ce": 0.21296, "decode.acc_seg": 91.29075, "aux.loss_ce": 0.16836, "aux.acc_seg": 83.79175, "loss": 0.38132, "grad_norm": 12.58327, "time": 0.42512} {"mode": "train", "epoch": 101, "iter": 126550, "lr": 0.0, "memory": 14793, "data_time": 0.00561, "decode.loss_ce": 0.21324, "decode.acc_seg": 91.12739, "aux.loss_ce": 0.16397, "aux.acc_seg": 84.29406, "loss": 0.37721, "grad_norm": 14.37854, "time": 0.42335} {"mode": "train", "epoch": 101, "iter": 126600, "lr": 0.0, "memory": 14793, "data_time": 0.00579, "decode.loss_ce": 0.2009, "decode.acc_seg": 91.74084, "aux.loss_ce": 0.1602, "aux.acc_seg": 84.97222, "loss": 0.3611, "grad_norm": 10.56605, "time": 0.41141} {"mode": "train", "epoch": 101, "iter": 126650, "lr": 0.0, "memory": 14793, "data_time": 0.00569, "decode.loss_ce": 0.20659, "decode.acc_seg": 91.22457, "aux.loss_ce": 0.16571, "aux.acc_seg": 84.29141, "loss": 0.3723, "grad_norm": 12.71932, "time": 0.41044} {"mode": "train", "epoch": 101, "iter": 126700, "lr": 0.0, "memory": 14793, "data_time": 0.00562, "decode.loss_ce": 0.20851, "decode.acc_seg": 91.10209, "aux.loss_ce": 0.15884, "aux.acc_seg": 84.60216, "loss": 0.36735, "grad_norm": 14.6869, "time": 0.41248} {"mode": "train", "epoch": 101, "iter": 126750, "lr": 0.0, "memory": 14793, "data_time": 0.00566, "decode.loss_ce": 0.19954, "decode.acc_seg": 91.78871, "aux.loss_ce": 0.15119, "aux.acc_seg": 85.61934, "loss": 0.35072, "grad_norm": 11.79987, "time": 0.42157} {"mode": "train", "epoch": 101, "iter": 126800, "lr": 0.0, "memory": 14793, "data_time": 0.00565, "decode.loss_ce": 0.21184, "decode.acc_seg": 90.97233, "aux.loss_ce": 0.15535, "aux.acc_seg": 84.69453, "loss": 0.36719, "grad_norm": 12.27356, "time": 0.41142} {"mode": "train", "epoch": 101, "iter": 126850, "lr": 0.0, "memory": 14793, "data_time": 0.00548, "decode.loss_ce": 0.19524, "decode.acc_seg": 91.42976, "aux.loss_ce": 0.15661, "aux.acc_seg": 84.76653, "loss": 0.35185, "grad_norm": 11.06804, "time": 0.42063} {"mode": "train", "epoch": 101, "iter": 126900, "lr": 0.0, "memory": 14793, "data_time": 0.00611, "decode.loss_ce": 0.19999, "decode.acc_seg": 91.49707, "aux.loss_ce": 0.15344, "aux.acc_seg": 85.00732, "loss": 0.35343, "grad_norm": 11.58101, "time": 0.43218} {"mode": "train", "epoch": 101, "iter": 126950, "lr": 0.0, "memory": 14793, "data_time": 0.00574, "decode.loss_ce": 0.20906, "decode.acc_seg": 91.18914, "aux.loss_ce": 0.16322, "aux.acc_seg": 84.73785, "loss": 0.37228, "grad_norm": 11.74644, "time": 0.4215} {"mode": "train", "epoch": 101, "iter": 127000, "lr": 0.0, "memory": 14793, "data_time": 0.00546, "decode.loss_ce": 0.2136, "decode.acc_seg": 91.12055, "aux.loss_ce": 0.15612, "aux.acc_seg": 85.11327, "loss": 0.36972, "grad_norm": 12.97935, "time": 0.64454} {"mode": "val", "epoch": 101, "iter": 125, "lr": 0.0, "aAcc": 0.8486, "mIoU": 0.5488, "mAcc": 0.6766, "IoU.wall": 0.8036, "IoU.building": 0.8344, "IoU.sky": 0.9487, "IoU.floor": 0.8317, "IoU.tree": 0.7571, "IoU.ceiling": 0.8564, "IoU.road": 0.852, "IoU.bed ": 0.917, "IoU.windowpane": 0.6436, "IoU.grass": 0.6618, "IoU.cabinet": 0.6457, "IoU.sidewalk": 0.6885, "IoU.person": 0.8409, "IoU.earth": 0.3697, "IoU.door": 0.5592, "IoU.table": 0.6563, "IoU.mountain": 0.6025, "IoU.plant": 0.5314, "IoU.curtain": 0.7609, "IoU.chair": 0.6291, "IoU.car": 0.865, "IoU.water": 0.613, "IoU.painting": 0.7491, "IoU.sofa": 0.7579, "IoU.shelf": 0.4562, "IoU.house": 0.4712, "IoU.sea": 0.7087, "IoU.mirror": 0.7428, "IoU.rug": 0.6671, "IoU.field": 0.3023, "IoU.armchair": 0.5093, "IoU.seat": 0.6635, "IoU.fence": 0.4723, "IoU.desk": 0.5249, "IoU.rock": 0.5373, "IoU.wardrobe": 0.5392, "IoU.lamp": 0.6919, "IoU.bathtub": 0.8283, "IoU.railing": 0.4125, "IoU.cushion": 0.6553, "IoU.base": 0.3989, "IoU.box": 0.3522, "IoU.column": 0.5437, "IoU.signboard": 0.3929, "IoU.chest of drawers": 0.4446, "IoU.counter": 0.288, "IoU.sand": 0.5819, "IoU.sink": 0.797, "IoU.skyscraper": 0.4976, "IoU.fireplace": 0.719, "IoU.refrigerator": 0.7836, "IoU.grandstand": 0.4837, "IoU.path": 0.2681, "IoU.stairs": 0.3639, "IoU.runway": 0.6585, "IoU.case": 0.4641, "IoU.pool table": 0.9379, "IoU.pillow": 0.6157, "IoU.screen door": 0.717, "IoU.stairway": 0.3997, "IoU.river": 0.1075, "IoU.bridge": 0.4193, "IoU.bookcase": 0.4657, "IoU.blind": 0.454, "IoU.coffee table": 0.6233, "IoU.toilet": 0.88, "IoU.flower": 0.4536, "IoU.book": 0.5222, "IoU.hill": 0.0643, "IoU.bench": 0.6452, "IoU.countertop": 0.6088, "IoU.stove": 0.8336, "IoU.palm": 0.5518, "IoU.kitchen island": 0.4574, "IoU.computer": 0.7561, "IoU.swivel chair": 0.5474, "IoU.boat": 0.7704, "IoU.bar": 0.5168, "IoU.arcade machine": 0.5992, "IoU.hovel": 0.6134, "IoU.bus": 0.9263, "IoU.towel": 0.7221, "IoU.light": 0.603, "IoU.truck": 0.4377, "IoU.tower": 0.2499, "IoU.chandelier": 0.7116, "IoU.awning": 0.363, "IoU.streetlight": 0.3433, "IoU.booth": 0.3751, "IoU.television receiver": 0.757, "IoU.airplane": 0.7097, "IoU.dirt track": 0.0803, "IoU.apparel": 0.6125, "IoU.pole": 0.2522, "IoU.land": 0.0493, "IoU.bannister": 0.16, "IoU.escalator": 0.5501, "IoU.ottoman": 0.5703, "IoU.bottle": 0.4234, "IoU.buffet": 0.4475, "IoU.poster": 0.3178, "IoU.stage": 0.2276, "IoU.van": 0.4405, "IoU.ship": 0.5194, "IoU.fountain": 0.2655, "IoU.conveyer belt": 0.8013, "IoU.canopy": 0.3705, "IoU.washer": 0.724, "IoU.plaything": 0.4017, "IoU.swimming pool": 0.6778, "IoU.stool": 0.4791, "IoU.barrel": 0.552, "IoU.basket": 0.4108, "IoU.waterfall": 0.6685, "IoU.tent": 0.9548, "IoU.bag": 0.2416, "IoU.minibike": 0.7254, "IoU.cradle": 0.8673, "IoU.oven": 0.4825, "IoU.ball": 0.5518, "IoU.food": 0.5762, "IoU.step": 0.2107, "IoU.tank": 0.628, "IoU.trade name": 0.3035, "IoU.microwave": 0.8338, "IoU.pot": 0.5284, "IoU.animal": 0.6165, "IoU.bicycle": 0.6004, "IoU.lake": 0.5175, "IoU.dishwasher": 0.6807, "IoU.screen": 0.5838, "IoU.blanket": 0.3151, "IoU.sculpture": 0.6872, "IoU.hood": 0.6431, "IoU.sconce": 0.5622, "IoU.vase": 0.4545, "IoU.traffic light": 0.379, "IoU.tray": 0.082, "IoU.ashcan": 0.4819, "IoU.fan": 0.6782, "IoU.pier": 0.3998, "IoU.crt screen": 0.1465, "IoU.plate": 0.5933, "IoU.monitor": 0.1846, "IoU.bulletin board": 0.659, "IoU.shower": 0.0107, "IoU.radiator": 0.6368, "IoU.glass": 0.1711, "IoU.clock": 0.4628, "IoU.flag": 0.52, "Acc.wall": 0.883, "Acc.building": 0.9217, "Acc.sky": 0.9804, "Acc.floor": 0.9077, "Acc.tree": 0.881, "Acc.ceiling": 0.9366, "Acc.road": 0.9134, "Acc.bed ": 0.974, "Acc.windowpane": 0.8153, "Acc.grass": 0.7993, "Acc.cabinet": 0.7506, "Acc.sidewalk": 0.8448, "Acc.person": 0.9375, "Acc.earth": 0.4923, "Acc.door": 0.7172, "Acc.table": 0.8064, "Acc.mountain": 0.7479, "Acc.plant": 0.6513, "Acc.curtain": 0.8863, "Acc.chair": 0.7485, "Acc.car": 0.9397, "Acc.water": 0.7663, "Acc.painting": 0.9011, "Acc.sofa": 0.8706, "Acc.shelf": 0.6338, "Acc.house": 0.6624, "Acc.sea": 0.8442, "Acc.mirror": 0.8049, "Acc.rug": 0.7916, "Acc.field": 0.4863, "Acc.armchair": 0.7119, "Acc.seat": 0.8376, "Acc.fence": 0.631, "Acc.desk": 0.7523, "Acc.rock": 0.7721, "Acc.wardrobe": 0.7226, "Acc.lamp": 0.8129, "Acc.bathtub": 0.8652, "Acc.railing": 0.583, "Acc.cushion": 0.7868, "Acc.base": 0.5617, "Acc.box": 0.47, "Acc.column": 0.6798, "Acc.signboard": 0.5331, "Acc.chest of drawers": 0.6854, "Acc.counter": 0.4009, "Acc.sand": 0.7962, "Acc.sink": 0.8712, "Acc.skyscraper": 0.6068, "Acc.fireplace": 0.9353, "Acc.refrigerator": 0.8413, "Acc.grandstand": 0.824, "Acc.path": 0.4177, "Acc.stairs": 0.4791, "Acc.runway": 0.8744, "Acc.case": 0.5704, "Acc.pool table": 0.9813, "Acc.pillow": 0.7123, "Acc.screen door": 0.8289, "Acc.stairway": 0.4808, "Acc.river": 0.2398, "Acc.bridge": 0.475, "Acc.bookcase": 0.6526, "Acc.blind": 0.5176, "Acc.coffee table": 0.851, "Acc.toilet": 0.9352, "Acc.flower": 0.6045, "Acc.book": 0.7207, "Acc.hill": 0.1076, "Acc.bench": 0.7688, "Acc.countertop": 0.8108, "Acc.stove": 0.9031, "Acc.palm": 0.7452, "Acc.kitchen island": 0.8083, "Acc.computer": 0.899, "Acc.swivel chair": 0.8325, "Acc.boat": 0.8839, "Acc.bar": 0.6494, "Acc.arcade machine": 0.6282, "Acc.hovel": 0.7049, "Acc.bus": 0.9775, "Acc.towel": 0.8685, "Acc.light": 0.7394, "Acc.truck": 0.5772, "Acc.tower": 0.4211, "Acc.chandelier": 0.8692, "Acc.awning": 0.4481, "Acc.streetlight": 0.4858, "Acc.booth": 0.4601, "Acc.television receiver": 0.8544, "Acc.airplane": 0.7977, "Acc.dirt track": 0.1605, "Acc.apparel": 0.8024, "Acc.pole": 0.3662, "Acc.land": 0.0781, "Acc.bannister": 0.2292, "Acc.escalator": 0.7956, "Acc.ottoman": 0.7607, "Acc.bottle": 0.6733, "Acc.buffet": 0.5229, "Acc.poster": 0.4817, "Acc.stage": 0.3541, "Acc.van": 0.5898, "Acc.ship": 0.5773, "Acc.fountain": 0.2687, "Acc.conveyer belt": 0.9371, "Acc.canopy": 0.5381, "Acc.washer": 0.7512, "Acc.plaything": 0.5825, "Acc.swimming pool": 0.7411, "Acc.stool": 0.6885, "Acc.barrel": 0.8579, "Acc.basket": 0.5342, "Acc.waterfall": 0.8121, "Acc.tent": 0.9849, "Acc.bag": 0.315, "Acc.minibike": 0.8667, "Acc.cradle": 0.9738, "Acc.oven": 0.6037, "Acc.ball": 0.6172, "Acc.food": 0.6435, "Acc.step": 0.2649, "Acc.tank": 0.6542, "Acc.trade name": 0.3741, "Acc.microwave": 0.9549, "Acc.pot": 0.6232, "Acc.animal": 0.6375, "Acc.bicycle": 0.7903, "Acc.lake": 0.6378, "Acc.dishwasher": 0.8141, "Acc.screen": 0.8507, "Acc.blanket": 0.3864, "Acc.sculpture": 0.8521, "Acc.hood": 0.7357, "Acc.sconce": 0.6928, "Acc.vase": 0.6191, "Acc.traffic light": 0.583, "Acc.tray": 0.1263, "Acc.ashcan": 0.6691, "Acc.fan": 0.8213, "Acc.pier": 0.5373, "Acc.crt screen": 0.3708, "Acc.plate": 0.7993, "Acc.monitor": 0.2029, "Acc.bulletin board": 0.7645, "Acc.shower": 0.0186, "Acc.radiator": 0.738, "Acc.glass": 0.185, "Acc.clock": 0.5206, "Acc.flag": 0.5921} {"mode": "train", "epoch": 101, "iter": 127050, "lr": 0.0, "memory": 14793, "data_time": 2.12069, "decode.loss_ce": 0.19339, "decode.acc_seg": 91.89758, "aux.loss_ce": 0.14604, "aux.acc_seg": 86.38028, "loss": 0.33943, "grad_norm": 12.42393, "time": 2.5392} {"mode": "train", "epoch": 101, "iter": 127100, "lr": 0.0, "memory": 14793, "data_time": 0.00631, "decode.loss_ce": 0.20216, "decode.acc_seg": 91.37182, "aux.loss_ce": 0.15453, "aux.acc_seg": 85.1156, "loss": 0.35669, "grad_norm": 12.80439, "time": 0.41353} {"mode": "train", "epoch": 101, "iter": 127150, "lr": 0.0, "memory": 14793, "data_time": 0.00574, "decode.loss_ce": 0.20579, "decode.acc_seg": 91.45246, "aux.loss_ce": 0.15599, "aux.acc_seg": 84.94309, "loss": 0.36179, "grad_norm": 12.06705, "time": 0.41694} {"mode": "train", "epoch": 101, "iter": 127200, "lr": 0.0, "memory": 14793, "data_time": 0.00641, "decode.loss_ce": 0.19886, "decode.acc_seg": 91.54761, "aux.loss_ce": 0.15716, "aux.acc_seg": 85.02897, "loss": 0.35601, "grad_norm": 10.33412, "time": 0.41763} {"mode": "train", "epoch": 101, "iter": 127250, "lr": 0.0, "memory": 14793, "data_time": 0.00543, "decode.loss_ce": 0.20492, "decode.acc_seg": 91.47203, "aux.loss_ce": 0.15421, "aux.acc_seg": 85.15625, "loss": 0.35913, "grad_norm": 11.85151, "time": 0.41075} {"mode": "train", "epoch": 101, "iter": 127300, "lr": 0.0, "memory": 14793, "data_time": 0.00607, "decode.loss_ce": 0.21653, "decode.acc_seg": 90.83062, "aux.loss_ce": 0.16848, "aux.acc_seg": 83.86523, "loss": 0.38502, "grad_norm": 12.87763, "time": 0.41495} {"mode": "train", "epoch": 101, "iter": 127350, "lr": 0.0, "memory": 14793, "data_time": 0.00687, "decode.loss_ce": 0.20032, "decode.acc_seg": 91.56105, "aux.loss_ce": 0.16066, "aux.acc_seg": 84.92043, "loss": 0.36098, "grad_norm": 11.59326, "time": 0.42277} {"mode": "train", "epoch": 101, "iter": 127400, "lr": 0.0, "memory": 14793, "data_time": 0.00732, "decode.loss_ce": 0.20436, "decode.acc_seg": 91.48214, "aux.loss_ce": 0.15902, "aux.acc_seg": 84.7943, "loss": 0.36338, "grad_norm": 11.20352, "time": 0.42179} {"mode": "train", "epoch": 101, "iter": 127450, "lr": 0.0, "memory": 14793, "data_time": 0.00582, "decode.loss_ce": 0.19747, "decode.acc_seg": 91.72315, "aux.loss_ce": 0.15631, "aux.acc_seg": 85.09397, "loss": 0.35378, "grad_norm": 9.03836, "time": 0.41144} {"mode": "train", "epoch": 101, "iter": 127500, "lr": 0.0, "memory": 14793, "data_time": 0.00549, "decode.loss_ce": 0.20581, "decode.acc_seg": 91.14799, "aux.loss_ce": 0.1568, "aux.acc_seg": 84.44358, "loss": 0.36261, "grad_norm": 10.93385, "time": 0.41485} {"mode": "train", "epoch": 101, "iter": 127550, "lr": 0.0, "memory": 14793, "data_time": 0.00574, "decode.loss_ce": 0.20099, "decode.acc_seg": 91.52823, "aux.loss_ce": 0.15321, "aux.acc_seg": 84.86015, "loss": 0.3542, "grad_norm": 11.76952, "time": 0.41183} {"mode": "train", "epoch": 101, "iter": 127600, "lr": 0.0, "memory": 14793, "data_time": 0.00614, "decode.loss_ce": 0.19741, "decode.acc_seg": 91.37608, "aux.loss_ce": 0.14949, "aux.acc_seg": 85.24781, "loss": 0.3469, "grad_norm": 10.11497, "time": 0.41222} {"mode": "train", "epoch": 101, "iter": 127650, "lr": 0.0, "memory": 14793, "data_time": 0.00542, "decode.loss_ce": 0.19868, "decode.acc_seg": 91.55842, "aux.loss_ce": 0.14705, "aux.acc_seg": 85.49927, "loss": 0.34573, "grad_norm": 12.78032, "time": 0.41871} {"mode": "train", "epoch": 102, "iter": 127700, "lr": 0.0, "memory": 14793, "data_time": 0.05028, "decode.loss_ce": 0.19937, "decode.acc_seg": 91.68333, "aux.loss_ce": 0.15223, "aux.acc_seg": 85.59753, "loss": 0.3516, "grad_norm": 14.16379, "time": 0.45636} {"mode": "train", "epoch": 102, "iter": 127750, "lr": 0.0, "memory": 14793, "data_time": 0.00524, "decode.loss_ce": 0.19482, "decode.acc_seg": 91.80217, "aux.loss_ce": 0.15009, "aux.acc_seg": 85.62723, "loss": 0.34491, "grad_norm": 11.32357, "time": 0.42367} {"mode": "train", "epoch": 102, "iter": 127800, "lr": 0.0, "memory": 14793, "data_time": 0.00528, "decode.loss_ce": 0.20341, "decode.acc_seg": 91.34684, "aux.loss_ce": 0.15665, "aux.acc_seg": 84.95032, "loss": 0.36007, "grad_norm": 12.825, "time": 0.4223} {"mode": "train", "epoch": 102, "iter": 127850, "lr": 0.0, "memory": 14793, "data_time": 0.00596, "decode.loss_ce": 0.19752, "decode.acc_seg": 91.58459, "aux.loss_ce": 0.15796, "aux.acc_seg": 84.32039, "loss": 0.35548, "grad_norm": 15.94297, "time": 0.41171} {"mode": "train", "epoch": 102, "iter": 127900, "lr": 0.0, "memory": 14793, "data_time": 0.00512, "decode.loss_ce": 0.20334, "decode.acc_seg": 91.31056, "aux.loss_ce": 0.15433, "aux.acc_seg": 85.13012, "loss": 0.35767, "grad_norm": 11.26984, "time": 0.40892} {"mode": "train", "epoch": 102, "iter": 127950, "lr": 0.0, "memory": 14793, "data_time": 0.00509, "decode.loss_ce": 0.20192, "decode.acc_seg": 91.88862, "aux.loss_ce": 0.15863, "aux.acc_seg": 85.2197, "loss": 0.36054, "grad_norm": 11.98231, "time": 0.41405} {"mode": "train", "epoch": 102, "iter": 128000, "lr": 0.0, "memory": 14793, "data_time": 0.00512, "decode.loss_ce": 0.20346, "decode.acc_seg": 91.53116, "aux.loss_ce": 0.16298, "aux.acc_seg": 84.16901, "loss": 0.36644, "grad_norm": 11.0501, "time": 0.65311} {"mode": "val", "epoch": 102, "iter": 125, "lr": 0.0, "aAcc": 0.8503, "mIoU": 0.5485, "mAcc": 0.6755, "IoU.wall": 0.8057, "IoU.building": 0.8367, "IoU.sky": 0.9495, "IoU.floor": 0.8334, "IoU.tree": 0.7633, "IoU.ceiling": 0.8601, "IoU.road": 0.8567, "IoU.bed ": 0.9173, "IoU.windowpane": 0.6481, "IoU.grass": 0.6713, "IoU.cabinet": 0.6485, "IoU.sidewalk": 0.6929, "IoU.person": 0.8405, "IoU.earth": 0.3881, "IoU.door": 0.5478, "IoU.table": 0.6552, "IoU.mountain": 0.6075, "IoU.plant": 0.5411, "IoU.curtain": 0.7664, "IoU.chair": 0.6305, "IoU.car": 0.8664, "IoU.water": 0.6061, "IoU.painting": 0.7433, "IoU.sofa": 0.7595, "IoU.shelf": 0.4572, "IoU.house": 0.4894, "IoU.sea": 0.7168, "IoU.mirror": 0.741, "IoU.rug": 0.6819, "IoU.field": 0.3211, "IoU.armchair": 0.5032, "IoU.seat": 0.6576, "IoU.fence": 0.4707, "IoU.desk": 0.5467, "IoU.rock": 0.5361, "IoU.wardrobe": 0.5478, "IoU.lamp": 0.6953, "IoU.bathtub": 0.8275, "IoU.railing": 0.4001, "IoU.cushion": 0.6572, "IoU.base": 0.3776, "IoU.box": 0.3358, "IoU.column": 0.5423, "IoU.signboard": 0.3876, "IoU.chest of drawers": 0.4472, "IoU.counter": 0.3032, "IoU.sand": 0.5585, "IoU.sink": 0.7924, "IoU.skyscraper": 0.5294, "IoU.fireplace": 0.7118, "IoU.refrigerator": 0.784, "IoU.grandstand": 0.4947, "IoU.path": 0.2459, "IoU.stairs": 0.3642, "IoU.runway": 0.6381, "IoU.case": 0.5014, "IoU.pool table": 0.9335, "IoU.pillow": 0.617, "IoU.screen door": 0.7067, "IoU.stairway": 0.3888, "IoU.river": 0.1002, "IoU.bridge": 0.4255, "IoU.bookcase": 0.4793, "IoU.blind": 0.4791, "IoU.coffee table": 0.6227, "IoU.toilet": 0.8791, "IoU.flower": 0.4569, "IoU.book": 0.5077, "IoU.hill": 0.0731, "IoU.bench": 0.6465, "IoU.countertop": 0.6111, "IoU.stove": 0.8359, "IoU.palm": 0.5615, "IoU.kitchen island": 0.4574, "IoU.computer": 0.7488, "IoU.swivel chair": 0.5475, "IoU.boat": 0.7831, "IoU.bar": 0.498, "IoU.arcade machine": 0.5795, "IoU.hovel": 0.6213, "IoU.bus": 0.9223, "IoU.towel": 0.7198, "IoU.light": 0.5977, "IoU.truck": 0.4536, "IoU.tower": 0.262, "IoU.chandelier": 0.7188, "IoU.awning": 0.3596, "IoU.streetlight": 0.3427, "IoU.booth": 0.4075, "IoU.television receiver": 0.7622, "IoU.airplane": 0.7087, "IoU.dirt track": 0.0391, "IoU.apparel": 0.6143, "IoU.pole": 0.253, "IoU.land": 0.0529, "IoU.bannister": 0.161, "IoU.escalator": 0.5334, "IoU.ottoman": 0.5594, "IoU.bottle": 0.4163, "IoU.buffet": 0.4857, "IoU.poster": 0.3104, "IoU.stage": 0.2325, "IoU.van": 0.4678, "IoU.ship": 0.4674, "IoU.fountain": 0.2694, "IoU.conveyer belt": 0.798, "IoU.canopy": 0.3945, "IoU.washer": 0.7227, "IoU.plaything": 0.3991, "IoU.swimming pool": 0.6492, "IoU.stool": 0.4817, "IoU.barrel": 0.5446, "IoU.basket": 0.4119, "IoU.waterfall": 0.6712, "IoU.tent": 0.9552, "IoU.bag": 0.231, "IoU.minibike": 0.7262, "IoU.cradle": 0.8512, "IoU.oven": 0.4726, "IoU.ball": 0.5717, "IoU.food": 0.5761, "IoU.step": 0.2234, "IoU.tank": 0.6285, "IoU.trade name": 0.2774, "IoU.microwave": 0.817, "IoU.pot": 0.5333, "IoU.animal": 0.6056, "IoU.bicycle": 0.5972, "IoU.lake": 0.5159, "IoU.dishwasher": 0.6929, "IoU.screen": 0.5917, "IoU.blanket": 0.3101, "IoU.sculpture": 0.6574, "IoU.hood": 0.6505, "IoU.sconce": 0.5539, "IoU.vase": 0.444, "IoU.traffic light": 0.3751, "IoU.tray": 0.0703, "IoU.ashcan": 0.4728, "IoU.fan": 0.6816, "IoU.pier": 0.3758, "IoU.crt screen": 0.1338, "IoU.plate": 0.5867, "IoU.monitor": 0.1956, "IoU.bulletin board": 0.6586, "IoU.shower": 0.0028, "IoU.radiator": 0.6409, "IoU.glass": 0.1657, "IoU.clock": 0.4658, "IoU.flag": 0.5099, "Acc.wall": 0.8872, "Acc.building": 0.9225, "Acc.sky": 0.9789, "Acc.floor": 0.9043, "Acc.tree": 0.8809, "Acc.ceiling": 0.9252, "Acc.road": 0.9265, "Acc.bed ": 0.9738, "Acc.windowpane": 0.8084, "Acc.grass": 0.8205, "Acc.cabinet": 0.7598, "Acc.sidewalk": 0.8149, "Acc.person": 0.9394, "Acc.earth": 0.533, "Acc.door": 0.717, "Acc.table": 0.8026, "Acc.mountain": 0.7437, "Acc.plant": 0.6816, "Acc.curtain": 0.8896, "Acc.chair": 0.7557, "Acc.car": 0.9382, "Acc.water": 0.7494, "Acc.painting": 0.9017, "Acc.sofa": 0.8714, "Acc.shelf": 0.6408, "Acc.house": 0.6707, "Acc.sea": 0.8439, "Acc.mirror": 0.8082, "Acc.rug": 0.8379, "Acc.field": 0.4713, "Acc.armchair": 0.709, "Acc.seat": 0.8426, "Acc.fence": 0.621, "Acc.desk": 0.7354, "Acc.rock": 0.7748, "Acc.wardrobe": 0.7358, "Acc.lamp": 0.8236, "Acc.bathtub": 0.8661, "Acc.railing": 0.5564, "Acc.cushion": 0.7801, "Acc.base": 0.4813, "Acc.box": 0.4302, "Acc.column": 0.6713, "Acc.signboard": 0.5356, "Acc.chest of drawers": 0.6898, "Acc.counter": 0.3957, "Acc.sand": 0.7415, "Acc.sink": 0.8647, "Acc.skyscraper": 0.666, "Acc.fireplace": 0.9348, "Acc.refrigerator": 0.8457, "Acc.grandstand": 0.8211, "Acc.path": 0.3833, "Acc.stairs": 0.4819, "Acc.runway": 0.8603, "Acc.case": 0.6678, "Acc.pool table": 0.984, "Acc.pillow": 0.7162, "Acc.screen door": 0.8158, "Acc.stairway": 0.4667, "Acc.river": 0.2401, "Acc.bridge": 0.4903, "Acc.bookcase": 0.6869, "Acc.blind": 0.5569, "Acc.coffee table": 0.851, "Acc.toilet": 0.9368, "Acc.flower": 0.6147, "Acc.book": 0.7202, "Acc.hill": 0.1227, "Acc.bench": 0.7529, "Acc.countertop": 0.7809, "Acc.stove": 0.9029, "Acc.palm": 0.778, "Acc.kitchen island": 0.8052, "Acc.computer": 0.9042, "Acc.swivel chair": 0.793, "Acc.boat": 0.8662, "Acc.bar": 0.6671, "Acc.arcade machine": 0.6082, "Acc.hovel": 0.6959, "Acc.bus": 0.9796, "Acc.towel": 0.8622, "Acc.light": 0.7269, "Acc.truck": 0.6061, "Acc.tower": 0.4924, "Acc.chandelier": 0.8533, "Acc.awning": 0.4561, "Acc.streetlight": 0.4817, "Acc.booth": 0.5151, "Acc.television receiver": 0.8611, "Acc.airplane": 0.7801, "Acc.dirt track": 0.0724, "Acc.apparel": 0.8086, "Acc.pole": 0.359, "Acc.land": 0.0733, "Acc.bannister": 0.2291, "Acc.escalator": 0.7917, "Acc.ottoman": 0.7478, "Acc.bottle": 0.6876, "Acc.buffet": 0.5974, "Acc.poster": 0.45, "Acc.stage": 0.3356, "Acc.van": 0.6362, "Acc.ship": 0.5164, "Acc.fountain": 0.2728, "Acc.conveyer belt": 0.9481, "Acc.canopy": 0.5501, "Acc.washer": 0.7471, "Acc.plaything": 0.543, "Acc.swimming pool": 0.7468, "Acc.stool": 0.6536, "Acc.barrel": 0.8991, "Acc.basket": 0.5245, "Acc.waterfall": 0.7875, "Acc.tent": 0.9841, "Acc.bag": 0.2942, "Acc.minibike": 0.8719, "Acc.cradle": 0.9737, "Acc.oven": 0.6218, "Acc.ball": 0.6756, "Acc.food": 0.6579, "Acc.step": 0.2864, "Acc.tank": 0.6593, "Acc.trade name": 0.3266, "Acc.microwave": 0.941, "Acc.pot": 0.6357, "Acc.animal": 0.623, "Acc.bicycle": 0.7872, "Acc.lake": 0.6378, "Acc.dishwasher": 0.7988, "Acc.screen": 0.8721, "Acc.blanket": 0.3767, "Acc.sculpture": 0.8573, "Acc.hood": 0.7206, "Acc.sconce": 0.6598, "Acc.vase": 0.6243, "Acc.traffic light": 0.5918, "Acc.tray": 0.1048, "Acc.ashcan": 0.6335, "Acc.fan": 0.8211, "Acc.pier": 0.4921, "Acc.crt screen": 0.3232, "Acc.plate": 0.8031, "Acc.monitor": 0.2211, "Acc.bulletin board": 0.7838, "Acc.shower": 0.0035, "Acc.radiator": 0.7178, "Acc.glass": 0.1782, "Acc.clock": 0.5204, "Acc.flag": 0.578} {"mode": "train", "epoch": 102, "iter": 128050, "lr": 0.0, "memory": 14793, "data_time": 2.05569, "decode.loss_ce": 0.2113, "decode.acc_seg": 91.2588, "aux.loss_ce": 0.16805, "aux.acc_seg": 84.25632, "loss": 0.37935, "grad_norm": 12.79912, "time": 2.47313} {"mode": "train", "epoch": 102, "iter": 128100, "lr": 0.0, "memory": 14793, "data_time": 0.00586, "decode.loss_ce": 0.20051, "decode.acc_seg": 91.6091, "aux.loss_ce": 0.15213, "aux.acc_seg": 85.47712, "loss": 0.35263, "grad_norm": 11.57217, "time": 0.42312} {"mode": "train", "epoch": 102, "iter": 128150, "lr": 0.0, "memory": 14793, "data_time": 0.00608, "decode.loss_ce": 0.20176, "decode.acc_seg": 91.60663, "aux.loss_ce": 0.15688, "aux.acc_seg": 85.1549, "loss": 0.35864, "grad_norm": 10.75134, "time": 0.42099} {"mode": "train", "epoch": 102, "iter": 128200, "lr": 0.0, "memory": 14793, "data_time": 0.00561, "decode.loss_ce": 0.20197, "decode.acc_seg": 91.4674, "aux.loss_ce": 0.16059, "aux.acc_seg": 84.53465, "loss": 0.36256, "grad_norm": 12.23089, "time": 0.41684} {"mode": "train", "epoch": 102, "iter": 128250, "lr": 0.0, "memory": 14793, "data_time": 0.00609, "decode.loss_ce": 0.22101, "decode.acc_seg": 90.94078, "aux.loss_ce": 0.17155, "aux.acc_seg": 83.96198, "loss": 0.39256, "grad_norm": 12.81215, "time": 0.41886} {"mode": "train", "epoch": 102, "iter": 128300, "lr": 0.0, "memory": 14793, "data_time": 0.00627, "decode.loss_ce": 0.20509, "decode.acc_seg": 91.23984, "aux.loss_ce": 0.15504, "aux.acc_seg": 84.93796, "loss": 0.36013, "grad_norm": 10.29274, "time": 0.41739} {"mode": "train", "epoch": 102, "iter": 128350, "lr": 0.0, "memory": 14793, "data_time": 0.00652, "decode.loss_ce": 0.19695, "decode.acc_seg": 91.52318, "aux.loss_ce": 0.15744, "aux.acc_seg": 84.76496, "loss": 0.35438, "grad_norm": 11.54663, "time": 0.42148} {"mode": "train", "epoch": 102, "iter": 128400, "lr": 0.0, "memory": 14793, "data_time": 0.00605, "decode.loss_ce": 0.20724, "decode.acc_seg": 91.29467, "aux.loss_ce": 0.15724, "aux.acc_seg": 84.83527, "loss": 0.36448, "grad_norm": 10.92159, "time": 0.41802} {"mode": "train", "epoch": 102, "iter": 128450, "lr": 0.0, "memory": 14793, "data_time": 0.00568, "decode.loss_ce": 0.20833, "decode.acc_seg": 91.15947, "aux.loss_ce": 0.16382, "aux.acc_seg": 84.63388, "loss": 0.37215, "grad_norm": 11.00405, "time": 0.41276} {"mode": "train", "epoch": 102, "iter": 128500, "lr": 0.0, "memory": 14793, "data_time": 0.00647, "decode.loss_ce": 0.20869, "decode.acc_seg": 91.2222, "aux.loss_ce": 0.15142, "aux.acc_seg": 85.67634, "loss": 0.36011, "grad_norm": 11.06893, "time": 0.42133} {"mode": "train", "epoch": 102, "iter": 128550, "lr": 0.0, "memory": 14793, "data_time": 0.00616, "decode.loss_ce": 0.20426, "decode.acc_seg": 91.40935, "aux.loss_ce": 0.15652, "aux.acc_seg": 84.95556, "loss": 0.36078, "grad_norm": 11.90038, "time": 0.42241} {"mode": "train", "epoch": 102, "iter": 128600, "lr": 0.0, "memory": 14793, "data_time": 0.00548, "decode.loss_ce": 0.19885, "decode.acc_seg": 91.65089, "aux.loss_ce": 0.15443, "aux.acc_seg": 85.11104, "loss": 0.35328, "grad_norm": 13.88489, "time": 0.42457} {"mode": "train", "epoch": 102, "iter": 128650, "lr": 0.0, "memory": 14793, "data_time": 0.00541, "decode.loss_ce": 0.20794, "decode.acc_seg": 91.25888, "aux.loss_ce": 0.16183, "aux.acc_seg": 84.43511, "loss": 0.36977, "grad_norm": 11.24695, "time": 0.42414} {"mode": "train", "epoch": 102, "iter": 128700, "lr": 0.0, "memory": 14793, "data_time": 0.00563, "decode.loss_ce": 0.20758, "decode.acc_seg": 90.79497, "aux.loss_ce": 0.15666, "aux.acc_seg": 84.43331, "loss": 0.36424, "grad_norm": 10.8319, "time": 0.41861} {"mode": "train", "epoch": 102, "iter": 128750, "lr": 0.0, "memory": 14793, "data_time": 0.00582, "decode.loss_ce": 0.21189, "decode.acc_seg": 91.23174, "aux.loss_ce": 0.16418, "aux.acc_seg": 84.81141, "loss": 0.37607, "grad_norm": 12.63427, "time": 0.42137} {"mode": "train", "epoch": 102, "iter": 128800, "lr": 0.0, "memory": 14793, "data_time": 0.00554, "decode.loss_ce": 0.20628, "decode.acc_seg": 91.31552, "aux.loss_ce": 0.15997, "aux.acc_seg": 84.72178, "loss": 0.36625, "grad_norm": 13.24269, "time": 0.42788} {"mode": "train", "epoch": 102, "iter": 128850, "lr": 0.0, "memory": 14793, "data_time": 0.00535, "decode.loss_ce": 0.19106, "decode.acc_seg": 91.92839, "aux.loss_ce": 0.14238, "aux.acc_seg": 86.11912, "loss": 0.33344, "grad_norm": 9.56151, "time": 0.43056} {"mode": "train", "epoch": 102, "iter": 128900, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.21655, "decode.acc_seg": 91.40519, "aux.loss_ce": 0.15851, "aux.acc_seg": 85.1114, "loss": 0.37506, "grad_norm": 17.21265, "time": 0.41741} {"mode": "train", "epoch": 103, "iter": 128950, "lr": 0.0, "memory": 14793, "data_time": 0.05041, "decode.loss_ce": 0.20912, "decode.acc_seg": 91.28566, "aux.loss_ce": 0.147, "aux.acc_seg": 85.85343, "loss": 0.35611, "grad_norm": 14.23574, "time": 0.46973} {"mode": "train", "epoch": 103, "iter": 129000, "lr": 0.0, "memory": 14793, "data_time": 0.0066, "decode.loss_ce": 0.18556, "decode.acc_seg": 92.06967, "aux.loss_ce": 0.14963, "aux.acc_seg": 85.27644, "loss": 0.33519, "grad_norm": 8.77893, "time": 0.70001} {"mode": "val", "epoch": 103, "iter": 125, "lr": 0.0, "aAcc": 0.8499, "mIoU": 0.5461, "mAcc": 0.6688, "IoU.wall": 0.805, "IoU.building": 0.8352, "IoU.sky": 0.9488, "IoU.floor": 0.8321, "IoU.tree": 0.7585, "IoU.ceiling": 0.8594, "IoU.road": 0.8583, "IoU.bed ": 0.917, "IoU.windowpane": 0.6457, "IoU.grass": 0.6718, "IoU.cabinet": 0.655, "IoU.sidewalk": 0.6948, "IoU.person": 0.8416, "IoU.earth": 0.3819, "IoU.door": 0.5612, "IoU.table": 0.6555, "IoU.mountain": 0.6019, "IoU.plant": 0.5299, "IoU.curtain": 0.7624, "IoU.chair": 0.6297, "IoU.car": 0.8632, "IoU.water": 0.6098, "IoU.painting": 0.7526, "IoU.sofa": 0.7565, "IoU.shelf": 0.4492, "IoU.house": 0.4931, "IoU.sea": 0.7132, "IoU.mirror": 0.7382, "IoU.rug": 0.6805, "IoU.field": 0.3184, "IoU.armchair": 0.4973, "IoU.seat": 0.6641, "IoU.fence": 0.4751, "IoU.desk": 0.5361, "IoU.rock": 0.5206, "IoU.wardrobe": 0.557, "IoU.lamp": 0.6985, "IoU.bathtub": 0.8282, "IoU.railing": 0.3969, "IoU.cushion": 0.6501, "IoU.base": 0.3987, "IoU.box": 0.3467, "IoU.column": 0.5429, "IoU.signboard": 0.3828, "IoU.chest of drawers": 0.4453, "IoU.counter": 0.2618, "IoU.sand": 0.5622, "IoU.sink": 0.7863, "IoU.skyscraper": 0.5277, "IoU.fireplace": 0.7265, "IoU.refrigerator": 0.7824, "IoU.grandstand": 0.4946, "IoU.path": 0.2412, "IoU.stairs": 0.338, "IoU.runway": 0.6693, "IoU.case": 0.4929, "IoU.pool table": 0.9343, "IoU.pillow": 0.6294, "IoU.screen door": 0.7394, "IoU.stairway": 0.3767, "IoU.river": 0.1016, "IoU.bridge": 0.397, "IoU.bookcase": 0.4704, "IoU.blind": 0.4537, "IoU.coffee table": 0.6248, "IoU.toilet": 0.8764, "IoU.flower": 0.4543, "IoU.book": 0.5093, "IoU.hill": 0.0683, "IoU.bench": 0.6588, "IoU.countertop": 0.5989, "IoU.stove": 0.8311, "IoU.palm": 0.5587, "IoU.kitchen island": 0.4556, "IoU.computer": 0.7514, "IoU.swivel chair": 0.5452, "IoU.boat": 0.7553, "IoU.bar": 0.4727, "IoU.arcade machine": 0.5443, "IoU.hovel": 0.6205, "IoU.bus": 0.9177, "IoU.towel": 0.7194, "IoU.light": 0.5904, "IoU.truck": 0.4474, "IoU.tower": 0.2543, "IoU.chandelier": 0.72, "IoU.awning": 0.3527, "IoU.streetlight": 0.3292, "IoU.booth": 0.4044, "IoU.television receiver": 0.7676, "IoU.airplane": 0.708, "IoU.dirt track": 0.0279, "IoU.apparel": 0.6322, "IoU.pole": 0.2376, "IoU.land": 0.0515, "IoU.bannister": 0.1545, "IoU.escalator": 0.5425, "IoU.ottoman": 0.5643, "IoU.bottle": 0.4138, "IoU.buffet": 0.4644, "IoU.poster": 0.3289, "IoU.stage": 0.2286, "IoU.van": 0.4396, "IoU.ship": 0.4438, "IoU.fountain": 0.2632, "IoU.conveyer belt": 0.7841, "IoU.canopy": 0.3963, "IoU.washer": 0.7305, "IoU.plaything": 0.3598, "IoU.swimming pool": 0.6617, "IoU.stool": 0.4771, "IoU.barrel": 0.529, "IoU.basket": 0.4071, "IoU.waterfall": 0.6892, "IoU.tent": 0.9573, "IoU.bag": 0.2212, "IoU.minibike": 0.7286, "IoU.cradle": 0.8297, "IoU.oven": 0.4886, "IoU.ball": 0.5345, "IoU.food": 0.5683, "IoU.step": 0.2486, "IoU.tank": 0.6313, "IoU.trade name": 0.2661, "IoU.microwave": 0.8318, "IoU.pot": 0.5276, "IoU.animal": 0.603, "IoU.bicycle": 0.592, "IoU.lake": 0.5133, "IoU.dishwasher": 0.6783, "IoU.screen": 0.5914, "IoU.blanket": 0.2545, "IoU.sculpture": 0.7155, "IoU.hood": 0.6465, "IoU.sconce": 0.5503, "IoU.vase": 0.461, "IoU.traffic light": 0.3707, "IoU.tray": 0.067, "IoU.ashcan": 0.4565, "IoU.fan": 0.6782, "IoU.pier": 0.4244, "IoU.crt screen": 0.1514, "IoU.plate": 0.5855, "IoU.monitor": 0.1842, "IoU.bulletin board": 0.6569, "IoU.shower": 0.0064, "IoU.radiator": 0.6413, "IoU.glass": 0.1612, "IoU.clock": 0.459, "IoU.flag": 0.5195, "Acc.wall": 0.8904, "Acc.building": 0.9238, "Acc.sky": 0.9785, "Acc.floor": 0.907, "Acc.tree": 0.8836, "Acc.ceiling": 0.932, "Acc.road": 0.9173, "Acc.bed ": 0.9723, "Acc.windowpane": 0.8266, "Acc.grass": 0.8227, "Acc.cabinet": 0.7647, "Acc.sidewalk": 0.8292, "Acc.person": 0.9351, "Acc.earth": 0.5168, "Acc.door": 0.7169, "Acc.table": 0.8071, "Acc.mountain": 0.7408, "Acc.plant": 0.643, "Acc.curtain": 0.8798, "Acc.chair": 0.7511, "Acc.car": 0.9415, "Acc.water": 0.7594, "Acc.painting": 0.8888, "Acc.sofa": 0.8905, "Acc.shelf": 0.616, "Acc.house": 0.7127, "Acc.sea": 0.8435, "Acc.mirror": 0.8084, "Acc.rug": 0.8168, "Acc.field": 0.4583, "Acc.armchair": 0.6855, "Acc.seat": 0.842, "Acc.fence": 0.6374, "Acc.desk": 0.7508, "Acc.rock": 0.7693, "Acc.wardrobe": 0.7081, "Acc.lamp": 0.8009, "Acc.bathtub": 0.8663, "Acc.railing": 0.5361, "Acc.cushion": 0.7469, "Acc.base": 0.5357, "Acc.box": 0.4629, "Acc.column": 0.6442, "Acc.signboard": 0.5269, "Acc.chest of drawers": 0.6493, "Acc.counter": 0.3396, "Acc.sand": 0.7511, "Acc.sink": 0.8499, "Acc.skyscraper": 0.6556, "Acc.fireplace": 0.93, "Acc.refrigerator": 0.8531, "Acc.grandstand": 0.8314, "Acc.path": 0.3647, "Acc.stairs": 0.4361, "Acc.runway": 0.8905, "Acc.case": 0.6307, "Acc.pool table": 0.9841, "Acc.pillow": 0.7571, "Acc.screen door": 0.8436, "Acc.stairway": 0.4589, "Acc.river": 0.2354, "Acc.bridge": 0.4526, "Acc.bookcase": 0.7073, "Acc.blind": 0.5234, "Acc.coffee table": 0.8541, "Acc.toilet": 0.9362, "Acc.flower": 0.5943, "Acc.book": 0.7099, "Acc.hill": 0.1269, "Acc.bench": 0.7781, "Acc.countertop": 0.8151, "Acc.stove": 0.9075, "Acc.palm": 0.7556, "Acc.kitchen island": 0.8093, "Acc.computer": 0.8974, "Acc.swivel chair": 0.7784, "Acc.boat": 0.8609, "Acc.bar": 0.6665, "Acc.arcade machine": 0.5709, "Acc.hovel": 0.6933, "Acc.bus": 0.9809, "Acc.towel": 0.8601, "Acc.light": 0.6791, "Acc.truck": 0.5908, "Acc.tower": 0.4325, "Acc.chandelier": 0.8415, "Acc.awning": 0.4252, "Acc.streetlight": 0.4379, "Acc.booth": 0.5008, "Acc.television receiver": 0.8685, "Acc.airplane": 0.7905, "Acc.dirt track": 0.05, "Acc.apparel": 0.8037, "Acc.pole": 0.3191, "Acc.land": 0.075, "Acc.bannister": 0.2008, "Acc.escalator": 0.8153, "Acc.ottoman": 0.7408, "Acc.bottle": 0.6716, "Acc.buffet": 0.5611, "Acc.poster": 0.4813, "Acc.stage": 0.3518, "Acc.van": 0.5809, "Acc.ship": 0.4914, "Acc.fountain": 0.2661, "Acc.conveyer belt": 0.9452, "Acc.canopy": 0.5414, "Acc.washer": 0.7565, "Acc.plaything": 0.4756, "Acc.swimming pool": 0.7388, "Acc.stool": 0.6595, "Acc.barrel": 0.8897, "Acc.basket": 0.5153, "Acc.waterfall": 0.8262, "Acc.tent": 0.9825, "Acc.bag": 0.2769, "Acc.minibike": 0.8669, "Acc.cradle": 0.9796, "Acc.oven": 0.6063, "Acc.ball": 0.5933, "Acc.food": 0.6413, "Acc.step": 0.3106, "Acc.tank": 0.6616, "Acc.trade name": 0.3083, "Acc.microwave": 0.9563, "Acc.pot": 0.6266, "Acc.animal": 0.6225, "Acc.bicycle": 0.7692, "Acc.lake": 0.6378, "Acc.dishwasher": 0.7839, "Acc.screen": 0.8271, "Acc.blanket": 0.2985, "Acc.sculpture": 0.8473, "Acc.hood": 0.7188, "Acc.sconce": 0.6436, "Acc.vase": 0.6021, "Acc.traffic light": 0.5751, "Acc.tray": 0.108, "Acc.ashcan": 0.5967, "Acc.fan": 0.7959, "Acc.pier": 0.6292, "Acc.crt screen": 0.3757, "Acc.plate": 0.7771, "Acc.monitor": 0.2085, "Acc.bulletin board": 0.7715, "Acc.shower": 0.0065, "Acc.radiator": 0.719, "Acc.glass": 0.1719, "Acc.clock": 0.5011, "Acc.flag": 0.5698} {"mode": "train", "epoch": 103, "iter": 129050, "lr": 0.0, "memory": 14793, "data_time": 2.10233, "decode.loss_ce": 0.20394, "decode.acc_seg": 91.48062, "aux.loss_ce": 0.15977, "aux.acc_seg": 84.60996, "loss": 0.36372, "grad_norm": 11.75163, "time": 2.51444} {"mode": "train", "epoch": 103, "iter": 129100, "lr": 0.0, "memory": 14793, "data_time": 0.00557, "decode.loss_ce": 0.20879, "decode.acc_seg": 91.33799, "aux.loss_ce": 0.15583, "aux.acc_seg": 85.07381, "loss": 0.36462, "grad_norm": 14.02175, "time": 0.42118} {"mode": "train", "epoch": 103, "iter": 129150, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.20778, "decode.acc_seg": 91.36609, "aux.loss_ce": 0.15762, "aux.acc_seg": 84.65905, "loss": 0.36541, "grad_norm": 11.72534, "time": 0.40551} {"mode": "train", "epoch": 103, "iter": 129200, "lr": 0.0, "memory": 14793, "data_time": 0.00551, "decode.loss_ce": 0.19464, "decode.acc_seg": 91.35325, "aux.loss_ce": 0.15142, "aux.acc_seg": 84.87256, "loss": 0.34606, "grad_norm": 12.2705, "time": 0.41991} {"mode": "train", "epoch": 103, "iter": 129250, "lr": 0.0, "memory": 14793, "data_time": 0.00521, "decode.loss_ce": 0.19956, "decode.acc_seg": 91.53884, "aux.loss_ce": 0.15882, "aux.acc_seg": 84.71177, "loss": 0.35838, "grad_norm": 12.69083, "time": 0.41236} {"mode": "train", "epoch": 103, "iter": 129300, "lr": 0.0, "memory": 14793, "data_time": 0.00564, "decode.loss_ce": 0.20388, "decode.acc_seg": 91.5229, "aux.loss_ce": 0.15837, "aux.acc_seg": 84.64361, "loss": 0.36225, "grad_norm": 10.61113, "time": 0.41745} {"mode": "train", "epoch": 103, "iter": 129350, "lr": 0.0, "memory": 14793, "data_time": 0.0053, "decode.loss_ce": 0.20392, "decode.acc_seg": 91.18462, "aux.loss_ce": 0.15577, "aux.acc_seg": 84.76256, "loss": 0.35969, "grad_norm": 12.44629, "time": 0.42191} {"mode": "train", "epoch": 103, "iter": 129400, "lr": 0.0, "memory": 14793, "data_time": 0.00603, "decode.loss_ce": 0.19844, "decode.acc_seg": 91.76247, "aux.loss_ce": 0.16404, "aux.acc_seg": 84.52589, "loss": 0.36249, "grad_norm": 10.88383, "time": 0.4166} {"mode": "train", "epoch": 103, "iter": 129450, "lr": 0.0, "memory": 14793, "data_time": 0.00555, "decode.loss_ce": 0.20003, "decode.acc_seg": 91.80557, "aux.loss_ce": 0.159, "aux.acc_seg": 84.92305, "loss": 0.35904, "grad_norm": 10.78537, "time": 0.42334} {"mode": "train", "epoch": 103, "iter": 129500, "lr": 0.0, "memory": 14793, "data_time": 0.00773, "decode.loss_ce": 0.19764, "decode.acc_seg": 91.63596, "aux.loss_ce": 0.16094, "aux.acc_seg": 84.77812, "loss": 0.35858, "grad_norm": 9.43139, "time": 0.4256} {"mode": "train", "epoch": 103, "iter": 129550, "lr": 0.0, "memory": 14793, "data_time": 0.00548, "decode.loss_ce": 0.21668, "decode.acc_seg": 90.97142, "aux.loss_ce": 0.16383, "aux.acc_seg": 84.51825, "loss": 0.38051, "grad_norm": 13.26857, "time": 0.4132} {"mode": "train", "epoch": 103, "iter": 129600, "lr": 0.0, "memory": 14793, "data_time": 0.00524, "decode.loss_ce": 0.18116, "decode.acc_seg": 92.24579, "aux.loss_ce": 0.14442, "aux.acc_seg": 85.96312, "loss": 0.32558, "grad_norm": 10.36184, "time": 0.40855} {"mode": "train", "epoch": 103, "iter": 129650, "lr": 0.0, "memory": 14793, "data_time": 0.00494, "decode.loss_ce": 0.19837, "decode.acc_seg": 91.75101, "aux.loss_ce": 0.15466, "aux.acc_seg": 85.30082, "loss": 0.35303, "grad_norm": 13.63595, "time": 0.40636} {"mode": "train", "epoch": 103, "iter": 129700, "lr": 0.0, "memory": 14793, "data_time": 0.00526, "decode.loss_ce": 0.19739, "decode.acc_seg": 91.69393, "aux.loss_ce": 0.15597, "aux.acc_seg": 85.18473, "loss": 0.35337, "grad_norm": 16.11845, "time": 0.42237} {"mode": "train", "epoch": 103, "iter": 129750, "lr": 0.0, "memory": 14793, "data_time": 0.00534, "decode.loss_ce": 0.193, "decode.acc_seg": 91.79184, "aux.loss_ce": 0.1485, "aux.acc_seg": 85.75971, "loss": 0.3415, "grad_norm": 12.71968, "time": 0.42432} {"mode": "train", "epoch": 103, "iter": 129800, "lr": 0.0, "memory": 14793, "data_time": 0.00519, "decode.loss_ce": 0.21104, "decode.acc_seg": 90.90633, "aux.loss_ce": 0.15342, "aux.acc_seg": 84.97637, "loss": 0.36446, "grad_norm": 11.60334, "time": 0.4299} {"mode": "train", "epoch": 103, "iter": 129850, "lr": 0.0, "memory": 14793, "data_time": 0.00516, "decode.loss_ce": 0.20299, "decode.acc_seg": 91.69731, "aux.loss_ce": 0.15409, "aux.acc_seg": 85.17305, "loss": 0.35707, "grad_norm": 11.7161, "time": 0.42161} {"mode": "train", "epoch": 103, "iter": 129900, "lr": 0.0, "memory": 14793, "data_time": 0.00505, "decode.loss_ce": 0.2019, "decode.acc_seg": 91.65664, "aux.loss_ce": 0.15495, "aux.acc_seg": 85.00969, "loss": 0.35685, "grad_norm": 12.40071, "time": 0.41736} {"mode": "train", "epoch": 103, "iter": 129950, "lr": 0.0, "memory": 14793, "data_time": 0.0048, "decode.loss_ce": 0.20767, "decode.acc_seg": 91.2407, "aux.loss_ce": 0.15841, "aux.acc_seg": 84.78003, "loss": 0.36608, "grad_norm": 11.4824, "time": 0.40634} {"mode": "train", "epoch": 103, "iter": 130000, "lr": 0.0, "memory": 14793, "data_time": 0.00513, "decode.loss_ce": 0.22833, "decode.acc_seg": 90.88175, "aux.loss_ce": 0.16522, "aux.acc_seg": 84.7367, "loss": 0.39354, "grad_norm": 15.69754, "time": 0.64181} {"mode": "val", "epoch": 103, "iter": 125, "lr": 0.0, "aAcc": 0.8502, "mIoU": 0.5478, "mAcc": 0.6719, "IoU.wall": 0.8062, "IoU.building": 0.8364, "IoU.sky": 0.9495, "IoU.floor": 0.8334, "IoU.tree": 0.7604, "IoU.ceiling": 0.8601, "IoU.road": 0.8577, "IoU.bed ": 0.9176, "IoU.windowpane": 0.6483, "IoU.grass": 0.6679, "IoU.cabinet": 0.6541, "IoU.sidewalk": 0.6919, "IoU.person": 0.842, "IoU.earth": 0.3781, "IoU.door": 0.5605, "IoU.table": 0.6591, "IoU.mountain": 0.5973, "IoU.plant": 0.5266, "IoU.curtain": 0.7564, "IoU.chair": 0.6354, "IoU.car": 0.8634, "IoU.water": 0.6188, "IoU.painting": 0.7485, "IoU.sofa": 0.7537, "IoU.shelf": 0.4543, "IoU.house": 0.4884, "IoU.sea": 0.7113, "IoU.mirror": 0.7449, "IoU.rug": 0.6651, "IoU.field": 0.3042, "IoU.armchair": 0.4936, "IoU.seat": 0.6641, "IoU.fence": 0.4741, "IoU.desk": 0.5409, "IoU.rock": 0.5209, "IoU.wardrobe": 0.5561, "IoU.lamp": 0.6952, "IoU.bathtub": 0.8272, "IoU.railing": 0.4175, "IoU.cushion": 0.6561, "IoU.base": 0.4166, "IoU.box": 0.3463, "IoU.column": 0.5456, "IoU.signboard": 0.3894, "IoU.chest of drawers": 0.4413, "IoU.counter": 0.2938, "IoU.sand": 0.5417, "IoU.sink": 0.8016, "IoU.skyscraper": 0.5171, "IoU.fireplace": 0.727, "IoU.refrigerator": 0.78, "IoU.grandstand": 0.4885, "IoU.path": 0.2544, "IoU.stairs": 0.3599, "IoU.runway": 0.6804, "IoU.case": 0.4965, "IoU.pool table": 0.9374, "IoU.pillow": 0.6175, "IoU.screen door": 0.7144, "IoU.stairway": 0.3904, "IoU.river": 0.1033, "IoU.bridge": 0.4348, "IoU.bookcase": 0.4723, "IoU.blind": 0.4867, "IoU.coffee table": 0.6237, "IoU.toilet": 0.882, "IoU.flower": 0.4509, "IoU.book": 0.5004, "IoU.hill": 0.0731, "IoU.bench": 0.662, "IoU.countertop": 0.6067, "IoU.stove": 0.8348, "IoU.palm": 0.5571, "IoU.kitchen island": 0.4715, "IoU.computer": 0.7557, "IoU.swivel chair": 0.5303, "IoU.boat": 0.7565, "IoU.bar": 0.4933, "IoU.arcade machine": 0.6032, "IoU.hovel": 0.6322, "IoU.bus": 0.9283, "IoU.towel": 0.7101, "IoU.light": 0.5987, "IoU.truck": 0.4311, "IoU.tower": 0.2599, "IoU.chandelier": 0.7152, "IoU.awning": 0.374, "IoU.streetlight": 0.3412, "IoU.booth": 0.3999, "IoU.television receiver": 0.7661, "IoU.airplane": 0.735, "IoU.dirt track": 0.0461, "IoU.apparel": 0.6246, "IoU.pole": 0.2547, "IoU.land": 0.0551, "IoU.bannister": 0.1552, "IoU.escalator": 0.5324, "IoU.ottoman": 0.5613, "IoU.bottle": 0.4192, "IoU.buffet": 0.4665, "IoU.poster": 0.3221, "IoU.stage": 0.2224, "IoU.van": 0.4343, "IoU.ship": 0.4342, "IoU.fountain": 0.2859, "IoU.conveyer belt": 0.8048, "IoU.canopy": 0.3944, "IoU.washer": 0.7211, "IoU.plaything": 0.3653, "IoU.swimming pool": 0.5709, "IoU.stool": 0.483, "IoU.barrel": 0.5588, "IoU.basket": 0.4088, "IoU.waterfall": 0.6903, "IoU.tent": 0.9553, "IoU.bag": 0.2262, "IoU.minibike": 0.7265, "IoU.cradle": 0.8425, "IoU.oven": 0.4851, "IoU.ball": 0.42, "IoU.food": 0.5721, "IoU.step": 0.2617, "IoU.tank": 0.6344, "IoU.trade name": 0.3031, "IoU.microwave": 0.8298, "IoU.pot": 0.5263, "IoU.animal": 0.594, "IoU.bicycle": 0.6013, "IoU.lake": 0.5064, "IoU.dishwasher": 0.69, "IoU.screen": 0.5836, "IoU.blanket": 0.2887, "IoU.sculpture": 0.7018, "IoU.hood": 0.6358, "IoU.sconce": 0.5596, "IoU.vase": 0.4567, "IoU.traffic light": 0.3775, "IoU.tray": 0.083, "IoU.ashcan": 0.4418, "IoU.fan": 0.6822, "IoU.pier": 0.4075, "IoU.crt screen": 0.145, "IoU.plate": 0.5829, "IoU.monitor": 0.1893, "IoU.bulletin board": 0.6557, "IoU.shower": 0.0139, "IoU.radiator": 0.6419, "IoU.glass": 0.1652, "IoU.clock": 0.4735, "IoU.flag": 0.5335, "Acc.wall": 0.8895, "Acc.building": 0.9207, "Acc.sky": 0.9772, "Acc.floor": 0.9118, "Acc.tree": 0.9016, "Acc.ceiling": 0.9322, "Acc.road": 0.9149, "Acc.bed ": 0.9721, "Acc.windowpane": 0.8118, "Acc.grass": 0.8163, "Acc.cabinet": 0.7689, "Acc.sidewalk": 0.8362, "Acc.person": 0.9339, "Acc.earth": 0.5114, "Acc.door": 0.7173, "Acc.table": 0.7956, "Acc.mountain": 0.7298, "Acc.plant": 0.6485, "Acc.curtain": 0.8631, "Acc.chair": 0.7665, "Acc.car": 0.9409, "Acc.water": 0.7621, "Acc.painting": 0.9006, "Acc.sofa": 0.8973, "Acc.shelf": 0.6299, "Acc.house": 0.6915, "Acc.sea": 0.8428, "Acc.mirror": 0.8178, "Acc.rug": 0.7765, "Acc.field": 0.4695, "Acc.armchair": 0.6601, "Acc.seat": 0.8246, "Acc.fence": 0.6041, "Acc.desk": 0.736, "Acc.rock": 0.7643, "Acc.wardrobe": 0.7207, "Acc.lamp": 0.7991, "Acc.bathtub": 0.8705, "Acc.railing": 0.5788, "Acc.cushion": 0.7661, "Acc.base": 0.5471, "Acc.box": 0.4692, "Acc.column": 0.6511, "Acc.signboard": 0.5242, "Acc.chest of drawers": 0.6611, "Acc.counter": 0.377, "Acc.sand": 0.7356, "Acc.sink": 0.8647, "Acc.skyscraper": 0.6313, "Acc.fireplace": 0.9339, "Acc.refrigerator": 0.8516, "Acc.grandstand": 0.8364, "Acc.path": 0.3968, "Acc.stairs": 0.4789, "Acc.runway": 0.9037, "Acc.case": 0.6479, "Acc.pool table": 0.9807, "Acc.pillow": 0.719, "Acc.screen door": 0.8459, "Acc.stairway": 0.4563, "Acc.river": 0.2288, "Acc.bridge": 0.4885, "Acc.bookcase": 0.695, "Acc.blind": 0.5655, "Acc.coffee table": 0.8557, "Acc.toilet": 0.9341, "Acc.flower": 0.604, "Acc.book": 0.7105, "Acc.hill": 0.1322, "Acc.bench": 0.7758, "Acc.countertop": 0.8028, "Acc.stove": 0.8938, "Acc.palm": 0.7444, "Acc.kitchen island": 0.7729, "Acc.computer": 0.8974, "Acc.swivel chair": 0.7541, "Acc.boat": 0.8592, "Acc.bar": 0.6617, "Acc.arcade machine": 0.6337, "Acc.hovel": 0.7099, "Acc.bus": 0.9769, "Acc.towel": 0.8644, "Acc.light": 0.7293, "Acc.truck": 0.5534, "Acc.tower": 0.4508, "Acc.chandelier": 0.8456, "Acc.awning": 0.4738, "Acc.streetlight": 0.4567, "Acc.booth": 0.4896, "Acc.television receiver": 0.8645, "Acc.airplane": 0.8216, "Acc.dirt track": 0.0836, "Acc.apparel": 0.7999, "Acc.pole": 0.352, "Acc.land": 0.0771, "Acc.bannister": 0.2119, "Acc.escalator": 0.8206, "Acc.ottoman": 0.7548, "Acc.bottle": 0.6669, "Acc.buffet": 0.5685, "Acc.poster": 0.4653, "Acc.stage": 0.3381, "Acc.van": 0.5861, "Acc.ship": 0.4803, "Acc.fountain": 0.2888, "Acc.conveyer belt": 0.9385, "Acc.canopy": 0.5537, "Acc.washer": 0.7454, "Acc.plaything": 0.4821, "Acc.swimming pool": 0.7364, "Acc.stool": 0.6712, "Acc.barrel": 0.8981, "Acc.basket": 0.526, "Acc.waterfall": 0.8262, "Acc.tent": 0.983, "Acc.bag": 0.287, "Acc.minibike": 0.869, "Acc.cradle": 0.9772, "Acc.oven": 0.6091, "Acc.ball": 0.4406, "Acc.food": 0.6447, "Acc.step": 0.333, "Acc.tank": 0.6659, "Acc.trade name": 0.3688, "Acc.microwave": 0.9455, "Acc.pot": 0.6418, "Acc.animal": 0.6107, "Acc.bicycle": 0.7817, "Acc.lake": 0.6379, "Acc.dishwasher": 0.7872, "Acc.screen": 0.809, "Acc.blanket": 0.3509, "Acc.sculpture": 0.8547, "Acc.hood": 0.7115, "Acc.sconce": 0.6766, "Acc.vase": 0.6216, "Acc.traffic light": 0.5678, "Acc.tray": 0.1459, "Acc.ashcan": 0.5846, "Acc.fan": 0.8144, "Acc.pier": 0.5564, "Acc.crt screen": 0.362, "Acc.plate": 0.8086, "Acc.monitor": 0.2191, "Acc.bulletin board": 0.7696, "Acc.shower": 0.0142, "Acc.radiator": 0.7237, "Acc.glass": 0.1775, "Acc.clock": 0.5249, "Acc.flag": 0.5998} {"mode": "train", "epoch": 103, "iter": 130050, "lr": 0.0, "memory": 14793, "data_time": 2.08749, "decode.loss_ce": 0.21156, "decode.acc_seg": 91.358, "aux.loss_ce": 0.17129, "aux.acc_seg": 83.92942, "loss": 0.38284, "grad_norm": 12.31021, "time": 2.50262} {"mode": "train", "epoch": 103, "iter": 130100, "lr": 0.0, "memory": 14793, "data_time": 0.00527, "decode.loss_ce": 0.20809, "decode.acc_seg": 91.24766, "aux.loss_ce": 0.17099, "aux.acc_seg": 83.56749, "loss": 0.37908, "grad_norm": 15.04849, "time": 0.41517} {"mode": "train", "epoch": 103, "iter": 130150, "lr": 0.0, "memory": 14793, "data_time": 0.00595, "decode.loss_ce": 0.20181, "decode.acc_seg": 91.78302, "aux.loss_ce": 0.15495, "aux.acc_seg": 85.45341, "loss": 0.35676, "grad_norm": 10.12036, "time": 0.41017} {"mode": "train", "epoch": 104, "iter": 130200, "lr": 0.0, "memory": 14793, "data_time": 0.05353, "decode.loss_ce": 0.21961, "decode.acc_seg": 90.91647, "aux.loss_ce": 0.16181, "aux.acc_seg": 84.40434, "loss": 0.38142, "grad_norm": 16.56709, "time": 0.45749} {"mode": "train", "epoch": 104, "iter": 130250, "lr": 0.0, "memory": 14793, "data_time": 0.00578, "decode.loss_ce": 0.1969, "decode.acc_seg": 91.45131, "aux.loss_ce": 0.14886, "aux.acc_seg": 85.20221, "loss": 0.34576, "grad_norm": 9.59818, "time": 0.42483} {"mode": "train", "epoch": 104, "iter": 130300, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.19517, "decode.acc_seg": 91.70834, "aux.loss_ce": 0.15577, "aux.acc_seg": 85.1872, "loss": 0.35094, "grad_norm": 11.72363, "time": 0.41766} {"mode": "train", "epoch": 104, "iter": 130350, "lr": 0.0, "memory": 14793, "data_time": 0.0054, "decode.loss_ce": 0.19526, "decode.acc_seg": 91.45261, "aux.loss_ce": 0.15349, "aux.acc_seg": 85.10317, "loss": 0.34875, "grad_norm": 11.01505, "time": 0.4235} {"mode": "train", "epoch": 104, "iter": 130400, "lr": 0.0, "memory": 14793, "data_time": 0.0066, "decode.loss_ce": 0.20256, "decode.acc_seg": 91.25688, "aux.loss_ce": 0.15792, "aux.acc_seg": 84.5361, "loss": 0.36048, "grad_norm": 11.31562, "time": 0.41316} {"mode": "train", "epoch": 104, "iter": 130450, "lr": 0.0, "memory": 14793, "data_time": 0.00586, "decode.loss_ce": 0.20436, "decode.acc_seg": 91.57214, "aux.loss_ce": 0.15973, "aux.acc_seg": 85.24391, "loss": 0.36409, "grad_norm": 12.52098, "time": 0.4041} {"mode": "train", "epoch": 104, "iter": 130500, "lr": 0.0, "memory": 14793, "data_time": 0.00668, "decode.loss_ce": 0.20091, "decode.acc_seg": 91.36232, "aux.loss_ce": 0.15765, "aux.acc_seg": 84.68062, "loss": 0.35855, "grad_norm": 13.39838, "time": 0.42105} {"mode": "train", "epoch": 104, "iter": 130550, "lr": 0.0, "memory": 14793, "data_time": 0.00531, "decode.loss_ce": 0.18131, "decode.acc_seg": 92.08125, "aux.loss_ce": 0.13732, "aux.acc_seg": 85.97627, "loss": 0.31863, "grad_norm": 9.54887, "time": 0.41666} {"mode": "train", "epoch": 104, "iter": 130600, "lr": 0.0, "memory": 14793, "data_time": 0.0053, "decode.loss_ce": 0.20791, "decode.acc_seg": 91.30511, "aux.loss_ce": 0.17197, "aux.acc_seg": 84.13378, "loss": 0.37989, "grad_norm": 15.63129, "time": 0.41074} {"mode": "train", "epoch": 104, "iter": 130650, "lr": 0.0, "memory": 14793, "data_time": 0.00538, "decode.loss_ce": 0.20516, "decode.acc_seg": 91.35014, "aux.loss_ce": 0.15205, "aux.acc_seg": 85.37773, "loss": 0.35721, "grad_norm": 12.29755, "time": 0.42106} {"mode": "train", "epoch": 104, "iter": 130700, "lr": 0.0, "memory": 14793, "data_time": 0.00543, "decode.loss_ce": 0.20405, "decode.acc_seg": 91.4454, "aux.loss_ce": 0.15698, "aux.acc_seg": 85.0623, "loss": 0.36103, "grad_norm": 12.24494, "time": 0.41336} {"mode": "train", "epoch": 104, "iter": 130750, "lr": 0.0, "memory": 14793, "data_time": 0.00537, "decode.loss_ce": 0.21809, "decode.acc_seg": 91.25387, "aux.loss_ce": 0.15787, "aux.acc_seg": 85.17175, "loss": 0.37597, "grad_norm": 20.5344, "time": 0.41523} {"mode": "train", "epoch": 104, "iter": 130800, "lr": 0.0, "memory": 14793, "data_time": 0.00673, "decode.loss_ce": 0.20678, "decode.acc_seg": 91.35201, "aux.loss_ce": 0.15919, "aux.acc_seg": 84.77072, "loss": 0.36597, "grad_norm": 13.92032, "time": 0.41612} {"mode": "train", "epoch": 104, "iter": 130850, "lr": 0.0, "memory": 14793, "data_time": 0.00548, "decode.loss_ce": 0.19527, "decode.acc_seg": 91.6462, "aux.loss_ce": 0.15671, "aux.acc_seg": 84.79249, "loss": 0.35198, "grad_norm": 12.5795, "time": 0.41357} {"mode": "train", "epoch": 104, "iter": 130900, "lr": 0.0, "memory": 14793, "data_time": 0.00565, "decode.loss_ce": 0.20173, "decode.acc_seg": 91.41906, "aux.loss_ce": 0.16039, "aux.acc_seg": 84.31693, "loss": 0.36212, "grad_norm": 16.17918, "time": 0.40809} {"mode": "train", "epoch": 104, "iter": 130950, "lr": 0.0, "memory": 14793, "data_time": 0.00638, "decode.loss_ce": 0.21497, "decode.acc_seg": 91.13597, "aux.loss_ce": 0.15502, "aux.acc_seg": 84.92924, "loss": 0.36999, "grad_norm": 15.91108, "time": 0.42616} {"mode": "train", "epoch": 104, "iter": 131000, "lr": 0.0, "memory": 14793, "data_time": 0.00497, "decode.loss_ce": 0.20965, "decode.acc_seg": 91.51678, "aux.loss_ce": 0.16317, "aux.acc_seg": 84.62222, "loss": 0.37282, "grad_norm": 12.30265, "time": 0.64154} {"mode": "val", "epoch": 104, "iter": 125, "lr": 0.0, "aAcc": 0.8496, "mIoU": 0.5467, "mAcc": 0.6753, "IoU.wall": 0.8061, "IoU.building": 0.8362, "IoU.sky": 0.9496, "IoU.floor": 0.8324, "IoU.tree": 0.7571, "IoU.ceiling": 0.8603, "IoU.road": 0.8574, "IoU.bed ": 0.9145, "IoU.windowpane": 0.6474, "IoU.grass": 0.6669, "IoU.cabinet": 0.6517, "IoU.sidewalk": 0.6945, "IoU.person": 0.8418, "IoU.earth": 0.3752, "IoU.door": 0.5566, "IoU.table": 0.6567, "IoU.mountain": 0.607, "IoU.plant": 0.5284, "IoU.curtain": 0.7655, "IoU.chair": 0.6305, "IoU.car": 0.8659, "IoU.water": 0.6206, "IoU.painting": 0.7496, "IoU.sofa": 0.7478, "IoU.shelf": 0.4451, "IoU.house": 0.491, "IoU.sea": 0.7111, "IoU.mirror": 0.7443, "IoU.rug": 0.6809, "IoU.field": 0.3084, "IoU.armchair": 0.4771, "IoU.seat": 0.6567, "IoU.fence": 0.4852, "IoU.desk": 0.5382, "IoU.rock": 0.5244, "IoU.wardrobe": 0.5482, "IoU.lamp": 0.6925, "IoU.bathtub": 0.8285, "IoU.railing": 0.3998, "IoU.cushion": 0.6631, "IoU.base": 0.4043, "IoU.box": 0.3513, "IoU.column": 0.542, "IoU.signboard": 0.3846, "IoU.chest of drawers": 0.4387, "IoU.counter": 0.2855, "IoU.sand": 0.5764, "IoU.sink": 0.7888, "IoU.skyscraper": 0.5092, "IoU.fireplace": 0.7096, "IoU.refrigerator": 0.7816, "IoU.grandstand": 0.4914, "IoU.path": 0.2308, "IoU.stairs": 0.3391, "IoU.runway": 0.6589, "IoU.case": 0.5013, "IoU.pool table": 0.9361, "IoU.pillow": 0.6111, "IoU.screen door": 0.7268, "IoU.stairway": 0.3909, "IoU.river": 0.1089, "IoU.bridge": 0.4582, "IoU.bookcase": 0.459, "IoU.blind": 0.4589, "IoU.coffee table": 0.619, "IoU.toilet": 0.8794, "IoU.flower": 0.444, "IoU.book": 0.4932, "IoU.hill": 0.0725, "IoU.bench": 0.659, "IoU.countertop": 0.6131, "IoU.stove": 0.8424, "IoU.palm": 0.5612, "IoU.kitchen island": 0.4591, "IoU.computer": 0.7394, "IoU.swivel chair": 0.5474, "IoU.boat": 0.7533, "IoU.bar": 0.5049, "IoU.arcade machine": 0.63, "IoU.hovel": 0.6323, "IoU.bus": 0.9167, "IoU.towel": 0.7094, "IoU.light": 0.5958, "IoU.truck": 0.4491, "IoU.tower": 0.2482, "IoU.chandelier": 0.7149, "IoU.awning": 0.3611, "IoU.streetlight": 0.336, "IoU.booth": 0.4082, "IoU.television receiver": 0.7669, "IoU.airplane": 0.7404, "IoU.dirt track": 0.0653, "IoU.apparel": 0.6217, "IoU.pole": 0.2379, "IoU.land": 0.0563, "IoU.bannister": 0.1555, "IoU.escalator": 0.532, "IoU.ottoman": 0.5601, "IoU.bottle": 0.4151, "IoU.buffet": 0.463, "IoU.poster": 0.3262, "IoU.stage": 0.2249, "IoU.van": 0.4599, "IoU.ship": 0.4528, "IoU.fountain": 0.2732, "IoU.conveyer belt": 0.7824, "IoU.canopy": 0.3977, "IoU.washer": 0.7349, "IoU.plaything": 0.366, "IoU.swimming pool": 0.6709, "IoU.stool": 0.4725, "IoU.barrel": 0.5426, "IoU.basket": 0.4046, "IoU.waterfall": 0.6407, "IoU.tent": 0.9561, "IoU.bag": 0.2181, "IoU.minibike": 0.7282, "IoU.cradle": 0.8478, "IoU.oven": 0.494, "IoU.ball": 0.4537, "IoU.food": 0.5767, "IoU.step": 0.2305, "IoU.tank": 0.6284, "IoU.trade name": 0.2815, "IoU.microwave": 0.819, "IoU.pot": 0.5254, "IoU.animal": 0.5971, "IoU.bicycle": 0.5953, "IoU.lake": 0.5139, "IoU.dishwasher": 0.6922, "IoU.screen": 0.5762, "IoU.blanket": 0.2626, "IoU.sculpture": 0.6786, "IoU.hood": 0.6355, "IoU.sconce": 0.5577, "IoU.vase": 0.4507, "IoU.traffic light": 0.363, "IoU.tray": 0.0706, "IoU.ashcan": 0.4394, "IoU.fan": 0.6779, "IoU.pier": 0.4284, "IoU.crt screen": 0.1482, "IoU.plate": 0.5859, "IoU.monitor": 0.1834, "IoU.bulletin board": 0.661, "IoU.shower": 0.0082, "IoU.radiator": 0.6318, "IoU.glass": 0.1671, "IoU.clock": 0.471, "IoU.flag": 0.5417, "Acc.wall": 0.8874, "Acc.building": 0.9215, "Acc.sky": 0.9766, "Acc.floor": 0.9044, "Acc.tree": 0.8923, "Acc.ceiling": 0.9287, "Acc.road": 0.9189, "Acc.bed ": 0.9747, "Acc.windowpane": 0.8148, "Acc.grass": 0.8153, "Acc.cabinet": 0.7573, "Acc.sidewalk": 0.8343, "Acc.person": 0.93, "Acc.earth": 0.507, "Acc.door": 0.7177, "Acc.table": 0.8052, "Acc.mountain": 0.7372, "Acc.plant": 0.6513, "Acc.curtain": 0.8889, "Acc.chair": 0.7502, "Acc.car": 0.9358, "Acc.water": 0.7763, "Acc.painting": 0.8959, "Acc.sofa": 0.9035, "Acc.shelf": 0.6104, "Acc.house": 0.7023, "Acc.sea": 0.8513, "Acc.mirror": 0.8218, "Acc.rug": 0.8062, "Acc.field": 0.465, "Acc.armchair": 0.6309, "Acc.seat": 0.8438, "Acc.fence": 0.6576, "Acc.desk": 0.7406, "Acc.rock": 0.7807, "Acc.wardrobe": 0.7108, "Acc.lamp": 0.8096, "Acc.bathtub": 0.8669, "Acc.railing": 0.5476, "Acc.cushion": 0.7935, "Acc.base": 0.5413, "Acc.box": 0.4862, "Acc.column": 0.6522, "Acc.signboard": 0.5339, "Acc.chest of drawers": 0.6829, "Acc.counter": 0.3832, "Acc.sand": 0.8247, "Acc.sink": 0.854, "Acc.skyscraper": 0.6252, "Acc.fireplace": 0.935, "Acc.refrigerator": 0.8569, "Acc.grandstand": 0.8357, "Acc.path": 0.3486, "Acc.stairs": 0.449, "Acc.runway": 0.8798, "Acc.case": 0.6408, "Acc.pool table": 0.9822, "Acc.pillow": 0.7061, "Acc.screen door": 0.8397, "Acc.stairway": 0.4762, "Acc.river": 0.2251, "Acc.bridge": 0.5258, "Acc.bookcase": 0.7167, "Acc.blind": 0.5271, "Acc.coffee table": 0.8494, "Acc.toilet": 0.9349, "Acc.flower": 0.5975, "Acc.book": 0.6836, "Acc.hill": 0.1258, "Acc.bench": 0.7805, "Acc.countertop": 0.8288, "Acc.stove": 0.9009, "Acc.palm": 0.7728, "Acc.kitchen island": 0.8068, "Acc.computer": 0.9087, "Acc.swivel chair": 0.8047, "Acc.boat": 0.8545, "Acc.bar": 0.719, "Acc.arcade machine": 0.6698, "Acc.hovel": 0.7205, "Acc.bus": 0.9771, "Acc.towel": 0.8662, "Acc.light": 0.6991, "Acc.truck": 0.6012, "Acc.tower": 0.4562, "Acc.chandelier": 0.8642, "Acc.awning": 0.4571, "Acc.streetlight": 0.4613, "Acc.booth": 0.5079, "Acc.television receiver": 0.8705, "Acc.airplane": 0.8398, "Acc.dirt track": 0.1412, "Acc.apparel": 0.8238, "Acc.pole": 0.3219, "Acc.land": 0.0714, "Acc.bannister": 0.2124, "Acc.escalator": 0.8412, "Acc.ottoman": 0.7526, "Acc.bottle": 0.6856, "Acc.buffet": 0.5693, "Acc.poster": 0.4557, "Acc.stage": 0.3391, "Acc.van": 0.6319, "Acc.ship": 0.5042, "Acc.fountain": 0.2761, "Acc.conveyer belt": 0.95, "Acc.canopy": 0.5468, "Acc.washer": 0.766, "Acc.plaything": 0.5078, "Acc.swimming pool": 0.7443, "Acc.stool": 0.6545, "Acc.barrel": 0.9122, "Acc.basket": 0.5165, "Acc.waterfall": 0.7622, "Acc.tent": 0.9831, "Acc.bag": 0.2751, "Acc.minibike": 0.8736, "Acc.cradle": 0.9758, "Acc.oven": 0.6457, "Acc.ball": 0.4832, "Acc.food": 0.6555, "Acc.step": 0.2959, "Acc.tank": 0.6689, "Acc.trade name": 0.3277, "Acc.microwave": 0.9489, "Acc.pot": 0.6364, "Acc.animal": 0.6158, "Acc.bicycle": 0.7575, "Acc.lake": 0.6378, "Acc.dishwasher": 0.8055, "Acc.screen": 0.8296, "Acc.blanket": 0.3141, "Acc.sculpture": 0.8496, "Acc.hood": 0.7299, "Acc.sconce": 0.6666, "Acc.vase": 0.6156, "Acc.traffic light": 0.5958, "Acc.tray": 0.1131, "Acc.ashcan": 0.5724, "Acc.fan": 0.8079, "Acc.pier": 0.5909, "Acc.crt screen": 0.3786, "Acc.plate": 0.7992, "Acc.monitor": 0.2055, "Acc.bulletin board": 0.7687, "Acc.shower": 0.009, "Acc.radiator": 0.7194, "Acc.glass": 0.1804, "Acc.clock": 0.519, "Acc.flag": 0.5984} {"mode": "train", "epoch": 104, "iter": 131050, "lr": 0.0, "memory": 14793, "data_time": 2.10984, "decode.loss_ce": 0.2055, "decode.acc_seg": 90.90033, "aux.loss_ce": 0.15934, "aux.acc_seg": 84.20755, "loss": 0.36484, "grad_norm": 12.10974, "time": 2.52998} {"mode": "train", "epoch": 104, "iter": 131100, "lr": 0.0, "memory": 14793, "data_time": 0.00555, "decode.loss_ce": 0.19888, "decode.acc_seg": 91.36527, "aux.loss_ce": 0.15568, "aux.acc_seg": 84.74342, "loss": 0.35456, "grad_norm": 12.72124, "time": 0.42576} {"mode": "train", "epoch": 104, "iter": 131150, "lr": 0.0, "memory": 14793, "data_time": 0.00516, "decode.loss_ce": 0.19078, "decode.acc_seg": 91.7802, "aux.loss_ce": 0.14921, "aux.acc_seg": 85.86386, "loss": 0.34, "grad_norm": 9.63265, "time": 0.40855} {"mode": "train", "epoch": 104, "iter": 131200, "lr": 0.0, "memory": 14793, "data_time": 0.00773, "decode.loss_ce": 0.21172, "decode.acc_seg": 91.18637, "aux.loss_ce": 0.15813, "aux.acc_seg": 84.93256, "loss": 0.36985, "grad_norm": 13.18753, "time": 0.41262} {"mode": "train", "epoch": 104, "iter": 131250, "lr": 0.0, "memory": 14793, "data_time": 0.00574, "decode.loss_ce": 0.20945, "decode.acc_seg": 91.22225, "aux.loss_ce": 0.15951, "aux.acc_seg": 84.57226, "loss": 0.36897, "grad_norm": 11.83925, "time": 0.41285} {"mode": "train", "epoch": 104, "iter": 131300, "lr": 0.0, "memory": 14793, "data_time": 0.00631, "decode.loss_ce": 0.20507, "decode.acc_seg": 91.45504, "aux.loss_ce": 0.16226, "aux.acc_seg": 84.69497, "loss": 0.36732, "grad_norm": 10.87823, "time": 0.41104} {"mode": "train", "epoch": 104, "iter": 131350, "lr": 0.0, "memory": 14793, "data_time": 0.00579, "decode.loss_ce": 0.1968, "decode.acc_seg": 91.5282, "aux.loss_ce": 0.16154, "aux.acc_seg": 84.0884, "loss": 0.35834, "grad_norm": 9.98086, "time": 0.43107} {"mode": "train", "epoch": 104, "iter": 131400, "lr": 0.0, "memory": 14793, "data_time": 0.00671, "decode.loss_ce": 0.20084, "decode.acc_seg": 91.57144, "aux.loss_ce": 0.16374, "aux.acc_seg": 84.21677, "loss": 0.36458, "grad_norm": 9.41724, "time": 0.42579} {"mode": "train", "epoch": 104, "iter": 131450, "lr": 0.0, "memory": 14793, "data_time": 0.00533, "decode.loss_ce": 0.20631, "decode.acc_seg": 91.29014, "aux.loss_ce": 0.15766, "aux.acc_seg": 84.8056, "loss": 0.36397, "grad_norm": 9.75375, "time": 0.42501} {"mode": "train", "epoch": 105, "iter": 131500, "lr": 0.0, "memory": 14793, "data_time": 0.05188, "decode.loss_ce": 0.19472, "decode.acc_seg": 91.72389, "aux.loss_ce": 0.14779, "aux.acc_seg": 85.5443, "loss": 0.34251, "grad_norm": 11.84404, "time": 0.46218} {"mode": "train", "epoch": 105, "iter": 131550, "lr": 0.0, "memory": 14793, "data_time": 0.00591, "decode.loss_ce": 0.20266, "decode.acc_seg": 91.34541, "aux.loss_ce": 0.15107, "aux.acc_seg": 85.42307, "loss": 0.35373, "grad_norm": 13.71704, "time": 0.41342} {"mode": "train", "epoch": 105, "iter": 131600, "lr": 0.0, "memory": 14793, "data_time": 0.0053, "decode.loss_ce": 0.21788, "decode.acc_seg": 90.88276, "aux.loss_ce": 0.1777, "aux.acc_seg": 83.40991, "loss": 0.39558, "grad_norm": 10.54508, "time": 0.41958} {"mode": "train", "epoch": 105, "iter": 131650, "lr": 0.0, "memory": 14793, "data_time": 0.00521, "decode.loss_ce": 0.19164, "decode.acc_seg": 91.96823, "aux.loss_ce": 0.15778, "aux.acc_seg": 84.99598, "loss": 0.34942, "grad_norm": 10.52437, "time": 0.41332} {"mode": "train", "epoch": 105, "iter": 131700, "lr": 0.0, "memory": 14793, "data_time": 0.00563, "decode.loss_ce": 0.19432, "decode.acc_seg": 91.58971, "aux.loss_ce": 0.15743, "aux.acc_seg": 84.46536, "loss": 0.35175, "grad_norm": 9.97947, "time": 0.40733} {"mode": "train", "epoch": 105, "iter": 131750, "lr": 0.0, "memory": 14793, "data_time": 0.00664, "decode.loss_ce": 0.20733, "decode.acc_seg": 91.52249, "aux.loss_ce": 0.15924, "aux.acc_seg": 85.21775, "loss": 0.36657, "grad_norm": 13.23974, "time": 0.41845} {"mode": "train", "epoch": 105, "iter": 131800, "lr": 0.0, "memory": 14793, "data_time": 0.00776, "decode.loss_ce": 0.20396, "decode.acc_seg": 91.4898, "aux.loss_ce": 0.15784, "aux.acc_seg": 84.92603, "loss": 0.36181, "grad_norm": 13.12396, "time": 0.4169} {"mode": "train", "epoch": 105, "iter": 131850, "lr": 0.0, "memory": 14793, "data_time": 0.0053, "decode.loss_ce": 0.21247, "decode.acc_seg": 90.84866, "aux.loss_ce": 0.15514, "aux.acc_seg": 84.76984, "loss": 0.36761, "grad_norm": 10.96719, "time": 0.41766} {"mode": "train", "epoch": 105, "iter": 131900, "lr": 0.0, "memory": 14793, "data_time": 0.00529, "decode.loss_ce": 0.18803, "decode.acc_seg": 91.98889, "aux.loss_ce": 0.14238, "aux.acc_seg": 86.09245, "loss": 0.33042, "grad_norm": 10.63122, "time": 0.42622} {"mode": "train", "epoch": 105, "iter": 131950, "lr": 0.0, "memory": 14793, "data_time": 0.00609, "decode.loss_ce": 0.19416, "decode.acc_seg": 91.75647, "aux.loss_ce": 0.14769, "aux.acc_seg": 86.01249, "loss": 0.34185, "grad_norm": 11.61775, "time": 0.41068} {"mode": "train", "epoch": 105, "iter": 132000, "lr": 0.0, "memory": 14793, "data_time": 0.00517, "decode.loss_ce": 0.20181, "decode.acc_seg": 91.54773, "aux.loss_ce": 0.15916, "aux.acc_seg": 84.6092, "loss": 0.36096, "grad_norm": 11.10606, "time": 0.64707} {"mode": "val", "epoch": 105, "iter": 125, "lr": 0.0, "aAcc": 0.8491, "mIoU": 0.545, "mAcc": 0.6719, "IoU.wall": 0.8048, "IoU.building": 0.8356, "IoU.sky": 0.949, "IoU.floor": 0.8303, "IoU.tree": 0.7597, "IoU.ceiling": 0.8586, "IoU.road": 0.8527, "IoU.bed ": 0.9183, "IoU.windowpane": 0.6488, "IoU.grass": 0.6668, "IoU.cabinet": 0.6483, "IoU.sidewalk": 0.681, "IoU.person": 0.84, "IoU.earth": 0.3874, "IoU.door": 0.5565, "IoU.table": 0.6566, "IoU.mountain": 0.6067, "IoU.plant": 0.5275, "IoU.curtain": 0.7649, "IoU.chair": 0.6334, "IoU.car": 0.8651, "IoU.water": 0.6087, "IoU.painting": 0.7409, "IoU.sofa": 0.7365, "IoU.shelf": 0.4496, "IoU.house": 0.4866, "IoU.sea": 0.6929, "IoU.mirror": 0.7405, "IoU.rug": 0.6804, "IoU.field": 0.3085, "IoU.armchair": 0.4653, "IoU.seat": 0.6551, "IoU.fence": 0.4726, "IoU.desk": 0.5395, "IoU.rock": 0.5185, "IoU.wardrobe": 0.5543, "IoU.lamp": 0.6961, "IoU.bathtub": 0.8269, "IoU.railing": 0.4087, "IoU.cushion": 0.65, "IoU.base": 0.4118, "IoU.box": 0.3455, "IoU.column": 0.5416, "IoU.signboard": 0.3725, "IoU.chest of drawers": 0.4439, "IoU.counter": 0.2939, "IoU.sand": 0.5517, "IoU.sink": 0.8048, "IoU.skyscraper": 0.5185, "IoU.fireplace": 0.7085, "IoU.refrigerator": 0.79, "IoU.grandstand": 0.4789, "IoU.path": 0.238, "IoU.stairs": 0.3344, "IoU.runway": 0.6791, "IoU.case": 0.5046, "IoU.pool table": 0.9367, "IoU.pillow": 0.6313, "IoU.screen door": 0.7287, "IoU.stairway": 0.3822, "IoU.river": 0.0985, "IoU.bridge": 0.4104, "IoU.bookcase": 0.4649, "IoU.blind": 0.4782, "IoU.coffee table": 0.6159, "IoU.toilet": 0.8809, "IoU.flower": 0.4482, "IoU.book": 0.4985, "IoU.hill": 0.0841, "IoU.bench": 0.6524, "IoU.countertop": 0.602, "IoU.stove": 0.8373, "IoU.palm": 0.5643, "IoU.kitchen island": 0.4518, "IoU.computer": 0.7534, "IoU.swivel chair": 0.5484, "IoU.boat": 0.74, "IoU.bar": 0.5074, "IoU.arcade machine": 0.6523, "IoU.hovel": 0.626, "IoU.bus": 0.9168, "IoU.towel": 0.7082, "IoU.light": 0.5903, "IoU.truck": 0.4491, "IoU.tower": 0.2511, "IoU.chandelier": 0.7188, "IoU.awning": 0.3601, "IoU.streetlight": 0.3359, "IoU.booth": 0.4253, "IoU.television receiver": 0.7682, "IoU.airplane": 0.7477, "IoU.dirt track": 0.0244, "IoU.apparel": 0.6051, "IoU.pole": 0.2423, "IoU.land": 0.0567, "IoU.bannister": 0.1586, "IoU.escalator": 0.5277, "IoU.ottoman": 0.5627, "IoU.bottle": 0.4143, "IoU.buffet": 0.4632, "IoU.poster": 0.3224, "IoU.stage": 0.2441, "IoU.van": 0.4659, "IoU.ship": 0.37, "IoU.fountain": 0.2573, "IoU.conveyer belt": 0.8027, "IoU.canopy": 0.4137, "IoU.washer": 0.7211, "IoU.plaything": 0.3577, "IoU.swimming pool": 0.6689, "IoU.stool": 0.487, "IoU.barrel": 0.5264, "IoU.basket": 0.4012, "IoU.waterfall": 0.5591, "IoU.tent": 0.9563, "IoU.bag": 0.2243, "IoU.minibike": 0.7203, "IoU.cradle": 0.8415, "IoU.oven": 0.4812, "IoU.ball": 0.4643, "IoU.food": 0.5684, "IoU.step": 0.2224, "IoU.tank": 0.633, "IoU.trade name": 0.282, "IoU.microwave": 0.8291, "IoU.pot": 0.5315, "IoU.animal": 0.6034, "IoU.bicycle": 0.5991, "IoU.lake": 0.5229, "IoU.dishwasher": 0.6787, "IoU.screen": 0.5893, "IoU.blanket": 0.26, "IoU.sculpture": 0.6638, "IoU.hood": 0.6502, "IoU.sconce": 0.5629, "IoU.vase": 0.4581, "IoU.traffic light": 0.3564, "IoU.tray": 0.071, "IoU.ashcan": 0.4691, "IoU.fan": 0.6752, "IoU.pier": 0.4139, "IoU.crt screen": 0.1208, "IoU.plate": 0.579, "IoU.monitor": 0.2145, "IoU.bulletin board": 0.6565, "IoU.shower": 0.0029, "IoU.radiator": 0.6209, "IoU.glass": 0.1685, "IoU.clock": 0.4675, "IoU.flag": 0.5287, "Acc.wall": 0.8878, "Acc.building": 0.9215, "Acc.sky": 0.9749, "Acc.floor": 0.9085, "Acc.tree": 0.8884, "Acc.ceiling": 0.9268, "Acc.road": 0.9205, "Acc.bed ": 0.9708, "Acc.windowpane": 0.8106, "Acc.grass": 0.8192, "Acc.cabinet": 0.7613, "Acc.sidewalk": 0.807, "Acc.person": 0.9361, "Acc.earth": 0.5237, "Acc.door": 0.7298, "Acc.table": 0.7956, "Acc.mountain": 0.7291, "Acc.plant": 0.6529, "Acc.curtain": 0.8822, "Acc.chair": 0.7527, "Acc.car": 0.9397, "Acc.water": 0.7866, "Acc.painting": 0.8984, "Acc.sofa": 0.911, "Acc.shelf": 0.6028, "Acc.house": 0.721, "Acc.sea": 0.8193, "Acc.mirror": 0.8146, "Acc.rug": 0.8069, "Acc.field": 0.4548, "Acc.armchair": 0.6103, "Acc.seat": 0.8438, "Acc.fence": 0.6118, "Acc.desk": 0.727, "Acc.rock": 0.7696, "Acc.wardrobe": 0.7294, "Acc.lamp": 0.8123, "Acc.bathtub": 0.8628, "Acc.railing": 0.5769, "Acc.cushion": 0.7477, "Acc.base": 0.5589, "Acc.box": 0.4599, "Acc.column": 0.6475, "Acc.signboard": 0.4916, "Acc.chest of drawers": 0.669, "Acc.counter": 0.3958, "Acc.sand": 0.734, "Acc.sink": 0.8728, "Acc.skyscraper": 0.6417, "Acc.fireplace": 0.9388, "Acc.refrigerator": 0.8558, "Acc.grandstand": 0.8473, "Acc.path": 0.3875, "Acc.stairs": 0.4428, "Acc.runway": 0.9124, "Acc.case": 0.6532, "Acc.pool table": 0.982, "Acc.pillow": 0.7538, "Acc.screen door": 0.8382, "Acc.stairway": 0.4863, "Acc.river": 0.2114, "Acc.bridge": 0.4613, "Acc.bookcase": 0.701, "Acc.blind": 0.564, "Acc.coffee table": 0.8509, "Acc.toilet": 0.9348, "Acc.flower": 0.6079, "Acc.book": 0.6861, "Acc.hill": 0.1373, "Acc.bench": 0.7871, "Acc.countertop": 0.8272, "Acc.stove": 0.9081, "Acc.palm": 0.7844, "Acc.kitchen island": 0.7816, "Acc.computer": 0.8986, "Acc.swivel chair": 0.773, "Acc.boat": 0.8648, "Acc.bar": 0.6625, "Acc.arcade machine": 0.6919, "Acc.hovel": 0.712, "Acc.bus": 0.9774, "Acc.towel": 0.8666, "Acc.light": 0.6723, "Acc.truck": 0.5964, "Acc.tower": 0.4498, "Acc.chandelier": 0.8591, "Acc.awning": 0.428, "Acc.streetlight": 0.454, "Acc.booth": 0.5409, "Acc.television receiver": 0.8665, "Acc.airplane": 0.8448, "Acc.dirt track": 0.0404, "Acc.apparel": 0.7627, "Acc.pole": 0.3198, "Acc.land": 0.0756, "Acc.bannister": 0.2311, "Acc.escalator": 0.8185, "Acc.ottoman": 0.7607, "Acc.bottle": 0.6866, "Acc.buffet": 0.5704, "Acc.poster": 0.4531, "Acc.stage": 0.3672, "Acc.van": 0.6406, "Acc.ship": 0.414, "Acc.fountain": 0.2601, "Acc.conveyer belt": 0.9403, "Acc.canopy": 0.597, "Acc.washer": 0.7488, "Acc.plaything": 0.5201, "Acc.swimming pool": 0.752, "Acc.stool": 0.6439, "Acc.barrel": 0.8986, "Acc.basket": 0.5135, "Acc.waterfall": 0.6563, "Acc.tent": 0.9831, "Acc.bag": 0.2893, "Acc.minibike": 0.8903, "Acc.cradle": 0.9785, "Acc.oven": 0.6042, "Acc.ball": 0.4974, "Acc.food": 0.6471, "Acc.step": 0.2752, "Acc.tank": 0.6644, "Acc.trade name": 0.3293, "Acc.microwave": 0.9543, "Acc.pot": 0.6329, "Acc.animal": 0.6236, "Acc.bicycle": 0.776, "Acc.lake": 0.6381, "Acc.dishwasher": 0.8091, "Acc.screen": 0.8711, "Acc.blanket": 0.3104, "Acc.sculpture": 0.8581, "Acc.hood": 0.733, "Acc.sconce": 0.6864, "Acc.vase": 0.615, "Acc.traffic light": 0.604, "Acc.tray": 0.1108, "Acc.ashcan": 0.6316, "Acc.fan": 0.799, "Acc.pier": 0.5894, "Acc.crt screen": 0.2703, "Acc.plate": 0.7862, "Acc.monitor": 0.2602, "Acc.bulletin board": 0.7694, "Acc.shower": 0.0031, "Acc.radiator": 0.7293, "Acc.glass": 0.182, "Acc.clock": 0.5137, "Acc.flag": 0.586} {"mode": "train", "epoch": 105, "iter": 132050, "lr": 0.0, "memory": 14793, "data_time": 2.06728, "decode.loss_ce": 0.20262, "decode.acc_seg": 91.53484, "aux.loss_ce": 0.1599, "aux.acc_seg": 84.68001, "loss": 0.36251, "grad_norm": 12.67137, "time": 2.47848} {"mode": "train", "epoch": 105, "iter": 132100, "lr": 0.0, "memory": 14793, "data_time": 0.00586, "decode.loss_ce": 0.20413, "decode.acc_seg": 91.37466, "aux.loss_ce": 0.1606, "aux.acc_seg": 84.56067, "loss": 0.36473, "grad_norm": 12.48467, "time": 0.41612} {"mode": "train", "epoch": 105, "iter": 132150, "lr": 0.0, "memory": 14793, "data_time": 0.00543, "decode.loss_ce": 0.20156, "decode.acc_seg": 91.68822, "aux.loss_ce": 0.16077, "aux.acc_seg": 84.70064, "loss": 0.36233, "grad_norm": 12.08161, "time": 0.41688} {"mode": "train", "epoch": 105, "iter": 132200, "lr": 0.0, "memory": 14793, "data_time": 0.00536, "decode.loss_ce": 0.20846, "decode.acc_seg": 91.30069, "aux.loss_ce": 0.15637, "aux.acc_seg": 85.03065, "loss": 0.36482, "grad_norm": 11.93585, "time": 0.41242} {"mode": "train", "epoch": 105, "iter": 132250, "lr": 0.0, "memory": 14793, "data_time": 0.00533, "decode.loss_ce": 0.19363, "decode.acc_seg": 91.4277, "aux.loss_ce": 0.14869, "aux.acc_seg": 85.31766, "loss": 0.34232, "grad_norm": 12.3861, "time": 0.40913} {"mode": "train", "epoch": 105, "iter": 132300, "lr": 0.0, "memory": 14793, "data_time": 0.0067, "decode.loss_ce": 0.21433, "decode.acc_seg": 90.92831, "aux.loss_ce": 0.16545, "aux.acc_seg": 83.84745, "loss": 0.37977, "grad_norm": 12.18049, "time": 0.42124} {"mode": "train", "epoch": 105, "iter": 132350, "lr": 0.0, "memory": 14793, "data_time": 0.00559, "decode.loss_ce": 0.213, "decode.acc_seg": 91.31453, "aux.loss_ce": 0.1668, "aux.acc_seg": 84.48323, "loss": 0.3798, "grad_norm": 10.7681, "time": 0.41034} {"mode": "train", "epoch": 105, "iter": 132400, "lr": 0.0, "memory": 14793, "data_time": 0.00571, "decode.loss_ce": 0.19159, "decode.acc_seg": 91.72457, "aux.loss_ce": 0.1557, "aux.acc_seg": 85.12775, "loss": 0.3473, "grad_norm": 11.57486, "time": 0.41642} {"mode": "train", "epoch": 105, "iter": 132450, "lr": 0.0, "memory": 14793, "data_time": 0.00515, "decode.loss_ce": 0.19783, "decode.acc_seg": 91.73822, "aux.loss_ce": 0.16202, "aux.acc_seg": 84.4177, "loss": 0.35985, "grad_norm": 8.46308, "time": 0.40568} {"mode": "train", "epoch": 105, "iter": 132500, "lr": 0.0, "memory": 14793, "data_time": 0.00737, "decode.loss_ce": 0.20153, "decode.acc_seg": 91.22993, "aux.loss_ce": 0.1647, "aux.acc_seg": 84.0964, "loss": 0.36623, "grad_norm": 13.17129, "time": 0.41218} {"mode": "train", "epoch": 105, "iter": 132550, "lr": 0.0, "memory": 14793, "data_time": 0.00581, "decode.loss_ce": 0.19772, "decode.acc_seg": 91.73808, "aux.loss_ce": 0.14904, "aux.acc_seg": 85.61173, "loss": 0.34677, "grad_norm": 11.36447, "time": 0.41441} {"mode": "train", "epoch": 105, "iter": 132600, "lr": 0.0, "memory": 14793, "data_time": 0.00644, "decode.loss_ce": 0.20733, "decode.acc_seg": 91.12196, "aux.loss_ce": 0.15374, "aux.acc_seg": 85.05178, "loss": 0.36107, "grad_norm": 11.60754, "time": 0.42003} {"mode": "train", "epoch": 105, "iter": 132650, "lr": 0.0, "memory": 14793, "data_time": 0.00514, "decode.loss_ce": 0.21022, "decode.acc_seg": 91.08829, "aux.loss_ce": 0.15882, "aux.acc_seg": 84.67751, "loss": 0.36904, "grad_norm": 14.71964, "time": 0.41495} {"mode": "train", "epoch": 105, "iter": 132700, "lr": 0.0, "memory": 14793, "data_time": 0.00516, "decode.loss_ce": 0.18881, "decode.acc_seg": 92.04732, "aux.loss_ce": 0.15083, "aux.acc_seg": 85.40923, "loss": 0.33964, "grad_norm": 11.87208, "time": 0.4237} {"mode": "train", "epoch": 106, "iter": 132750, "lr": 0.0, "memory": 14793, "data_time": 0.05118, "decode.loss_ce": 0.18981, "decode.acc_seg": 91.81146, "aux.loss_ce": 0.14724, "aux.acc_seg": 85.3739, "loss": 0.33705, "grad_norm": 10.36282, "time": 0.46463} {"mode": "train", "epoch": 106, "iter": 132800, "lr": 0.0, "memory": 14793, "data_time": 0.00515, "decode.loss_ce": 0.18947, "decode.acc_seg": 91.91889, "aux.loss_ce": 0.15366, "aux.acc_seg": 85.05083, "loss": 0.34313, "grad_norm": 13.31585, "time": 0.40523} {"mode": "train", "epoch": 106, "iter": 132850, "lr": 0.0, "memory": 14793, "data_time": 0.00694, "decode.loss_ce": 0.20058, "decode.acc_seg": 91.50413, "aux.loss_ce": 0.15108, "aux.acc_seg": 85.40349, "loss": 0.35166, "grad_norm": 17.78726, "time": 0.41078} {"mode": "train", "epoch": 106, "iter": 132900, "lr": 0.0, "memory": 14793, "data_time": 0.00566, "decode.loss_ce": 0.20573, "decode.acc_seg": 91.25267, "aux.loss_ce": 0.16025, "aux.acc_seg": 84.60091, "loss": 0.36599, "grad_norm": 18.35147, "time": 0.4127} {"mode": "train", "epoch": 106, "iter": 132950, "lr": 0.0, "memory": 14793, "data_time": 0.00537, "decode.loss_ce": 0.20196, "decode.acc_seg": 91.3627, "aux.loss_ce": 0.14996, "aux.acc_seg": 85.10665, "loss": 0.35193, "grad_norm": 11.06845, "time": 0.41339} {"mode": "train", "epoch": 106, "iter": 133000, "lr": 0.0, "memory": 14793, "data_time": 0.00529, "decode.loss_ce": 0.19786, "decode.acc_seg": 91.4881, "aux.loss_ce": 0.15627, "aux.acc_seg": 84.90705, "loss": 0.35413, "grad_norm": 15.27224, "time": 0.67592} {"mode": "val", "epoch": 106, "iter": 125, "lr": 0.0, "aAcc": 0.8502, "mIoU": 0.5466, "mAcc": 0.6685, "IoU.wall": 0.8046, "IoU.building": 0.8368, "IoU.sky": 0.9496, "IoU.floor": 0.831, "IoU.tree": 0.758, "IoU.ceiling": 0.8597, "IoU.road": 0.8503, "IoU.bed ": 0.92, "IoU.windowpane": 0.6466, "IoU.grass": 0.6735, "IoU.cabinet": 0.6534, "IoU.sidewalk": 0.6901, "IoU.person": 0.841, "IoU.earth": 0.3915, "IoU.door": 0.5562, "IoU.table": 0.6607, "IoU.mountain": 0.6041, "IoU.plant": 0.5302, "IoU.curtain": 0.7602, "IoU.chair": 0.6365, "IoU.car": 0.8677, "IoU.water": 0.608, "IoU.painting": 0.7513, "IoU.sofa": 0.755, "IoU.shelf": 0.4583, "IoU.house": 0.4825, "IoU.sea": 0.707, "IoU.mirror": 0.7389, "IoU.rug": 0.6535, "IoU.field": 0.3087, "IoU.armchair": 0.4949, "IoU.seat": 0.6674, "IoU.fence": 0.4752, "IoU.desk": 0.5473, "IoU.rock": 0.5289, "IoU.wardrobe": 0.5499, "IoU.lamp": 0.6976, "IoU.bathtub": 0.8267, "IoU.railing": 0.409, "IoU.cushion": 0.6637, "IoU.base": 0.4028, "IoU.box": 0.3417, "IoU.column": 0.5492, "IoU.signboard": 0.3799, "IoU.chest of drawers": 0.4488, "IoU.counter": 0.2674, "IoU.sand": 0.5667, "IoU.sink": 0.8068, "IoU.skyscraper": 0.5686, "IoU.fireplace": 0.7295, "IoU.refrigerator": 0.7749, "IoU.grandstand": 0.4942, "IoU.path": 0.2525, "IoU.stairs": 0.3581, "IoU.runway": 0.6499, "IoU.case": 0.4809, "IoU.pool table": 0.939, "IoU.pillow": 0.6214, "IoU.screen door": 0.7228, "IoU.stairway": 0.3771, "IoU.river": 0.0996, "IoU.bridge": 0.4202, "IoU.bookcase": 0.4799, "IoU.blind": 0.4337, "IoU.coffee table": 0.6267, "IoU.toilet": 0.8794, "IoU.flower": 0.4556, "IoU.book": 0.4881, "IoU.hill": 0.0671, "IoU.bench": 0.6533, "IoU.countertop": 0.61, "IoU.stove": 0.8367, "IoU.palm": 0.5587, "IoU.kitchen island": 0.4691, "IoU.computer": 0.7556, "IoU.swivel chair": 0.5368, "IoU.boat": 0.7577, "IoU.bar": 0.5055, "IoU.arcade machine": 0.607, "IoU.hovel": 0.6321, "IoU.bus": 0.9241, "IoU.towel": 0.7118, "IoU.light": 0.5962, "IoU.truck": 0.4378, "IoU.tower": 0.2524, "IoU.chandelier": 0.7172, "IoU.awning": 0.333, "IoU.streetlight": 0.3332, "IoU.booth": 0.4017, "IoU.television receiver": 0.7593, "IoU.airplane": 0.7107, "IoU.dirt track": 0.0538, "IoU.apparel": 0.6311, "IoU.pole": 0.2408, "IoU.land": 0.0545, "IoU.bannister": 0.1516, "IoU.escalator": 0.5408, "IoU.ottoman": 0.559, "IoU.bottle": 0.4173, "IoU.buffet": 0.4612, "IoU.poster": 0.3345, "IoU.stage": 0.2191, "IoU.van": 0.4584, "IoU.ship": 0.3753, "IoU.fountain": 0.2474, "IoU.conveyer belt": 0.8142, "IoU.canopy": 0.4102, "IoU.washer": 0.7249, "IoU.plaything": 0.372, "IoU.swimming pool": 0.6594, "IoU.stool": 0.4684, "IoU.barrel": 0.5439, "IoU.basket": 0.4021, "IoU.waterfall": 0.6534, "IoU.tent": 0.9573, "IoU.bag": 0.2284, "IoU.minibike": 0.7245, "IoU.cradle": 0.8421, "IoU.oven": 0.4836, "IoU.ball": 0.4007, "IoU.food": 0.5753, "IoU.step": 0.2288, "IoU.tank": 0.6307, "IoU.trade name": 0.2757, "IoU.microwave": 0.8158, "IoU.pot": 0.5265, "IoU.animal": 0.5997, "IoU.bicycle": 0.6048, "IoU.lake": 0.511, "IoU.dishwasher": 0.707, "IoU.screen": 0.6004, "IoU.blanket": 0.2851, "IoU.sculpture": 0.7029, "IoU.hood": 0.6617, "IoU.sconce": 0.557, "IoU.vase": 0.4566, "IoU.traffic light": 0.3652, "IoU.tray": 0.0771, "IoU.ashcan": 0.4728, "IoU.fan": 0.6741, "IoU.pier": 0.416, "IoU.crt screen": 0.1358, "IoU.plate": 0.5933, "IoU.monitor": 0.184, "IoU.bulletin board": 0.645, "IoU.shower": 0.0069, "IoU.radiator": 0.6404, "IoU.glass": 0.1711, "IoU.clock": 0.4709, "IoU.flag": 0.5358, "Acc.wall": 0.8919, "Acc.building": 0.9241, "Acc.sky": 0.9779, "Acc.floor": 0.9112, "Acc.tree": 0.8883, "Acc.ceiling": 0.9318, "Acc.road": 0.9163, "Acc.bed ": 0.9709, "Acc.windowpane": 0.8183, "Acc.grass": 0.8311, "Acc.cabinet": 0.7562, "Acc.sidewalk": 0.8333, "Acc.person": 0.9383, "Acc.earth": 0.5211, "Acc.door": 0.7238, "Acc.table": 0.8001, "Acc.mountain": 0.7468, "Acc.plant": 0.6461, "Acc.curtain": 0.8728, "Acc.chair": 0.7606, "Acc.car": 0.9364, "Acc.water": 0.7568, "Acc.painting": 0.8824, "Acc.sofa": 0.8849, "Acc.shelf": 0.6462, "Acc.house": 0.6936, "Acc.sea": 0.8399, "Acc.mirror": 0.7972, "Acc.rug": 0.7612, "Acc.field": 0.4328, "Acc.armchair": 0.6561, "Acc.seat": 0.8236, "Acc.fence": 0.6011, "Acc.desk": 0.7236, "Acc.rock": 0.7747, "Acc.wardrobe": 0.732, "Acc.lamp": 0.8105, "Acc.bathtub": 0.8621, "Acc.railing": 0.5588, "Acc.cushion": 0.7937, "Acc.base": 0.535, "Acc.box": 0.4556, "Acc.column": 0.6437, "Acc.signboard": 0.5007, "Acc.chest of drawers": 0.6708, "Acc.counter": 0.3609, "Acc.sand": 0.7807, "Acc.sink": 0.8798, "Acc.skyscraper": 0.7154, "Acc.fireplace": 0.9257, "Acc.refrigerator": 0.8484, "Acc.grandstand": 0.8241, "Acc.path": 0.4086, "Acc.stairs": 0.4835, "Acc.runway": 0.8605, "Acc.case": 0.6029, "Acc.pool table": 0.9805, "Acc.pillow": 0.7174, "Acc.screen door": 0.8582, "Acc.stairway": 0.4352, "Acc.river": 0.2293, "Acc.bridge": 0.4776, "Acc.bookcase": 0.7192, "Acc.blind": 0.4941, "Acc.coffee table": 0.8432, "Acc.toilet": 0.9298, "Acc.flower": 0.6107, "Acc.book": 0.692, "Acc.hill": 0.0973, "Acc.bench": 0.7841, "Acc.countertop": 0.8022, "Acc.stove": 0.8932, "Acc.palm": 0.7535, "Acc.kitchen island": 0.7811, "Acc.computer": 0.9031, "Acc.swivel chair": 0.755, "Acc.boat": 0.8734, "Acc.bar": 0.7058, "Acc.arcade machine": 0.6363, "Acc.hovel": 0.7114, "Acc.bus": 0.9725, "Acc.towel": 0.8649, "Acc.light": 0.7402, "Acc.truck": 0.5726, "Acc.tower": 0.4294, "Acc.chandelier": 0.8503, "Acc.awning": 0.3967, "Acc.streetlight": 0.4632, "Acc.booth": 0.4923, "Acc.television receiver": 0.8457, "Acc.airplane": 0.7953, "Acc.dirt track": 0.0956, "Acc.apparel": 0.8074, "Acc.pole": 0.3259, "Acc.land": 0.0697, "Acc.bannister": 0.2002, "Acc.escalator": 0.7976, "Acc.ottoman": 0.7303, "Acc.bottle": 0.6612, "Acc.buffet": 0.5734, "Acc.poster": 0.4896, "Acc.stage": 0.3313, "Acc.van": 0.6537, "Acc.ship": 0.4151, "Acc.fountain": 0.2498, "Acc.conveyer belt": 0.9392, "Acc.canopy": 0.563, "Acc.washer": 0.7522, "Acc.plaything": 0.5069, "Acc.swimming pool": 0.751, "Acc.stool": 0.6649, "Acc.barrel": 0.8863, "Acc.basket": 0.5361, "Acc.waterfall": 0.7667, "Acc.tent": 0.9835, "Acc.bag": 0.2916, "Acc.minibike": 0.8619, "Acc.cradle": 0.9741, "Acc.oven": 0.6717, "Acc.ball": 0.4182, "Acc.food": 0.6388, "Acc.step": 0.2756, "Acc.tank": 0.6566, "Acc.trade name": 0.3219, "Acc.microwave": 0.9225, "Acc.pot": 0.6186, "Acc.animal": 0.6145, "Acc.bicycle": 0.7649, "Acc.lake": 0.6395, "Acc.dishwasher": 0.8076, "Acc.screen": 0.8218, "Acc.blanket": 0.3471, "Acc.sculpture": 0.8503, "Acc.hood": 0.7035, "Acc.sconce": 0.6643, "Acc.vase": 0.6122, "Acc.traffic light": 0.5774, "Acc.tray": 0.1313, "Acc.ashcan": 0.6619, "Acc.fan": 0.786, "Acc.pier": 0.5568, "Acc.crt screen": 0.3216, "Acc.plate": 0.7955, "Acc.monitor": 0.2078, "Acc.bulletin board": 0.7442, "Acc.shower": 0.0075, "Acc.radiator": 0.7264, "Acc.glass": 0.1859, "Acc.clock": 0.5175, "Acc.flag": 0.5955} {"mode": "train", "epoch": 106, "iter": 133050, "lr": 0.0, "memory": 14793, "data_time": 2.06408, "decode.loss_ce": 0.20683, "decode.acc_seg": 91.08627, "aux.loss_ce": 0.16386, "aux.acc_seg": 84.04456, "loss": 0.37069, "grad_norm": 12.11106, "time": 2.47254} {"mode": "train", "epoch": 106, "iter": 133100, "lr": 0.0, "memory": 14793, "data_time": 0.00533, "decode.loss_ce": 0.2113, "decode.acc_seg": 91.07275, "aux.loss_ce": 0.15988, "aux.acc_seg": 84.78967, "loss": 0.37118, "grad_norm": 11.87119, "time": 0.41952} {"mode": "train", "epoch": 106, "iter": 133150, "lr": 0.0, "memory": 14793, "data_time": 0.00532, "decode.loss_ce": 0.21261, "decode.acc_seg": 91.14277, "aux.loss_ce": 0.15987, "aux.acc_seg": 84.81318, "loss": 0.37249, "grad_norm": 13.46614, "time": 0.4193} {"mode": "train", "epoch": 106, "iter": 133200, "lr": 0.0, "memory": 14793, "data_time": 0.00612, "decode.loss_ce": 0.20127, "decode.acc_seg": 91.50741, "aux.loss_ce": 0.15282, "aux.acc_seg": 84.99459, "loss": 0.35409, "grad_norm": 11.30477, "time": 0.41217} {"mode": "train", "epoch": 106, "iter": 133250, "lr": 0.0, "memory": 14793, "data_time": 0.00849, "decode.loss_ce": 0.2017, "decode.acc_seg": 91.3078, "aux.loss_ce": 0.1616, "aux.acc_seg": 84.36119, "loss": 0.36331, "grad_norm": 11.29794, "time": 0.40794} {"mode": "train", "epoch": 106, "iter": 133300, "lr": 0.0, "memory": 14793, "data_time": 0.00566, "decode.loss_ce": 0.20679, "decode.acc_seg": 91.24184, "aux.loss_ce": 0.16238, "aux.acc_seg": 84.16855, "loss": 0.36918, "grad_norm": 20.1088, "time": 0.4038} {"mode": "train", "epoch": 106, "iter": 133350, "lr": 0.0, "memory": 14793, "data_time": 0.00534, "decode.loss_ce": 0.19501, "decode.acc_seg": 91.92124, "aux.loss_ce": 0.15151, "aux.acc_seg": 85.91439, "loss": 0.34651, "grad_norm": 9.81391, "time": 0.40685} {"mode": "train", "epoch": 106, "iter": 133400, "lr": 0.0, "memory": 14793, "data_time": 0.00541, "decode.loss_ce": 0.20139, "decode.acc_seg": 91.49271, "aux.loss_ce": 0.15409, "aux.acc_seg": 85.2726, "loss": 0.35548, "grad_norm": 10.04721, "time": 0.42464} {"mode": "train", "epoch": 106, "iter": 133450, "lr": 0.0, "memory": 14793, "data_time": 0.00727, "decode.loss_ce": 0.21984, "decode.acc_seg": 91.10047, "aux.loss_ce": 0.16436, "aux.acc_seg": 84.60898, "loss": 0.3842, "grad_norm": 11.97058, "time": 0.41215} {"mode": "train", "epoch": 106, "iter": 133500, "lr": 0.0, "memory": 14793, "data_time": 0.00538, "decode.loss_ce": 0.20101, "decode.acc_seg": 91.41924, "aux.loss_ce": 0.1552, "aux.acc_seg": 84.78197, "loss": 0.35621, "grad_norm": 12.77507, "time": 0.41639} {"mode": "train", "epoch": 106, "iter": 133550, "lr": 0.0, "memory": 14793, "data_time": 0.00526, "decode.loss_ce": 0.1985, "decode.acc_seg": 91.50559, "aux.loss_ce": 0.15782, "aux.acc_seg": 84.7324, "loss": 0.35633, "grad_norm": 13.13262, "time": 0.41605} {"mode": "train", "epoch": 106, "iter": 133600, "lr": 0.0, "memory": 14793, "data_time": 0.00598, "decode.loss_ce": 0.19536, "decode.acc_seg": 91.60244, "aux.loss_ce": 0.15525, "aux.acc_seg": 85.1425, "loss": 0.35061, "grad_norm": 11.78448, "time": 0.41498} {"mode": "train", "epoch": 106, "iter": 133650, "lr": 0.0, "memory": 14793, "data_time": 0.00536, "decode.loss_ce": 0.20414, "decode.acc_seg": 91.53211, "aux.loss_ce": 0.15927, "aux.acc_seg": 84.94976, "loss": 0.36341, "grad_norm": 10.46937, "time": 0.41066} {"mode": "train", "epoch": 106, "iter": 133700, "lr": 0.0, "memory": 14793, "data_time": 0.00528, "decode.loss_ce": 0.20462, "decode.acc_seg": 91.2596, "aux.loss_ce": 0.15815, "aux.acc_seg": 84.65029, "loss": 0.36277, "grad_norm": 10.09391, "time": 0.41634} {"mode": "train", "epoch": 106, "iter": 133750, "lr": 0.0, "memory": 14793, "data_time": 0.00525, "decode.loss_ce": 0.19627, "decode.acc_seg": 91.91842, "aux.loss_ce": 0.15848, "aux.acc_seg": 84.99784, "loss": 0.35475, "grad_norm": 11.24279, "time": 0.41117} {"mode": "train", "epoch": 106, "iter": 133800, "lr": 0.0, "memory": 14793, "data_time": 0.00506, "decode.loss_ce": 0.20102, "decode.acc_seg": 91.57573, "aux.loss_ce": 0.16694, "aux.acc_seg": 84.36921, "loss": 0.36796, "grad_norm": 11.26213, "time": 0.41176} {"mode": "train", "epoch": 106, "iter": 133850, "lr": 0.0, "memory": 14793, "data_time": 0.005, "decode.loss_ce": 0.18383, "decode.acc_seg": 92.10524, "aux.loss_ce": 0.1379, "aux.acc_seg": 86.28448, "loss": 0.32174, "grad_norm": 9.61668, "time": 0.40921} {"mode": "train", "epoch": 106, "iter": 133900, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.18653, "decode.acc_seg": 91.98401, "aux.loss_ce": 0.14683, "aux.acc_seg": 85.59539, "loss": 0.33336, "grad_norm": 11.84391, "time": 0.4156} {"mode": "train", "epoch": 106, "iter": 133950, "lr": 0.0, "memory": 14793, "data_time": 0.0053, "decode.loss_ce": 0.21056, "decode.acc_seg": 91.39739, "aux.loss_ce": 0.15931, "aux.acc_seg": 84.60005, "loss": 0.36987, "grad_norm": 14.72449, "time": 0.41682} {"mode": "train", "epoch": 107, "iter": 134000, "lr": 0.0, "memory": 14793, "data_time": 0.06073, "decode.loss_ce": 0.20615, "decode.acc_seg": 91.40914, "aux.loss_ce": 0.15551, "aux.acc_seg": 84.79627, "loss": 0.36166, "grad_norm": 13.5605, "time": 0.73009} {"mode": "val", "epoch": 107, "iter": 125, "lr": 0.0, "aAcc": 0.8499, "mIoU": 0.5459, "mAcc": 0.6739, "IoU.wall": 0.8064, "IoU.building": 0.8364, "IoU.sky": 0.949, "IoU.floor": 0.8336, "IoU.tree": 0.761, "IoU.ceiling": 0.8582, "IoU.road": 0.8576, "IoU.bed ": 0.9168, "IoU.windowpane": 0.6494, "IoU.grass": 0.6622, "IoU.cabinet": 0.6548, "IoU.sidewalk": 0.6886, "IoU.person": 0.8387, "IoU.earth": 0.3951, "IoU.door": 0.5596, "IoU.table": 0.6593, "IoU.mountain": 0.6059, "IoU.plant": 0.5341, "IoU.curtain": 0.7619, "IoU.chair": 0.6311, "IoU.car": 0.8642, "IoU.water": 0.6193, "IoU.painting": 0.749, "IoU.sofa": 0.7493, "IoU.shelf": 0.458, "IoU.house": 0.4913, "IoU.sea": 0.6963, "IoU.mirror": 0.7384, "IoU.rug": 0.6779, "IoU.field": 0.3102, "IoU.armchair": 0.4906, "IoU.seat": 0.6619, "IoU.fence": 0.4677, "IoU.desk": 0.5379, "IoU.rock": 0.5278, "IoU.wardrobe": 0.542, "IoU.lamp": 0.6924, "IoU.bathtub": 0.827, "IoU.railing": 0.4024, "IoU.cushion": 0.6544, "IoU.base": 0.4186, "IoU.box": 0.3346, "IoU.column": 0.5452, "IoU.signboard": 0.3936, "IoU.chest of drawers": 0.4534, "IoU.counter": 0.2535, "IoU.sand": 0.5688, "IoU.sink": 0.7862, "IoU.skyscraper": 0.529, "IoU.fireplace": 0.711, "IoU.refrigerator": 0.7882, "IoU.grandstand": 0.4835, "IoU.path": 0.2538, "IoU.stairs": 0.3188, "IoU.runway": 0.6795, "IoU.case": 0.5005, "IoU.pool table": 0.9362, "IoU.pillow": 0.6264, "IoU.screen door": 0.6573, "IoU.stairway": 0.3624, "IoU.river": 0.1005, "IoU.bridge": 0.4195, "IoU.bookcase": 0.4859, "IoU.blind": 0.4894, "IoU.coffee table": 0.612, "IoU.toilet": 0.8775, "IoU.flower": 0.4405, "IoU.book": 0.5025, "IoU.hill": 0.0795, "IoU.bench": 0.6564, "IoU.countertop": 0.6117, "IoU.stove": 0.8369, "IoU.palm": 0.5696, "IoU.kitchen island": 0.4475, "IoU.computer": 0.7427, "IoU.swivel chair": 0.5443, "IoU.boat": 0.7271, "IoU.bar": 0.4911, "IoU.arcade machine": 0.6543, "IoU.hovel": 0.621, "IoU.bus": 0.9164, "IoU.towel": 0.708, "IoU.light": 0.5958, "IoU.truck": 0.4446, "IoU.tower": 0.2543, "IoU.chandelier": 0.7153, "IoU.awning": 0.3532, "IoU.streetlight": 0.3361, "IoU.booth": 0.4157, "IoU.television receiver": 0.766, "IoU.airplane": 0.7554, "IoU.dirt track": 0.0056, "IoU.apparel": 0.6263, "IoU.pole": 0.2423, "IoU.land": 0.0561, "IoU.bannister": 0.159, "IoU.escalator": 0.533, "IoU.ottoman": 0.5639, "IoU.bottle": 0.4117, "IoU.buffet": 0.4551, "IoU.poster": 0.3197, "IoU.stage": 0.2435, "IoU.van": 0.4481, "IoU.ship": 0.4647, "IoU.fountain": 0.2519, "IoU.conveyer belt": 0.7848, "IoU.canopy": 0.3776, "IoU.washer": 0.7241, "IoU.plaything": 0.3805, "IoU.swimming pool": 0.6907, "IoU.stool": 0.4876, "IoU.barrel": 0.5124, "IoU.basket": 0.3931, "IoU.waterfall": 0.5759, "IoU.tent": 0.9566, "IoU.bag": 0.2225, "IoU.minibike": 0.7275, "IoU.cradle": 0.8433, "IoU.oven": 0.5089, "IoU.ball": 0.3967, "IoU.food": 0.5709, "IoU.step": 0.2428, "IoU.tank": 0.6329, "IoU.trade name": 0.275, "IoU.microwave": 0.8307, "IoU.pot": 0.5221, "IoU.animal": 0.6133, "IoU.bicycle": 0.596, "IoU.lake": 0.5215, "IoU.dishwasher": 0.7011, "IoU.screen": 0.5921, "IoU.blanket": 0.2676, "IoU.sculpture": 0.689, "IoU.hood": 0.6654, "IoU.sconce": 0.5585, "IoU.vase": 0.4554, "IoU.traffic light": 0.377, "IoU.tray": 0.0714, "IoU.ashcan": 0.4787, "IoU.fan": 0.6797, "IoU.pier": 0.4405, "IoU.crt screen": 0.1383, "IoU.plate": 0.5865, "IoU.monitor": 0.1545, "IoU.bulletin board": 0.6603, "IoU.shower": 0.0234, "IoU.radiator": 0.6245, "IoU.glass": 0.1652, "IoU.clock": 0.4708, "IoU.flag": 0.5341, "Acc.wall": 0.8869, "Acc.building": 0.9207, "Acc.sky": 0.9763, "Acc.floor": 0.9077, "Acc.tree": 0.8815, "Acc.ceiling": 0.9204, "Acc.road": 0.909, "Acc.bed ": 0.9732, "Acc.windowpane": 0.8132, "Acc.grass": 0.8255, "Acc.cabinet": 0.7672, "Acc.sidewalk": 0.8424, "Acc.person": 0.9415, "Acc.earth": 0.5384, "Acc.door": 0.7404, "Acc.table": 0.7955, "Acc.mountain": 0.7303, "Acc.plant": 0.6607, "Acc.curtain": 0.8788, "Acc.chair": 0.7499, "Acc.car": 0.9382, "Acc.water": 0.7958, "Acc.painting": 0.8865, "Acc.sofa": 0.8998, "Acc.shelf": 0.6442, "Acc.house": 0.726, "Acc.sea": 0.8244, "Acc.mirror": 0.8068, "Acc.rug": 0.7969, "Acc.field": 0.4561, "Acc.armchair": 0.6675, "Acc.seat": 0.833, "Acc.fence": 0.6499, "Acc.desk": 0.7315, "Acc.rock": 0.796, "Acc.wardrobe": 0.7019, "Acc.lamp": 0.81, "Acc.bathtub": 0.866, "Acc.railing": 0.5642, "Acc.cushion": 0.7637, "Acc.base": 0.5775, "Acc.box": 0.4355, "Acc.column": 0.6585, "Acc.signboard": 0.5428, "Acc.chest of drawers": 0.6586, "Acc.counter": 0.3342, "Acc.sand": 0.7841, "Acc.sink": 0.8484, "Acc.skyscraper": 0.6537, "Acc.fireplace": 0.9319, "Acc.refrigerator": 0.8512, "Acc.grandstand": 0.8453, "Acc.path": 0.3878, "Acc.stairs": 0.4207, "Acc.runway": 0.9188, "Acc.case": 0.6186, "Acc.pool table": 0.9832, "Acc.pillow": 0.7452, "Acc.screen door": 0.8686, "Acc.stairway": 0.4501, "Acc.river": 0.2076, "Acc.bridge": 0.4783, "Acc.bookcase": 0.7212, "Acc.blind": 0.5807, "Acc.coffee table": 0.8571, "Acc.toilet": 0.9361, "Acc.flower": 0.5976, "Acc.book": 0.6744, "Acc.hill": 0.1215, "Acc.bench": 0.7853, "Acc.countertop": 0.8155, "Acc.stove": 0.8933, "Acc.palm": 0.7713, "Acc.kitchen island": 0.7915, "Acc.computer": 0.9088, "Acc.swivel chair": 0.8492, "Acc.boat": 0.8582, "Acc.bar": 0.6948, "Acc.arcade machine": 0.6958, "Acc.hovel": 0.7109, "Acc.bus": 0.975, "Acc.towel": 0.8624, "Acc.light": 0.7048, "Acc.truck": 0.6206, "Acc.tower": 0.4429, "Acc.chandelier": 0.8737, "Acc.awning": 0.4333, "Acc.streetlight": 0.453, "Acc.booth": 0.5317, "Acc.television receiver": 0.8671, "Acc.airplane": 0.848, "Acc.dirt track": 0.0094, "Acc.apparel": 0.7791, "Acc.pole": 0.3319, "Acc.land": 0.0777, "Acc.bannister": 0.2139, "Acc.escalator": 0.8175, "Acc.ottoman": 0.756, "Acc.bottle": 0.6844, "Acc.buffet": 0.5654, "Acc.poster": 0.4545, "Acc.stage": 0.3757, "Acc.van": 0.5932, "Acc.ship": 0.5235, "Acc.fountain": 0.2542, "Acc.conveyer belt": 0.9498, "Acc.canopy": 0.5566, "Acc.washer": 0.7532, "Acc.plaything": 0.5602, "Acc.swimming pool": 0.7711, "Acc.stool": 0.651, "Acc.barrel": 0.8788, "Acc.basket": 0.5127, "Acc.waterfall": 0.6669, "Acc.tent": 0.9837, "Acc.bag": 0.2785, "Acc.minibike": 0.8698, "Acc.cradle": 0.9803, "Acc.oven": 0.6191, "Acc.ball": 0.4157, "Acc.food": 0.663, "Acc.step": 0.2962, "Acc.tank": 0.6666, "Acc.trade name": 0.3263, "Acc.microwave": 0.9667, "Acc.pot": 0.6081, "Acc.animal": 0.6338, "Acc.bicycle": 0.767, "Acc.lake": 0.6376, "Acc.dishwasher": 0.8148, "Acc.screen": 0.8479, "Acc.blanket": 0.3212, "Acc.sculpture": 0.8492, "Acc.hood": 0.7093, "Acc.sconce": 0.6702, "Acc.vase": 0.615, "Acc.traffic light": 0.5621, "Acc.tray": 0.1109, "Acc.ashcan": 0.6255, "Acc.fan": 0.8153, "Acc.pier": 0.6604, "Acc.crt screen": 0.3513, "Acc.plate": 0.7863, "Acc.monitor": 0.1765, "Acc.bulletin board": 0.7868, "Acc.shower": 0.024, "Acc.radiator": 0.7175, "Acc.glass": 0.1772, "Acc.clock": 0.5152, "Acc.flag": 0.6001} {"mode": "train", "epoch": 107, "iter": 134050, "lr": 0.0, "memory": 14793, "data_time": 2.12929, "decode.loss_ce": 0.1992, "decode.acc_seg": 91.51814, "aux.loss_ce": 0.15592, "aux.acc_seg": 84.89313, "loss": 0.35512, "grad_norm": 10.57978, "time": 2.55422} {"mode": "train", "epoch": 107, "iter": 134100, "lr": 0.0, "memory": 14793, "data_time": 0.00553, "decode.loss_ce": 0.20247, "decode.acc_seg": 91.54197, "aux.loss_ce": 0.15849, "aux.acc_seg": 84.67512, "loss": 0.36096, "grad_norm": 10.31826, "time": 0.41214} {"mode": "train", "epoch": 107, "iter": 134150, "lr": 0.0, "memory": 14793, "data_time": 0.00578, "decode.loss_ce": 0.19841, "decode.acc_seg": 91.28872, "aux.loss_ce": 0.16204, "aux.acc_seg": 84.13448, "loss": 0.36045, "grad_norm": 10.72824, "time": 0.41537} {"mode": "train", "epoch": 107, "iter": 134200, "lr": 0.0, "memory": 14793, "data_time": 0.00631, "decode.loss_ce": 0.20004, "decode.acc_seg": 91.5075, "aux.loss_ce": 0.15968, "aux.acc_seg": 84.83004, "loss": 0.35973, "grad_norm": 15.70957, "time": 0.41366} {"mode": "train", "epoch": 107, "iter": 134250, "lr": 0.0, "memory": 14793, "data_time": 0.00551, "decode.loss_ce": 0.19123, "decode.acc_seg": 91.95174, "aux.loss_ce": 0.15255, "aux.acc_seg": 85.43848, "loss": 0.34379, "grad_norm": 9.8323, "time": 0.42071} {"mode": "train", "epoch": 107, "iter": 134300, "lr": 0.0, "memory": 14793, "data_time": 0.00543, "decode.loss_ce": 0.20323, "decode.acc_seg": 91.41635, "aux.loss_ce": 0.15954, "aux.acc_seg": 84.80217, "loss": 0.36277, "grad_norm": 11.24425, "time": 0.40719} {"mode": "train", "epoch": 107, "iter": 134350, "lr": 0.0, "memory": 14793, "data_time": 0.00542, "decode.loss_ce": 0.20501, "decode.acc_seg": 91.40495, "aux.loss_ce": 0.1571, "aux.acc_seg": 85.08564, "loss": 0.36212, "grad_norm": 13.5207, "time": 0.41391} {"mode": "train", "epoch": 107, "iter": 134400, "lr": 0.0, "memory": 14793, "data_time": 0.00561, "decode.loss_ce": 0.19348, "decode.acc_seg": 91.71557, "aux.loss_ce": 0.1554, "aux.acc_seg": 84.79638, "loss": 0.34889, "grad_norm": 13.24379, "time": 0.41368} {"mode": "train", "epoch": 107, "iter": 134450, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.20163, "decode.acc_seg": 91.45314, "aux.loss_ce": 0.16249, "aux.acc_seg": 84.33686, "loss": 0.36412, "grad_norm": 10.38347, "time": 0.40971} {"mode": "train", "epoch": 107, "iter": 134500, "lr": 0.0, "memory": 14793, "data_time": 0.0057, "decode.loss_ce": 0.18883, "decode.acc_seg": 92.12863, "aux.loss_ce": 0.14462, "aux.acc_seg": 85.77878, "loss": 0.33345, "grad_norm": 10.89259, "time": 0.41044} {"mode": "train", "epoch": 107, "iter": 134550, "lr": 0.0, "memory": 14793, "data_time": 0.00534, "decode.loss_ce": 0.20923, "decode.acc_seg": 91.01576, "aux.loss_ce": 0.15834, "aux.acc_seg": 84.63003, "loss": 0.36757, "grad_norm": 10.51077, "time": 0.40303} {"mode": "train", "epoch": 107, "iter": 134600, "lr": 0.0, "memory": 14793, "data_time": 0.00658, "decode.loss_ce": 0.22116, "decode.acc_seg": 91.0292, "aux.loss_ce": 0.17472, "aux.acc_seg": 83.75207, "loss": 0.39589, "grad_norm": 19.21838, "time": 0.40707} {"mode": "train", "epoch": 107, "iter": 134650, "lr": 0.0, "memory": 14793, "data_time": 0.00507, "decode.loss_ce": 0.2104, "decode.acc_seg": 91.18273, "aux.loss_ce": 0.15925, "aux.acc_seg": 84.87825, "loss": 0.36965, "grad_norm": 12.89727, "time": 0.41727} {"mode": "train", "epoch": 107, "iter": 134700, "lr": 0.0, "memory": 14793, "data_time": 0.00591, "decode.loss_ce": 0.19914, "decode.acc_seg": 91.6499, "aux.loss_ce": 0.15222, "aux.acc_seg": 85.512, "loss": 0.35136, "grad_norm": 12.7027, "time": 0.41047} {"mode": "train", "epoch": 107, "iter": 134750, "lr": 0.0, "memory": 14793, "data_time": 0.00508, "decode.loss_ce": 0.19586, "decode.acc_seg": 91.71817, "aux.loss_ce": 0.15349, "aux.acc_seg": 85.36621, "loss": 0.34935, "grad_norm": 12.8134, "time": 0.42063} {"mode": "train", "epoch": 107, "iter": 134800, "lr": 0.0, "memory": 14793, "data_time": 0.00495, "decode.loss_ce": 0.19395, "decode.acc_seg": 91.65257, "aux.loss_ce": 0.15414, "aux.acc_seg": 85.15478, "loss": 0.34808, "grad_norm": 10.25586, "time": 0.42072} {"mode": "train", "epoch": 107, "iter": 134850, "lr": 0.0, "memory": 14793, "data_time": 0.00476, "decode.loss_ce": 0.19469, "decode.acc_seg": 91.83737, "aux.loss_ce": 0.15473, "aux.acc_seg": 84.91737, "loss": 0.34942, "grad_norm": 10.47296, "time": 0.41329} {"mode": "train", "epoch": 107, "iter": 134900, "lr": 0.0, "memory": 14793, "data_time": 0.00546, "decode.loss_ce": 0.20436, "decode.acc_seg": 91.35451, "aux.loss_ce": 0.15645, "aux.acc_seg": 84.76092, "loss": 0.3608, "grad_norm": 13.44223, "time": 0.41111} {"mode": "train", "epoch": 107, "iter": 134950, "lr": 0.0, "memory": 14793, "data_time": 0.00608, "decode.loss_ce": 0.19126, "decode.acc_seg": 91.70366, "aux.loss_ce": 0.14928, "aux.acc_seg": 85.40047, "loss": 0.34054, "grad_norm": 9.71009, "time": 0.40692} {"mode": "train", "epoch": 107, "iter": 135000, "lr": 0.0, "memory": 14793, "data_time": 0.00575, "decode.loss_ce": 0.21457, "decode.acc_seg": 90.98931, "aux.loss_ce": 0.16893, "aux.acc_seg": 84.1113, "loss": 0.38349, "grad_norm": 11.86302, "time": 0.67226} {"mode": "val", "epoch": 107, "iter": 125, "lr": 0.0, "aAcc": 0.8508, "mIoU": 0.5483, "mAcc": 0.6785, "IoU.wall": 0.8083, "IoU.building": 0.8394, "IoU.sky": 0.9497, "IoU.floor": 0.8342, "IoU.tree": 0.7577, "IoU.ceiling": 0.8586, "IoU.road": 0.8544, "IoU.bed ": 0.9177, "IoU.windowpane": 0.653, "IoU.grass": 0.6692, "IoU.cabinet": 0.6555, "IoU.sidewalk": 0.691, "IoU.person": 0.8419, "IoU.earth": 0.3919, "IoU.door": 0.5649, "IoU.table": 0.6578, "IoU.mountain": 0.61, "IoU.plant": 0.5302, "IoU.curtain": 0.7694, "IoU.chair": 0.6357, "IoU.car": 0.8642, "IoU.water": 0.6079, "IoU.painting": 0.7448, "IoU.sofa": 0.7493, "IoU.shelf": 0.4455, "IoU.house": 0.497, "IoU.sea": 0.706, "IoU.mirror": 0.7388, "IoU.rug": 0.6817, "IoU.field": 0.3184, "IoU.armchair": 0.4905, "IoU.seat": 0.6712, "IoU.fence": 0.4651, "IoU.desk": 0.538, "IoU.rock": 0.5296, "IoU.wardrobe": 0.5654, "IoU.lamp": 0.695, "IoU.bathtub": 0.8268, "IoU.railing": 0.414, "IoU.cushion": 0.6543, "IoU.base": 0.4127, "IoU.box": 0.3423, "IoU.column": 0.5505, "IoU.signboard": 0.3961, "IoU.chest of drawers": 0.4336, "IoU.counter": 0.2884, "IoU.sand": 0.5717, "IoU.sink": 0.7964, "IoU.skyscraper": 0.6059, "IoU.fireplace": 0.7198, "IoU.refrigerator": 0.7849, "IoU.grandstand": 0.4906, "IoU.path": 0.2562, "IoU.stairs": 0.3464, "IoU.runway": 0.6533, "IoU.case": 0.5033, "IoU.pool table": 0.937, "IoU.pillow": 0.6275, "IoU.screen door": 0.7081, "IoU.stairway": 0.3708, "IoU.river": 0.1007, "IoU.bridge": 0.4368, "IoU.bookcase": 0.4597, "IoU.blind": 0.5083, "IoU.coffee table": 0.6188, "IoU.toilet": 0.8773, "IoU.flower": 0.4501, "IoU.book": 0.5114, "IoU.hill": 0.0783, "IoU.bench": 0.6585, "IoU.countertop": 0.6038, "IoU.stove": 0.8359, "IoU.palm": 0.566, "IoU.kitchen island": 0.4447, "IoU.computer": 0.7626, "IoU.swivel chair": 0.5395, "IoU.boat": 0.7469, "IoU.bar": 0.5021, "IoU.arcade machine": 0.5901, "IoU.hovel": 0.623, "IoU.bus": 0.9163, "IoU.towel": 0.7062, "IoU.light": 0.6019, "IoU.truck": 0.4385, "IoU.tower": 0.2554, "IoU.chandelier": 0.7185, "IoU.awning": 0.3459, "IoU.streetlight": 0.3463, "IoU.booth": 0.4213, "IoU.television receiver": 0.7566, "IoU.airplane": 0.7297, "IoU.dirt track": 0.0564, "IoU.apparel": 0.5804, "IoU.pole": 0.2584, "IoU.land": 0.0557, "IoU.bannister": 0.1691, "IoU.escalator": 0.5239, "IoU.ottoman": 0.5545, "IoU.bottle": 0.4163, "IoU.buffet": 0.4626, "IoU.poster": 0.3139, "IoU.stage": 0.225, "IoU.van": 0.4552, "IoU.ship": 0.3885, "IoU.fountain": 0.2856, "IoU.conveyer belt": 0.7978, "IoU.canopy": 0.3818, "IoU.washer": 0.7266, "IoU.plaything": 0.4059, "IoU.swimming pool": 0.6821, "IoU.stool": 0.4829, "IoU.barrel": 0.5408, "IoU.basket": 0.3892, "IoU.waterfall": 0.5877, "IoU.tent": 0.9584, "IoU.bag": 0.2197, "IoU.minibike": 0.7319, "IoU.cradle": 0.8436, "IoU.oven": 0.4963, "IoU.ball": 0.4675, "IoU.food": 0.585, "IoU.step": 0.2422, "IoU.tank": 0.6324, "IoU.trade name": 0.2864, "IoU.microwave": 0.8301, "IoU.pot": 0.5217, "IoU.animal": 0.6178, "IoU.bicycle": 0.5996, "IoU.lake": 0.5119, "IoU.dishwasher": 0.6889, "IoU.screen": 0.5785, "IoU.blanket": 0.2639, "IoU.sculpture": 0.6832, "IoU.hood": 0.6474, "IoU.sconce": 0.5622, "IoU.vase": 0.4493, "IoU.traffic light": 0.385, "IoU.tray": 0.0853, "IoU.ashcan": 0.4765, "IoU.fan": 0.6804, "IoU.pier": 0.4214, "IoU.crt screen": 0.1317, "IoU.plate": 0.5827, "IoU.monitor": 0.1718, "IoU.bulletin board": 0.656, "IoU.shower": 0.0084, "IoU.radiator": 0.6413, "IoU.glass": 0.1763, "IoU.clock": 0.4936, "IoU.flag": 0.5419, "Acc.wall": 0.8886, "Acc.building": 0.9204, "Acc.sky": 0.9761, "Acc.floor": 0.9085, "Acc.tree": 0.8946, "Acc.ceiling": 0.924, "Acc.road": 0.9123, "Acc.bed ": 0.9719, "Acc.windowpane": 0.8035, "Acc.grass": 0.8146, "Acc.cabinet": 0.7629, "Acc.sidewalk": 0.8309, "Acc.person": 0.9374, "Acc.earth": 0.5311, "Acc.door": 0.7234, "Acc.table": 0.795, "Acc.mountain": 0.7326, "Acc.plant": 0.6406, "Acc.curtain": 0.89, "Acc.chair": 0.7683, "Acc.car": 0.9381, "Acc.water": 0.7597, "Acc.painting": 0.8986, "Acc.sofa": 0.8963, "Acc.shelf": 0.6276, "Acc.house": 0.7189, "Acc.sea": 0.8466, "Acc.mirror": 0.8089, "Acc.rug": 0.8157, "Acc.field": 0.4798, "Acc.armchair": 0.6676, "Acc.seat": 0.8496, "Acc.fence": 0.6285, "Acc.desk": 0.7465, "Acc.rock": 0.7896, "Acc.wardrobe": 0.7057, "Acc.lamp": 0.8134, "Acc.bathtub": 0.8644, "Acc.railing": 0.597, "Acc.cushion": 0.7691, "Acc.base": 0.5614, "Acc.box": 0.4536, "Acc.column": 0.6603, "Acc.signboard": 0.5599, "Acc.chest of drawers": 0.6833, "Acc.counter": 0.384, "Acc.sand": 0.8076, "Acc.sink": 0.8674, "Acc.skyscraper": 0.7734, "Acc.fireplace": 0.9353, "Acc.refrigerator": 0.8516, "Acc.grandstand": 0.8234, "Acc.path": 0.4066, "Acc.stairs": 0.4656, "Acc.runway": 0.855, "Acc.case": 0.6416, "Acc.pool table": 0.9826, "Acc.pillow": 0.7349, "Acc.screen door": 0.8486, "Acc.stairway": 0.4534, "Acc.river": 0.2299, "Acc.bridge": 0.5025, "Acc.bookcase": 0.6984, "Acc.blind": 0.6085, "Acc.coffee table": 0.8531, "Acc.toilet": 0.9334, "Acc.flower": 0.6163, "Acc.book": 0.7312, "Acc.hill": 0.1259, "Acc.bench": 0.787, "Acc.countertop": 0.8033, "Acc.stove": 0.8971, "Acc.palm": 0.7893, "Acc.kitchen island": 0.8033, "Acc.computer": 0.8915, "Acc.swivel chair": 0.7593, "Acc.boat": 0.8638, "Acc.bar": 0.6836, "Acc.arcade machine": 0.624, "Acc.hovel": 0.7021, "Acc.bus": 0.9754, "Acc.towel": 0.8679, "Acc.light": 0.7138, "Acc.truck": 0.6167, "Acc.tower": 0.4384, "Acc.chandelier": 0.8686, "Acc.awning": 0.4204, "Acc.streetlight": 0.4936, "Acc.booth": 0.5442, "Acc.television receiver": 0.8528, "Acc.airplane": 0.8072, "Acc.dirt track": 0.1303, "Acc.apparel": 0.7712, "Acc.pole": 0.3834, "Acc.land": 0.0755, "Acc.bannister": 0.243, "Acc.escalator": 0.8121, "Acc.ottoman": 0.7501, "Acc.bottle": 0.6953, "Acc.buffet": 0.5805, "Acc.poster": 0.4726, "Acc.stage": 0.3133, "Acc.van": 0.6125, "Acc.ship": 0.4343, "Acc.fountain": 0.2898, "Acc.conveyer belt": 0.9478, "Acc.canopy": 0.5767, "Acc.washer": 0.7578, "Acc.plaything": 0.5705, "Acc.swimming pool": 0.7501, "Acc.stool": 0.6682, "Acc.barrel": 0.9076, "Acc.basket": 0.5147, "Acc.waterfall": 0.6803, "Acc.tent": 0.9825, "Acc.bag": 0.2715, "Acc.minibike": 0.8718, "Acc.cradle": 0.979, "Acc.oven": 0.6168, "Acc.ball": 0.4999, "Acc.food": 0.6734, "Acc.step": 0.3108, "Acc.tank": 0.6671, "Acc.trade name": 0.3439, "Acc.microwave": 0.9548, "Acc.pot": 0.6111, "Acc.animal": 0.6377, "Acc.bicycle": 0.8107, "Acc.lake": 0.6376, "Acc.dishwasher": 0.8216, "Acc.screen": 0.8581, "Acc.blanket": 0.3146, "Acc.sculpture": 0.8556, "Acc.hood": 0.7036, "Acc.sconce": 0.6953, "Acc.vase": 0.6459, "Acc.traffic light": 0.5691, "Acc.tray": 0.1393, "Acc.ashcan": 0.6399, "Acc.fan": 0.8027, "Acc.pier": 0.5913, "Acc.crt screen": 0.3267, "Acc.plate": 0.8157, "Acc.monitor": 0.1956, "Acc.bulletin board": 0.787, "Acc.shower": 0.0088, "Acc.radiator": 0.7354, "Acc.glass": 0.1934, "Acc.clock": 0.5586, "Acc.flag": 0.6152} {"mode": "train", "epoch": 107, "iter": 135050, "lr": 0.0, "memory": 14793, "data_time": 2.06126, "decode.loss_ce": 0.207, "decode.acc_seg": 91.42038, "aux.loss_ce": 0.15856, "aux.acc_seg": 85.26761, "loss": 0.36556, "grad_norm": 14.1545, "time": 2.47688} {"mode": "train", "epoch": 107, "iter": 135100, "lr": 0.0, "memory": 14793, "data_time": 0.00612, "decode.loss_ce": 0.21027, "decode.acc_seg": 91.20717, "aux.loss_ce": 0.16065, "aux.acc_seg": 84.36321, "loss": 0.37092, "grad_norm": 10.14719, "time": 0.42955} {"mode": "train", "epoch": 107, "iter": 135150, "lr": 0.0, "memory": 14793, "data_time": 0.00561, "decode.loss_ce": 0.20025, "decode.acc_seg": 91.46771, "aux.loss_ce": 0.15025, "aux.acc_seg": 85.642, "loss": 0.3505, "grad_norm": 14.48976, "time": 0.42846} {"mode": "train", "epoch": 107, "iter": 135200, "lr": 0.0, "memory": 14793, "data_time": 0.00549, "decode.loss_ce": 0.20708, "decode.acc_seg": 91.29573, "aux.loss_ce": 0.15787, "aux.acc_seg": 84.84639, "loss": 0.36495, "grad_norm": 14.6759, "time": 0.4182} {"mode": "train", "epoch": 108, "iter": 135250, "lr": 0.0, "memory": 14793, "data_time": 0.05127, "decode.loss_ce": 0.19781, "decode.acc_seg": 91.66761, "aux.loss_ce": 0.14374, "aux.acc_seg": 86.23906, "loss": 0.34155, "grad_norm": 10.84615, "time": 0.47328} {"mode": "train", "epoch": 108, "iter": 135300, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.19673, "decode.acc_seg": 91.84156, "aux.loss_ce": 0.15441, "aux.acc_seg": 85.40621, "loss": 0.35114, "grad_norm": 11.68337, "time": 0.41086} {"mode": "train", "epoch": 108, "iter": 135350, "lr": 0.0, "memory": 14793, "data_time": 0.00555, "decode.loss_ce": 0.19254, "decode.acc_seg": 92.02898, "aux.loss_ce": 0.14821, "aux.acc_seg": 86.1892, "loss": 0.34075, "grad_norm": 9.21821, "time": 0.40771} {"mode": "train", "epoch": 108, "iter": 135400, "lr": 0.0, "memory": 14793, "data_time": 0.00545, "decode.loss_ce": 0.20613, "decode.acc_seg": 91.40608, "aux.loss_ce": 0.1539, "aux.acc_seg": 85.30399, "loss": 0.36003, "grad_norm": 11.84585, "time": 0.41705} {"mode": "train", "epoch": 108, "iter": 135450, "lr": 0.0, "memory": 14793, "data_time": 0.00647, "decode.loss_ce": 0.19773, "decode.acc_seg": 91.50204, "aux.loss_ce": 0.1473, "aux.acc_seg": 85.56347, "loss": 0.34503, "grad_norm": 11.9509, "time": 0.41054} {"mode": "train", "epoch": 108, "iter": 135500, "lr": 0.0, "memory": 14793, "data_time": 0.0075, "decode.loss_ce": 0.19786, "decode.acc_seg": 91.70692, "aux.loss_ce": 0.15362, "aux.acc_seg": 85.15771, "loss": 0.35148, "grad_norm": 10.00783, "time": 0.4121} {"mode": "train", "epoch": 108, "iter": 135550, "lr": 0.0, "memory": 14793, "data_time": 0.00573, "decode.loss_ce": 0.19817, "decode.acc_seg": 91.5672, "aux.loss_ce": 0.15928, "aux.acc_seg": 84.5593, "loss": 0.35745, "grad_norm": 11.55023, "time": 0.41171} {"mode": "train", "epoch": 108, "iter": 135600, "lr": 0.0, "memory": 14793, "data_time": 0.00551, "decode.loss_ce": 0.19895, "decode.acc_seg": 91.64855, "aux.loss_ce": 0.15913, "aux.acc_seg": 84.79244, "loss": 0.35808, "grad_norm": 16.31189, "time": 0.42483} {"mode": "train", "epoch": 108, "iter": 135650, "lr": 0.0, "memory": 14793, "data_time": 0.00535, "decode.loss_ce": 0.19896, "decode.acc_seg": 91.78422, "aux.loss_ce": 0.15334, "aux.acc_seg": 85.32826, "loss": 0.35231, "grad_norm": 13.31314, "time": 0.42043} {"mode": "train", "epoch": 108, "iter": 135700, "lr": 0.0, "memory": 14793, "data_time": 0.00629, "decode.loss_ce": 0.18736, "decode.acc_seg": 92.00529, "aux.loss_ce": 0.15043, "aux.acc_seg": 85.22153, "loss": 0.33779, "grad_norm": 8.37011, "time": 0.42511} {"mode": "train", "epoch": 108, "iter": 135750, "lr": 0.0, "memory": 14793, "data_time": 0.00643, "decode.loss_ce": 0.19592, "decode.acc_seg": 91.7294, "aux.loss_ce": 0.1492, "aux.acc_seg": 85.51806, "loss": 0.34512, "grad_norm": 11.77261, "time": 0.41465} {"mode": "train", "epoch": 108, "iter": 135800, "lr": 0.0, "memory": 14793, "data_time": 0.00596, "decode.loss_ce": 0.19055, "decode.acc_seg": 92.02888, "aux.loss_ce": 0.15434, "aux.acc_seg": 85.17047, "loss": 0.34489, "grad_norm": 8.32601, "time": 0.41224} {"mode": "train", "epoch": 108, "iter": 135850, "lr": 0.0, "memory": 14793, "data_time": 0.00559, "decode.loss_ce": 0.19569, "decode.acc_seg": 91.54933, "aux.loss_ce": 0.15228, "aux.acc_seg": 85.22841, "loss": 0.34796, "grad_norm": 13.22155, "time": 0.41222} {"mode": "train", "epoch": 108, "iter": 135900, "lr": 0.0, "memory": 14793, "data_time": 0.00572, "decode.loss_ce": 0.21259, "decode.acc_seg": 91.0104, "aux.loss_ce": 0.16886, "aux.acc_seg": 83.59922, "loss": 0.38145, "grad_norm": 14.41101, "time": 0.42304} {"mode": "train", "epoch": 108, "iter": 135950, "lr": 0.0, "memory": 14793, "data_time": 0.00648, "decode.loss_ce": 0.19603, "decode.acc_seg": 91.82622, "aux.loss_ce": 0.15633, "aux.acc_seg": 84.74383, "loss": 0.35236, "grad_norm": 9.84734, "time": 0.41813} {"mode": "train", "epoch": 108, "iter": 136000, "lr": 0.0, "memory": 14793, "data_time": 0.00528, "decode.loss_ce": 0.18809, "decode.acc_seg": 91.84761, "aux.loss_ce": 0.14443, "aux.acc_seg": 85.72318, "loss": 0.33252, "grad_norm": 8.28456, "time": 0.64252} {"mode": "val", "epoch": 108, "iter": 125, "lr": 0.0, "aAcc": 0.8497, "mIoU": 0.5463, "mAcc": 0.6684, "IoU.wall": 0.8055, "IoU.building": 0.8362, "IoU.sky": 0.9496, "IoU.floor": 0.8311, "IoU.tree": 0.7578, "IoU.ceiling": 0.8592, "IoU.road": 0.8555, "IoU.bed ": 0.9181, "IoU.windowpane": 0.6466, "IoU.grass": 0.6669, "IoU.cabinet": 0.6583, "IoU.sidewalk": 0.6907, "IoU.person": 0.8406, "IoU.earth": 0.3909, "IoU.door": 0.5565, "IoU.table": 0.6608, "IoU.mountain": 0.6007, "IoU.plant": 0.5309, "IoU.curtain": 0.7608, "IoU.chair": 0.6324, "IoU.car": 0.864, "IoU.water": 0.5938, "IoU.painting": 0.7482, "IoU.sofa": 0.7494, "IoU.shelf": 0.449, "IoU.house": 0.4814, "IoU.sea": 0.6827, "IoU.mirror": 0.7384, "IoU.rug": 0.6777, "IoU.field": 0.3146, "IoU.armchair": 0.4871, "IoU.seat": 0.6675, "IoU.fence": 0.4592, "IoU.desk": 0.5448, "IoU.rock": 0.5153, "IoU.wardrobe": 0.5527, "IoU.lamp": 0.6963, "IoU.bathtub": 0.8283, "IoU.railing": 0.4214, "IoU.cushion": 0.66, "IoU.base": 0.3861, "IoU.box": 0.3426, "IoU.column": 0.5498, "IoU.signboard": 0.389, "IoU.chest of drawers": 0.4524, "IoU.counter": 0.2984, "IoU.sand": 0.5665, "IoU.sink": 0.801, "IoU.skyscraper": 0.5392, "IoU.fireplace": 0.7121, "IoU.refrigerator": 0.785, "IoU.grandstand": 0.4823, "IoU.path": 0.2608, "IoU.stairs": 0.3351, "IoU.runway": 0.6521, "IoU.case": 0.472, "IoU.pool table": 0.9375, "IoU.pillow": 0.6249, "IoU.screen door": 0.7065, "IoU.stairway": 0.3591, "IoU.river": 0.1039, "IoU.bridge": 0.4172, "IoU.bookcase": 0.4816, "IoU.blind": 0.4638, "IoU.coffee table": 0.623, "IoU.toilet": 0.8795, "IoU.flower": 0.4416, "IoU.book": 0.4879, "IoU.hill": 0.073, "IoU.bench": 0.6612, "IoU.countertop": 0.6155, "IoU.stove": 0.8346, "IoU.palm": 0.5603, "IoU.kitchen island": 0.456, "IoU.computer": 0.7641, "IoU.swivel chair": 0.5471, "IoU.boat": 0.7586, "IoU.bar": 0.5129, "IoU.arcade machine": 0.6242, "IoU.hovel": 0.62, "IoU.bus": 0.9217, "IoU.towel": 0.6956, "IoU.light": 0.6004, "IoU.truck": 0.4501, "IoU.tower": 0.2503, "IoU.chandelier": 0.7174, "IoU.awning": 0.3542, "IoU.streetlight": 0.3339, "IoU.booth": 0.4204, "IoU.television receiver": 0.7642, "IoU.airplane": 0.724, "IoU.dirt track": 0.0335, "IoU.apparel": 0.6046, "IoU.pole": 0.2517, "IoU.land": 0.0598, "IoU.bannister": 0.1632, "IoU.escalator": 0.526, "IoU.ottoman": 0.5771, "IoU.bottle": 0.4118, "IoU.buffet": 0.4702, "IoU.poster": 0.3297, "IoU.stage": 0.2234, "IoU.van": 0.4461, "IoU.ship": 0.3261, "IoU.fountain": 0.2461, "IoU.conveyer belt": 0.8118, "IoU.canopy": 0.4022, "IoU.washer": 0.7194, "IoU.plaything": 0.4018, "IoU.swimming pool": 0.6695, "IoU.stool": 0.4995, "IoU.barrel": 0.5245, "IoU.basket": 0.3977, "IoU.waterfall": 0.6312, "IoU.tent": 0.9549, "IoU.bag": 0.2108, "IoU.minibike": 0.7292, "IoU.cradle": 0.8526, "IoU.oven": 0.4969, "IoU.ball": 0.4626, "IoU.food": 0.5791, "IoU.step": 0.249, "IoU.tank": 0.6331, "IoU.trade name": 0.2803, "IoU.microwave": 0.8368, "IoU.pot": 0.5253, "IoU.animal": 0.5977, "IoU.bicycle": 0.6056, "IoU.lake": 0.5146, "IoU.dishwasher": 0.7003, "IoU.screen": 0.5896, "IoU.blanket": 0.2312, "IoU.sculpture": 0.7044, "IoU.hood": 0.6575, "IoU.sconce": 0.5631, "IoU.vase": 0.4628, "IoU.traffic light": 0.374, "IoU.tray": 0.0741, "IoU.ashcan": 0.4774, "IoU.fan": 0.6666, "IoU.pier": 0.4346, "IoU.crt screen": 0.1563, "IoU.plate": 0.5937, "IoU.monitor": 0.1601, "IoU.bulletin board": 0.6598, "IoU.shower": 0.007, "IoU.radiator": 0.6405, "IoU.glass": 0.1627, "IoU.clock": 0.4687, "IoU.flag": 0.5081, "Acc.wall": 0.8905, "Acc.building": 0.9262, "Acc.sky": 0.9774, "Acc.floor": 0.9109, "Acc.tree": 0.8813, "Acc.ceiling": 0.9313, "Acc.road": 0.9142, "Acc.bed ": 0.9721, "Acc.windowpane": 0.819, "Acc.grass": 0.8032, "Acc.cabinet": 0.7681, "Acc.sidewalk": 0.8341, "Acc.person": 0.936, "Acc.earth": 0.535, "Acc.door": 0.7146, "Acc.table": 0.8035, "Acc.mountain": 0.7356, "Acc.plant": 0.6476, "Acc.curtain": 0.8756, "Acc.chair": 0.7525, "Acc.car": 0.9409, "Acc.water": 0.7351, "Acc.painting": 0.892, "Acc.sofa": 0.899, "Acc.shelf": 0.6228, "Acc.house": 0.6792, "Acc.sea": 0.8527, "Acc.mirror": 0.8075, "Acc.rug": 0.8112, "Acc.field": 0.4888, "Acc.armchair": 0.6496, "Acc.seat": 0.8437, "Acc.fence": 0.5896, "Acc.desk": 0.7177, "Acc.rock": 0.7709, "Acc.wardrobe": 0.7289, "Acc.lamp": 0.8059, "Acc.bathtub": 0.8626, "Acc.railing": 0.5805, "Acc.cushion": 0.7789, "Acc.base": 0.4961, "Acc.box": 0.4462, "Acc.column": 0.6534, "Acc.signboard": 0.54, "Acc.chest of drawers": 0.6619, "Acc.counter": 0.4104, "Acc.sand": 0.7825, "Acc.sink": 0.8703, "Acc.skyscraper": 0.6605, "Acc.fireplace": 0.9282, "Acc.refrigerator": 0.8482, "Acc.grandstand": 0.8296, "Acc.path": 0.3843, "Acc.stairs": 0.4407, "Acc.runway": 0.8739, "Acc.case": 0.6137, "Acc.pool table": 0.982, "Acc.pillow": 0.732, "Acc.screen door": 0.8547, "Acc.stairway": 0.4404, "Acc.river": 0.2371, "Acc.bridge": 0.4753, "Acc.bookcase": 0.7326, "Acc.blind": 0.5353, "Acc.coffee table": 0.8397, "Acc.toilet": 0.9355, "Acc.flower": 0.5908, "Acc.book": 0.6795, "Acc.hill": 0.1223, "Acc.bench": 0.7772, "Acc.countertop": 0.8179, "Acc.stove": 0.896, "Acc.palm": 0.7809, "Acc.kitchen island": 0.7565, "Acc.computer": 0.895, "Acc.swivel chair": 0.7999, "Acc.boat": 0.8621, "Acc.bar": 0.677, "Acc.arcade machine": 0.6629, "Acc.hovel": 0.7041, "Acc.bus": 0.976, "Acc.towel": 0.8743, "Acc.light": 0.6985, "Acc.truck": 0.5964, "Acc.tower": 0.4448, "Acc.chandelier": 0.8544, "Acc.awning": 0.4222, "Acc.streetlight": 0.4408, "Acc.booth": 0.5283, "Acc.television receiver": 0.8521, "Acc.airplane": 0.8051, "Acc.dirt track": 0.0625, "Acc.apparel": 0.751, "Acc.pole": 0.3529, "Acc.land": 0.0745, "Acc.bannister": 0.2254, "Acc.escalator": 0.7925, "Acc.ottoman": 0.7741, "Acc.bottle": 0.6817, "Acc.buffet": 0.5661, "Acc.poster": 0.4528, "Acc.stage": 0.3064, "Acc.van": 0.5872, "Acc.ship": 0.3623, "Acc.fountain": 0.2482, "Acc.conveyer belt": 0.9401, "Acc.canopy": 0.5481, "Acc.washer": 0.7446, "Acc.plaything": 0.5921, "Acc.swimming pool": 0.7305, "Acc.stool": 0.6449, "Acc.barrel": 0.8777, "Acc.basket": 0.5221, "Acc.waterfall": 0.7203, "Acc.tent": 0.9838, "Acc.bag": 0.2593, "Acc.minibike": 0.8685, "Acc.cradle": 0.9748, "Acc.oven": 0.612, "Acc.ball": 0.4936, "Acc.food": 0.6671, "Acc.step": 0.3087, "Acc.tank": 0.6613, "Acc.trade name": 0.3333, "Acc.microwave": 0.9529, "Acc.pot": 0.6146, "Acc.animal": 0.6149, "Acc.bicycle": 0.7821, "Acc.lake": 0.6374, "Acc.dishwasher": 0.8077, "Acc.screen": 0.8211, "Acc.blanket": 0.2739, "Acc.sculpture": 0.8503, "Acc.hood": 0.7049, "Acc.sconce": 0.6827, "Acc.vase": 0.6276, "Acc.traffic light": 0.571, "Acc.tray": 0.1209, "Acc.ashcan": 0.6158, "Acc.fan": 0.7692, "Acc.pier": 0.5811, "Acc.crt screen": 0.4079, "Acc.plate": 0.7736, "Acc.monitor": 0.1807, "Acc.bulletin board": 0.7801, "Acc.shower": 0.0074, "Acc.radiator": 0.7209, "Acc.glass": 0.1738, "Acc.clock": 0.513, "Acc.flag": 0.5542} {"mode": "train", "epoch": 108, "iter": 136050, "lr": 0.0, "memory": 14793, "data_time": 2.04844, "decode.loss_ce": 0.20794, "decode.acc_seg": 91.40063, "aux.loss_ce": 0.15996, "aux.acc_seg": 85.08671, "loss": 0.36791, "grad_norm": 15.30879, "time": 2.46892} {"mode": "train", "epoch": 108, "iter": 136100, "lr": 0.0, "memory": 14793, "data_time": 0.00704, "decode.loss_ce": 0.19077, "decode.acc_seg": 91.94577, "aux.loss_ce": 0.14445, "aux.acc_seg": 86.1103, "loss": 0.33523, "grad_norm": 12.55211, "time": 0.41405} {"mode": "train", "epoch": 108, "iter": 136150, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.20695, "decode.acc_seg": 91.57283, "aux.loss_ce": 0.15952, "aux.acc_seg": 84.84468, "loss": 0.36648, "grad_norm": 10.35088, "time": 0.4086} {"mode": "train", "epoch": 108, "iter": 136200, "lr": 0.0, "memory": 14793, "data_time": 0.00667, "decode.loss_ce": 0.19764, "decode.acc_seg": 91.69541, "aux.loss_ce": 0.14974, "aux.acc_seg": 85.55392, "loss": 0.34738, "grad_norm": 9.642, "time": 0.40992} {"mode": "train", "epoch": 108, "iter": 136250, "lr": 0.0, "memory": 14793, "data_time": 0.00549, "decode.loss_ce": 0.19523, "decode.acc_seg": 91.74252, "aux.loss_ce": 0.15276, "aux.acc_seg": 85.27771, "loss": 0.34799, "grad_norm": 11.59732, "time": 0.41337} {"mode": "train", "epoch": 108, "iter": 136300, "lr": 0.0, "memory": 14793, "data_time": 0.00557, "decode.loss_ce": 0.20882, "decode.acc_seg": 91.36974, "aux.loss_ce": 0.16491, "aux.acc_seg": 84.30776, "loss": 0.37373, "grad_norm": 13.07113, "time": 0.4264} {"mode": "train", "epoch": 108, "iter": 136350, "lr": 0.0, "memory": 14793, "data_time": 0.00636, "decode.loss_ce": 0.19743, "decode.acc_seg": 91.62647, "aux.loss_ce": 0.15318, "aux.acc_seg": 85.29511, "loss": 0.35061, "grad_norm": 14.96287, "time": 0.42114} {"mode": "train", "epoch": 108, "iter": 136400, "lr": 0.0, "memory": 14793, "data_time": 0.00547, "decode.loss_ce": 0.19578, "decode.acc_seg": 91.67951, "aux.loss_ce": 0.15468, "aux.acc_seg": 85.28474, "loss": 0.35046, "grad_norm": 11.88725, "time": 0.42147} {"mode": "train", "epoch": 108, "iter": 136450, "lr": 0.0, "memory": 14793, "data_time": 0.00564, "decode.loss_ce": 0.18645, "decode.acc_seg": 92.0207, "aux.loss_ce": 0.14242, "aux.acc_seg": 86.11157, "loss": 0.32887, "grad_norm": 12.5988, "time": 0.42299} {"mode": "train", "epoch": 108, "iter": 136500, "lr": 0.0, "memory": 14793, "data_time": 0.00705, "decode.loss_ce": 0.19234, "decode.acc_seg": 91.96648, "aux.loss_ce": 0.14966, "aux.acc_seg": 85.32666, "loss": 0.342, "grad_norm": 10.88489, "time": 0.41686} {"mode": "train", "epoch": 109, "iter": 136550, "lr": 0.0, "memory": 14793, "data_time": 0.05171, "decode.loss_ce": 0.19616, "decode.acc_seg": 91.81537, "aux.loss_ce": 0.14734, "aux.acc_seg": 85.56225, "loss": 0.34349, "grad_norm": 12.94471, "time": 0.46056} {"mode": "train", "epoch": 109, "iter": 136600, "lr": 0.0, "memory": 14793, "data_time": 0.00547, "decode.loss_ce": 0.19882, "decode.acc_seg": 91.56202, "aux.loss_ce": 0.15267, "aux.acc_seg": 85.42895, "loss": 0.35149, "grad_norm": 11.65387, "time": 0.41247} {"mode": "train", "epoch": 109, "iter": 136650, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.19043, "decode.acc_seg": 91.99194, "aux.loss_ce": 0.14489, "aux.acc_seg": 86.03194, "loss": 0.33532, "grad_norm": 11.51329, "time": 0.41082} {"mode": "train", "epoch": 109, "iter": 136700, "lr": 0.0, "memory": 14793, "data_time": 0.00517, "decode.loss_ce": 0.18378, "decode.acc_seg": 92.01687, "aux.loss_ce": 0.14774, "aux.acc_seg": 85.16104, "loss": 0.33152, "grad_norm": 10.24064, "time": 0.41647} {"mode": "train", "epoch": 109, "iter": 136750, "lr": 0.0, "memory": 14793, "data_time": 0.00505, "decode.loss_ce": 0.19608, "decode.acc_seg": 91.75347, "aux.loss_ce": 0.14859, "aux.acc_seg": 85.91831, "loss": 0.34467, "grad_norm": 10.20635, "time": 0.4156} {"mode": "train", "epoch": 109, "iter": 136800, "lr": 0.0, "memory": 14793, "data_time": 0.00565, "decode.loss_ce": 0.20699, "decode.acc_seg": 91.36726, "aux.loss_ce": 0.16319, "aux.acc_seg": 84.18805, "loss": 0.37018, "grad_norm": 12.36749, "time": 0.41553} {"mode": "train", "epoch": 109, "iter": 136850, "lr": 0.0, "memory": 14793, "data_time": 0.00498, "decode.loss_ce": 0.20747, "decode.acc_seg": 91.39052, "aux.loss_ce": 0.16263, "aux.acc_seg": 84.39151, "loss": 0.3701, "grad_norm": 15.96749, "time": 0.41641} {"mode": "train", "epoch": 109, "iter": 136900, "lr": 0.0, "memory": 14793, "data_time": 0.00529, "decode.loss_ce": 0.21291, "decode.acc_seg": 91.39984, "aux.loss_ce": 0.15939, "aux.acc_seg": 84.83482, "loss": 0.3723, "grad_norm": 14.18692, "time": 0.41196} {"mode": "train", "epoch": 109, "iter": 136950, "lr": 0.0, "memory": 14793, "data_time": 0.0057, "decode.loss_ce": 0.19661, "decode.acc_seg": 91.86966, "aux.loss_ce": 0.16116, "aux.acc_seg": 85.05092, "loss": 0.35776, "grad_norm": 11.10445, "time": 0.413} {"mode": "train", "epoch": 109, "iter": 137000, "lr": 0.0, "memory": 14793, "data_time": 0.005, "decode.loss_ce": 0.19361, "decode.acc_seg": 91.87572, "aux.loss_ce": 0.14689, "aux.acc_seg": 85.65582, "loss": 0.3405, "grad_norm": 8.71345, "time": 0.65791} {"mode": "val", "epoch": 109, "iter": 125, "lr": 0.0, "aAcc": 0.8501, "mIoU": 0.5459, "mAcc": 0.6698, "IoU.wall": 0.8055, "IoU.building": 0.837, "IoU.sky": 0.9495, "IoU.floor": 0.8322, "IoU.tree": 0.7589, "IoU.ceiling": 0.8588, "IoU.road": 0.8576, "IoU.bed ": 0.9178, "IoU.windowpane": 0.6476, "IoU.grass": 0.6691, "IoU.cabinet": 0.6548, "IoU.sidewalk": 0.6907, "IoU.person": 0.8428, "IoU.earth": 0.3839, "IoU.door": 0.5679, "IoU.table": 0.6567, "IoU.mountain": 0.6036, "IoU.plant": 0.5301, "IoU.curtain": 0.7622, "IoU.chair": 0.6338, "IoU.car": 0.8666, "IoU.water": 0.6159, "IoU.painting": 0.7437, "IoU.sofa": 0.7583, "IoU.shelf": 0.4491, "IoU.house": 0.4904, "IoU.sea": 0.7111, "IoU.mirror": 0.7444, "IoU.rug": 0.6802, "IoU.field": 0.3126, "IoU.armchair": 0.5078, "IoU.seat": 0.6699, "IoU.fence": 0.4715, "IoU.desk": 0.5326, "IoU.rock": 0.5183, "IoU.wardrobe": 0.5676, "IoU.lamp": 0.6965, "IoU.bathtub": 0.8275, "IoU.railing": 0.4047, "IoU.cushion": 0.6651, "IoU.base": 0.3938, "IoU.box": 0.3402, "IoU.column": 0.5477, "IoU.signboard": 0.3757, "IoU.chest of drawers": 0.4479, "IoU.counter": 0.2478, "IoU.sand": 0.5649, "IoU.sink": 0.7884, "IoU.skyscraper": 0.5663, "IoU.fireplace": 0.6793, "IoU.refrigerator": 0.784, "IoU.grandstand": 0.4941, "IoU.path": 0.2519, "IoU.stairs": 0.3267, "IoU.runway": 0.6532, "IoU.case": 0.4764, "IoU.pool table": 0.9383, "IoU.pillow": 0.6166, "IoU.screen door": 0.708, "IoU.stairway": 0.3606, "IoU.river": 0.1008, "IoU.bridge": 0.4194, "IoU.bookcase": 0.4648, "IoU.blind": 0.4725, "IoU.coffee table": 0.6139, "IoU.toilet": 0.8773, "IoU.flower": 0.4506, "IoU.book": 0.4866, "IoU.hill": 0.0815, "IoU.bench": 0.6665, "IoU.countertop": 0.6142, "IoU.stove": 0.8351, "IoU.palm": 0.5653, "IoU.kitchen island": 0.4433, "IoU.computer": 0.7454, "IoU.swivel chair": 0.555, "IoU.boat": 0.7448, "IoU.bar": 0.5044, "IoU.arcade machine": 0.6282, "IoU.hovel": 0.6306, "IoU.bus": 0.894, "IoU.towel": 0.7078, "IoU.light": 0.6001, "IoU.truck": 0.4589, "IoU.tower": 0.2484, "IoU.chandelier": 0.719, "IoU.awning": 0.3253, "IoU.streetlight": 0.3313, "IoU.booth": 0.4272, "IoU.television receiver": 0.7684, "IoU.airplane": 0.7443, "IoU.dirt track": 0.0611, "IoU.apparel": 0.6032, "IoU.pole": 0.2392, "IoU.land": 0.0575, "IoU.bannister": 0.1572, "IoU.escalator": 0.5258, "IoU.ottoman": 0.5654, "IoU.bottle": 0.4104, "IoU.buffet": 0.4827, "IoU.poster": 0.3339, "IoU.stage": 0.2278, "IoU.van": 0.4736, "IoU.ship": 0.3123, "IoU.fountain": 0.2606, "IoU.conveyer belt": 0.8232, "IoU.canopy": 0.4025, "IoU.washer": 0.7213, "IoU.plaything": 0.3725, "IoU.swimming pool": 0.6409, "IoU.stool": 0.4873, "IoU.barrel": 0.5363, "IoU.basket": 0.4032, "IoU.waterfall": 0.6808, "IoU.tent": 0.957, "IoU.bag": 0.1958, "IoU.minibike": 0.7282, "IoU.cradle": 0.8454, "IoU.oven": 0.4593, "IoU.ball": 0.5425, "IoU.food": 0.5502, "IoU.step": 0.2262, "IoU.tank": 0.6328, "IoU.trade name": 0.269, "IoU.microwave": 0.8148, "IoU.pot": 0.5368, "IoU.animal": 0.5994, "IoU.bicycle": 0.5999, "IoU.lake": 0.5116, "IoU.dishwasher": 0.7117, "IoU.screen": 0.5956, "IoU.blanket": 0.2448, "IoU.sculpture": 0.7176, "IoU.hood": 0.6646, "IoU.sconce": 0.5559, "IoU.vase": 0.4558, "IoU.traffic light": 0.3747, "IoU.tray": 0.0787, "IoU.ashcan": 0.4673, "IoU.fan": 0.6611, "IoU.pier": 0.3841, "IoU.crt screen": 0.1282, "IoU.plate": 0.5904, "IoU.monitor": 0.1591, "IoU.bulletin board": 0.6566, "IoU.shower": 0.0165, "IoU.radiator": 0.6369, "IoU.glass": 0.1711, "IoU.clock": 0.4641, "IoU.flag": 0.5235, "Acc.wall": 0.8867, "Acc.building": 0.9234, "Acc.sky": 0.9765, "Acc.floor": 0.9107, "Acc.tree": 0.8921, "Acc.ceiling": 0.927, "Acc.road": 0.92, "Acc.bed ": 0.9717, "Acc.windowpane": 0.8175, "Acc.grass": 0.822, "Acc.cabinet": 0.7662, "Acc.sidewalk": 0.8226, "Acc.person": 0.9336, "Acc.earth": 0.5188, "Acc.door": 0.7426, "Acc.table": 0.8063, "Acc.mountain": 0.7356, "Acc.plant": 0.6499, "Acc.curtain": 0.8771, "Acc.chair": 0.7516, "Acc.car": 0.936, "Acc.water": 0.7704, "Acc.painting": 0.8986, "Acc.sofa": 0.8853, "Acc.shelf": 0.631, "Acc.house": 0.7153, "Acc.sea": 0.8424, "Acc.mirror": 0.8146, "Acc.rug": 0.81, "Acc.field": 0.4677, "Acc.armchair": 0.6929, "Acc.seat": 0.8444, "Acc.fence": 0.63, "Acc.desk": 0.7497, "Acc.rock": 0.7781, "Acc.wardrobe": 0.6941, "Acc.lamp": 0.8145, "Acc.bathtub": 0.8687, "Acc.railing": 0.5592, "Acc.cushion": 0.8016, "Acc.base": 0.5127, "Acc.box": 0.436, "Acc.column": 0.6624, "Acc.signboard": 0.4975, "Acc.chest of drawers": 0.6606, "Acc.counter": 0.3355, "Acc.sand": 0.7755, "Acc.sink": 0.8539, "Acc.skyscraper": 0.6978, "Acc.fireplace": 0.9456, "Acc.refrigerator": 0.8421, "Acc.grandstand": 0.8135, "Acc.path": 0.4007, "Acc.stairs": 0.4334, "Acc.runway": 0.8816, "Acc.case": 0.5909, "Acc.pool table": 0.9804, "Acc.pillow": 0.7086, "Acc.screen door": 0.8486, "Acc.stairway": 0.4576, "Acc.river": 0.2255, "Acc.bridge": 0.4732, "Acc.bookcase": 0.7322, "Acc.blind": 0.5502, "Acc.coffee table": 0.8549, "Acc.toilet": 0.9339, "Acc.flower": 0.5957, "Acc.book": 0.676, "Acc.hill": 0.1247, "Acc.bench": 0.7765, "Acc.countertop": 0.8187, "Acc.stove": 0.9079, "Acc.palm": 0.7534, "Acc.kitchen island": 0.8094, "Acc.computer": 0.9063, "Acc.swivel chair": 0.8124, "Acc.boat": 0.853, "Acc.bar": 0.7022, "Acc.arcade machine": 0.6662, "Acc.hovel": 0.699, "Acc.bus": 0.9796, "Acc.towel": 0.8582, "Acc.light": 0.7059, "Acc.truck": 0.584, "Acc.tower": 0.4351, "Acc.chandelier": 0.8543, "Acc.awning": 0.3792, "Acc.streetlight": 0.4677, "Acc.booth": 0.5436, "Acc.television receiver": 0.8683, "Acc.airplane": 0.828, "Acc.dirt track": 0.1202, "Acc.apparel": 0.7691, "Acc.pole": 0.3177, "Acc.land": 0.0763, "Acc.bannister": 0.2265, "Acc.escalator": 0.7841, "Acc.ottoman": 0.7375, "Acc.bottle": 0.6574, "Acc.buffet": 0.622, "Acc.poster": 0.4559, "Acc.stage": 0.3338, "Acc.van": 0.6606, "Acc.ship": 0.349, "Acc.fountain": 0.2629, "Acc.conveyer belt": 0.9361, "Acc.canopy": 0.5815, "Acc.washer": 0.7463, "Acc.plaything": 0.5128, "Acc.swimming pool": 0.7495, "Acc.stool": 0.6386, "Acc.barrel": 0.8745, "Acc.basket": 0.5142, "Acc.waterfall": 0.7862, "Acc.tent": 0.9823, "Acc.bag": 0.2295, "Acc.minibike": 0.8652, "Acc.cradle": 0.9777, "Acc.oven": 0.6092, "Acc.ball": 0.6215, "Acc.food": 0.618, "Acc.step": 0.2793, "Acc.tank": 0.6596, "Acc.trade name": 0.3083, "Acc.microwave": 0.9269, "Acc.pot": 0.6413, "Acc.animal": 0.6161, "Acc.bicycle": 0.7833, "Acc.lake": 0.6378, "Acc.dishwasher": 0.8063, "Acc.screen": 0.8706, "Acc.blanket": 0.2876, "Acc.sculpture": 0.8469, "Acc.hood": 0.7012, "Acc.sconce": 0.6725, "Acc.vase": 0.6086, "Acc.traffic light": 0.5522, "Acc.tray": 0.1194, "Acc.ashcan": 0.6014, "Acc.fan": 0.7575, "Acc.pier": 0.5396, "Acc.crt screen": 0.3167, "Acc.plate": 0.7953, "Acc.monitor": 0.1778, "Acc.bulletin board": 0.7675, "Acc.shower": 0.0172, "Acc.radiator": 0.7198, "Acc.glass": 0.1858, "Acc.clock": 0.5057, "Acc.flag": 0.582} {"mode": "train", "epoch": 109, "iter": 137050, "lr": 0.0, "memory": 14793, "data_time": 2.09636, "decode.loss_ce": 0.21297, "decode.acc_seg": 91.14972, "aux.loss_ce": 0.15811, "aux.acc_seg": 84.98885, "loss": 0.37108, "grad_norm": 11.53582, "time": 2.50176} {"mode": "train", "epoch": 109, "iter": 137100, "lr": 0.0, "memory": 14793, "data_time": 0.00555, "decode.loss_ce": 0.18479, "decode.acc_seg": 92.10669, "aux.loss_ce": 0.15515, "aux.acc_seg": 84.86451, "loss": 0.33993, "grad_norm": 9.18087, "time": 0.41821} {"mode": "train", "epoch": 109, "iter": 137150, "lr": 0.0, "memory": 14793, "data_time": 0.00629, "decode.loss_ce": 0.20174, "decode.acc_seg": 91.58355, "aux.loss_ce": 0.15124, "aux.acc_seg": 85.57474, "loss": 0.35298, "grad_norm": 11.86013, "time": 0.41573} {"mode": "train", "epoch": 109, "iter": 137200, "lr": 0.0, "memory": 14793, "data_time": 0.0057, "decode.loss_ce": 0.20217, "decode.acc_seg": 91.49054, "aux.loss_ce": 0.16278, "aux.acc_seg": 84.38876, "loss": 0.36495, "grad_norm": 12.7256, "time": 0.42147} {"mode": "train", "epoch": 109, "iter": 137250, "lr": 0.0, "memory": 14793, "data_time": 0.00643, "decode.loss_ce": 0.19462, "decode.acc_seg": 91.78605, "aux.loss_ce": 0.14871, "aux.acc_seg": 85.82686, "loss": 0.34333, "grad_norm": 11.3236, "time": 0.41324} {"mode": "train", "epoch": 109, "iter": 137300, "lr": 0.0, "memory": 14793, "data_time": 0.00551, "decode.loss_ce": 0.19685, "decode.acc_seg": 91.77312, "aux.loss_ce": 0.15514, "aux.acc_seg": 85.04983, "loss": 0.35199, "grad_norm": 13.56302, "time": 0.42031} {"mode": "train", "epoch": 109, "iter": 137350, "lr": 0.0, "memory": 14793, "data_time": 0.00638, "decode.loss_ce": 0.20993, "decode.acc_seg": 91.35379, "aux.loss_ce": 0.15879, "aux.acc_seg": 84.94185, "loss": 0.36872, "grad_norm": 15.20255, "time": 0.42253} {"mode": "train", "epoch": 109, "iter": 137400, "lr": 0.0, "memory": 14793, "data_time": 0.0065, "decode.loss_ce": 0.20445, "decode.acc_seg": 91.57932, "aux.loss_ce": 0.16571, "aux.acc_seg": 84.17816, "loss": 0.37015, "grad_norm": 13.24223, "time": 0.41042} {"mode": "train", "epoch": 109, "iter": 137450, "lr": 0.0, "memory": 14793, "data_time": 0.00553, "decode.loss_ce": 0.18954, "decode.acc_seg": 91.99819, "aux.loss_ce": 0.14915, "aux.acc_seg": 85.63132, "loss": 0.3387, "grad_norm": 11.04656, "time": 0.40899} {"mode": "train", "epoch": 109, "iter": 137500, "lr": 0.0, "memory": 14793, "data_time": 0.00637, "decode.loss_ce": 0.1987, "decode.acc_seg": 91.84516, "aux.loss_ce": 0.15943, "aux.acc_seg": 84.98361, "loss": 0.35812, "grad_norm": 15.42668, "time": 0.41256} {"mode": "train", "epoch": 109, "iter": 137550, "lr": 0.0, "memory": 14793, "data_time": 0.00619, "decode.loss_ce": 0.20051, "decode.acc_seg": 91.65438, "aux.loss_ce": 0.14833, "aux.acc_seg": 85.63154, "loss": 0.34884, "grad_norm": 18.67372, "time": 0.41518} {"mode": "train", "epoch": 109, "iter": 137600, "lr": 0.0, "memory": 14793, "data_time": 0.00605, "decode.loss_ce": 0.18599, "decode.acc_seg": 92.06165, "aux.loss_ce": 0.14413, "aux.acc_seg": 85.99204, "loss": 0.33012, "grad_norm": 12.86703, "time": 0.41492} {"mode": "train", "epoch": 109, "iter": 137650, "lr": 0.0, "memory": 14793, "data_time": 0.00587, "decode.loss_ce": 0.19739, "decode.acc_seg": 91.82108, "aux.loss_ce": 0.15159, "aux.acc_seg": 86.13563, "loss": 0.34897, "grad_norm": 11.43043, "time": 0.42031} {"mode": "train", "epoch": 109, "iter": 137700, "lr": 0.0, "memory": 14793, "data_time": 0.00646, "decode.loss_ce": 0.1991, "decode.acc_seg": 91.34246, "aux.loss_ce": 0.1561, "aux.acc_seg": 84.66165, "loss": 0.35519, "grad_norm": 9.70911, "time": 0.41539} {"mode": "train", "epoch": 109, "iter": 137750, "lr": 0.0, "memory": 14793, "data_time": 0.00685, "decode.loss_ce": 0.19074, "decode.acc_seg": 91.82819, "aux.loss_ce": 0.14486, "aux.acc_seg": 86.0734, "loss": 0.3356, "grad_norm": 16.24785, "time": 0.42254} {"mode": "train", "epoch": 110, "iter": 137800, "lr": 0.0, "memory": 14793, "data_time": 0.0603, "decode.loss_ce": 0.20082, "decode.acc_seg": 91.55317, "aux.loss_ce": 0.1542, "aux.acc_seg": 84.75564, "loss": 0.35503, "grad_norm": 11.4481, "time": 0.47854} {"mode": "train", "epoch": 110, "iter": 137850, "lr": 0.0, "memory": 14793, "data_time": 0.00616, "decode.loss_ce": 0.20322, "decode.acc_seg": 91.51856, "aux.loss_ce": 0.1589, "aux.acc_seg": 84.69329, "loss": 0.36212, "grad_norm": 12.63638, "time": 0.41822} {"mode": "train", "epoch": 110, "iter": 137900, "lr": 0.0, "memory": 14793, "data_time": 0.00684, "decode.loss_ce": 0.1994, "decode.acc_seg": 91.63288, "aux.loss_ce": 0.15922, "aux.acc_seg": 84.87223, "loss": 0.35862, "grad_norm": 8.7571, "time": 0.4195} {"mode": "train", "epoch": 110, "iter": 137950, "lr": 0.0, "memory": 14793, "data_time": 0.0051, "decode.loss_ce": 0.19266, "decode.acc_seg": 91.97312, "aux.loss_ce": 0.14972, "aux.acc_seg": 85.55821, "loss": 0.34238, "grad_norm": 12.33307, "time": 0.4192} {"mode": "train", "epoch": 110, "iter": 138000, "lr": 0.0, "memory": 14793, "data_time": 0.00578, "decode.loss_ce": 0.20446, "decode.acc_seg": 91.30413, "aux.loss_ce": 0.15374, "aux.acc_seg": 84.52363, "loss": 0.35821, "grad_norm": 11.87225, "time": 0.67082} {"mode": "val", "epoch": 110, "iter": 125, "lr": 0.0, "aAcc": 0.85, "mIoU": 0.5451, "mAcc": 0.6654, "IoU.wall": 0.805, "IoU.building": 0.8375, "IoU.sky": 0.9495, "IoU.floor": 0.8317, "IoU.tree": 0.7596, "IoU.ceiling": 0.8595, "IoU.road": 0.8542, "IoU.bed ": 0.917, "IoU.windowpane": 0.644, "IoU.grass": 0.6706, "IoU.cabinet": 0.6571, "IoU.sidewalk": 0.6904, "IoU.person": 0.8426, "IoU.earth": 0.3875, "IoU.door": 0.565, "IoU.table": 0.6606, "IoU.mountain": 0.5991, "IoU.plant": 0.5288, "IoU.curtain": 0.7562, "IoU.chair": 0.6346, "IoU.car": 0.8654, "IoU.water": 0.6142, "IoU.painting": 0.7433, "IoU.sofa": 0.761, "IoU.shelf": 0.4477, "IoU.house": 0.4859, "IoU.sea": 0.7057, "IoU.mirror": 0.7468, "IoU.rug": 0.6802, "IoU.field": 0.3165, "IoU.armchair": 0.5081, "IoU.seat": 0.6734, "IoU.fence": 0.4592, "IoU.desk": 0.5404, "IoU.rock": 0.5209, "IoU.wardrobe": 0.5553, "IoU.lamp": 0.6954, "IoU.bathtub": 0.8271, "IoU.railing": 0.4034, "IoU.cushion": 0.6621, "IoU.base": 0.3776, "IoU.box": 0.3438, "IoU.column": 0.5438, "IoU.signboard": 0.3832, "IoU.chest of drawers": 0.4475, "IoU.counter": 0.3059, "IoU.sand": 0.5849, "IoU.sink": 0.7925, "IoU.skyscraper": 0.5035, "IoU.fireplace": 0.716, "IoU.refrigerator": 0.7818, "IoU.grandstand": 0.4881, "IoU.path": 0.2443, "IoU.stairs": 0.3315, "IoU.runway": 0.6419, "IoU.case": 0.4944, "IoU.pool table": 0.9367, "IoU.pillow": 0.6155, "IoU.screen door": 0.6794, "IoU.stairway": 0.3581, "IoU.river": 0.0954, "IoU.bridge": 0.4007, "IoU.bookcase": 0.468, "IoU.blind": 0.4517, "IoU.coffee table": 0.6183, "IoU.toilet": 0.8789, "IoU.flower": 0.4541, "IoU.book": 0.4794, "IoU.hill": 0.0749, "IoU.bench": 0.6587, "IoU.countertop": 0.6169, "IoU.stove": 0.8373, "IoU.palm": 0.5617, "IoU.kitchen island": 0.4461, "IoU.computer": 0.7631, "IoU.swivel chair": 0.5203, "IoU.boat": 0.7463, "IoU.bar": 0.5185, "IoU.arcade machine": 0.6013, "IoU.hovel": 0.6327, "IoU.bus": 0.9271, "IoU.towel": 0.7075, "IoU.light": 0.6012, "IoU.truck": 0.4566, "IoU.tower": 0.2432, "IoU.chandelier": 0.7179, "IoU.awning": 0.3454, "IoU.streetlight": 0.3328, "IoU.booth": 0.415, "IoU.television receiver": 0.759, "IoU.airplane": 0.7413, "IoU.dirt track": 0.0581, "IoU.apparel": 0.6338, "IoU.pole": 0.2484, "IoU.land": 0.057, "IoU.bannister": 0.1613, "IoU.escalator": 0.5348, "IoU.ottoman": 0.5635, "IoU.bottle": 0.4138, "IoU.buffet": 0.4671, "IoU.poster": 0.3283, "IoU.stage": 0.2226, "IoU.van": 0.4713, "IoU.ship": 0.3449, "IoU.fountain": 0.2369, "IoU.conveyer belt": 0.8209, "IoU.canopy": 0.4097, "IoU.washer": 0.7215, "IoU.plaything": 0.374, "IoU.swimming pool": 0.6819, "IoU.stool": 0.4898, "IoU.barrel": 0.513, "IoU.basket": 0.3884, "IoU.waterfall": 0.6259, "IoU.tent": 0.9561, "IoU.bag": 0.2087, "IoU.minibike": 0.7284, "IoU.cradle": 0.8526, "IoU.oven": 0.507, "IoU.ball": 0.5018, "IoU.food": 0.5294, "IoU.step": 0.2362, "IoU.tank": 0.6303, "IoU.trade name": 0.2861, "IoU.microwave": 0.835, "IoU.pot": 0.5318, "IoU.animal": 0.5889, "IoU.bicycle": 0.6027, "IoU.lake": 0.4992, "IoU.dishwasher": 0.6999, "IoU.screen": 0.5962, "IoU.blanket": 0.2357, "IoU.sculpture": 0.6985, "IoU.hood": 0.6674, "IoU.sconce": 0.5575, "IoU.vase": 0.4529, "IoU.traffic light": 0.3805, "IoU.tray": 0.0726, "IoU.ashcan": 0.462, "IoU.fan": 0.6696, "IoU.pier": 0.3918, "IoU.crt screen": 0.1094, "IoU.plate": 0.5913, "IoU.monitor": 0.1658, "IoU.bulletin board": 0.66, "IoU.shower": 0.0026, "IoU.radiator": 0.6343, "IoU.glass": 0.1664, "IoU.clock": 0.4697, "IoU.flag": 0.5128, "Acc.wall": 0.8885, "Acc.building": 0.9282, "Acc.sky": 0.9764, "Acc.floor": 0.9093, "Acc.tree": 0.894, "Acc.ceiling": 0.9283, "Acc.road": 0.9169, "Acc.bed ": 0.9721, "Acc.windowpane": 0.8234, "Acc.grass": 0.8169, "Acc.cabinet": 0.7665, "Acc.sidewalk": 0.831, "Acc.person": 0.9351, "Acc.earth": 0.5282, "Acc.door": 0.7189, "Acc.table": 0.8045, "Acc.mountain": 0.7373, "Acc.plant": 0.6389, "Acc.curtain": 0.8731, "Acc.chair": 0.7613, "Acc.car": 0.9387, "Acc.water": 0.7738, "Acc.painting": 0.903, "Acc.sofa": 0.8863, "Acc.shelf": 0.6325, "Acc.house": 0.6726, "Acc.sea": 0.8341, "Acc.mirror": 0.8127, "Acc.rug": 0.8114, "Acc.field": 0.4709, "Acc.armchair": 0.6939, "Acc.seat": 0.8403, "Acc.fence": 0.6213, "Acc.desk": 0.731, "Acc.rock": 0.7857, "Acc.wardrobe": 0.6909, "Acc.lamp": 0.8107, "Acc.bathtub": 0.861, "Acc.railing": 0.5574, "Acc.cushion": 0.7804, "Acc.base": 0.4812, "Acc.box": 0.4482, "Acc.column": 0.655, "Acc.signboard": 0.5058, "Acc.chest of drawers": 0.6774, "Acc.counter": 0.4119, "Acc.sand": 0.7961, "Acc.sink": 0.8613, "Acc.skyscraper": 0.5921, "Acc.fireplace": 0.9291, "Acc.refrigerator": 0.8418, "Acc.grandstand": 0.8223, "Acc.path": 0.3729, "Acc.stairs": 0.4475, "Acc.runway": 0.8567, "Acc.case": 0.6429, "Acc.pool table": 0.9815, "Acc.pillow": 0.7114, "Acc.screen door": 0.8625, "Acc.stairway": 0.4505, "Acc.river": 0.2178, "Acc.bridge": 0.4576, "Acc.bookcase": 0.7275, "Acc.blind": 0.5209, "Acc.coffee table": 0.8505, "Acc.toilet": 0.9277, "Acc.flower": 0.6031, "Acc.book": 0.6945, "Acc.hill": 0.12, "Acc.bench": 0.7799, "Acc.countertop": 0.8158, "Acc.stove": 0.8996, "Acc.palm": 0.7496, "Acc.kitchen island": 0.809, "Acc.computer": 0.8933, "Acc.swivel chair": 0.7115, "Acc.boat": 0.8426, "Acc.bar": 0.658, "Acc.arcade machine": 0.6335, "Acc.hovel": 0.6892, "Acc.bus": 0.9705, "Acc.towel": 0.8612, "Acc.light": 0.7154, "Acc.truck": 0.5941, "Acc.tower": 0.4154, "Acc.chandelier": 0.8627, "Acc.awning": 0.4066, "Acc.streetlight": 0.4672, "Acc.booth": 0.5268, "Acc.television receiver": 0.8518, "Acc.airplane": 0.8317, "Acc.dirt track": 0.1072, "Acc.apparel": 0.7647, "Acc.pole": 0.3475, "Acc.land": 0.0717, "Acc.bannister": 0.2195, "Acc.escalator": 0.8109, "Acc.ottoman": 0.7482, "Acc.bottle": 0.6744, "Acc.buffet": 0.5831, "Acc.poster": 0.4575, "Acc.stage": 0.3252, "Acc.van": 0.6333, "Acc.ship": 0.3826, "Acc.fountain": 0.2389, "Acc.conveyer belt": 0.9416, "Acc.canopy": 0.568, "Acc.washer": 0.7467, "Acc.plaything": 0.4987, "Acc.swimming pool": 0.7405, "Acc.stool": 0.6324, "Acc.barrel": 0.8472, "Acc.basket": 0.4795, "Acc.waterfall": 0.7244, "Acc.tent": 0.9828, "Acc.bag": 0.2425, "Acc.minibike": 0.8528, "Acc.cradle": 0.9759, "Acc.oven": 0.6225, "Acc.ball": 0.5465, "Acc.food": 0.5956, "Acc.step": 0.2948, "Acc.tank": 0.6537, "Acc.trade name": 0.3363, "Acc.microwave": 0.9651, "Acc.pot": 0.6326, "Acc.animal": 0.6039, "Acc.bicycle": 0.7608, "Acc.lake": 0.6381, "Acc.dishwasher": 0.7632, "Acc.screen": 0.8847, "Acc.blanket": 0.2758, "Acc.sculpture": 0.8484, "Acc.hood": 0.7245, "Acc.sconce": 0.6728, "Acc.vase": 0.6174, "Acc.traffic light": 0.5574, "Acc.tray": 0.1161, "Acc.ashcan": 0.5888, "Acc.fan": 0.7713, "Acc.pier": 0.5319, "Acc.crt screen": 0.2612, "Acc.plate": 0.8019, "Acc.monitor": 0.1877, "Acc.bulletin board": 0.7602, "Acc.shower": 0.0026, "Acc.radiator": 0.7246, "Acc.glass": 0.1788, "Acc.clock": 0.5145, "Acc.flag": 0.568} {"mode": "train", "epoch": 110, "iter": 138050, "lr": 0.0, "memory": 14793, "data_time": 2.14829, "decode.loss_ce": 0.19714, "decode.acc_seg": 91.75225, "aux.loss_ce": 0.1584, "aux.acc_seg": 85.18042, "loss": 0.35553, "grad_norm": 16.9594, "time": 2.58196} {"mode": "train", "epoch": 110, "iter": 138100, "lr": 0.0, "memory": 14793, "data_time": 0.00567, "decode.loss_ce": 0.19085, "decode.acc_seg": 91.84355, "aux.loss_ce": 0.14796, "aux.acc_seg": 85.88877, "loss": 0.33881, "grad_norm": 18.66885, "time": 0.41308} {"mode": "train", "epoch": 110, "iter": 138150, "lr": 0.0, "memory": 14793, "data_time": 0.00536, "decode.loss_ce": 0.20039, "decode.acc_seg": 91.65099, "aux.loss_ce": 0.16119, "aux.acc_seg": 84.45852, "loss": 0.36159, "grad_norm": 14.575, "time": 0.40945} {"mode": "train", "epoch": 110, "iter": 138200, "lr": 0.0, "memory": 14793, "data_time": 0.00584, "decode.loss_ce": 0.1921, "decode.acc_seg": 91.74484, "aux.loss_ce": 0.15234, "aux.acc_seg": 85.04289, "loss": 0.34444, "grad_norm": 15.97263, "time": 0.40773} {"mode": "train", "epoch": 110, "iter": 138250, "lr": 0.0, "memory": 14793, "data_time": 0.00642, "decode.loss_ce": 0.19411, "decode.acc_seg": 91.90531, "aux.loss_ce": 0.15798, "aux.acc_seg": 84.93135, "loss": 0.35209, "grad_norm": 9.007, "time": 0.41164} {"mode": "train", "epoch": 110, "iter": 138300, "lr": 0.0, "memory": 14793, "data_time": 0.00621, "decode.loss_ce": 0.20836, "decode.acc_seg": 91.41816, "aux.loss_ce": 0.14971, "aux.acc_seg": 85.53867, "loss": 0.35808, "grad_norm": 14.51574, "time": 0.41034} {"mode": "train", "epoch": 110, "iter": 138350, "lr": 0.0, "memory": 14793, "data_time": 0.0052, "decode.loss_ce": 0.19588, "decode.acc_seg": 91.69875, "aux.loss_ce": 0.15428, "aux.acc_seg": 85.03082, "loss": 0.35016, "grad_norm": 13.06499, "time": 0.41871} {"mode": "train", "epoch": 110, "iter": 138400, "lr": 0.0, "memory": 14793, "data_time": 0.00548, "decode.loss_ce": 0.20222, "decode.acc_seg": 91.59954, "aux.loss_ce": 0.15159, "aux.acc_seg": 85.5988, "loss": 0.35382, "grad_norm": 9.88737, "time": 0.41515} {"mode": "train", "epoch": 110, "iter": 138450, "lr": 0.0, "memory": 14793, "data_time": 0.00547, "decode.loss_ce": 0.19457, "decode.acc_seg": 92.00602, "aux.loss_ce": 0.15767, "aux.acc_seg": 84.94514, "loss": 0.35224, "grad_norm": 11.78675, "time": 0.41967} {"mode": "train", "epoch": 110, "iter": 138500, "lr": 0.0, "memory": 14793, "data_time": 0.00555, "decode.loss_ce": 0.2021, "decode.acc_seg": 91.51165, "aux.loss_ce": 0.16245, "aux.acc_seg": 84.43499, "loss": 0.36454, "grad_norm": 12.84453, "time": 0.41683} {"mode": "train", "epoch": 110, "iter": 138550, "lr": 0.0, "memory": 14793, "data_time": 0.0062, "decode.loss_ce": 0.18698, "decode.acc_seg": 91.63057, "aux.loss_ce": 0.14081, "aux.acc_seg": 85.95569, "loss": 0.32779, "grad_norm": 10.01642, "time": 0.41417} {"mode": "train", "epoch": 110, "iter": 138600, "lr": 0.0, "memory": 14793, "data_time": 0.00523, "decode.loss_ce": 0.1943, "decode.acc_seg": 91.5812, "aux.loss_ce": 0.1454, "aux.acc_seg": 85.58734, "loss": 0.33971, "grad_norm": 16.70174, "time": 0.41963} {"mode": "train", "epoch": 110, "iter": 138650, "lr": 0.0, "memory": 14793, "data_time": 0.00603, "decode.loss_ce": 0.19809, "decode.acc_seg": 91.27543, "aux.loss_ce": 0.15484, "aux.acc_seg": 84.68074, "loss": 0.35292, "grad_norm": 11.9023, "time": 0.41798} {"mode": "train", "epoch": 110, "iter": 138700, "lr": 0.0, "memory": 14793, "data_time": 0.00641, "decode.loss_ce": 0.20591, "decode.acc_seg": 91.51329, "aux.loss_ce": 0.16166, "aux.acc_seg": 84.54996, "loss": 0.36757, "grad_norm": 13.43633, "time": 0.40994} {"mode": "train", "epoch": 110, "iter": 138750, "lr": 0.0, "memory": 14793, "data_time": 0.00556, "decode.loss_ce": 0.197, "decode.acc_seg": 91.70296, "aux.loss_ce": 0.15363, "aux.acc_seg": 85.15344, "loss": 0.35063, "grad_norm": 10.77735, "time": 0.4168} {"mode": "train", "epoch": 110, "iter": 138800, "lr": 0.0, "memory": 14793, "data_time": 0.00493, "decode.loss_ce": 0.20774, "decode.acc_seg": 91.41344, "aux.loss_ce": 0.16852, "aux.acc_seg": 84.34151, "loss": 0.37626, "grad_norm": 13.67787, "time": 0.40907} {"mode": "train", "epoch": 110, "iter": 138850, "lr": 0.0, "memory": 14793, "data_time": 0.0051, "decode.loss_ce": 0.20317, "decode.acc_seg": 91.5972, "aux.loss_ce": 0.16177, "aux.acc_seg": 84.46134, "loss": 0.36495, "grad_norm": 16.70682, "time": 0.4181} {"mode": "train", "epoch": 110, "iter": 138900, "lr": 0.0, "memory": 14793, "data_time": 0.0059, "decode.loss_ce": 0.2042, "decode.acc_seg": 91.29518, "aux.loss_ce": 0.15222, "aux.acc_seg": 85.30873, "loss": 0.35642, "grad_norm": 15.65964, "time": 0.41662} {"mode": "train", "epoch": 110, "iter": 138950, "lr": 0.0, "memory": 14793, "data_time": 0.00502, "decode.loss_ce": 0.2061, "decode.acc_seg": 91.33484, "aux.loss_ce": 0.16634, "aux.acc_seg": 84.16463, "loss": 0.37244, "grad_norm": 13.7611, "time": 0.4134} {"mode": "train", "epoch": 110, "iter": 139000, "lr": 0.0, "memory": 14793, "data_time": 0.00602, "decode.loss_ce": 0.19325, "decode.acc_seg": 91.64851, "aux.loss_ce": 0.15132, "aux.acc_seg": 84.79855, "loss": 0.34457, "grad_norm": 10.91385, "time": 0.65191} {"mode": "val", "epoch": 110, "iter": 125, "lr": 0.0, "aAcc": 0.8498, "mIoU": 0.5471, "mAcc": 0.672, "IoU.wall": 0.8046, "IoU.building": 0.8361, "IoU.sky": 0.9492, "IoU.floor": 0.8326, "IoU.tree": 0.7597, "IoU.ceiling": 0.858, "IoU.road": 0.8581, "IoU.bed ": 0.9162, "IoU.windowpane": 0.6493, "IoU.grass": 0.6681, "IoU.cabinet": 0.6536, "IoU.sidewalk": 0.6951, "IoU.person": 0.841, "IoU.earth": 0.3887, "IoU.door": 0.562, "IoU.table": 0.6587, "IoU.mountain": 0.5946, "IoU.plant": 0.5298, "IoU.curtain": 0.762, "IoU.chair": 0.631, "IoU.car": 0.8617, "IoU.water": 0.6179, "IoU.painting": 0.7525, "IoU.sofa": 0.752, "IoU.shelf": 0.453, "IoU.house": 0.4878, "IoU.sea": 0.7121, "IoU.mirror": 0.7422, "IoU.rug": 0.6711, "IoU.field": 0.3124, "IoU.armchair": 0.4884, "IoU.seat": 0.6671, "IoU.fence": 0.4668, "IoU.desk": 0.5336, "IoU.rock": 0.5215, "IoU.wardrobe": 0.5633, "IoU.lamp": 0.6943, "IoU.bathtub": 0.827, "IoU.railing": 0.3987, "IoU.cushion": 0.6545, "IoU.base": 0.391, "IoU.box": 0.338, "IoU.column": 0.5427, "IoU.signboard": 0.3798, "IoU.chest of drawers": 0.4495, "IoU.counter": 0.2998, "IoU.sand": 0.5832, "IoU.sink": 0.7974, "IoU.skyscraper": 0.5626, "IoU.fireplace": 0.7218, "IoU.refrigerator": 0.7798, "IoU.grandstand": 0.4787, "IoU.path": 0.2426, "IoU.stairs": 0.343, "IoU.runway": 0.6434, "IoU.case": 0.4796, "IoU.pool table": 0.9347, "IoU.pillow": 0.6236, "IoU.screen door": 0.704, "IoU.stairway": 0.355, "IoU.river": 0.0972, "IoU.bridge": 0.4125, "IoU.bookcase": 0.4784, "IoU.blind": 0.4586, "IoU.coffee table": 0.6143, "IoU.toilet": 0.8798, "IoU.flower": 0.4455, "IoU.book": 0.5005, "IoU.hill": 0.0726, "IoU.bench": 0.6617, "IoU.countertop": 0.6139, "IoU.stove": 0.8363, "IoU.palm": 0.5652, "IoU.kitchen island": 0.4559, "IoU.computer": 0.7499, "IoU.swivel chair": 0.5537, "IoU.boat": 0.7275, "IoU.bar": 0.5214, "IoU.arcade machine": 0.5922, "IoU.hovel": 0.6244, "IoU.bus": 0.9142, "IoU.towel": 0.7023, "IoU.light": 0.589, "IoU.truck": 0.4533, "IoU.tower": 0.255, "IoU.chandelier": 0.7225, "IoU.awning": 0.346, "IoU.streetlight": 0.3407, "IoU.booth": 0.4299, "IoU.television receiver": 0.7668, "IoU.airplane": 0.7565, "IoU.dirt track": 0.0432, "IoU.apparel": 0.63, "IoU.pole": 0.2567, "IoU.land": 0.0502, "IoU.bannister": 0.1583, "IoU.escalator": 0.5303, "IoU.ottoman": 0.5611, "IoU.bottle": 0.4107, "IoU.buffet": 0.4565, "IoU.poster": 0.3305, "IoU.stage": 0.2242, "IoU.van": 0.4673, "IoU.ship": 0.5036, "IoU.fountain": 0.2416, "IoU.conveyer belt": 0.8206, "IoU.canopy": 0.3798, "IoU.washer": 0.7352, "IoU.plaything": 0.3834, "IoU.swimming pool": 0.6763, "IoU.stool": 0.4768, "IoU.barrel": 0.5449, "IoU.basket": 0.4027, "IoU.waterfall": 0.6893, "IoU.tent": 0.9529, "IoU.bag": 0.2132, "IoU.minibike": 0.7312, "IoU.cradle": 0.8428, "IoU.oven": 0.5038, "IoU.ball": 0.4247, "IoU.food": 0.5385, "IoU.step": 0.2318, "IoU.tank": 0.6328, "IoU.trade name": 0.2694, "IoU.microwave": 0.8292, "IoU.pot": 0.5246, "IoU.animal": 0.603, "IoU.bicycle": 0.604, "IoU.lake": 0.4991, "IoU.dishwasher": 0.6971, "IoU.screen": 0.5891, "IoU.blanket": 0.253, "IoU.sculpture": 0.6944, "IoU.hood": 0.6657, "IoU.sconce": 0.5552, "IoU.vase": 0.457, "IoU.traffic light": 0.3742, "IoU.tray": 0.0723, "IoU.ashcan": 0.4712, "IoU.fan": 0.6777, "IoU.pier": 0.4406, "IoU.crt screen": 0.1349, "IoU.plate": 0.5888, "IoU.monitor": 0.1438, "IoU.bulletin board": 0.6663, "IoU.shower": 0.0055, "IoU.radiator": 0.6249, "IoU.glass": 0.1698, "IoU.clock": 0.4675, "IoU.flag": 0.5333, "Acc.wall": 0.8867, "Acc.building": 0.9239, "Acc.sky": 0.9743, "Acc.floor": 0.906, "Acc.tree": 0.8925, "Acc.ceiling": 0.9289, "Acc.road": 0.9188, "Acc.bed ": 0.9741, "Acc.windowpane": 0.8123, "Acc.grass": 0.826, "Acc.cabinet": 0.7752, "Acc.sidewalk": 0.8245, "Acc.person": 0.9375, "Acc.earth": 0.5317, "Acc.door": 0.7248, "Acc.table": 0.7889, "Acc.mountain": 0.745, "Acc.plant": 0.6412, "Acc.curtain": 0.8827, "Acc.chair": 0.7431, "Acc.car": 0.9415, "Acc.water": 0.7727, "Acc.painting": 0.8904, "Acc.sofa": 0.9073, "Acc.shelf": 0.6369, "Acc.house": 0.7036, "Acc.sea": 0.8472, "Acc.mirror": 0.8156, "Acc.rug": 0.7892, "Acc.field": 0.4632, "Acc.armchair": 0.6591, "Acc.seat": 0.8345, "Acc.fence": 0.6157, "Acc.desk": 0.7467, "Acc.rock": 0.7815, "Acc.wardrobe": 0.7216, "Acc.lamp": 0.8163, "Acc.bathtub": 0.8699, "Acc.railing": 0.544, "Acc.cushion": 0.7505, "Acc.base": 0.5306, "Acc.box": 0.4394, "Acc.column": 0.6648, "Acc.signboard": 0.5067, "Acc.chest of drawers": 0.6566, "Acc.counter": 0.4038, "Acc.sand": 0.7604, "Acc.sink": 0.8558, "Acc.skyscraper": 0.7022, "Acc.fireplace": 0.9227, "Acc.refrigerator": 0.8474, "Acc.grandstand": 0.8335, "Acc.path": 0.3627, "Acc.stairs": 0.4591, "Acc.runway": 0.8576, "Acc.case": 0.6111, "Acc.pool table": 0.9838, "Acc.pillow": 0.7361, "Acc.screen door": 0.8534, "Acc.stairway": 0.4287, "Acc.river": 0.216, "Acc.bridge": 0.4753, "Acc.bookcase": 0.6751, "Acc.blind": 0.5313, "Acc.coffee table": 0.8606, "Acc.toilet": 0.934, "Acc.flower": 0.586, "Acc.book": 0.7277, "Acc.hill": 0.1185, "Acc.bench": 0.7761, "Acc.countertop": 0.8166, "Acc.stove": 0.8961, "Acc.palm": 0.7757, "Acc.kitchen island": 0.8082, "Acc.computer": 0.9025, "Acc.swivel chair": 0.7916, "Acc.boat": 0.854, "Acc.bar": 0.6957, "Acc.arcade machine": 0.6282, "Acc.hovel": 0.6959, "Acc.bus": 0.9741, "Acc.towel": 0.8642, "Acc.light": 0.6619, "Acc.truck": 0.6149, "Acc.tower": 0.4353, "Acc.chandelier": 0.8554, "Acc.awning": 0.4109, "Acc.streetlight": 0.4733, "Acc.booth": 0.5743, "Acc.television receiver": 0.8731, "Acc.airplane": 0.8489, "Acc.dirt track": 0.0826, "Acc.apparel": 0.7555, "Acc.pole": 0.3671, "Acc.land": 0.0776, "Acc.bannister": 0.2156, "Acc.escalator": 0.816, "Acc.ottoman": 0.7352, "Acc.bottle": 0.6809, "Acc.buffet": 0.5707, "Acc.poster": 0.4689, "Acc.stage": 0.3238, "Acc.van": 0.6442, "Acc.ship": 0.5673, "Acc.fountain": 0.2434, "Acc.conveyer belt": 0.9439, "Acc.canopy": 0.5561, "Acc.washer": 0.762, "Acc.plaything": 0.5599, "Acc.swimming pool": 0.7509, "Acc.stool": 0.6644, "Acc.barrel": 0.8711, "Acc.basket": 0.5113, "Acc.waterfall": 0.8161, "Acc.tent": 0.9847, "Acc.bag": 0.2571, "Acc.minibike": 0.8755, "Acc.cradle": 0.9796, "Acc.oven": 0.6262, "Acc.ball": 0.4476, "Acc.food": 0.6109, "Acc.step": 0.2773, "Acc.tank": 0.6646, "Acc.trade name": 0.3068, "Acc.microwave": 0.9619, "Acc.pot": 0.6158, "Acc.animal": 0.6197, "Acc.bicycle": 0.7845, "Acc.lake": 0.6377, "Acc.dishwasher": 0.7726, "Acc.screen": 0.8716, "Acc.blanket": 0.3055, "Acc.sculpture": 0.8488, "Acc.hood": 0.7219, "Acc.sconce": 0.668, "Acc.vase": 0.6089, "Acc.traffic light": 0.588, "Acc.tray": 0.1242, "Acc.ashcan": 0.6267, "Acc.fan": 0.8035, "Acc.pier": 0.6296, "Acc.crt screen": 0.3437, "Acc.plate": 0.79, "Acc.monitor": 0.1632, "Acc.bulletin board": 0.7899, "Acc.shower": 0.0056, "Acc.radiator": 0.7078, "Acc.glass": 0.1835, "Acc.clock": 0.5078, "Acc.flag": 0.5967} {"mode": "train", "epoch": 111, "iter": 139050, "lr": 0.0, "memory": 14793, "data_time": 2.09708, "decode.loss_ce": 0.20366, "decode.acc_seg": 91.13365, "aux.loss_ce": 0.16137, "aux.acc_seg": 84.38222, "loss": 0.36504, "grad_norm": 10.59148, "time": 2.49997} {"mode": "train", "epoch": 111, "iter": 139100, "lr": 0.0, "memory": 14793, "data_time": 0.00617, "decode.loss_ce": 0.1982, "decode.acc_seg": 91.7815, "aux.loss_ce": 0.15438, "aux.acc_seg": 85.13323, "loss": 0.35258, "grad_norm": 11.56189, "time": 0.40724} {"mode": "train", "epoch": 111, "iter": 139150, "lr": 0.0, "memory": 14793, "data_time": 0.00594, "decode.loss_ce": 0.20836, "decode.acc_seg": 91.46034, "aux.loss_ce": 0.16367, "aux.acc_seg": 84.8448, "loss": 0.37203, "grad_norm": 10.56966, "time": 0.40783} {"mode": "train", "epoch": 111, "iter": 139200, "lr": 0.0, "memory": 14793, "data_time": 0.00521, "decode.loss_ce": 0.20395, "decode.acc_seg": 91.6215, "aux.loss_ce": 0.15676, "aux.acc_seg": 85.43657, "loss": 0.36071, "grad_norm": 12.24098, "time": 0.40931} {"mode": "train", "epoch": 111, "iter": 139250, "lr": 0.0, "memory": 14793, "data_time": 0.00581, "decode.loss_ce": 0.19675, "decode.acc_seg": 91.83121, "aux.loss_ce": 0.15406, "aux.acc_seg": 85.82862, "loss": 0.35081, "grad_norm": 10.73374, "time": 0.41519} {"mode": "train", "epoch": 111, "iter": 139300, "lr": 0.0, "memory": 14793, "data_time": 0.00538, "decode.loss_ce": 0.2005, "decode.acc_seg": 91.42847, "aux.loss_ce": 0.15939, "aux.acc_seg": 84.47358, "loss": 0.3599, "grad_norm": 13.57623, "time": 0.41733} {"mode": "train", "epoch": 111, "iter": 139350, "lr": 0.0, "memory": 14793, "data_time": 0.00537, "decode.loss_ce": 0.20121, "decode.acc_seg": 91.6557, "aux.loss_ce": 0.15008, "aux.acc_seg": 85.10699, "loss": 0.35129, "grad_norm": 10.63166, "time": 0.41029} {"mode": "train", "epoch": 111, "iter": 139400, "lr": 0.0, "memory": 14793, "data_time": 0.00555, "decode.loss_ce": 0.20292, "decode.acc_seg": 91.39221, "aux.loss_ce": 0.15509, "aux.acc_seg": 85.24761, "loss": 0.35802, "grad_norm": 13.40749, "time": 0.41055} {"mode": "train", "epoch": 111, "iter": 139450, "lr": 0.0, "memory": 14793, "data_time": 0.00567, "decode.loss_ce": 0.19656, "decode.acc_seg": 91.44444, "aux.loss_ce": 0.16125, "aux.acc_seg": 84.43418, "loss": 0.35782, "grad_norm": 11.02144, "time": 0.41355} {"mode": "train", "epoch": 111, "iter": 139500, "lr": 0.0, "memory": 14793, "data_time": 0.00546, "decode.loss_ce": 0.18992, "decode.acc_seg": 91.95012, "aux.loss_ce": 0.144, "aux.acc_seg": 85.82002, "loss": 0.33392, "grad_norm": 11.46696, "time": 0.40517} {"mode": "train", "epoch": 111, "iter": 139550, "lr": 0.0, "memory": 14793, "data_time": 0.00673, "decode.loss_ce": 0.20326, "decode.acc_seg": 91.64581, "aux.loss_ce": 0.15598, "aux.acc_seg": 85.16701, "loss": 0.35924, "grad_norm": 14.02297, "time": 0.41007} {"mode": "train", "epoch": 111, "iter": 139600, "lr": 0.0, "memory": 14793, "data_time": 0.00547, "decode.loss_ce": 0.18549, "decode.acc_seg": 91.9224, "aux.loss_ce": 0.1479, "aux.acc_seg": 84.73768, "loss": 0.3334, "grad_norm": 9.30519, "time": 0.41491} {"mode": "train", "epoch": 111, "iter": 139650, "lr": 0.0, "memory": 14793, "data_time": 0.00631, "decode.loss_ce": 0.19412, "decode.acc_seg": 91.73821, "aux.loss_ce": 0.1456, "aux.acc_seg": 85.77474, "loss": 0.33972, "grad_norm": 12.911, "time": 0.41342} {"mode": "train", "epoch": 111, "iter": 139700, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.2096, "decode.acc_seg": 91.2763, "aux.loss_ce": 0.1602, "aux.acc_seg": 84.58268, "loss": 0.3698, "grad_norm": 12.07022, "time": 0.42456} {"mode": "train", "epoch": 111, "iter": 139750, "lr": 0.0, "memory": 14793, "data_time": 0.00551, "decode.loss_ce": 0.18464, "decode.acc_seg": 92.29662, "aux.loss_ce": 0.14336, "aux.acc_seg": 86.1772, "loss": 0.328, "grad_norm": 11.65239, "time": 0.41357} {"mode": "train", "epoch": 111, "iter": 139800, "lr": 0.0, "memory": 14793, "data_time": 0.0059, "decode.loss_ce": 0.20142, "decode.acc_seg": 91.23261, "aux.loss_ce": 0.15976, "aux.acc_seg": 84.07139, "loss": 0.36118, "grad_norm": 10.34181, "time": 0.41064} {"mode": "train", "epoch": 111, "iter": 139850, "lr": 0.0, "memory": 14793, "data_time": 0.00546, "decode.loss_ce": 0.19863, "decode.acc_seg": 91.69274, "aux.loss_ce": 0.14908, "aux.acc_seg": 85.74326, "loss": 0.34771, "grad_norm": 11.05746, "time": 0.40555} {"mode": "train", "epoch": 111, "iter": 139900, "lr": 0.0, "memory": 14793, "data_time": 0.00536, "decode.loss_ce": 0.20449, "decode.acc_seg": 91.49997, "aux.loss_ce": 0.16146, "aux.acc_seg": 84.94052, "loss": 0.36595, "grad_norm": 12.13467, "time": 0.41434} {"mode": "train", "epoch": 111, "iter": 139950, "lr": 0.0, "memory": 14793, "data_time": 0.00488, "decode.loss_ce": 0.18501, "decode.acc_seg": 91.61098, "aux.loss_ce": 0.15297, "aux.acc_seg": 84.78113, "loss": 0.33799, "grad_norm": 8.8067, "time": 0.42517} {"mode": "train", "epoch": 111, "iter": 140000, "lr": 0.0, "memory": 14793, "data_time": 0.00533, "decode.loss_ce": 0.19386, "decode.acc_seg": 91.94758, "aux.loss_ce": 0.14946, "aux.acc_seg": 85.7358, "loss": 0.34332, "grad_norm": 12.76157, "time": 0.66916} {"mode": "val", "epoch": 111, "iter": 125, "lr": 0.0, "aAcc": 0.8505, "mIoU": 0.548, "mAcc": 0.6737, "IoU.wall": 0.8059, "IoU.building": 0.8376, "IoU.sky": 0.9493, "IoU.floor": 0.834, "IoU.tree": 0.7596, "IoU.ceiling": 0.8581, "IoU.road": 0.8573, "IoU.bed ": 0.9175, "IoU.windowpane": 0.6488, "IoU.grass": 0.6722, "IoU.cabinet": 0.6552, "IoU.sidewalk": 0.6986, "IoU.person": 0.8418, "IoU.earth": 0.3898, "IoU.door": 0.5643, "IoU.table": 0.6584, "IoU.mountain": 0.6023, "IoU.plant": 0.5271, "IoU.curtain": 0.7605, "IoU.chair": 0.6309, "IoU.car": 0.8634, "IoU.water": 0.6062, "IoU.painting": 0.7431, "IoU.sofa": 0.7548, "IoU.shelf": 0.4609, "IoU.house": 0.4904, "IoU.sea": 0.6941, "IoU.mirror": 0.7421, "IoU.rug": 0.6686, "IoU.field": 0.3083, "IoU.armchair": 0.4898, "IoU.seat": 0.6672, "IoU.fence": 0.4734, "IoU.desk": 0.5304, "IoU.rock": 0.5301, "IoU.wardrobe": 0.5667, "IoU.lamp": 0.6951, "IoU.bathtub": 0.8285, "IoU.railing": 0.404, "IoU.cushion": 0.6593, "IoU.base": 0.3961, "IoU.box": 0.3417, "IoU.column": 0.5412, "IoU.signboard": 0.3867, "IoU.chest of drawers": 0.4463, "IoU.counter": 0.2948, "IoU.sand": 0.5862, "IoU.sink": 0.7958, "IoU.skyscraper": 0.6085, "IoU.fireplace": 0.7176, "IoU.refrigerator": 0.7835, "IoU.grandstand": 0.4826, "IoU.path": 0.2381, "IoU.stairs": 0.3355, "IoU.runway": 0.6403, "IoU.case": 0.4673, "IoU.pool table": 0.9346, "IoU.pillow": 0.6311, "IoU.screen door": 0.6923, "IoU.stairway": 0.366, "IoU.river": 0.1095, "IoU.bridge": 0.4125, "IoU.bookcase": 0.4859, "IoU.blind": 0.4542, "IoU.coffee table": 0.6194, "IoU.toilet": 0.8797, "IoU.flower": 0.4536, "IoU.book": 0.5011, "IoU.hill": 0.0797, "IoU.bench": 0.6638, "IoU.countertop": 0.6037, "IoU.stove": 0.8393, "IoU.palm": 0.5597, "IoU.kitchen island": 0.4507, "IoU.computer": 0.755, "IoU.swivel chair": 0.5218, "IoU.boat": 0.747, "IoU.bar": 0.5189, "IoU.arcade machine": 0.6507, "IoU.hovel": 0.6157, "IoU.bus": 0.9175, "IoU.towel": 0.7104, "IoU.light": 0.5966, "IoU.truck": 0.4535, "IoU.tower": 0.2508, "IoU.chandelier": 0.7171, "IoU.awning": 0.352, "IoU.streetlight": 0.3356, "IoU.booth": 0.4324, "IoU.television receiver": 0.7654, "IoU.airplane": 0.7634, "IoU.dirt track": 0.0745, "IoU.apparel": 0.6166, "IoU.pole": 0.2497, "IoU.land": 0.0537, "IoU.bannister": 0.1612, "IoU.escalator": 0.535, "IoU.ottoman": 0.5659, "IoU.bottle": 0.4141, "IoU.buffet": 0.4571, "IoU.poster": 0.3165, "IoU.stage": 0.2409, "IoU.van": 0.4659, "IoU.ship": 0.4799, "IoU.fountain": 0.2433, "IoU.conveyer belt": 0.8132, "IoU.canopy": 0.3998, "IoU.washer": 0.7333, "IoU.plaything": 0.383, "IoU.swimming pool": 0.6628, "IoU.stool": 0.4882, "IoU.barrel": 0.5455, "IoU.basket": 0.3927, "IoU.waterfall": 0.6105, "IoU.tent": 0.9542, "IoU.bag": 0.21, "IoU.minibike": 0.7269, "IoU.cradle": 0.854, "IoU.oven": 0.4869, "IoU.ball": 0.4614, "IoU.food": 0.5519, "IoU.step": 0.2481, "IoU.tank": 0.6329, "IoU.trade name": 0.2956, "IoU.microwave": 0.8268, "IoU.pot": 0.521, "IoU.animal": 0.6126, "IoU.bicycle": 0.6041, "IoU.lake": 0.4955, "IoU.dishwasher": 0.6943, "IoU.screen": 0.5683, "IoU.blanket": 0.2672, "IoU.sculpture": 0.6891, "IoU.hood": 0.6567, "IoU.sconce": 0.5636, "IoU.vase": 0.451, "IoU.traffic light": 0.3728, "IoU.tray": 0.0795, "IoU.ashcan": 0.4633, "IoU.fan": 0.6771, "IoU.pier": 0.4416, "IoU.crt screen": 0.0882, "IoU.plate": 0.5903, "IoU.monitor": 0.1624, "IoU.bulletin board": 0.6703, "IoU.shower": 0.0141, "IoU.radiator": 0.6325, "IoU.glass": 0.1673, "IoU.clock": 0.4766, "IoU.flag": 0.534, "Acc.wall": 0.8876, "Acc.building": 0.9231, "Acc.sky": 0.9769, "Acc.floor": 0.9128, "Acc.tree": 0.8918, "Acc.ceiling": 0.9186, "Acc.road": 0.9255, "Acc.bed ": 0.974, "Acc.windowpane": 0.8127, "Acc.grass": 0.8228, "Acc.cabinet": 0.7696, "Acc.sidewalk": 0.8219, "Acc.person": 0.9383, "Acc.earth": 0.5309, "Acc.door": 0.7473, "Acc.table": 0.7982, "Acc.mountain": 0.7257, "Acc.plant": 0.6296, "Acc.curtain": 0.8761, "Acc.chair": 0.7496, "Acc.car": 0.9378, "Acc.water": 0.7643, "Acc.painting": 0.8995, "Acc.sofa": 0.9026, "Acc.shelf": 0.6385, "Acc.house": 0.7049, "Acc.sea": 0.8668, "Acc.mirror": 0.8069, "Acc.rug": 0.7868, "Acc.field": 0.461, "Acc.armchair": 0.6602, "Acc.seat": 0.8386, "Acc.fence": 0.6346, "Acc.desk": 0.7511, "Acc.rock": 0.789, "Acc.wardrobe": 0.7168, "Acc.lamp": 0.8153, "Acc.bathtub": 0.867, "Acc.railing": 0.549, "Acc.cushion": 0.7635, "Acc.base": 0.5249, "Acc.box": 0.4485, "Acc.column": 0.6619, "Acc.signboard": 0.5119, "Acc.chest of drawers": 0.6676, "Acc.counter": 0.4109, "Acc.sand": 0.7871, "Acc.sink": 0.8596, "Acc.skyscraper": 0.7734, "Acc.fireplace": 0.935, "Acc.refrigerator": 0.8599, "Acc.grandstand": 0.8206, "Acc.path": 0.359, "Acc.stairs": 0.4366, "Acc.runway": 0.8594, "Acc.case": 0.5908, "Acc.pool table": 0.9839, "Acc.pillow": 0.7501, "Acc.screen door": 0.8564, "Acc.stairway": 0.4519, "Acc.river": 0.2201, "Acc.bridge": 0.4697, "Acc.bookcase": 0.71, "Acc.blind": 0.5253, "Acc.coffee table": 0.8577, "Acc.toilet": 0.9271, "Acc.flower": 0.6184, "Acc.book": 0.6872, "Acc.hill": 0.1363, "Acc.bench": 0.7712, "Acc.countertop": 0.8212, "Acc.stove": 0.9033, "Acc.palm": 0.7615, "Acc.kitchen island": 0.8098, "Acc.computer": 0.8976, "Acc.swivel chair": 0.7224, "Acc.boat": 0.85, "Acc.bar": 0.6747, "Acc.arcade machine": 0.6946, "Acc.hovel": 0.679, "Acc.bus": 0.9749, "Acc.towel": 0.8627, "Acc.light": 0.7047, "Acc.truck": 0.5956, "Acc.tower": 0.433, "Acc.chandelier": 0.8428, "Acc.awning": 0.4234, "Acc.streetlight": 0.4552, "Acc.booth": 0.5642, "Acc.television receiver": 0.8675, "Acc.airplane": 0.8517, "Acc.dirt track": 0.1591, "Acc.apparel": 0.7568, "Acc.pole": 0.3517, "Acc.land": 0.077, "Acc.bannister": 0.2177, "Acc.escalator": 0.815, "Acc.ottoman": 0.7434, "Acc.bottle": 0.6793, "Acc.buffet": 0.5621, "Acc.poster": 0.4545, "Acc.stage": 0.3665, "Acc.van": 0.638, "Acc.ship": 0.5375, "Acc.fountain": 0.245, "Acc.conveyer belt": 0.9465, "Acc.canopy": 0.5491, "Acc.washer": 0.761, "Acc.plaything": 0.5755, "Acc.swimming pool": 0.7585, "Acc.stool": 0.6646, "Acc.barrel": 0.8929, "Acc.basket": 0.4987, "Acc.waterfall": 0.7121, "Acc.tent": 0.9831, "Acc.bag": 0.253, "Acc.minibike": 0.8723, "Acc.cradle": 0.9782, "Acc.oven": 0.623, "Acc.ball": 0.4966, "Acc.food": 0.6376, "Acc.step": 0.3055, "Acc.tank": 0.6656, "Acc.trade name": 0.3538, "Acc.microwave": 0.9476, "Acc.pot": 0.6203, "Acc.animal": 0.6308, "Acc.bicycle": 0.7887, "Acc.lake": 0.6379, "Acc.dishwasher": 0.7955, "Acc.screen": 0.8794, "Acc.blanket": 0.3223, "Acc.sculpture": 0.8589, "Acc.hood": 0.7078, "Acc.sconce": 0.6946, "Acc.vase": 0.6308, "Acc.traffic light": 0.5781, "Acc.tray": 0.1364, "Acc.ashcan": 0.6051, "Acc.fan": 0.7971, "Acc.pier": 0.6213, "Acc.crt screen": 0.2138, "Acc.plate": 0.8014, "Acc.monitor": 0.1857, "Acc.bulletin board": 0.7753, "Acc.shower": 0.0142, "Acc.radiator": 0.7227, "Acc.glass": 0.1801, "Acc.clock": 0.529, "Acc.flag": 0.5945} {"mode": "train", "epoch": 111, "iter": 140050, "lr": 0.0, "memory": 14793, "data_time": 2.09823, "decode.loss_ce": 0.19583, "decode.acc_seg": 91.72792, "aux.loss_ce": 0.15287, "aux.acc_seg": 85.13592, "loss": 0.3487, "grad_norm": 12.09809, "time": 2.51701} {"mode": "train", "epoch": 111, "iter": 140100, "lr": 0.0, "memory": 14793, "data_time": 0.0051, "decode.loss_ce": 0.19938, "decode.acc_seg": 91.37516, "aux.loss_ce": 0.15305, "aux.acc_seg": 85.12311, "loss": 0.35243, "grad_norm": 11.20856, "time": 0.41548} {"mode": "train", "epoch": 111, "iter": 140150, "lr": 0.0, "memory": 14793, "data_time": 0.00534, "decode.loss_ce": 0.19217, "decode.acc_seg": 92.0236, "aux.loss_ce": 0.15168, "aux.acc_seg": 85.30534, "loss": 0.34385, "grad_norm": 11.06668, "time": 0.41931} {"mode": "train", "epoch": 111, "iter": 140200, "lr": 0.0, "memory": 14793, "data_time": 0.00531, "decode.loss_ce": 0.20258, "decode.acc_seg": 91.44921, "aux.loss_ce": 0.15825, "aux.acc_seg": 84.45316, "loss": 0.36083, "grad_norm": 11.15032, "time": 0.4176} {"mode": "train", "epoch": 111, "iter": 140250, "lr": 0.0, "memory": 14793, "data_time": 0.00479, "decode.loss_ce": 0.19559, "decode.acc_seg": 91.81999, "aux.loss_ce": 0.1591, "aux.acc_seg": 85.39241, "loss": 0.35469, "grad_norm": 12.94946, "time": 0.4161} {"mode": "train", "epoch": 111, "iter": 140300, "lr": 0.0, "memory": 14793, "data_time": 0.00562, "decode.loss_ce": 0.20515, "decode.acc_seg": 91.21507, "aux.loss_ce": 0.15563, "aux.acc_seg": 84.48586, "loss": 0.36078, "grad_norm": 13.56793, "time": 0.41112} {"mode": "train", "epoch": 112, "iter": 140350, "lr": 0.0, "memory": 14793, "data_time": 0.04978, "decode.loss_ce": 0.20405, "decode.acc_seg": 91.47199, "aux.loss_ce": 0.16017, "aux.acc_seg": 84.92203, "loss": 0.36423, "grad_norm": 12.40301, "time": 0.45325} {"mode": "train", "epoch": 112, "iter": 140400, "lr": 0.0, "memory": 14793, "data_time": 0.00588, "decode.loss_ce": 0.1955, "decode.acc_seg": 91.9315, "aux.loss_ce": 0.1575, "aux.acc_seg": 85.23047, "loss": 0.353, "grad_norm": 10.58476, "time": 0.42245} {"mode": "train", "epoch": 112, "iter": 140450, "lr": 0.0, "memory": 14793, "data_time": 0.00527, "decode.loss_ce": 0.20326, "decode.acc_seg": 91.68963, "aux.loss_ce": 0.16337, "aux.acc_seg": 84.26765, "loss": 0.36663, "grad_norm": 12.08651, "time": 0.41199} {"mode": "train", "epoch": 112, "iter": 140500, "lr": 0.0, "memory": 14793, "data_time": 0.00521, "decode.loss_ce": 0.18607, "decode.acc_seg": 91.73384, "aux.loss_ce": 0.14863, "aux.acc_seg": 85.32367, "loss": 0.3347, "grad_norm": 9.74513, "time": 0.41631} {"mode": "train", "epoch": 112, "iter": 140550, "lr": 0.0, "memory": 14793, "data_time": 0.00519, "decode.loss_ce": 0.19496, "decode.acc_seg": 91.91793, "aux.loss_ce": 0.14993, "aux.acc_seg": 85.67858, "loss": 0.34489, "grad_norm": 12.06212, "time": 0.42049} {"mode": "train", "epoch": 112, "iter": 140600, "lr": 0.0, "memory": 14793, "data_time": 0.00504, "decode.loss_ce": 0.19018, "decode.acc_seg": 92.01602, "aux.loss_ce": 0.15101, "aux.acc_seg": 85.24963, "loss": 0.34119, "grad_norm": 10.8812, "time": 0.4102} {"mode": "train", "epoch": 112, "iter": 140650, "lr": 0.0, "memory": 14793, "data_time": 0.00536, "decode.loss_ce": 0.18979, "decode.acc_seg": 92.21386, "aux.loss_ce": 0.1503, "aux.acc_seg": 85.72119, "loss": 0.34009, "grad_norm": 11.60382, "time": 0.41362} {"mode": "train", "epoch": 112, "iter": 140700, "lr": 0.0, "memory": 14793, "data_time": 0.00519, "decode.loss_ce": 0.19241, "decode.acc_seg": 91.65782, "aux.loss_ce": 0.15472, "aux.acc_seg": 84.90239, "loss": 0.34713, "grad_norm": 13.61995, "time": 0.40812} {"mode": "train", "epoch": 112, "iter": 140750, "lr": 0.0, "memory": 14793, "data_time": 0.00566, "decode.loss_ce": 0.20108, "decode.acc_seg": 91.45095, "aux.loss_ce": 0.16735, "aux.acc_seg": 83.97791, "loss": 0.36844, "grad_norm": 11.84139, "time": 0.41866} {"mode": "train", "epoch": 112, "iter": 140800, "lr": 0.0, "memory": 14793, "data_time": 0.0052, "decode.loss_ce": 0.1951, "decode.acc_seg": 91.67305, "aux.loss_ce": 0.15502, "aux.acc_seg": 84.66752, "loss": 0.35012, "grad_norm": 11.60908, "time": 0.4121} {"mode": "train", "epoch": 112, "iter": 140850, "lr": 0.0, "memory": 14793, "data_time": 0.00538, "decode.loss_ce": 0.20508, "decode.acc_seg": 91.48419, "aux.loss_ce": 0.16187, "aux.acc_seg": 84.54028, "loss": 0.36694, "grad_norm": 12.90366, "time": 0.41034} {"mode": "train", "epoch": 112, "iter": 140900, "lr": 0.0, "memory": 14793, "data_time": 0.00514, "decode.loss_ce": 0.20986, "decode.acc_seg": 91.50269, "aux.loss_ce": 0.16463, "aux.acc_seg": 84.78344, "loss": 0.37449, "grad_norm": 14.76002, "time": 0.41247} {"mode": "train", "epoch": 112, "iter": 140950, "lr": 0.0, "memory": 14793, "data_time": 0.00512, "decode.loss_ce": 0.19648, "decode.acc_seg": 91.54022, "aux.loss_ce": 0.1457, "aux.acc_seg": 85.71789, "loss": 0.34217, "grad_norm": 10.39573, "time": 0.42059} {"mode": "train", "epoch": 112, "iter": 141000, "lr": 0.0, "memory": 14793, "data_time": 0.0078, "decode.loss_ce": 0.19322, "decode.acc_seg": 91.76045, "aux.loss_ce": 0.1469, "aux.acc_seg": 85.75755, "loss": 0.34012, "grad_norm": 9.77799, "time": 0.64329} {"mode": "val", "epoch": 112, "iter": 125, "lr": 0.0, "aAcc": 0.8492, "mIoU": 0.5466, "mAcc": 0.6713, "IoU.wall": 0.8038, "IoU.building": 0.8353, "IoU.sky": 0.9486, "IoU.floor": 0.8315, "IoU.tree": 0.7578, "IoU.ceiling": 0.8568, "IoU.road": 0.8565, "IoU.bed ": 0.9164, "IoU.windowpane": 0.6467, "IoU.grass": 0.671, "IoU.cabinet": 0.6537, "IoU.sidewalk": 0.696, "IoU.person": 0.8411, "IoU.earth": 0.3886, "IoU.door": 0.5539, "IoU.table": 0.6575, "IoU.mountain": 0.598, "IoU.plant": 0.5216, "IoU.curtain": 0.7594, "IoU.chair": 0.633, "IoU.car": 0.8651, "IoU.water": 0.6086, "IoU.painting": 0.7422, "IoU.sofa": 0.7582, "IoU.shelf": 0.4469, "IoU.house": 0.487, "IoU.sea": 0.7049, "IoU.mirror": 0.7403, "IoU.rug": 0.6674, "IoU.field": 0.3166, "IoU.armchair": 0.5033, "IoU.seat": 0.6652, "IoU.fence": 0.4644, "IoU.desk": 0.537, "IoU.rock": 0.515, "IoU.wardrobe": 0.5552, "IoU.lamp": 0.6962, "IoU.bathtub": 0.8274, "IoU.railing": 0.4077, "IoU.cushion": 0.6639, "IoU.base": 0.414, "IoU.box": 0.3395, "IoU.column": 0.5389, "IoU.signboard": 0.3872, "IoU.chest of drawers": 0.4554, "IoU.counter": 0.3049, "IoU.sand": 0.5886, "IoU.sink": 0.7962, "IoU.skyscraper": 0.5574, "IoU.fireplace": 0.7211, "IoU.refrigerator": 0.7814, "IoU.grandstand": 0.479, "IoU.path": 0.2458, "IoU.stairs": 0.2997, "IoU.runway": 0.643, "IoU.case": 0.4812, "IoU.pool table": 0.9361, "IoU.pillow": 0.6151, "IoU.screen door": 0.6974, "IoU.stairway": 0.332, "IoU.river": 0.0991, "IoU.bridge": 0.3915, "IoU.bookcase": 0.4591, "IoU.blind": 0.4715, "IoU.coffee table": 0.6228, "IoU.toilet": 0.8791, "IoU.flower": 0.4524, "IoU.book": 0.4983, "IoU.hill": 0.0762, "IoU.bench": 0.6557, "IoU.countertop": 0.6184, "IoU.stove": 0.8387, "IoU.palm": 0.5471, "IoU.kitchen island": 0.4588, "IoU.computer": 0.7514, "IoU.swivel chair": 0.5518, "IoU.boat": 0.7424, "IoU.bar": 0.5225, "IoU.arcade machine": 0.6258, "IoU.hovel": 0.6132, "IoU.bus": 0.9195, "IoU.towel": 0.715, "IoU.light": 0.598, "IoU.truck": 0.4556, "IoU.tower": 0.2465, "IoU.chandelier": 0.7143, "IoU.awning": 0.35, "IoU.streetlight": 0.3351, "IoU.booth": 0.4229, "IoU.television receiver": 0.7662, "IoU.airplane": 0.7431, "IoU.dirt track": 0.0724, "IoU.apparel": 0.6447, "IoU.pole": 0.2514, "IoU.land": 0.0552, "IoU.bannister": 0.1588, "IoU.escalator": 0.5422, "IoU.ottoman": 0.5679, "IoU.bottle": 0.4138, "IoU.buffet": 0.4698, "IoU.poster": 0.3156, "IoU.stage": 0.2388, "IoU.van": 0.4671, "IoU.ship": 0.4032, "IoU.fountain": 0.2617, "IoU.conveyer belt": 0.806, "IoU.canopy": 0.3826, "IoU.washer": 0.7295, "IoU.plaything": 0.4064, "IoU.swimming pool": 0.656, "IoU.stool": 0.4828, "IoU.barrel": 0.5374, "IoU.basket": 0.3899, "IoU.waterfall": 0.6728, "IoU.tent": 0.9543, "IoU.bag": 0.2179, "IoU.minibike": 0.7267, "IoU.cradle": 0.8443, "IoU.oven": 0.4974, "IoU.ball": 0.4489, "IoU.food": 0.5274, "IoU.step": 0.2166, "IoU.tank": 0.6312, "IoU.trade name": 0.286, "IoU.microwave": 0.8401, "IoU.pot": 0.527, "IoU.animal": 0.597, "IoU.bicycle": 0.6025, "IoU.lake": 0.5024, "IoU.dishwasher": 0.7107, "IoU.screen": 0.5879, "IoU.blanket": 0.2686, "IoU.sculpture": 0.6941, "IoU.hood": 0.6697, "IoU.sconce": 0.5601, "IoU.vase": 0.4585, "IoU.traffic light": 0.3775, "IoU.tray": 0.0664, "IoU.ashcan": 0.4604, "IoU.fan": 0.6701, "IoU.pier": 0.3883, "IoU.crt screen": 0.15, "IoU.plate": 0.5906, "IoU.monitor": 0.144, "IoU.bulletin board": 0.6653, "IoU.shower": 0.0209, "IoU.radiator": 0.6329, "IoU.glass": 0.1667, "IoU.clock": 0.4653, "IoU.flag": 0.5349, "Acc.wall": 0.8877, "Acc.building": 0.9237, "Acc.sky": 0.9761, "Acc.floor": 0.9097, "Acc.tree": 0.8916, "Acc.ceiling": 0.9238, "Acc.road": 0.9186, "Acc.bed ": 0.9732, "Acc.windowpane": 0.8045, "Acc.grass": 0.8219, "Acc.cabinet": 0.766, "Acc.sidewalk": 0.8355, "Acc.person": 0.9375, "Acc.earth": 0.5221, "Acc.door": 0.7341, "Acc.table": 0.7927, "Acc.mountain": 0.7272, "Acc.plant": 0.6309, "Acc.curtain": 0.8763, "Acc.chair": 0.7536, "Acc.car": 0.9362, "Acc.water": 0.76, "Acc.painting": 0.8939, "Acc.sofa": 0.8998, "Acc.shelf": 0.6033, "Acc.house": 0.7065, "Acc.sea": 0.8356, "Acc.mirror": 0.8092, "Acc.rug": 0.7837, "Acc.field": 0.4698, "Acc.armchair": 0.685, "Acc.seat": 0.8378, "Acc.fence": 0.6097, "Acc.desk": 0.7321, "Acc.rock": 0.7749, "Acc.wardrobe": 0.7403, "Acc.lamp": 0.8057, "Acc.bathtub": 0.8659, "Acc.railing": 0.5565, "Acc.cushion": 0.7726, "Acc.base": 0.5657, "Acc.box": 0.4383, "Acc.column": 0.6583, "Acc.signboard": 0.5186, "Acc.chest of drawers": 0.661, "Acc.counter": 0.4143, "Acc.sand": 0.769, "Acc.sink": 0.8682, "Acc.skyscraper": 0.701, "Acc.fireplace": 0.932, "Acc.refrigerator": 0.8423, "Acc.grandstand": 0.8336, "Acc.path": 0.3884, "Acc.stairs": 0.3927, "Acc.runway": 0.8606, "Acc.case": 0.6283, "Acc.pool table": 0.9828, "Acc.pillow": 0.7105, "Acc.screen door": 0.8339, "Acc.stairway": 0.4525, "Acc.river": 0.2304, "Acc.bridge": 0.4419, "Acc.bookcase": 0.715, "Acc.blind": 0.5518, "Acc.coffee table": 0.851, "Acc.toilet": 0.9313, "Acc.flower": 0.6029, "Acc.book": 0.697, "Acc.hill": 0.1376, "Acc.bench": 0.781, "Acc.countertop": 0.8145, "Acc.stove": 0.8977, "Acc.palm": 0.7086, "Acc.kitchen island": 0.7929, "Acc.computer": 0.9039, "Acc.swivel chair": 0.8059, "Acc.boat": 0.8553, "Acc.bar": 0.6904, "Acc.arcade machine": 0.663, "Acc.hovel": 0.6984, "Acc.bus": 0.9758, "Acc.towel": 0.8659, "Acc.light": 0.6902, "Acc.truck": 0.5933, "Acc.tower": 0.4303, "Acc.chandelier": 0.8751, "Acc.awning": 0.4171, "Acc.streetlight": 0.4593, "Acc.booth": 0.5649, "Acc.television receiver": 0.8582, "Acc.airplane": 0.8367, "Acc.dirt track": 0.1426, "Acc.apparel": 0.7904, "Acc.pole": 0.3528, "Acc.land": 0.0777, "Acc.bannister": 0.2253, "Acc.escalator": 0.812, "Acc.ottoman": 0.7339, "Acc.bottle": 0.6588, "Acc.buffet": 0.5957, "Acc.poster": 0.4604, "Acc.stage": 0.3683, "Acc.van": 0.6352, "Acc.ship": 0.4537, "Acc.fountain": 0.2639, "Acc.conveyer belt": 0.9431, "Acc.canopy": 0.5633, "Acc.washer": 0.7583, "Acc.plaything": 0.6185, "Acc.swimming pool": 0.749, "Acc.stool": 0.628, "Acc.barrel": 0.8752, "Acc.basket": 0.4954, "Acc.waterfall": 0.7908, "Acc.tent": 0.9832, "Acc.bag": 0.2641, "Acc.minibike": 0.8751, "Acc.cradle": 0.9808, "Acc.oven": 0.6294, "Acc.ball": 0.4779, "Acc.food": 0.5987, "Acc.step": 0.2664, "Acc.tank": 0.6623, "Acc.trade name": 0.3367, "Acc.microwave": 0.9577, "Acc.pot": 0.626, "Acc.animal": 0.6124, "Acc.bicycle": 0.7735, "Acc.lake": 0.638, "Acc.dishwasher": 0.795, "Acc.screen": 0.8608, "Acc.blanket": 0.3201, "Acc.sculpture": 0.852, "Acc.hood": 0.7071, "Acc.sconce": 0.6748, "Acc.vase": 0.6147, "Acc.traffic light": 0.5822, "Acc.tray": 0.1023, "Acc.ashcan": 0.6075, "Acc.fan": 0.7821, "Acc.pier": 0.5452, "Acc.crt screen": 0.3783, "Acc.plate": 0.7768, "Acc.monitor": 0.1622, "Acc.bulletin board": 0.766, "Acc.shower": 0.0214, "Acc.radiator": 0.7204, "Acc.glass": 0.1792, "Acc.clock": 0.5098, "Acc.flag": 0.5948} {"mode": "train", "epoch": 112, "iter": 141050, "lr": 0.0, "memory": 14793, "data_time": 2.08707, "decode.loss_ce": 0.19517, "decode.acc_seg": 91.67914, "aux.loss_ce": 0.15249, "aux.acc_seg": 85.02671, "loss": 0.34765, "grad_norm": 12.44118, "time": 2.50166} {"mode": "train", "epoch": 112, "iter": 141100, "lr": 0.0, "memory": 14793, "data_time": 0.00606, "decode.loss_ce": 0.19173, "decode.acc_seg": 91.99328, "aux.loss_ce": 0.15135, "aux.acc_seg": 85.5866, "loss": 0.34308, "grad_norm": 13.27349, "time": 0.41557} {"mode": "train", "epoch": 112, "iter": 141150, "lr": 0.0, "memory": 14793, "data_time": 0.00574, "decode.loss_ce": 0.20442, "decode.acc_seg": 91.22734, "aux.loss_ce": 0.16027, "aux.acc_seg": 84.90748, "loss": 0.36469, "grad_norm": 16.16502, "time": 0.4166} {"mode": "train", "epoch": 112, "iter": 141200, "lr": 0.0, "memory": 14793, "data_time": 0.00562, "decode.loss_ce": 0.19451, "decode.acc_seg": 92.02475, "aux.loss_ce": 0.1557, "aux.acc_seg": 85.18532, "loss": 0.35021, "grad_norm": 11.21292, "time": 0.42655} {"mode": "train", "epoch": 112, "iter": 141250, "lr": 0.0, "memory": 14793, "data_time": 0.00557, "decode.loss_ce": 0.19488, "decode.acc_seg": 91.18098, "aux.loss_ce": 0.15791, "aux.acc_seg": 84.20231, "loss": 0.35279, "grad_norm": 11.01723, "time": 0.41824} {"mode": "train", "epoch": 112, "iter": 141300, "lr": 0.0, "memory": 14793, "data_time": 0.00622, "decode.loss_ce": 0.20796, "decode.acc_seg": 91.31494, "aux.loss_ce": 0.16336, "aux.acc_seg": 84.34411, "loss": 0.37132, "grad_norm": 11.24437, "time": 0.41704} {"mode": "train", "epoch": 112, "iter": 141350, "lr": 0.0, "memory": 14793, "data_time": 0.00573, "decode.loss_ce": 0.19353, "decode.acc_seg": 91.58401, "aux.loss_ce": 0.1551, "aux.acc_seg": 84.97565, "loss": 0.34862, "grad_norm": 11.64695, "time": 0.42422} {"mode": "train", "epoch": 112, "iter": 141400, "lr": 0.0, "memory": 14793, "data_time": 0.00547, "decode.loss_ce": 0.20243, "decode.acc_seg": 91.31498, "aux.loss_ce": 0.15583, "aux.acc_seg": 84.69032, "loss": 0.35826, "grad_norm": 10.13021, "time": 0.41488} {"mode": "train", "epoch": 112, "iter": 141450, "lr": 0.0, "memory": 14793, "data_time": 0.0057, "decode.loss_ce": 0.19089, "decode.acc_seg": 91.76421, "aux.loss_ce": 0.15103, "aux.acc_seg": 85.3411, "loss": 0.34191, "grad_norm": 12.86918, "time": 0.41544} {"mode": "train", "epoch": 112, "iter": 141500, "lr": 0.0, "memory": 14793, "data_time": 0.00548, "decode.loss_ce": 0.18602, "decode.acc_seg": 92.19215, "aux.loss_ce": 0.14906, "aux.acc_seg": 85.82545, "loss": 0.33508, "grad_norm": 9.18255, "time": 0.41039} {"mode": "train", "epoch": 112, "iter": 141550, "lr": 0.0, "memory": 14793, "data_time": 0.00581, "decode.loss_ce": 0.18875, "decode.acc_seg": 91.54547, "aux.loss_ce": 0.15351, "aux.acc_seg": 84.71047, "loss": 0.34226, "grad_norm": 11.20275, "time": 0.41106} {"mode": "train", "epoch": 113, "iter": 141600, "lr": 0.0, "memory": 14793, "data_time": 0.05277, "decode.loss_ce": 0.20898, "decode.acc_seg": 91.48529, "aux.loss_ce": 0.15579, "aux.acc_seg": 85.46426, "loss": 0.36476, "grad_norm": 12.86605, "time": 0.47128} {"mode": "train", "epoch": 113, "iter": 141650, "lr": 0.0, "memory": 14793, "data_time": 0.00664, "decode.loss_ce": 0.20129, "decode.acc_seg": 91.72889, "aux.loss_ce": 0.16045, "aux.acc_seg": 85.1243, "loss": 0.36174, "grad_norm": 10.51292, "time": 0.42157} {"mode": "train", "epoch": 113, "iter": 141700, "lr": 0.0, "memory": 14793, "data_time": 0.00548, "decode.loss_ce": 0.18835, "decode.acc_seg": 91.96264, "aux.loss_ce": 0.14906, "aux.acc_seg": 85.90314, "loss": 0.3374, "grad_norm": 8.59557, "time": 0.41947} {"mode": "train", "epoch": 113, "iter": 141750, "lr": 0.0, "memory": 14793, "data_time": 0.00527, "decode.loss_ce": 0.19849, "decode.acc_seg": 91.73721, "aux.loss_ce": 0.15227, "aux.acc_seg": 85.35907, "loss": 0.35077, "grad_norm": 12.04462, "time": 0.41997} {"mode": "train", "epoch": 113, "iter": 141800, "lr": 0.0, "memory": 14793, "data_time": 0.00514, "decode.loss_ce": 0.19868, "decode.acc_seg": 91.71929, "aux.loss_ce": 0.1556, "aux.acc_seg": 84.92504, "loss": 0.35428, "grad_norm": 10.9097, "time": 0.41184} {"mode": "train", "epoch": 113, "iter": 141850, "lr": 0.0, "memory": 14793, "data_time": 0.0055, "decode.loss_ce": 0.18179, "decode.acc_seg": 92.11079, "aux.loss_ce": 0.15106, "aux.acc_seg": 85.41756, "loss": 0.33286, "grad_norm": 8.4894, "time": 0.41145} {"mode": "train", "epoch": 113, "iter": 141900, "lr": 0.0, "memory": 14793, "data_time": 0.00565, "decode.loss_ce": 0.19538, "decode.acc_seg": 91.8731, "aux.loss_ce": 0.14406, "aux.acc_seg": 86.33782, "loss": 0.33943, "grad_norm": 10.46185, "time": 0.41518} {"mode": "train", "epoch": 113, "iter": 141950, "lr": 0.0, "memory": 14793, "data_time": 0.00476, "decode.loss_ce": 0.19433, "decode.acc_seg": 91.7199, "aux.loss_ce": 0.15693, "aux.acc_seg": 84.6975, "loss": 0.35126, "grad_norm": 15.90747, "time": 0.41654} {"mode": "train", "epoch": 113, "iter": 142000, "lr": 0.0, "memory": 14793, "data_time": 0.00507, "decode.loss_ce": 0.2065, "decode.acc_seg": 91.2143, "aux.loss_ce": 0.1632, "aux.acc_seg": 84.41648, "loss": 0.36969, "grad_norm": 13.87291, "time": 0.65795} {"mode": "val", "epoch": 113, "iter": 125, "lr": 0.0, "aAcc": 0.8502, "mIoU": 0.5479, "mAcc": 0.6737, "IoU.wall": 0.806, "IoU.building": 0.8365, "IoU.sky": 0.9487, "IoU.floor": 0.8342, "IoU.tree": 0.7574, "IoU.ceiling": 0.8595, "IoU.road": 0.8589, "IoU.bed ": 0.9174, "IoU.windowpane": 0.6474, "IoU.grass": 0.6732, "IoU.cabinet": 0.6538, "IoU.sidewalk": 0.6992, "IoU.person": 0.8411, "IoU.earth": 0.3901, "IoU.door": 0.5599, "IoU.table": 0.652, "IoU.mountain": 0.6001, "IoU.plant": 0.5329, "IoU.curtain": 0.7625, "IoU.chair": 0.6351, "IoU.car": 0.8619, "IoU.water": 0.6106, "IoU.painting": 0.7442, "IoU.sofa": 0.7626, "IoU.shelf": 0.4521, "IoU.house": 0.4953, "IoU.sea": 0.7072, "IoU.mirror": 0.7423, "IoU.rug": 0.6812, "IoU.field": 0.308, "IoU.armchair": 0.5078, "IoU.seat": 0.6654, "IoU.fence": 0.4676, "IoU.desk": 0.5367, "IoU.rock": 0.5271, "IoU.wardrobe": 0.5571, "IoU.lamp": 0.6976, "IoU.bathtub": 0.8288, "IoU.railing": 0.4068, "IoU.cushion": 0.6623, "IoU.base": 0.4029, "IoU.box": 0.3441, "IoU.column": 0.5424, "IoU.signboard": 0.3942, "IoU.chest of drawers": 0.4459, "IoU.counter": 0.2919, "IoU.sand": 0.5854, "IoU.sink": 0.7946, "IoU.skyscraper": 0.525, "IoU.fireplace": 0.7069, "IoU.refrigerator": 0.7835, "IoU.grandstand": 0.4739, "IoU.path": 0.2588, "IoU.stairs": 0.3116, "IoU.runway": 0.6541, "IoU.case": 0.4711, "IoU.pool table": 0.9376, "IoU.pillow": 0.6304, "IoU.screen door": 0.7095, "IoU.stairway": 0.3592, "IoU.river": 0.1021, "IoU.bridge": 0.4014, "IoU.bookcase": 0.4819, "IoU.blind": 0.4614, "IoU.coffee table": 0.6241, "IoU.toilet": 0.8772, "IoU.flower": 0.4506, "IoU.book": 0.5002, "IoU.hill": 0.0735, "IoU.bench": 0.6521, "IoU.countertop": 0.6028, "IoU.stove": 0.8371, "IoU.palm": 0.5673, "IoU.kitchen island": 0.4573, "IoU.computer": 0.7521, "IoU.swivel chair": 0.5411, "IoU.boat": 0.7476, "IoU.bar": 0.5057, "IoU.arcade machine": 0.5945, "IoU.hovel": 0.617, "IoU.bus": 0.9236, "IoU.towel": 0.7242, "IoU.light": 0.5973, "IoU.truck": 0.4511, "IoU.tower": 0.2517, "IoU.chandelier": 0.7201, "IoU.awning": 0.3541, "IoU.streetlight": 0.3357, "IoU.booth": 0.4223, "IoU.television receiver": 0.771, "IoU.airplane": 0.7229, "IoU.dirt track": 0.0954, "IoU.apparel": 0.5968, "IoU.pole": 0.2521, "IoU.land": 0.058, "IoU.bannister": 0.1658, "IoU.escalator": 0.5647, "IoU.ottoman": 0.5625, "IoU.bottle": 0.419, "IoU.buffet": 0.4587, "IoU.poster": 0.327, "IoU.stage": 0.2392, "IoU.van": 0.4479, "IoU.ship": 0.3874, "IoU.fountain": 0.2555, "IoU.conveyer belt": 0.8099, "IoU.canopy": 0.3902, "IoU.washer": 0.717, "IoU.plaything": 0.3704, "IoU.swimming pool": 0.6681, "IoU.stool": 0.4905, "IoU.barrel": 0.5463, "IoU.basket": 0.4068, "IoU.waterfall": 0.6431, "IoU.tent": 0.9561, "IoU.bag": 0.2313, "IoU.minibike": 0.7251, "IoU.cradle": 0.8542, "IoU.oven": 0.4829, "IoU.ball": 0.5061, "IoU.food": 0.5715, "IoU.step": 0.2237, "IoU.tank": 0.632, "IoU.trade name": 0.2994, "IoU.microwave": 0.8199, "IoU.pot": 0.5303, "IoU.animal": 0.6044, "IoU.bicycle": 0.6072, "IoU.lake": 0.5071, "IoU.dishwasher": 0.7023, "IoU.screen": 0.5842, "IoU.blanket": 0.2907, "IoU.sculpture": 0.7011, "IoU.hood": 0.6657, "IoU.sconce": 0.5594, "IoU.vase": 0.4535, "IoU.traffic light": 0.3737, "IoU.tray": 0.0828, "IoU.ashcan": 0.4584, "IoU.fan": 0.6755, "IoU.pier": 0.4098, "IoU.crt screen": 0.1425, "IoU.plate": 0.5926, "IoU.monitor": 0.1621, "IoU.bulletin board": 0.6576, "IoU.shower": 0.0136, "IoU.radiator": 0.6325, "IoU.glass": 0.1679, "IoU.clock": 0.4641, "IoU.flag": 0.5347, "Acc.wall": 0.8861, "Acc.building": 0.925, "Acc.sky": 0.9788, "Acc.floor": 0.9099, "Acc.tree": 0.8784, "Acc.ceiling": 0.9225, "Acc.road": 0.9179, "Acc.bed ": 0.9721, "Acc.windowpane": 0.8253, "Acc.grass": 0.8194, "Acc.cabinet": 0.752, "Acc.sidewalk": 0.8441, "Acc.person": 0.9362, "Acc.earth": 0.5286, "Acc.door": 0.7253, "Acc.table": 0.8139, "Acc.mountain": 0.7415, "Acc.plant": 0.6558, "Acc.curtain": 0.8859, "Acc.chair": 0.7654, "Acc.car": 0.9385, "Acc.water": 0.77, "Acc.painting": 0.8955, "Acc.sofa": 0.8908, "Acc.shelf": 0.6269, "Acc.house": 0.7102, "Acc.sea": 0.8412, "Acc.mirror": 0.8087, "Acc.rug": 0.8115, "Acc.field": 0.4671, "Acc.armchair": 0.6918, "Acc.seat": 0.8461, "Acc.fence": 0.6124, "Acc.desk": 0.743, "Acc.rock": 0.7818, "Acc.wardrobe": 0.7104, "Acc.lamp": 0.8139, "Acc.bathtub": 0.8649, "Acc.railing": 0.5596, "Acc.cushion": 0.7678, "Acc.base": 0.5461, "Acc.box": 0.4584, "Acc.column": 0.6618, "Acc.signboard": 0.5479, "Acc.chest of drawers": 0.6766, "Acc.counter": 0.3945, "Acc.sand": 0.7661, "Acc.sink": 0.863, "Acc.skyscraper": 0.6562, "Acc.fireplace": 0.9386, "Acc.refrigerator": 0.8453, "Acc.grandstand": 0.8395, "Acc.path": 0.3823, "Acc.stairs": 0.4075, "Acc.runway": 0.8677, "Acc.case": 0.585, "Acc.pool table": 0.9823, "Acc.pillow": 0.7497, "Acc.screen door": 0.8426, "Acc.stairway": 0.4734, "Acc.river": 0.2288, "Acc.bridge": 0.4564, "Acc.bookcase": 0.7093, "Acc.blind": 0.5349, "Acc.coffee table": 0.8356, "Acc.toilet": 0.9336, "Acc.flower": 0.6039, "Acc.book": 0.6907, "Acc.hill": 0.1233, "Acc.bench": 0.7656, "Acc.countertop": 0.8228, "Acc.stove": 0.9029, "Acc.palm": 0.7783, "Acc.kitchen island": 0.7757, "Acc.computer": 0.9047, "Acc.swivel chair": 0.7767, "Acc.boat": 0.8465, "Acc.bar": 0.6896, "Acc.arcade machine": 0.6277, "Acc.hovel": 0.6891, "Acc.bus": 0.9735, "Acc.towel": 0.8654, "Acc.light": 0.7023, "Acc.truck": 0.5974, "Acc.tower": 0.4305, "Acc.chandelier": 0.8528, "Acc.awning": 0.4343, "Acc.streetlight": 0.4435, "Acc.booth": 0.5593, "Acc.television receiver": 0.8737, "Acc.airplane": 0.8108, "Acc.dirt track": 0.1771, "Acc.apparel": 0.7692, "Acc.pole": 0.3573, "Acc.land": 0.0764, "Acc.bannister": 0.2296, "Acc.escalator": 0.8186, "Acc.ottoman": 0.7523, "Acc.bottle": 0.6908, "Acc.buffet": 0.5502, "Acc.poster": 0.4688, "Acc.stage": 0.3455, "Acc.van": 0.5967, "Acc.ship": 0.4301, "Acc.fountain": 0.2571, "Acc.conveyer belt": 0.9475, "Acc.canopy": 0.5577, "Acc.washer": 0.7411, "Acc.plaything": 0.5448, "Acc.swimming pool": 0.7508, "Acc.stool": 0.644, "Acc.barrel": 0.8986, "Acc.basket": 0.5071, "Acc.waterfall": 0.7618, "Acc.tent": 0.9826, "Acc.bag": 0.2977, "Acc.minibike": 0.8776, "Acc.cradle": 0.9784, "Acc.oven": 0.6358, "Acc.ball": 0.5575, "Acc.food": 0.6573, "Acc.step": 0.2771, "Acc.tank": 0.6602, "Acc.trade name": 0.3609, "Acc.microwave": 0.9375, "Acc.pot": 0.6427, "Acc.animal": 0.6184, "Acc.bicycle": 0.7818, "Acc.lake": 0.6376, "Acc.dishwasher": 0.8138, "Acc.screen": 0.8449, "Acc.blanket": 0.3482, "Acc.sculpture": 0.8555, "Acc.hood": 0.7044, "Acc.sconce": 0.6831, "Acc.vase": 0.6317, "Acc.traffic light": 0.5855, "Acc.tray": 0.137, "Acc.ashcan": 0.6086, "Acc.fan": 0.8027, "Acc.pier": 0.5654, "Acc.crt screen": 0.3594, "Acc.plate": 0.7887, "Acc.monitor": 0.185, "Acc.bulletin board": 0.7617, "Acc.shower": 0.0153, "Acc.radiator": 0.729, "Acc.glass": 0.1821, "Acc.clock": 0.515, "Acc.flag": 0.5997} {"mode": "train", "epoch": 113, "iter": 142050, "lr": 0.0, "memory": 14793, "data_time": 2.23558, "decode.loss_ce": 0.20302, "decode.acc_seg": 91.43836, "aux.loss_ce": 0.16366, "aux.acc_seg": 84.27212, "loss": 0.36668, "grad_norm": 12.58982, "time": 2.64871} {"mode": "train", "epoch": 113, "iter": 142100, "lr": 0.0, "memory": 14793, "data_time": 0.00778, "decode.loss_ce": 0.20228, "decode.acc_seg": 91.18509, "aux.loss_ce": 0.16154, "aux.acc_seg": 84.5152, "loss": 0.36382, "grad_norm": 13.43229, "time": 0.42308} {"mode": "train", "epoch": 113, "iter": 142150, "lr": 0.0, "memory": 14793, "data_time": 0.0054, "decode.loss_ce": 0.19195, "decode.acc_seg": 91.9896, "aux.loss_ce": 0.15417, "aux.acc_seg": 85.51438, "loss": 0.34612, "grad_norm": 9.8089, "time": 0.41779} {"mode": "train", "epoch": 113, "iter": 142200, "lr": 0.0, "memory": 14793, "data_time": 0.00631, "decode.loss_ce": 0.19982, "decode.acc_seg": 91.52882, "aux.loss_ce": 0.14585, "aux.acc_seg": 85.97181, "loss": 0.34567, "grad_norm": 9.7786, "time": 0.41531} {"mode": "train", "epoch": 113, "iter": 142250, "lr": 0.0, "memory": 14793, "data_time": 0.00533, "decode.loss_ce": 0.19208, "decode.acc_seg": 91.7688, "aux.loss_ce": 0.15269, "aux.acc_seg": 84.78369, "loss": 0.34476, "grad_norm": 14.22675, "time": 0.41226} {"mode": "train", "epoch": 113, "iter": 142300, "lr": 0.0, "memory": 14793, "data_time": 0.00767, "decode.loss_ce": 0.19999, "decode.acc_seg": 91.55298, "aux.loss_ce": 0.1526, "aux.acc_seg": 85.3639, "loss": 0.35259, "grad_norm": 9.93144, "time": 0.41566} {"mode": "train", "epoch": 113, "iter": 142350, "lr": 0.0, "memory": 14793, "data_time": 0.00543, "decode.loss_ce": 0.18569, "decode.acc_seg": 92.10231, "aux.loss_ce": 0.15116, "aux.acc_seg": 85.33481, "loss": 0.33685, "grad_norm": 12.12568, "time": 0.41506} {"mode": "train", "epoch": 113, "iter": 142400, "lr": 0.0, "memory": 14793, "data_time": 0.0059, "decode.loss_ce": 0.21045, "decode.acc_seg": 91.07695, "aux.loss_ce": 0.16078, "aux.acc_seg": 85.11065, "loss": 0.37123, "grad_norm": 15.62084, "time": 0.4108} {"mode": "train", "epoch": 113, "iter": 142450, "lr": 0.0, "memory": 14793, "data_time": 0.0053, "decode.loss_ce": 0.20162, "decode.acc_seg": 91.41368, "aux.loss_ce": 0.15226, "aux.acc_seg": 85.19792, "loss": 0.35388, "grad_norm": 13.26293, "time": 0.40936} {"mode": "train", "epoch": 113, "iter": 142500, "lr": 0.0, "memory": 14793, "data_time": 0.00574, "decode.loss_ce": 0.1982, "decode.acc_seg": 91.63264, "aux.loss_ce": 0.15818, "aux.acc_seg": 85.18539, "loss": 0.35638, "grad_norm": 12.0099, "time": 0.4147} {"mode": "train", "epoch": 113, "iter": 142550, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.19346, "decode.acc_seg": 91.76059, "aux.loss_ce": 0.15741, "aux.acc_seg": 85.05073, "loss": 0.35087, "grad_norm": 11.6206, "time": 0.41929} {"mode": "train", "epoch": 113, "iter": 142600, "lr": 0.0, "memory": 14793, "data_time": 0.0084, "decode.loss_ce": 0.18868, "decode.acc_seg": 91.76838, "aux.loss_ce": 0.14909, "aux.acc_seg": 84.9711, "loss": 0.33777, "grad_norm": 12.6426, "time": 0.4248} {"mode": "train", "epoch": 113, "iter": 142650, "lr": 0.0, "memory": 14793, "data_time": 0.00498, "decode.loss_ce": 0.19346, "decode.acc_seg": 91.54964, "aux.loss_ce": 0.15198, "aux.acc_seg": 85.16487, "loss": 0.34544, "grad_norm": 9.8335, "time": 0.41204} {"mode": "train", "epoch": 113, "iter": 142700, "lr": 0.0, "memory": 14793, "data_time": 0.00583, "decode.loss_ce": 0.20133, "decode.acc_seg": 91.67697, "aux.loss_ce": 0.15436, "aux.acc_seg": 85.42479, "loss": 0.35569, "grad_norm": 9.61131, "time": 0.41238} {"mode": "train", "epoch": 113, "iter": 142750, "lr": 0.0, "memory": 14793, "data_time": 0.00509, "decode.loss_ce": 0.19234, "decode.acc_seg": 91.85022, "aux.loss_ce": 0.14306, "aux.acc_seg": 85.85922, "loss": 0.33539, "grad_norm": 13.73275, "time": 0.41631} {"mode": "train", "epoch": 113, "iter": 142800, "lr": 0.0, "memory": 14793, "data_time": 0.00524, "decode.loss_ce": 0.185, "decode.acc_seg": 92.17376, "aux.loss_ce": 0.14591, "aux.acc_seg": 85.92598, "loss": 0.33091, "grad_norm": 10.11899, "time": 0.41813} {"mode": "train", "epoch": 114, "iter": 142850, "lr": 0.0, "memory": 14793, "data_time": 0.05188, "decode.loss_ce": 0.20106, "decode.acc_seg": 91.56225, "aux.loss_ce": 0.16431, "aux.acc_seg": 84.36812, "loss": 0.36536, "grad_norm": 10.87641, "time": 0.4779} {"mode": "train", "epoch": 114, "iter": 142900, "lr": 0.0, "memory": 14793, "data_time": 0.00504, "decode.loss_ce": 0.19361, "decode.acc_seg": 91.78248, "aux.loss_ce": 0.1562, "aux.acc_seg": 84.95441, "loss": 0.34981, "grad_norm": 10.11595, "time": 0.41377} {"mode": "train", "epoch": 114, "iter": 142950, "lr": 0.0, "memory": 14793, "data_time": 0.00512, "decode.loss_ce": 0.18878, "decode.acc_seg": 91.80249, "aux.loss_ce": 0.14998, "aux.acc_seg": 85.1549, "loss": 0.33876, "grad_norm": 11.18261, "time": 0.4193} {"mode": "train", "epoch": 114, "iter": 143000, "lr": 0.0, "memory": 14793, "data_time": 0.00537, "decode.loss_ce": 0.19918, "decode.acc_seg": 91.60183, "aux.loss_ce": 0.155, "aux.acc_seg": 85.33419, "loss": 0.35418, "grad_norm": 14.76449, "time": 0.65226} {"mode": "val", "epoch": 114, "iter": 125, "lr": 0.0, "aAcc": 0.8503, "mIoU": 0.5473, "mAcc": 0.6722, "IoU.wall": 0.8065, "IoU.building": 0.8375, "IoU.sky": 0.9493, "IoU.floor": 0.8335, "IoU.tree": 0.7582, "IoU.ceiling": 0.8599, "IoU.road": 0.8585, "IoU.bed ": 0.9173, "IoU.windowpane": 0.6491, "IoU.grass": 0.6627, "IoU.cabinet": 0.6534, "IoU.sidewalk": 0.697, "IoU.person": 0.8413, "IoU.earth": 0.3857, "IoU.door": 0.56, "IoU.table": 0.6585, "IoU.mountain": 0.6076, "IoU.plant": 0.5277, "IoU.curtain": 0.7631, "IoU.chair": 0.6375, "IoU.car": 0.8631, "IoU.water": 0.6115, "IoU.painting": 0.7471, "IoU.sofa": 0.7616, "IoU.shelf": 0.4466, "IoU.house": 0.499, "IoU.sea": 0.7086, "IoU.mirror": 0.738, "IoU.rug": 0.6838, "IoU.field": 0.3032, "IoU.armchair": 0.5049, "IoU.seat": 0.6698, "IoU.fence": 0.4754, "IoU.desk": 0.5318, "IoU.rock": 0.5281, "IoU.wardrobe": 0.5578, "IoU.lamp": 0.6968, "IoU.bathtub": 0.8278, "IoU.railing": 0.4156, "IoU.cushion": 0.669, "IoU.base": 0.3972, "IoU.box": 0.35, "IoU.column": 0.5441, "IoU.signboard": 0.3897, "IoU.chest of drawers": 0.4427, "IoU.counter": 0.2582, "IoU.sand": 0.5737, "IoU.sink": 0.7936, "IoU.skyscraper": 0.5139, "IoU.fireplace": 0.7219, "IoU.refrigerator": 0.7814, "IoU.grandstand": 0.4838, "IoU.path": 0.2478, "IoU.stairs": 0.3536, "IoU.runway": 0.6478, "IoU.case": 0.4939, "IoU.pool table": 0.9383, "IoU.pillow": 0.6187, "IoU.screen door": 0.684, "IoU.stairway": 0.3591, "IoU.river": 0.1005, "IoU.bridge": 0.401, "IoU.bookcase": 0.458, "IoU.blind": 0.4597, "IoU.coffee table": 0.6267, "IoU.toilet": 0.8782, "IoU.flower": 0.4526, "IoU.book": 0.5041, "IoU.hill": 0.0746, "IoU.bench": 0.6538, "IoU.countertop": 0.6149, "IoU.stove": 0.8363, "IoU.palm": 0.5676, "IoU.kitchen island": 0.4596, "IoU.computer": 0.7545, "IoU.swivel chair": 0.528, "IoU.boat": 0.7514, "IoU.bar": 0.4886, "IoU.arcade machine": 0.6127, "IoU.hovel": 0.6051, "IoU.bus": 0.9214, "IoU.towel": 0.7139, "IoU.light": 0.5955, "IoU.truck": 0.457, "IoU.tower": 0.2519, "IoU.chandelier": 0.7199, "IoU.awning": 0.3573, "IoU.streetlight": 0.3336, "IoU.booth": 0.4223, "IoU.television receiver": 0.7705, "IoU.airplane": 0.7404, "IoU.dirt track": 0.0733, "IoU.apparel": 0.6144, "IoU.pole": 0.2437, "IoU.land": 0.0588, "IoU.bannister": 0.1572, "IoU.escalator": 0.5545, "IoU.ottoman": 0.5595, "IoU.bottle": 0.4148, "IoU.buffet": 0.4649, "IoU.poster": 0.3305, "IoU.stage": 0.2482, "IoU.van": 0.4428, "IoU.ship": 0.4047, "IoU.fountain": 0.2277, "IoU.conveyer belt": 0.8136, "IoU.canopy": 0.3928, "IoU.washer": 0.722, "IoU.plaything": 0.3612, "IoU.swimming pool": 0.6349, "IoU.stool": 0.4882, "IoU.barrel": 0.5318, "IoU.basket": 0.407, "IoU.waterfall": 0.6238, "IoU.tent": 0.9564, "IoU.bag": 0.2311, "IoU.minibike": 0.7232, "IoU.cradle": 0.8453, "IoU.oven": 0.4922, "IoU.ball": 0.4485, "IoU.food": 0.5621, "IoU.step": 0.236, "IoU.tank": 0.6331, "IoU.trade name": 0.2989, "IoU.microwave": 0.8398, "IoU.pot": 0.5297, "IoU.animal": 0.6093, "IoU.bicycle": 0.6061, "IoU.lake": 0.5062, "IoU.dishwasher": 0.6882, "IoU.screen": 0.5964, "IoU.blanket": 0.2702, "IoU.sculpture": 0.7197, "IoU.hood": 0.6689, "IoU.sconce": 0.5588, "IoU.vase": 0.4567, "IoU.traffic light": 0.3796, "IoU.tray": 0.0853, "IoU.ashcan": 0.4626, "IoU.fan": 0.6764, "IoU.pier": 0.3994, "IoU.crt screen": 0.147, "IoU.plate": 0.589, "IoU.monitor": 0.1923, "IoU.bulletin board": 0.6619, "IoU.shower": 0.0446, "IoU.radiator": 0.6306, "IoU.glass": 0.1696, "IoU.clock": 0.4723, "IoU.flag": 0.5277, "Acc.wall": 0.8884, "Acc.building": 0.9233, "Acc.sky": 0.9767, "Acc.floor": 0.9119, "Acc.tree": 0.8911, "Acc.ceiling": 0.9268, "Acc.road": 0.9209, "Acc.bed ": 0.973, "Acc.windowpane": 0.8053, "Acc.grass": 0.8037, "Acc.cabinet": 0.7669, "Acc.sidewalk": 0.8264, "Acc.person": 0.9403, "Acc.earth": 0.5191, "Acc.door": 0.7373, "Acc.table": 0.7986, "Acc.mountain": 0.727, "Acc.plant": 0.6506, "Acc.curtain": 0.8809, "Acc.chair": 0.7697, "Acc.car": 0.9378, "Acc.water": 0.7683, "Acc.painting": 0.896, "Acc.sofa": 0.8921, "Acc.shelf": 0.6184, "Acc.house": 0.7196, "Acc.sea": 0.8403, "Acc.mirror": 0.8057, "Acc.rug": 0.8137, "Acc.field": 0.4731, "Acc.armchair": 0.674, "Acc.seat": 0.8362, "Acc.fence": 0.6547, "Acc.desk": 0.7341, "Acc.rock": 0.7854, "Acc.wardrobe": 0.7131, "Acc.lamp": 0.8195, "Acc.bathtub": 0.8661, "Acc.railing": 0.5859, "Acc.cushion": 0.7923, "Acc.base": 0.5283, "Acc.box": 0.4709, "Acc.column": 0.6601, "Acc.signboard": 0.5171, "Acc.chest of drawers": 0.6815, "Acc.counter": 0.3266, "Acc.sand": 0.783, "Acc.sink": 0.8565, "Acc.skyscraper": 0.6336, "Acc.fireplace": 0.9291, "Acc.refrigerator": 0.8489, "Acc.grandstand": 0.8356, "Acc.path": 0.3881, "Acc.stairs": 0.4783, "Acc.runway": 0.8689, "Acc.case": 0.6183, "Acc.pool table": 0.9813, "Acc.pillow": 0.7146, "Acc.screen door": 0.8564, "Acc.stairway": 0.4293, "Acc.river": 0.2253, "Acc.bridge": 0.4582, "Acc.bookcase": 0.6927, "Acc.blind": 0.5294, "Acc.coffee table": 0.8396, "Acc.toilet": 0.9338, "Acc.flower": 0.6094, "Acc.book": 0.7374, "Acc.hill": 0.1223, "Acc.bench": 0.7802, "Acc.countertop": 0.8024, "Acc.stove": 0.8999, "Acc.palm": 0.7601, "Acc.kitchen island": 0.7751, "Acc.computer": 0.9038, "Acc.swivel chair": 0.7381, "Acc.boat": 0.8475, "Acc.bar": 0.6993, "Acc.arcade machine": 0.6481, "Acc.hovel": 0.6739, "Acc.bus": 0.9755, "Acc.towel": 0.8717, "Acc.light": 0.6913, "Acc.truck": 0.6168, "Acc.tower": 0.4444, "Acc.chandelier": 0.8509, "Acc.awning": 0.4394, "Acc.streetlight": 0.4576, "Acc.booth": 0.5375, "Acc.television receiver": 0.8733, "Acc.airplane": 0.8299, "Acc.dirt track": 0.1258, "Acc.apparel": 0.7992, "Acc.pole": 0.3368, "Acc.land": 0.0758, "Acc.bannister": 0.2234, "Acc.escalator": 0.8024, "Acc.ottoman": 0.7513, "Acc.bottle": 0.6845, "Acc.buffet": 0.565, "Acc.poster": 0.4579, "Acc.stage": 0.3851, "Acc.van": 0.5948, "Acc.ship": 0.454, "Acc.fountain": 0.2295, "Acc.conveyer belt": 0.9438, "Acc.canopy": 0.5447, "Acc.washer": 0.746, "Acc.plaything": 0.5273, "Acc.swimming pool": 0.7477, "Acc.stool": 0.6487, "Acc.barrel": 0.8934, "Acc.basket": 0.5194, "Acc.waterfall": 0.7356, "Acc.tent": 0.9826, "Acc.bag": 0.2889, "Acc.minibike": 0.8851, "Acc.cradle": 0.9783, "Acc.oven": 0.5919, "Acc.ball": 0.4782, "Acc.food": 0.6228, "Acc.step": 0.2933, "Acc.tank": 0.6608, "Acc.trade name": 0.3564, "Acc.microwave": 0.9577, "Acc.pot": 0.6366, "Acc.animal": 0.626, "Acc.bicycle": 0.7918, "Acc.lake": 0.6378, "Acc.dishwasher": 0.8131, "Acc.screen": 0.847, "Acc.blanket": 0.3214, "Acc.sculpture": 0.8507, "Acc.hood": 0.7053, "Acc.sconce": 0.6763, "Acc.vase": 0.623, "Acc.traffic light": 0.5624, "Acc.tray": 0.1415, "Acc.ashcan": 0.629, "Acc.fan": 0.8032, "Acc.pier": 0.5531, "Acc.crt screen": 0.3491, "Acc.plate": 0.7979, "Acc.monitor": 0.221, "Acc.bulletin board": 0.7621, "Acc.shower": 0.0496, "Acc.radiator": 0.7193, "Acc.glass": 0.1837, "Acc.clock": 0.5233, "Acc.flag": 0.5897} {"mode": "train", "epoch": 114, "iter": 143050, "lr": 0.0, "memory": 14793, "data_time": 2.09629, "decode.loss_ce": 0.18518, "decode.acc_seg": 92.14928, "aux.loss_ce": 0.13819, "aux.acc_seg": 86.45555, "loss": 0.32337, "grad_norm": 9.6893, "time": 2.50824} {"mode": "train", "epoch": 114, "iter": 143100, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.19863, "decode.acc_seg": 91.78422, "aux.loss_ce": 0.15833, "aux.acc_seg": 84.92046, "loss": 0.35696, "grad_norm": 11.52586, "time": 0.4132} {"mode": "train", "epoch": 114, "iter": 143150, "lr": 0.0, "memory": 14793, "data_time": 0.00535, "decode.loss_ce": 0.19263, "decode.acc_seg": 91.75874, "aux.loss_ce": 0.15129, "aux.acc_seg": 84.94434, "loss": 0.34392, "grad_norm": 11.38749, "time": 0.41174} {"mode": "train", "epoch": 114, "iter": 143200, "lr": 0.0, "memory": 14793, "data_time": 0.00537, "decode.loss_ce": 0.19789, "decode.acc_seg": 91.72941, "aux.loss_ce": 0.14947, "aux.acc_seg": 85.39616, "loss": 0.34736, "grad_norm": 14.37044, "time": 0.42838} {"mode": "train", "epoch": 114, "iter": 143250, "lr": 0.0, "memory": 14793, "data_time": 0.00533, "decode.loss_ce": 0.18647, "decode.acc_seg": 92.0075, "aux.loss_ce": 0.1424, "aux.acc_seg": 85.73985, "loss": 0.32888, "grad_norm": 12.21395, "time": 0.41182} {"mode": "train", "epoch": 114, "iter": 143300, "lr": 0.0, "memory": 14793, "data_time": 0.00553, "decode.loss_ce": 0.19354, "decode.acc_seg": 92.03258, "aux.loss_ce": 0.15528, "aux.acc_seg": 85.24777, "loss": 0.34882, "grad_norm": 10.77753, "time": 0.40736} {"mode": "train", "epoch": 114, "iter": 143350, "lr": 0.0, "memory": 14793, "data_time": 0.00622, "decode.loss_ce": 0.17598, "decode.acc_seg": 92.46749, "aux.loss_ce": 0.14666, "aux.acc_seg": 85.73882, "loss": 0.32263, "grad_norm": 8.64397, "time": 0.41587} {"mode": "train", "epoch": 114, "iter": 143400, "lr": 0.0, "memory": 14793, "data_time": 0.00671, "decode.loss_ce": 0.20135, "decode.acc_seg": 91.70304, "aux.loss_ce": 0.15688, "aux.acc_seg": 85.30033, "loss": 0.35823, "grad_norm": 13.10701, "time": 0.41862} {"mode": "train", "epoch": 114, "iter": 143450, "lr": 0.0, "memory": 14793, "data_time": 0.006, "decode.loss_ce": 0.20936, "decode.acc_seg": 91.15021, "aux.loss_ce": 0.16275, "aux.acc_seg": 84.48617, "loss": 0.37211, "grad_norm": 14.02253, "time": 0.42019} {"mode": "train", "epoch": 114, "iter": 143500, "lr": 0.0, "memory": 14793, "data_time": 0.00633, "decode.loss_ce": 0.2098, "decode.acc_seg": 91.46298, "aux.loss_ce": 0.16092, "aux.acc_seg": 84.509, "loss": 0.37072, "grad_norm": 11.76347, "time": 0.41764} {"mode": "train", "epoch": 114, "iter": 143550, "lr": 0.0, "memory": 14793, "data_time": 0.00602, "decode.loss_ce": 0.20274, "decode.acc_seg": 91.56952, "aux.loss_ce": 0.15695, "aux.acc_seg": 85.2896, "loss": 0.3597, "grad_norm": 12.09972, "time": 0.41796} {"mode": "train", "epoch": 114, "iter": 143600, "lr": 0.0, "memory": 14793, "data_time": 0.00661, "decode.loss_ce": 0.19745, "decode.acc_seg": 91.60637, "aux.loss_ce": 0.15151, "aux.acc_seg": 85.28699, "loss": 0.34895, "grad_norm": 10.86808, "time": 0.41481} {"mode": "train", "epoch": 114, "iter": 143650, "lr": 0.0, "memory": 14793, "data_time": 0.00612, "decode.loss_ce": 0.19886, "decode.acc_seg": 91.59557, "aux.loss_ce": 0.15653, "aux.acc_seg": 84.78003, "loss": 0.35539, "grad_norm": 13.8542, "time": 0.40804} {"mode": "train", "epoch": 114, "iter": 143700, "lr": 0.0, "memory": 14793, "data_time": 0.00549, "decode.loss_ce": 0.19384, "decode.acc_seg": 91.75969, "aux.loss_ce": 0.14892, "aux.acc_seg": 85.43078, "loss": 0.34275, "grad_norm": 13.12235, "time": 0.41585} {"mode": "train", "epoch": 114, "iter": 143750, "lr": 0.0, "memory": 14793, "data_time": 0.00793, "decode.loss_ce": 0.20058, "decode.acc_seg": 91.93567, "aux.loss_ce": 0.16, "aux.acc_seg": 85.33744, "loss": 0.36058, "grad_norm": 13.06353, "time": 0.41523} {"mode": "train", "epoch": 114, "iter": 143800, "lr": 0.0, "memory": 14793, "data_time": 0.00569, "decode.loss_ce": 0.20073, "decode.acc_seg": 91.17846, "aux.loss_ce": 0.15893, "aux.acc_seg": 84.24801, "loss": 0.35966, "grad_norm": 12.75269, "time": 0.42023} {"mode": "train", "epoch": 114, "iter": 143850, "lr": 0.0, "memory": 14793, "data_time": 0.00571, "decode.loss_ce": 0.20458, "decode.acc_seg": 91.35883, "aux.loss_ce": 0.16189, "aux.acc_seg": 84.59014, "loss": 0.36647, "grad_norm": 12.19394, "time": 0.41406} {"mode": "train", "epoch": 114, "iter": 143900, "lr": 0.0, "memory": 14793, "data_time": 0.00568, "decode.loss_ce": 0.19846, "decode.acc_seg": 92.07088, "aux.loss_ce": 0.15173, "aux.acc_seg": 85.88191, "loss": 0.35019, "grad_norm": 12.66458, "time": 0.41419} {"mode": "train", "epoch": 114, "iter": 143950, "lr": 0.0, "memory": 14793, "data_time": 0.00612, "decode.loss_ce": 0.18394, "decode.acc_seg": 92.26634, "aux.loss_ce": 0.15348, "aux.acc_seg": 85.33685, "loss": 0.33742, "grad_norm": 10.11653, "time": 0.41433} {"mode": "train", "epoch": 114, "iter": 144000, "lr": 0.0, "memory": 14793, "data_time": 0.00571, "decode.loss_ce": 0.19866, "decode.acc_seg": 91.4033, "aux.loss_ce": 0.15489, "aux.acc_seg": 85.05011, "loss": 0.35356, "grad_norm": 11.91726, "time": 0.65577} {"mode": "val", "epoch": 114, "iter": 125, "lr": 0.0, "aAcc": 0.8505, "mIoU": 0.5485, "mAcc": 0.6761, "IoU.wall": 0.8056, "IoU.building": 0.8365, "IoU.sky": 0.9494, "IoU.floor": 0.8345, "IoU.tree": 0.7609, "IoU.ceiling": 0.8584, "IoU.road": 0.858, "IoU.bed ": 0.9193, "IoU.windowpane": 0.6493, "IoU.grass": 0.672, "IoU.cabinet": 0.6556, "IoU.sidewalk": 0.6956, "IoU.person": 0.8419, "IoU.earth": 0.3902, "IoU.door": 0.5614, "IoU.table": 0.6593, "IoU.mountain": 0.6037, "IoU.plant": 0.5282, "IoU.curtain": 0.7622, "IoU.chair": 0.6357, "IoU.car": 0.8614, "IoU.water": 0.6094, "IoU.painting": 0.7467, "IoU.sofa": 0.7581, "IoU.shelf": 0.4541, "IoU.house": 0.5014, "IoU.sea": 0.7082, "IoU.mirror": 0.7408, "IoU.rug": 0.6849, "IoU.field": 0.3123, "IoU.armchair": 0.5009, "IoU.seat": 0.6674, "IoU.fence": 0.4818, "IoU.desk": 0.5376, "IoU.rock": 0.5289, "IoU.wardrobe": 0.5708, "IoU.lamp": 0.6965, "IoU.bathtub": 0.8285, "IoU.railing": 0.416, "IoU.cushion": 0.6651, "IoU.base": 0.3938, "IoU.box": 0.3444, "IoU.column": 0.5455, "IoU.signboard": 0.3957, "IoU.chest of drawers": 0.4437, "IoU.counter": 0.2902, "IoU.sand": 0.5747, "IoU.sink": 0.7968, "IoU.skyscraper": 0.5342, "IoU.fireplace": 0.7028, "IoU.refrigerator": 0.7724, "IoU.grandstand": 0.4851, "IoU.path": 0.2631, "IoU.stairs": 0.3716, "IoU.runway": 0.6503, "IoU.case": 0.4952, "IoU.pool table": 0.9395, "IoU.pillow": 0.6412, "IoU.screen door": 0.7052, "IoU.stairway": 0.3699, "IoU.river": 0.0977, "IoU.bridge": 0.4063, "IoU.bookcase": 0.4796, "IoU.blind": 0.4754, "IoU.coffee table": 0.6241, "IoU.toilet": 0.8788, "IoU.flower": 0.4551, "IoU.book": 0.5018, "IoU.hill": 0.0734, "IoU.bench": 0.652, "IoU.countertop": 0.6203, "IoU.stove": 0.8385, "IoU.palm": 0.5604, "IoU.kitchen island": 0.455, "IoU.computer": 0.7533, "IoU.swivel chair": 0.5475, "IoU.boat": 0.7431, "IoU.bar": 0.4913, "IoU.arcade machine": 0.6026, "IoU.hovel": 0.6202, "IoU.bus": 0.9189, "IoU.towel": 0.7051, "IoU.light": 0.6008, "IoU.truck": 0.4565, "IoU.tower": 0.2408, "IoU.chandelier": 0.7163, "IoU.awning": 0.3457, "IoU.streetlight": 0.3364, "IoU.booth": 0.4145, "IoU.television receiver": 0.7708, "IoU.airplane": 0.7309, "IoU.dirt track": 0.1198, "IoU.apparel": 0.6302, "IoU.pole": 0.2473, "IoU.land": 0.0588, "IoU.bannister": 0.1607, "IoU.escalator": 0.5601, "IoU.ottoman": 0.5593, "IoU.bottle": 0.4205, "IoU.buffet": 0.471, "IoU.poster": 0.3263, "IoU.stage": 0.2375, "IoU.van": 0.4247, "IoU.ship": 0.4556, "IoU.fountain": 0.239, "IoU.conveyer belt": 0.8163, "IoU.canopy": 0.3962, "IoU.washer": 0.7278, "IoU.plaything": 0.3708, "IoU.swimming pool": 0.6257, "IoU.stool": 0.4808, "IoU.barrel": 0.5661, "IoU.basket": 0.4025, "IoU.waterfall": 0.5812, "IoU.tent": 0.9561, "IoU.bag": 0.2246, "IoU.minibike": 0.725, "IoU.cradle": 0.8653, "IoU.oven": 0.5013, "IoU.ball": 0.4464, "IoU.food": 0.5758, "IoU.step": 0.2215, "IoU.tank": 0.6293, "IoU.trade name": 0.3076, "IoU.microwave": 0.834, "IoU.pot": 0.5269, "IoU.animal": 0.6121, "IoU.bicycle": 0.604, "IoU.lake": 0.5041, "IoU.dishwasher": 0.6732, "IoU.screen": 0.5849, "IoU.blanket": 0.2571, "IoU.sculpture": 0.7049, "IoU.hood": 0.6638, "IoU.sconce": 0.567, "IoU.vase": 0.4545, "IoU.traffic light": 0.3813, "IoU.tray": 0.0826, "IoU.ashcan": 0.4537, "IoU.fan": 0.678, "IoU.pier": 0.4009, "IoU.crt screen": 0.128, "IoU.plate": 0.5898, "IoU.monitor": 0.1688, "IoU.bulletin board": 0.664, "IoU.shower": 0.024, "IoU.radiator": 0.64, "IoU.glass": 0.1701, "IoU.clock": 0.4764, "IoU.flag": 0.5302, "Acc.wall": 0.8851, "Acc.building": 0.9187, "Acc.sky": 0.9757, "Acc.floor": 0.9093, "Acc.tree": 0.8984, "Acc.ceiling": 0.9291, "Acc.road": 0.9149, "Acc.bed ": 0.971, "Acc.windowpane": 0.8162, "Acc.grass": 0.8192, "Acc.cabinet": 0.7736, "Acc.sidewalk": 0.8458, "Acc.person": 0.9383, "Acc.earth": 0.5226, "Acc.door": 0.7307, "Acc.table": 0.7887, "Acc.mountain": 0.7391, "Acc.plant": 0.6494, "Acc.curtain": 0.8797, "Acc.chair": 0.756, "Acc.car": 0.9397, "Acc.water": 0.7632, "Acc.painting": 0.8985, "Acc.sofa": 0.8955, "Acc.shelf": 0.6413, "Acc.house": 0.7107, "Acc.sea": 0.8341, "Acc.mirror": 0.8049, "Acc.rug": 0.8216, "Acc.field": 0.4634, "Acc.armchair": 0.6713, "Acc.seat": 0.8366, "Acc.fence": 0.6387, "Acc.desk": 0.7305, "Acc.rock": 0.7713, "Acc.wardrobe": 0.7164, "Acc.lamp": 0.8147, "Acc.bathtub": 0.8664, "Acc.railing": 0.5783, "Acc.cushion": 0.7836, "Acc.base": 0.5266, "Acc.box": 0.4534, "Acc.column": 0.6653, "Acc.signboard": 0.5583, "Acc.chest of drawers": 0.6718, "Acc.counter": 0.3706, "Acc.sand": 0.7737, "Acc.sink": 0.8634, "Acc.skyscraper": 0.6585, "Acc.fireplace": 0.9377, "Acc.refrigerator": 0.8451, "Acc.grandstand": 0.8299, "Acc.path": 0.4207, "Acc.stairs": 0.5003, "Acc.runway": 0.8633, "Acc.case": 0.626, "Acc.pool table": 0.9796, "Acc.pillow": 0.7772, "Acc.screen door": 0.8367, "Acc.stairway": 0.4339, "Acc.river": 0.2223, "Acc.bridge": 0.4594, "Acc.bookcase": 0.7203, "Acc.blind": 0.5535, "Acc.coffee table": 0.8593, "Acc.toilet": 0.9355, "Acc.flower": 0.6309, "Acc.book": 0.7071, "Acc.hill": 0.1316, "Acc.bench": 0.7774, "Acc.countertop": 0.8232, "Acc.stove": 0.9094, "Acc.palm": 0.7538, "Acc.kitchen island": 0.7888, "Acc.computer": 0.9042, "Acc.swivel chair": 0.7919, "Acc.boat": 0.8573, "Acc.bar": 0.6807, "Acc.arcade machine": 0.6358, "Acc.hovel": 0.6979, "Acc.bus": 0.9717, "Acc.towel": 0.8716, "Acc.light": 0.7429, "Acc.truck": 0.6112, "Acc.tower": 0.4711, "Acc.chandelier": 0.8574, "Acc.awning": 0.4294, "Acc.streetlight": 0.4596, "Acc.booth": 0.5136, "Acc.television receiver": 0.8827, "Acc.airplane": 0.8197, "Acc.dirt track": 0.2435, "Acc.apparel": 0.7915, "Acc.pole": 0.3474, "Acc.land": 0.0776, "Acc.bannister": 0.228, "Acc.escalator": 0.8024, "Acc.ottoman": 0.7373, "Acc.bottle": 0.6938, "Acc.buffet": 0.5797, "Acc.poster": 0.4901, "Acc.stage": 0.3579, "Acc.van": 0.5632, "Acc.ship": 0.5111, "Acc.fountain": 0.2407, "Acc.conveyer belt": 0.9395, "Acc.canopy": 0.5657, "Acc.washer": 0.752, "Acc.plaything": 0.5415, "Acc.swimming pool": 0.7587, "Acc.stool": 0.6583, "Acc.barrel": 0.894, "Acc.basket": 0.524, "Acc.waterfall": 0.6703, "Acc.tent": 0.9841, "Acc.bag": 0.2838, "Acc.minibike": 0.8786, "Acc.cradle": 0.9754, "Acc.oven": 0.6048, "Acc.ball": 0.4728, "Acc.food": 0.6534, "Acc.step": 0.2757, "Acc.tank": 0.6541, "Acc.trade name": 0.3926, "Acc.microwave": 0.9639, "Acc.pot": 0.6427, "Acc.animal": 0.6293, "Acc.bicycle": 0.7796, "Acc.lake": 0.6378, "Acc.dishwasher": 0.8182, "Acc.screen": 0.8629, "Acc.blanket": 0.3058, "Acc.sculpture": 0.8446, "Acc.hood": 0.7213, "Acc.sconce": 0.7002, "Acc.vase": 0.6293, "Acc.traffic light": 0.5657, "Acc.tray": 0.1385, "Acc.ashcan": 0.6115, "Acc.fan": 0.8013, "Acc.pier": 0.5492, "Acc.crt screen": 0.3159, "Acc.plate": 0.8037, "Acc.monitor": 0.1923, "Acc.bulletin board": 0.7741, "Acc.shower": 0.029, "Acc.radiator": 0.7261, "Acc.glass": 0.1841, "Acc.clock": 0.538, "Acc.flag": 0.5948} {"mode": "train", "epoch": 114, "iter": 144050, "lr": 0.0, "memory": 14793, "data_time": 2.12676, "decode.loss_ce": 0.19412, "decode.acc_seg": 91.83688, "aux.loss_ce": 0.15281, "aux.acc_seg": 85.00414, "loss": 0.34693, "grad_norm": 9.0925, "time": 2.53507} {"mode": "train", "epoch": 115, "iter": 144100, "lr": 0.0, "memory": 14793, "data_time": 0.05488, "decode.loss_ce": 0.19931, "decode.acc_seg": 91.29346, "aux.loss_ce": 0.15555, "aux.acc_seg": 84.9475, "loss": 0.35486, "grad_norm": 12.04161, "time": 0.46764} {"mode": "train", "epoch": 115, "iter": 144150, "lr": 0.0, "memory": 14793, "data_time": 0.00539, "decode.loss_ce": 0.1939, "decode.acc_seg": 91.76624, "aux.loss_ce": 0.14699, "aux.acc_seg": 85.77306, "loss": 0.34089, "grad_norm": 11.90481, "time": 0.41276} {"mode": "train", "epoch": 115, "iter": 144200, "lr": 0.0, "memory": 14793, "data_time": 0.00569, "decode.loss_ce": 0.19579, "decode.acc_seg": 92.00698, "aux.loss_ce": 0.15545, "aux.acc_seg": 85.36957, "loss": 0.35124, "grad_norm": 10.82164, "time": 0.41373} {"mode": "train", "epoch": 115, "iter": 144250, "lr": 0.0, "memory": 14793, "data_time": 0.00537, "decode.loss_ce": 0.20598, "decode.acc_seg": 91.26769, "aux.loss_ce": 0.15368, "aux.acc_seg": 85.02283, "loss": 0.35967, "grad_norm": 16.83662, "time": 0.41079} {"mode": "train", "epoch": 115, "iter": 144300, "lr": 0.0, "memory": 14793, "data_time": 0.00639, "decode.loss_ce": 0.20638, "decode.acc_seg": 91.29136, "aux.loss_ce": 0.15815, "aux.acc_seg": 84.67095, "loss": 0.36453, "grad_norm": 13.38451, "time": 0.41303} {"mode": "train", "epoch": 115, "iter": 144350, "lr": 0.0, "memory": 14793, "data_time": 0.00542, "decode.loss_ce": 0.20023, "decode.acc_seg": 91.70677, "aux.loss_ce": 0.16361, "aux.acc_seg": 84.39028, "loss": 0.36384, "grad_norm": 9.62894, "time": 0.41084} {"mode": "train", "epoch": 115, "iter": 144400, "lr": 0.0, "memory": 14793, "data_time": 0.00543, "decode.loss_ce": 0.20107, "decode.acc_seg": 91.23055, "aux.loss_ce": 0.16049, "aux.acc_seg": 84.54989, "loss": 0.36156, "grad_norm": 11.70477, "time": 0.41544} {"mode": "train", "epoch": 115, "iter": 144450, "lr": 0.0, "memory": 14793, "data_time": 0.00516, "decode.loss_ce": 0.18583, "decode.acc_seg": 92.16851, "aux.loss_ce": 0.15026, "aux.acc_seg": 85.30542, "loss": 0.33609, "grad_norm": 11.04508, "time": 0.40769} {"mode": "train", "epoch": 115, "iter": 144500, "lr": 0.0, "memory": 14793, "data_time": 0.00513, "decode.loss_ce": 0.21252, "decode.acc_seg": 91.40366, "aux.loss_ce": 0.16579, "aux.acc_seg": 84.26742, "loss": 0.37831, "grad_norm": 12.17093, "time": 0.41504} {"mode": "train", "epoch": 115, "iter": 144550, "lr": 0.0, "memory": 14793, "data_time": 0.00567, "decode.loss_ce": 0.19064, "decode.acc_seg": 91.92895, "aux.loss_ce": 0.14839, "aux.acc_seg": 86.09516, "loss": 0.33903, "grad_norm": 14.6083, "time": 0.41918} {"mode": "train", "epoch": 115, "iter": 144600, "lr": 0.0, "memory": 14793, "data_time": 0.00538, "decode.loss_ce": 0.19795, "decode.acc_seg": 91.49521, "aux.loss_ce": 0.1585, "aux.acc_seg": 84.67019, "loss": 0.35644, "grad_norm": 13.51642, "time": 0.42028} {"mode": "train", "epoch": 115, "iter": 144650, "lr": 0.0, "memory": 14793, "data_time": 0.00513, "decode.loss_ce": 0.1957, "decode.acc_seg": 91.76916, "aux.loss_ce": 0.15841, "aux.acc_seg": 84.71622, "loss": 0.35411, "grad_norm": 13.39782, "time": 0.41586} {"mode": "train", "epoch": 115, "iter": 144700, "lr": 0.0, "memory": 14793, "data_time": 0.00633, "decode.loss_ce": 0.20292, "decode.acc_seg": 91.60288, "aux.loss_ce": 0.16473, "aux.acc_seg": 84.37954, "loss": 0.36765, "grad_norm": 12.35096, "time": 0.41529} {"mode": "train", "epoch": 115, "iter": 144750, "lr": 0.0, "memory": 14793, "data_time": 0.00519, "decode.loss_ce": 0.19738, "decode.acc_seg": 91.66219, "aux.loss_ce": 0.15082, "aux.acc_seg": 85.25632, "loss": 0.3482, "grad_norm": 10.06953, "time": 0.41076} {"mode": "train", "epoch": 115, "iter": 144800, "lr": 0.0, "memory": 14793, "data_time": 0.0061, "decode.loss_ce": 0.19718, "decode.acc_seg": 91.54922, "aux.loss_ce": 0.14621, "aux.acc_seg": 85.13648, "loss": 0.3434, "grad_norm": 14.17215, "time": 0.40623} {"mode": "train", "epoch": 115, "iter": 144850, "lr": 0.0, "memory": 14793, "data_time": 0.00513, "decode.loss_ce": 0.1904, "decode.acc_seg": 91.76483, "aux.loss_ce": 0.14735, "aux.acc_seg": 85.66166, "loss": 0.33776, "grad_norm": 11.67686, "time": 0.408} {"mode": "train", "epoch": 115, "iter": 144900, "lr": 0.0, "memory": 14793, "data_time": 0.00517, "decode.loss_ce": 0.18792, "decode.acc_seg": 91.98791, "aux.loss_ce": 0.15241, "aux.acc_seg": 85.09298, "loss": 0.34033, "grad_norm": 12.52943, "time": 0.40639} {"mode": "train", "epoch": 115, "iter": 144950, "lr": 0.0, "memory": 14793, "data_time": 0.00502, "decode.loss_ce": 0.19668, "decode.acc_seg": 91.72278, "aux.loss_ce": 0.16036, "aux.acc_seg": 84.58016, "loss": 0.35704, "grad_norm": 12.32333, "time": 0.41614} {"mode": "train", "epoch": 115, "iter": 145000, "lr": 0.0, "memory": 14793, "data_time": 0.00507, "decode.loss_ce": 0.1939, "decode.acc_seg": 92.00261, "aux.loss_ce": 0.14734, "aux.acc_seg": 85.988, "loss": 0.34124, "grad_norm": 11.14453, "time": 0.65056} {"mode": "val", "epoch": 115, "iter": 125, "lr": 0.0, "aAcc": 0.851, "mIoU": 0.5488, "mAcc": 0.6732, "IoU.wall": 0.8059, "IoU.building": 0.8377, "IoU.sky": 0.9495, "IoU.floor": 0.8347, "IoU.tree": 0.7612, "IoU.ceiling": 0.858, "IoU.road": 0.8596, "IoU.bed ": 0.9182, "IoU.windowpane": 0.6498, "IoU.grass": 0.6704, "IoU.cabinet": 0.6569, "IoU.sidewalk": 0.6944, "IoU.person": 0.8425, "IoU.earth": 0.3957, "IoU.door": 0.5608, "IoU.table": 0.6595, "IoU.mountain": 0.6015, "IoU.plant": 0.5293, "IoU.curtain": 0.7635, "IoU.chair": 0.6382, "IoU.car": 0.86, "IoU.water": 0.6111, "IoU.painting": 0.75, "IoU.sofa": 0.7671, "IoU.shelf": 0.457, "IoU.house": 0.5004, "IoU.sea": 0.7047, "IoU.mirror": 0.7421, "IoU.rug": 0.6843, "IoU.field": 0.3138, "IoU.armchair": 0.5129, "IoU.seat": 0.667, "IoU.fence": 0.4809, "IoU.desk": 0.5375, "IoU.rock": 0.5257, "IoU.wardrobe": 0.564, "IoU.lamp": 0.6963, "IoU.bathtub": 0.828, "IoU.railing": 0.4171, "IoU.cushion": 0.6649, "IoU.base": 0.3931, "IoU.box": 0.3426, "IoU.column": 0.546, "IoU.signboard": 0.3971, "IoU.chest of drawers": 0.4462, "IoU.counter": 0.296, "IoU.sand": 0.5948, "IoU.sink": 0.7943, "IoU.skyscraper": 0.5767, "IoU.fireplace": 0.7036, "IoU.refrigerator": 0.7857, "IoU.grandstand": 0.4808, "IoU.path": 0.2543, "IoU.stairs": 0.3631, "IoU.runway": 0.6519, "IoU.case": 0.4821, "IoU.pool table": 0.9374, "IoU.pillow": 0.6354, "IoU.screen door": 0.7032, "IoU.stairway": 0.3792, "IoU.river": 0.0983, "IoU.bridge": 0.3968, "IoU.bookcase": 0.482, "IoU.blind": 0.4652, "IoU.coffee table": 0.6306, "IoU.toilet": 0.8806, "IoU.flower": 0.4489, "IoU.book": 0.5069, "IoU.hill": 0.0744, "IoU.bench": 0.6571, "IoU.countertop": 0.6119, "IoU.stove": 0.8383, "IoU.palm": 0.5673, "IoU.kitchen island": 0.4652, "IoU.computer": 0.7518, "IoU.swivel chair": 0.5359, "IoU.boat": 0.7421, "IoU.bar": 0.4781, "IoU.arcade machine": 0.5902, "IoU.hovel": 0.6211, "IoU.bus": 0.9214, "IoU.towel": 0.7113, "IoU.light": 0.5994, "IoU.truck": 0.4515, "IoU.tower": 0.2454, "IoU.chandelier": 0.7153, "IoU.awning": 0.3439, "IoU.streetlight": 0.3382, "IoU.booth": 0.418, "IoU.television receiver": 0.7695, "IoU.airplane": 0.7205, "IoU.dirt track": 0.0882, "IoU.apparel": 0.6404, "IoU.pole": 0.2405, "IoU.land": 0.0584, "IoU.bannister": 0.1593, "IoU.escalator": 0.5485, "IoU.ottoman": 0.5541, "IoU.bottle": 0.4165, "IoU.buffet": 0.4663, "IoU.poster": 0.3402, "IoU.stage": 0.2339, "IoU.van": 0.4244, "IoU.ship": 0.4487, "IoU.fountain": 0.2536, "IoU.conveyer belt": 0.8125, "IoU.canopy": 0.3974, "IoU.washer": 0.7223, "IoU.plaything": 0.3831, "IoU.swimming pool": 0.6538, "IoU.stool": 0.4946, "IoU.barrel": 0.5528, "IoU.basket": 0.3936, "IoU.waterfall": 0.6472, "IoU.tent": 0.9553, "IoU.bag": 0.2156, "IoU.minibike": 0.7256, "IoU.cradle": 0.8489, "IoU.oven": 0.5099, "IoU.ball": 0.4248, "IoU.food": 0.564, "IoU.step": 0.2133, "IoU.tank": 0.6302, "IoU.trade name": 0.2939, "IoU.microwave": 0.8336, "IoU.pot": 0.5216, "IoU.animal": 0.6091, "IoU.bicycle": 0.6057, "IoU.lake": 0.4965, "IoU.dishwasher": 0.7092, "IoU.screen": 0.5853, "IoU.blanket": 0.2713, "IoU.sculpture": 0.7091, "IoU.hood": 0.6657, "IoU.sconce": 0.5606, "IoU.vase": 0.4571, "IoU.traffic light": 0.3879, "IoU.tray": 0.0785, "IoU.ashcan": 0.4515, "IoU.fan": 0.6791, "IoU.pier": 0.3909, "IoU.crt screen": 0.1358, "IoU.plate": 0.5897, "IoU.monitor": 0.1806, "IoU.bulletin board": 0.6683, "IoU.shower": 0.0343, "IoU.radiator": 0.6346, "IoU.glass": 0.1674, "IoU.clock": 0.4611, "IoU.flag": 0.517, "Acc.wall": 0.8857, "Acc.building": 0.9207, "Acc.sky": 0.9763, "Acc.floor": 0.909, "Acc.tree": 0.8921, "Acc.ceiling": 0.9298, "Acc.road": 0.9165, "Acc.bed ": 0.9722, "Acc.windowpane": 0.8122, "Acc.grass": 0.8238, "Acc.cabinet": 0.7808, "Acc.sidewalk": 0.8364, "Acc.person": 0.9368, "Acc.earth": 0.5371, "Acc.door": 0.7223, "Acc.table": 0.8018, "Acc.mountain": 0.7354, "Acc.plant": 0.6628, "Acc.curtain": 0.8863, "Acc.chair": 0.77, "Acc.car": 0.9417, "Acc.water": 0.7673, "Acc.painting": 0.8969, "Acc.sofa": 0.8846, "Acc.shelf": 0.6467, "Acc.house": 0.7193, "Acc.sea": 0.8262, "Acc.mirror": 0.8073, "Acc.rug": 0.822, "Acc.field": 0.4631, "Acc.armchair": 0.7005, "Acc.seat": 0.8391, "Acc.fence": 0.6346, "Acc.desk": 0.736, "Acc.rock": 0.7778, "Acc.wardrobe": 0.7154, "Acc.lamp": 0.8136, "Acc.bathtub": 0.8696, "Acc.railing": 0.5705, "Acc.cushion": 0.7703, "Acc.base": 0.5131, "Acc.box": 0.4481, "Acc.column": 0.6546, "Acc.signboard": 0.5459, "Acc.chest of drawers": 0.6654, "Acc.counter": 0.3903, "Acc.sand": 0.7788, "Acc.sink": 0.8591, "Acc.skyscraper": 0.7226, "Acc.fireplace": 0.9332, "Acc.refrigerator": 0.8489, "Acc.grandstand": 0.8367, "Acc.path": 0.3918, "Acc.stairs": 0.487, "Acc.runway": 0.8678, "Acc.case": 0.6105, "Acc.pool table": 0.9816, "Acc.pillow": 0.7644, "Acc.screen door": 0.8486, "Acc.stairway": 0.4553, "Acc.river": 0.218, "Acc.bridge": 0.4455, "Acc.bookcase": 0.697, "Acc.blind": 0.5405, "Acc.coffee table": 0.8413, "Acc.toilet": 0.9317, "Acc.flower": 0.6024, "Acc.book": 0.7123, "Acc.hill": 0.1195, "Acc.bench": 0.7741, "Acc.countertop": 0.8137, "Acc.stove": 0.8967, "Acc.palm": 0.7604, "Acc.kitchen island": 0.779, "Acc.computer": 0.9028, "Acc.swivel chair": 0.7345, "Acc.boat": 0.8477, "Acc.bar": 0.6392, "Acc.arcade machine": 0.6252, "Acc.hovel": 0.6915, "Acc.bus": 0.9724, "Acc.towel": 0.865, "Acc.light": 0.7109, "Acc.truck": 0.5993, "Acc.tower": 0.455, "Acc.chandelier": 0.8468, "Acc.awning": 0.412, "Acc.streetlight": 0.4708, "Acc.booth": 0.5155, "Acc.television receiver": 0.8807, "Acc.airplane": 0.803, "Acc.dirt track": 0.1563, "Acc.apparel": 0.8104, "Acc.pole": 0.3264, "Acc.land": 0.0812, "Acc.bannister": 0.2206, "Acc.escalator": 0.8076, "Acc.ottoman": 0.7485, "Acc.bottle": 0.6882, "Acc.buffet": 0.5674, "Acc.poster": 0.495, "Acc.stage": 0.3622, "Acc.van": 0.5749, "Acc.ship": 0.502, "Acc.fountain": 0.2557, "Acc.conveyer belt": 0.941, "Acc.canopy": 0.5567, "Acc.washer": 0.7446, "Acc.plaything": 0.5796, "Acc.swimming pool": 0.7461, "Acc.stool": 0.652, "Acc.barrel": 0.8826, "Acc.basket": 0.5042, "Acc.waterfall": 0.7631, "Acc.tent": 0.9838, "Acc.bag": 0.2667, "Acc.minibike": 0.8717, "Acc.cradle": 0.979, "Acc.oven": 0.6315, "Acc.ball": 0.4477, "Acc.food": 0.6483, "Acc.step": 0.263, "Acc.tank": 0.6613, "Acc.trade name": 0.3483, "Acc.microwave": 0.9589, "Acc.pot": 0.625, "Acc.animal": 0.6262, "Acc.bicycle": 0.7768, "Acc.lake": 0.6381, "Acc.dishwasher": 0.8153, "Acc.screen": 0.8477, "Acc.blanket": 0.3241, "Acc.sculpture": 0.8498, "Acc.hood": 0.7102, "Acc.sconce": 0.6812, "Acc.vase": 0.6173, "Acc.traffic light": 0.5709, "Acc.tray": 0.1324, "Acc.ashcan": 0.591, "Acc.fan": 0.8007, "Acc.pier": 0.5601, "Acc.crt screen": 0.3328, "Acc.plate": 0.8071, "Acc.monitor": 0.207, "Acc.bulletin board": 0.7929, "Acc.shower": 0.0353, "Acc.radiator": 0.7221, "Acc.glass": 0.1805, "Acc.clock": 0.5024, "Acc.flag": 0.5818} {"mode": "train", "epoch": 115, "iter": 145050, "lr": 0.0, "memory": 14793, "data_time": 2.06575, "decode.loss_ce": 0.20495, "decode.acc_seg": 91.48487, "aux.loss_ce": 0.15673, "aux.acc_seg": 85.33136, "loss": 0.36168, "grad_norm": 12.11928, "time": 2.48615} {"mode": "train", "epoch": 115, "iter": 145100, "lr": 0.0, "memory": 14793, "data_time": 0.00594, "decode.loss_ce": 0.19616, "decode.acc_seg": 91.78016, "aux.loss_ce": 0.1527, "aux.acc_seg": 85.11007, "loss": 0.34886, "grad_norm": 11.55604, "time": 0.41778} {"mode": "train", "epoch": 115, "iter": 145150, "lr": 0.0, "memory": 14793, "data_time": 0.00522, "decode.loss_ce": 0.19777, "decode.acc_seg": 91.61645, "aux.loss_ce": 0.15759, "aux.acc_seg": 85.06418, "loss": 0.35537, "grad_norm": 10.4917, "time": 0.41407} {"mode": "train", "epoch": 115, "iter": 145200, "lr": 0.0, "memory": 14793, "data_time": 0.00546, "decode.loss_ce": 0.20254, "decode.acc_seg": 91.40643, "aux.loss_ce": 0.15909, "aux.acc_seg": 84.78879, "loss": 0.36163, "grad_norm": 12.25641, "time": 0.40638} {"mode": "train", "epoch": 115, "iter": 145250, "lr": 0.0, "memory": 14793, "data_time": 0.00548, "decode.loss_ce": 0.19059, "decode.acc_seg": 91.90278, "aux.loss_ce": 0.148, "aux.acc_seg": 85.7706, "loss": 0.3386, "grad_norm": 13.26575, "time": 0.41175} {"mode": "train", "epoch": 115, "iter": 145300, "lr": 0.0, "memory": 14793, "data_time": 0.00516, "decode.loss_ce": 0.19338, "decode.acc_seg": 91.75453, "aux.loss_ce": 0.15009, "aux.acc_seg": 84.85211, "loss": 0.34347, "grad_norm": 10.6996, "time": 0.40679} {"mode": "train", "epoch": 115, "iter": 145350, "lr": 0.0, "memory": 14793, "data_time": 0.00576, "decode.loss_ce": 0.20799, "decode.acc_seg": 91.46023, "aux.loss_ce": 0.1613, "aux.acc_seg": 85.04584, "loss": 0.36929, "grad_norm": 12.6602, "time": 0.41816} {"mode": "train", "epoch": 116, "iter": 145400, "lr": 0.0, "memory": 14793, "data_time": 0.05069, "decode.loss_ce": 0.20175, "decode.acc_seg": 91.8761, "aux.loss_ce": 0.15438, "aux.acc_seg": 85.21346, "loss": 0.35613, "grad_norm": 14.04165, "time": 0.47316} {"mode": "train", "epoch": 116, "iter": 145450, "lr": 0.0, "memory": 14793, "data_time": 0.00538, "decode.loss_ce": 0.1867, "decode.acc_seg": 92.17992, "aux.loss_ce": 0.15028, "aux.acc_seg": 85.40297, "loss": 0.33697, "grad_norm": 11.69056, "time": 0.42223} {"mode": "train", "epoch": 116, "iter": 145500, "lr": 0.0, "memory": 14793, "data_time": 0.00548, "decode.loss_ce": 0.21065, "decode.acc_seg": 91.12661, "aux.loss_ce": 0.17005, "aux.acc_seg": 83.56066, "loss": 0.38069, "grad_norm": 11.61227, "time": 0.41827} {"mode": "train", "epoch": 116, "iter": 145550, "lr": 0.0, "memory": 14793, "data_time": 0.00653, "decode.loss_ce": 0.20478, "decode.acc_seg": 91.60993, "aux.loss_ce": 0.16315, "aux.acc_seg": 84.253, "loss": 0.36793, "grad_norm": 10.93856, "time": 0.4151} {"mode": "train", "epoch": 116, "iter": 145600, "lr": 0.0, "memory": 14793, "data_time": 0.00568, "decode.loss_ce": 0.19342, "decode.acc_seg": 91.46695, "aux.loss_ce": 0.14392, "aux.acc_seg": 85.5723, "loss": 0.33734, "grad_norm": 11.15181, "time": 0.41554} {"mode": "train", "epoch": 116, "iter": 145650, "lr": 0.0, "memory": 14793, "data_time": 0.00579, "decode.loss_ce": 0.19515, "decode.acc_seg": 91.80972, "aux.loss_ce": 0.15276, "aux.acc_seg": 85.38115, "loss": 0.34791, "grad_norm": 10.12658, "time": 0.40903} {"mode": "train", "epoch": 116, "iter": 145700, "lr": 0.0, "memory": 14793, "data_time": 0.00537, "decode.loss_ce": 0.18936, "decode.acc_seg": 92.1103, "aux.loss_ce": 0.14706, "aux.acc_seg": 86.21225, "loss": 0.33643, "grad_norm": 12.10509, "time": 0.41474} {"mode": "train", "epoch": 116, "iter": 145750, "lr": 0.0, "memory": 14793, "data_time": 0.00572, "decode.loss_ce": 0.20303, "decode.acc_seg": 91.45096, "aux.loss_ce": 0.15554, "aux.acc_seg": 85.24116, "loss": 0.35856, "grad_norm": 16.16586, "time": 0.42203} {"mode": "train", "epoch": 116, "iter": 145800, "lr": 0.0, "memory": 14793, "data_time": 0.00585, "decode.loss_ce": 0.21425, "decode.acc_seg": 91.19825, "aux.loss_ce": 0.15789, "aux.acc_seg": 85.00126, "loss": 0.37214, "grad_norm": 15.39295, "time": 0.41016} {"mode": "train", "epoch": 116, "iter": 145850, "lr": 0.0, "memory": 14793, "data_time": 0.00517, "decode.loss_ce": 0.18545, "decode.acc_seg": 91.89491, "aux.loss_ce": 0.14525, "aux.acc_seg": 85.33813, "loss": 0.3307, "grad_norm": 9.67323, "time": 0.41806} {"mode": "train", "epoch": 116, "iter": 145900, "lr": 0.0, "memory": 14793, "data_time": 0.00506, "decode.loss_ce": 0.18609, "decode.acc_seg": 92.02837, "aux.loss_ce": 0.14372, "aux.acc_seg": 86.06145, "loss": 0.32981, "grad_norm": 11.08581, "time": 0.41699} {"mode": "train", "epoch": 116, "iter": 145950, "lr": 0.0, "memory": 14793, "data_time": 0.00618, "decode.loss_ce": 0.21174, "decode.acc_seg": 91.19349, "aux.loss_ce": 0.16283, "aux.acc_seg": 84.64736, "loss": 0.37457, "grad_norm": 11.85921, "time": 0.41912} {"mode": "train", "epoch": 116, "iter": 146000, "lr": 0.0, "memory": 14793, "data_time": 0.00524, "decode.loss_ce": 0.20955, "decode.acc_seg": 91.50098, "aux.loss_ce": 0.16031, "aux.acc_seg": 84.86232, "loss": 0.36986, "grad_norm": 14.57732, "time": 0.64172} {"mode": "val", "epoch": 116, "iter": 125, "lr": 0.0, "aAcc": 0.85, "mIoU": 0.5452, "mAcc": 0.668, "IoU.wall": 0.8061, "IoU.building": 0.8359, "IoU.sky": 0.9493, "IoU.floor": 0.8323, "IoU.tree": 0.7593, "IoU.ceiling": 0.8581, "IoU.road": 0.8554, "IoU.bed ": 0.9163, "IoU.windowpane": 0.648, "IoU.grass": 0.6713, "IoU.cabinet": 0.6563, "IoU.sidewalk": 0.6874, "IoU.person": 0.8399, "IoU.earth": 0.3946, "IoU.door": 0.552, "IoU.table": 0.6574, "IoU.mountain": 0.6022, "IoU.plant": 0.5258, "IoU.curtain": 0.7603, "IoU.chair": 0.6377, "IoU.car": 0.8626, "IoU.water": 0.6052, "IoU.painting": 0.7449, "IoU.sofa": 0.7543, "IoU.shelf": 0.453, "IoU.house": 0.4986, "IoU.sea": 0.6963, "IoU.mirror": 0.7413, "IoU.rug": 0.6749, "IoU.field": 0.3105, "IoU.armchair": 0.4891, "IoU.seat": 0.6697, "IoU.fence": 0.4737, "IoU.desk": 0.5381, "IoU.rock": 0.5242, "IoU.wardrobe": 0.5616, "IoU.lamp": 0.6986, "IoU.bathtub": 0.8257, "IoU.railing": 0.412, "IoU.cushion": 0.6655, "IoU.base": 0.3995, "IoU.box": 0.3438, "IoU.column": 0.5378, "IoU.signboard": 0.3892, "IoU.chest of drawers": 0.4459, "IoU.counter": 0.2772, "IoU.sand": 0.5892, "IoU.sink": 0.8067, "IoU.skyscraper": 0.5288, "IoU.fireplace": 0.7024, "IoU.refrigerator": 0.7798, "IoU.grandstand": 0.4853, "IoU.path": 0.2524, "IoU.stairs": 0.3199, "IoU.runway": 0.649, "IoU.case": 0.4873, "IoU.pool table": 0.9368, "IoU.pillow": 0.6233, "IoU.screen door": 0.7114, "IoU.stairway": 0.3515, "IoU.river": 0.1007, "IoU.bridge": 0.3967, "IoU.bookcase": 0.4649, "IoU.blind": 0.4572, "IoU.coffee table": 0.6301, "IoU.toilet": 0.8796, "IoU.flower": 0.4494, "IoU.book": 0.4982, "IoU.hill": 0.0704, "IoU.bench": 0.6521, "IoU.countertop": 0.6149, "IoU.stove": 0.8392, "IoU.palm": 0.5681, "IoU.kitchen island": 0.4642, "IoU.computer": 0.7519, "IoU.swivel chair": 0.5508, "IoU.boat": 0.7425, "IoU.bar": 0.4771, "IoU.arcade machine": 0.5977, "IoU.hovel": 0.6207, "IoU.bus": 0.9263, "IoU.towel": 0.721, "IoU.light": 0.5924, "IoU.truck": 0.4544, "IoU.tower": 0.2429, "IoU.chandelier": 0.7207, "IoU.awning": 0.3406, "IoU.streetlight": 0.3344, "IoU.booth": 0.4202, "IoU.television receiver": 0.7683, "IoU.airplane": 0.7247, "IoU.dirt track": 0.0558, "IoU.apparel": 0.6116, "IoU.pole": 0.2423, "IoU.land": 0.0559, "IoU.bannister": 0.1537, "IoU.escalator": 0.5442, "IoU.ottoman": 0.5636, "IoU.bottle": 0.4145, "IoU.buffet": 0.4686, "IoU.poster": 0.3302, "IoU.stage": 0.2278, "IoU.van": 0.4385, "IoU.ship": 0.3825, "IoU.fountain": 0.245, "IoU.conveyer belt": 0.7965, "IoU.canopy": 0.4074, "IoU.washer": 0.72, "IoU.plaything": 0.3607, "IoU.swimming pool": 0.6452, "IoU.stool": 0.4915, "IoU.barrel": 0.5375, "IoU.basket": 0.3984, "IoU.waterfall": 0.6604, "IoU.tent": 0.9534, "IoU.bag": 0.2242, "IoU.minibike": 0.7223, "IoU.cradle": 0.8515, "IoU.oven": 0.5056, "IoU.ball": 0.3486, "IoU.food": 0.5684, "IoU.step": 0.1927, "IoU.tank": 0.6337, "IoU.trade name": 0.2726, "IoU.microwave": 0.8382, "IoU.pot": 0.5194, "IoU.animal": 0.6095, "IoU.bicycle": 0.6033, "IoU.lake": 0.5018, "IoU.dishwasher": 0.6993, "IoU.screen": 0.6067, "IoU.blanket": 0.2726, "IoU.sculpture": 0.7114, "IoU.hood": 0.6711, "IoU.sconce": 0.557, "IoU.vase": 0.4573, "IoU.traffic light": 0.3788, "IoU.tray": 0.0699, "IoU.ashcan": 0.4484, "IoU.fan": 0.6755, "IoU.pier": 0.393, "IoU.crt screen": 0.133, "IoU.plate": 0.5916, "IoU.monitor": 0.2006, "IoU.bulletin board": 0.666, "IoU.shower": 0.0156, "IoU.radiator": 0.6328, "IoU.glass": 0.165, "IoU.clock": 0.4608, "IoU.flag": 0.5417, "Acc.wall": 0.8904, "Acc.building": 0.9245, "Acc.sky": 0.978, "Acc.floor": 0.9092, "Acc.tree": 0.8858, "Acc.ceiling": 0.9274, "Acc.road": 0.9185, "Acc.bed ": 0.9732, "Acc.windowpane": 0.8171, "Acc.grass": 0.8242, "Acc.cabinet": 0.7612, "Acc.sidewalk": 0.8263, "Acc.person": 0.9393, "Acc.earth": 0.5304, "Acc.door": 0.7017, "Acc.table": 0.8031, "Acc.mountain": 0.736, "Acc.plant": 0.6499, "Acc.curtain": 0.8766, "Acc.chair": 0.7626, "Acc.car": 0.9366, "Acc.water": 0.7617, "Acc.painting": 0.8985, "Acc.sofa": 0.9052, "Acc.shelf": 0.6315, "Acc.house": 0.7073, "Acc.sea": 0.8301, "Acc.mirror": 0.804, "Acc.rug": 0.8054, "Acc.field": 0.449, "Acc.armchair": 0.6475, "Acc.seat": 0.8353, "Acc.fence": 0.6239, "Acc.desk": 0.7309, "Acc.rock": 0.7843, "Acc.wardrobe": 0.7267, "Acc.lamp": 0.8199, "Acc.bathtub": 0.8634, "Acc.railing": 0.5595, "Acc.cushion": 0.7719, "Acc.base": 0.5363, "Acc.box": 0.4579, "Acc.column": 0.6629, "Acc.signboard": 0.5321, "Acc.chest of drawers": 0.6855, "Acc.counter": 0.3637, "Acc.sand": 0.7653, "Acc.sink": 0.8734, "Acc.skyscraper": 0.6564, "Acc.fireplace": 0.9323, "Acc.refrigerator": 0.8461, "Acc.grandstand": 0.8336, "Acc.path": 0.3925, "Acc.stairs": 0.4211, "Acc.runway": 0.8605, "Acc.case": 0.6151, "Acc.pool table": 0.9817, "Acc.pillow": 0.7303, "Acc.screen door": 0.8351, "Acc.stairway": 0.4674, "Acc.river": 0.2231, "Acc.bridge": 0.4499, "Acc.bookcase": 0.7159, "Acc.blind": 0.5231, "Acc.coffee table": 0.841, "Acc.toilet": 0.9269, "Acc.flower": 0.605, "Acc.book": 0.7056, "Acc.hill": 0.1156, "Acc.bench": 0.7771, "Acc.countertop": 0.8036, "Acc.stove": 0.8938, "Acc.palm": 0.7878, "Acc.kitchen island": 0.789, "Acc.computer": 0.9011, "Acc.swivel chair": 0.7882, "Acc.boat": 0.8559, "Acc.bar": 0.674, "Acc.arcade machine": 0.6315, "Acc.hovel": 0.7, "Acc.bus": 0.9739, "Acc.towel": 0.8596, "Acc.light": 0.6799, "Acc.truck": 0.5964, "Acc.tower": 0.4384, "Acc.chandelier": 0.8371, "Acc.awning": 0.4027, "Acc.streetlight": 0.4479, "Acc.booth": 0.5348, "Acc.television receiver": 0.8653, "Acc.airplane": 0.8155, "Acc.dirt track": 0.0945, "Acc.apparel": 0.8015, "Acc.pole": 0.3301, "Acc.land": 0.0729, "Acc.bannister": 0.2082, "Acc.escalator": 0.815, "Acc.ottoman": 0.7536, "Acc.bottle": 0.6712, "Acc.buffet": 0.5765, "Acc.poster": 0.4685, "Acc.stage": 0.3502, "Acc.van": 0.5953, "Acc.ship": 0.43, "Acc.fountain": 0.2469, "Acc.conveyer belt": 0.9474, "Acc.canopy": 0.5605, "Acc.washer": 0.7414, "Acc.plaything": 0.5245, "Acc.swimming pool": 0.755, "Acc.stool": 0.6391, "Acc.barrel": 0.8714, "Acc.basket": 0.5035, "Acc.waterfall": 0.7727, "Acc.tent": 0.9842, "Acc.bag": 0.2822, "Acc.minibike": 0.8732, "Acc.cradle": 0.9751, "Acc.oven": 0.6394, "Acc.ball": 0.3627, "Acc.food": 0.6502, "Acc.step": 0.2376, "Acc.tank": 0.6632, "Acc.trade name": 0.3129, "Acc.microwave": 0.9498, "Acc.pot": 0.6167, "Acc.animal": 0.6282, "Acc.bicycle": 0.7816, "Acc.lake": 0.6379, "Acc.dishwasher": 0.8016, "Acc.screen": 0.858, "Acc.blanket": 0.3276, "Acc.sculpture": 0.8471, "Acc.hood": 0.7111, "Acc.sconce": 0.6614, "Acc.vase": 0.6093, "Acc.traffic light": 0.5754, "Acc.tray": 0.1028, "Acc.ashcan": 0.5806, "Acc.fan": 0.7976, "Acc.pier": 0.5578, "Acc.crt screen": 0.3086, "Acc.plate": 0.7897, "Acc.monitor": 0.2232, "Acc.bulletin board": 0.7687, "Acc.shower": 0.0178, "Acc.radiator": 0.7183, "Acc.glass": 0.1773, "Acc.clock": 0.5009, "Acc.flag": 0.608} {"mode": "train", "epoch": 116, "iter": 146050, "lr": 0.0, "memory": 14793, "data_time": 2.13238, "decode.loss_ce": 0.19166, "decode.acc_seg": 91.67004, "aux.loss_ce": 0.15623, "aux.acc_seg": 85.25579, "loss": 0.34789, "grad_norm": 21.94837, "time": 2.54069} {"mode": "train", "epoch": 116, "iter": 146100, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.20461, "decode.acc_seg": 91.19079, "aux.loss_ce": 0.15803, "aux.acc_seg": 84.40835, "loss": 0.36264, "grad_norm": 12.62815, "time": 0.41308} {"mode": "train", "epoch": 116, "iter": 146150, "lr": 0.0, "memory": 14793, "data_time": 0.00603, "decode.loss_ce": 0.19617, "decode.acc_seg": 91.55662, "aux.loss_ce": 0.14846, "aux.acc_seg": 85.59056, "loss": 0.34462, "grad_norm": 12.19862, "time": 0.42243} {"mode": "train", "epoch": 116, "iter": 146200, "lr": 0.0, "memory": 14793, "data_time": 0.00549, "decode.loss_ce": 0.18794, "decode.acc_seg": 92.00204, "aux.loss_ce": 0.14979, "aux.acc_seg": 85.28001, "loss": 0.33773, "grad_norm": 11.84147, "time": 0.41436} {"mode": "train", "epoch": 116, "iter": 146250, "lr": 0.0, "memory": 14793, "data_time": 0.00626, "decode.loss_ce": 0.19347, "decode.acc_seg": 91.83252, "aux.loss_ce": 0.15234, "aux.acc_seg": 85.70232, "loss": 0.34582, "grad_norm": 11.63555, "time": 0.42259} {"mode": "train", "epoch": 116, "iter": 146300, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.18854, "decode.acc_seg": 92.05354, "aux.loss_ce": 0.15388, "aux.acc_seg": 85.28942, "loss": 0.34242, "grad_norm": 10.69181, "time": 0.41712} {"mode": "train", "epoch": 116, "iter": 146350, "lr": 0.0, "memory": 14793, "data_time": 0.0084, "decode.loss_ce": 0.19591, "decode.acc_seg": 91.78388, "aux.loss_ce": 0.15106, "aux.acc_seg": 85.36157, "loss": 0.34698, "grad_norm": 14.28277, "time": 0.41077} {"mode": "train", "epoch": 116, "iter": 146400, "lr": 0.0, "memory": 14793, "data_time": 0.00597, "decode.loss_ce": 0.19752, "decode.acc_seg": 91.86499, "aux.loss_ce": 0.16635, "aux.acc_seg": 84.13558, "loss": 0.36387, "grad_norm": 14.2107, "time": 0.40677} {"mode": "train", "epoch": 116, "iter": 146450, "lr": 0.0, "memory": 14793, "data_time": 0.00643, "decode.loss_ce": 0.19628, "decode.acc_seg": 91.49336, "aux.loss_ce": 0.15456, "aux.acc_seg": 84.74949, "loss": 0.35083, "grad_norm": 13.83552, "time": 0.40802} {"mode": "train", "epoch": 116, "iter": 146500, "lr": 0.0, "memory": 14793, "data_time": 0.00587, "decode.loss_ce": 0.18253, "decode.acc_seg": 92.4004, "aux.loss_ce": 0.15245, "aux.acc_seg": 85.73741, "loss": 0.33499, "grad_norm": 10.43707, "time": 0.40895} {"mode": "train", "epoch": 116, "iter": 146550, "lr": 0.0, "memory": 14793, "data_time": 0.00545, "decode.loss_ce": 0.19536, "decode.acc_seg": 91.80385, "aux.loss_ce": 0.16076, "aux.acc_seg": 85.01019, "loss": 0.35612, "grad_norm": 13.43387, "time": 0.41819} {"mode": "train", "epoch": 116, "iter": 146600, "lr": 0.0, "memory": 14793, "data_time": 0.00535, "decode.loss_ce": 0.1865, "decode.acc_seg": 91.94045, "aux.loss_ce": 0.15199, "aux.acc_seg": 85.31566, "loss": 0.33849, "grad_norm": 12.24231, "time": 0.41628} {"mode": "train", "epoch": 117, "iter": 146650, "lr": 0.0, "memory": 14793, "data_time": 0.05808, "decode.loss_ce": 0.18986, "decode.acc_seg": 92.03332, "aux.loss_ce": 0.15414, "aux.acc_seg": 85.44009, "loss": 0.344, "grad_norm": 11.22765, "time": 0.47111} {"mode": "train", "epoch": 117, "iter": 146700, "lr": 0.0, "memory": 14793, "data_time": 0.00595, "decode.loss_ce": 0.20434, "decode.acc_seg": 91.11394, "aux.loss_ce": 0.15147, "aux.acc_seg": 85.21929, "loss": 0.35581, "grad_norm": 15.24092, "time": 0.42241} {"mode": "train", "epoch": 117, "iter": 146750, "lr": 0.0, "memory": 14793, "data_time": 0.00542, "decode.loss_ce": 0.18215, "decode.acc_seg": 92.31553, "aux.loss_ce": 0.13982, "aux.acc_seg": 86.4184, "loss": 0.32197, "grad_norm": 10.72708, "time": 0.41694} {"mode": "train", "epoch": 117, "iter": 146800, "lr": 0.0, "memory": 14793, "data_time": 0.00672, "decode.loss_ce": 0.19116, "decode.acc_seg": 91.69944, "aux.loss_ce": 0.15418, "aux.acc_seg": 84.67424, "loss": 0.34533, "grad_norm": 18.53437, "time": 0.41956} {"mode": "train", "epoch": 117, "iter": 146850, "lr": 0.0, "memory": 14793, "data_time": 0.00535, "decode.loss_ce": 0.20415, "decode.acc_seg": 91.46504, "aux.loss_ce": 0.16152, "aux.acc_seg": 84.73585, "loss": 0.36566, "grad_norm": 12.27933, "time": 0.41271} {"mode": "train", "epoch": 117, "iter": 146900, "lr": 0.0, "memory": 14793, "data_time": 0.00621, "decode.loss_ce": 0.19589, "decode.acc_seg": 91.69901, "aux.loss_ce": 0.15564, "aux.acc_seg": 85.16902, "loss": 0.35154, "grad_norm": 11.93561, "time": 0.40925} {"mode": "train", "epoch": 117, "iter": 146950, "lr": 0.0, "memory": 14793, "data_time": 0.00628, "decode.loss_ce": 0.18409, "decode.acc_seg": 92.08341, "aux.loss_ce": 0.15371, "aux.acc_seg": 85.54336, "loss": 0.33781, "grad_norm": 12.5114, "time": 0.40944} {"mode": "train", "epoch": 117, "iter": 147000, "lr": 0.0, "memory": 14793, "data_time": 0.00574, "decode.loss_ce": 0.19302, "decode.acc_seg": 91.81463, "aux.loss_ce": 0.14969, "aux.acc_seg": 85.46015, "loss": 0.34271, "grad_norm": 18.44303, "time": 0.65703} {"mode": "val", "epoch": 117, "iter": 125, "lr": 0.0, "aAcc": 0.8496, "mIoU": 0.5465, "mAcc": 0.671, "IoU.wall": 0.8064, "IoU.building": 0.8353, "IoU.sky": 0.9492, "IoU.floor": 0.8311, "IoU.tree": 0.7591, "IoU.ceiling": 0.8587, "IoU.road": 0.8558, "IoU.bed ": 0.9175, "IoU.windowpane": 0.6541, "IoU.grass": 0.6661, "IoU.cabinet": 0.6563, "IoU.sidewalk": 0.6927, "IoU.person": 0.8416, "IoU.earth": 0.3818, "IoU.door": 0.5527, "IoU.table": 0.6585, "IoU.mountain": 0.5976, "IoU.plant": 0.5266, "IoU.curtain": 0.7655, "IoU.chair": 0.6371, "IoU.car": 0.8617, "IoU.water": 0.6001, "IoU.painting": 0.7524, "IoU.sofa": 0.7601, "IoU.shelf": 0.4457, "IoU.house": 0.4929, "IoU.sea": 0.6956, "IoU.mirror": 0.7359, "IoU.rug": 0.6558, "IoU.field": 0.3048, "IoU.armchair": 0.5047, "IoU.seat": 0.6743, "IoU.fence": 0.4679, "IoU.desk": 0.5355, "IoU.rock": 0.5216, "IoU.wardrobe": 0.5627, "IoU.lamp": 0.6987, "IoU.bathtub": 0.8278, "IoU.railing": 0.4147, "IoU.cushion": 0.6527, "IoU.base": 0.3828, "IoU.box": 0.3407, "IoU.column": 0.5424, "IoU.signboard": 0.3878, "IoU.chest of drawers": 0.4443, "IoU.counter": 0.2939, "IoU.sand": 0.5784, "IoU.sink": 0.7934, "IoU.skyscraper": 0.5063, "IoU.fireplace": 0.6986, "IoU.refrigerator": 0.7816, "IoU.grandstand": 0.4814, "IoU.path": 0.2415, "IoU.stairs": 0.3592, "IoU.runway": 0.6441, "IoU.case": 0.4914, "IoU.pool table": 0.936, "IoU.pillow": 0.6327, "IoU.screen door": 0.6879, "IoU.stairway": 0.3647, "IoU.river": 0.1007, "IoU.bridge": 0.4062, "IoU.bookcase": 0.4616, "IoU.blind": 0.4867, "IoU.coffee table": 0.6215, "IoU.toilet": 0.8809, "IoU.flower": 0.4442, "IoU.book": 0.5003, "IoU.hill": 0.0703, "IoU.bench": 0.6503, "IoU.countertop": 0.6197, "IoU.stove": 0.8395, "IoU.palm": 0.5649, "IoU.kitchen island": 0.4654, "IoU.computer": 0.7533, "IoU.swivel chair": 0.5502, "IoU.boat": 0.7347, "IoU.bar": 0.4834, "IoU.arcade machine": 0.6151, "IoU.hovel": 0.6165, "IoU.bus": 0.9043, "IoU.towel": 0.7179, "IoU.light": 0.5928, "IoU.truck": 0.4536, "IoU.tower": 0.2428, "IoU.chandelier": 0.7203, "IoU.awning": 0.3494, "IoU.streetlight": 0.3366, "IoU.booth": 0.4317, "IoU.television receiver": 0.7702, "IoU.airplane": 0.7398, "IoU.dirt track": 0.0656, "IoU.apparel": 0.6175, "IoU.pole": 0.2448, "IoU.land": 0.0555, "IoU.bannister": 0.1615, "IoU.escalator": 0.5419, "IoU.ottoman": 0.5557, "IoU.bottle": 0.4136, "IoU.buffet": 0.463, "IoU.poster": 0.3502, "IoU.stage": 0.2246, "IoU.van": 0.4287, "IoU.ship": 0.4888, "IoU.fountain": 0.2613, "IoU.conveyer belt": 0.8105, "IoU.canopy": 0.4035, "IoU.washer": 0.7299, "IoU.plaything": 0.3796, "IoU.swimming pool": 0.6561, "IoU.stool": 0.4865, "IoU.barrel": 0.5551, "IoU.basket": 0.3977, "IoU.waterfall": 0.6278, "IoU.tent": 0.951, "IoU.bag": 0.2241, "IoU.minibike": 0.7278, "IoU.cradle": 0.8399, "IoU.oven": 0.4992, "IoU.ball": 0.3175, "IoU.food": 0.5718, "IoU.step": 0.1955, "IoU.tank": 0.6331, "IoU.trade name": 0.2836, "IoU.microwave": 0.825, "IoU.pot": 0.5259, "IoU.animal": 0.6066, "IoU.bicycle": 0.6016, "IoU.lake": 0.5025, "IoU.dishwasher": 0.6878, "IoU.screen": 0.5938, "IoU.blanket": 0.2856, "IoU.sculpture": 0.718, "IoU.hood": 0.6654, "IoU.sconce": 0.564, "IoU.vase": 0.4599, "IoU.traffic light": 0.3852, "IoU.tray": 0.0739, "IoU.ashcan": 0.4701, "IoU.fan": 0.6796, "IoU.pier": 0.4276, "IoU.crt screen": 0.1317, "IoU.plate": 0.593, "IoU.monitor": 0.1917, "IoU.bulletin board": 0.6646, "IoU.shower": 0.0255, "IoU.radiator": 0.6374, "IoU.glass": 0.1641, "IoU.clock": 0.4676, "IoU.flag": 0.5458, "Acc.wall": 0.8892, "Acc.building": 0.9242, "Acc.sky": 0.9767, "Acc.floor": 0.9099, "Acc.tree": 0.8842, "Acc.ceiling": 0.9267, "Acc.road": 0.9217, "Acc.bed ": 0.9721, "Acc.windowpane": 0.8107, "Acc.grass": 0.8158, "Acc.cabinet": 0.7777, "Acc.sidewalk": 0.8196, "Acc.person": 0.9362, "Acc.earth": 0.5256, "Acc.door": 0.6986, "Acc.table": 0.7944, "Acc.mountain": 0.7345, "Acc.plant": 0.6441, "Acc.curtain": 0.886, "Acc.chair": 0.7613, "Acc.car": 0.9395, "Acc.water": 0.7493, "Acc.painting": 0.8934, "Acc.sofa": 0.8979, "Acc.shelf": 0.6125, "Acc.house": 0.7221, "Acc.sea": 0.8428, "Acc.mirror": 0.7952, "Acc.rug": 0.7679, "Acc.field": 0.4658, "Acc.armchair": 0.6852, "Acc.seat": 0.8485, "Acc.fence": 0.6194, "Acc.desk": 0.741, "Acc.rock": 0.788, "Acc.wardrobe": 0.7334, "Acc.lamp": 0.8143, "Acc.bathtub": 0.8681, "Acc.railing": 0.5746, "Acc.cushion": 0.7354, "Acc.base": 0.5098, "Acc.box": 0.4525, "Acc.column": 0.6541, "Acc.signboard": 0.5287, "Acc.chest of drawers": 0.6584, "Acc.counter": 0.3843, "Acc.sand": 0.7742, "Acc.sink": 0.8607, "Acc.skyscraper": 0.6183, "Acc.fireplace": 0.9332, "Acc.refrigerator": 0.8569, "Acc.grandstand": 0.8428, "Acc.path": 0.3811, "Acc.stairs": 0.4768, "Acc.runway": 0.8623, "Acc.case": 0.6187, "Acc.pool table": 0.9828, "Acc.pillow": 0.7614, "Acc.screen door": 0.848, "Acc.stairway": 0.4421, "Acc.river": 0.23, "Acc.bridge": 0.4611, "Acc.bookcase": 0.7154, "Acc.blind": 0.5789, "Acc.coffee table": 0.8509, "Acc.toilet": 0.9304, "Acc.flower": 0.5871, "Acc.book": 0.6946, "Acc.hill": 0.1168, "Acc.bench": 0.7692, "Acc.countertop": 0.8068, "Acc.stove": 0.9024, "Acc.palm": 0.7686, "Acc.kitchen island": 0.7676, "Acc.computer": 0.8994, "Acc.swivel chair": 0.7874, "Acc.boat": 0.8597, "Acc.bar": 0.6649, "Acc.arcade machine": 0.6525, "Acc.hovel": 0.6932, "Acc.bus": 0.9788, "Acc.towel": 0.8571, "Acc.light": 0.6769, "Acc.truck": 0.6118, "Acc.tower": 0.4303, "Acc.chandelier": 0.8493, "Acc.awning": 0.4256, "Acc.streetlight": 0.4631, "Acc.booth": 0.5545, "Acc.television receiver": 0.8721, "Acc.airplane": 0.8263, "Acc.dirt track": 0.1181, "Acc.apparel": 0.7765, "Acc.pole": 0.3336, "Acc.land": 0.0814, "Acc.bannister": 0.2263, "Acc.escalator": 0.8031, "Acc.ottoman": 0.7404, "Acc.bottle": 0.6823, "Acc.buffet": 0.5614, "Acc.poster": 0.4931, "Acc.stage": 0.3353, "Acc.van": 0.5951, "Acc.ship": 0.552, "Acc.fountain": 0.264, "Acc.conveyer belt": 0.9402, "Acc.canopy": 0.5694, "Acc.washer": 0.7534, "Acc.plaything": 0.559, "Acc.swimming pool": 0.7546, "Acc.stool": 0.6514, "Acc.barrel": 0.8693, "Acc.basket": 0.5081, "Acc.waterfall": 0.7221, "Acc.tent": 0.986, "Acc.bag": 0.2825, "Acc.minibike": 0.8771, "Acc.cradle": 0.9792, "Acc.oven": 0.6384, "Acc.ball": 0.3303, "Acc.food": 0.6465, "Acc.step": 0.2369, "Acc.tank": 0.6622, "Acc.trade name": 0.3347, "Acc.microwave": 0.9466, "Acc.pot": 0.6156, "Acc.animal": 0.6249, "Acc.bicycle": 0.7981, "Acc.lake": 0.6378, "Acc.dishwasher": 0.8068, "Acc.screen": 0.8484, "Acc.blanket": 0.3394, "Acc.sculpture": 0.8494, "Acc.hood": 0.7083, "Acc.sconce": 0.6703, "Acc.vase": 0.6075, "Acc.traffic light": 0.5667, "Acc.tray": 0.1148, "Acc.ashcan": 0.6348, "Acc.fan": 0.8132, "Acc.pier": 0.6307, "Acc.crt screen": 0.3178, "Acc.plate": 0.8028, "Acc.monitor": 0.2154, "Acc.bulletin board": 0.756, "Acc.shower": 0.0263, "Acc.radiator": 0.7237, "Acc.glass": 0.1757, "Acc.clock": 0.5141, "Acc.flag": 0.614} {"mode": "train", "epoch": 117, "iter": 147050, "lr": 0.0, "memory": 14793, "data_time": 2.17489, "decode.loss_ce": 0.19475, "decode.acc_seg": 91.80892, "aux.loss_ce": 0.15976, "aux.acc_seg": 84.57349, "loss": 0.35451, "grad_norm": 10.88099, "time": 2.59686} {"mode": "train", "epoch": 117, "iter": 147100, "lr": 0.0, "memory": 14793, "data_time": 0.00557, "decode.loss_ce": 0.19417, "decode.acc_seg": 91.52104, "aux.loss_ce": 0.15009, "aux.acc_seg": 85.16094, "loss": 0.34426, "grad_norm": 12.4501, "time": 0.42138} {"mode": "train", "epoch": 117, "iter": 147150, "lr": 0.0, "memory": 14793, "data_time": 0.00599, "decode.loss_ce": 0.19189, "decode.acc_seg": 91.65224, "aux.loss_ce": 0.15305, "aux.acc_seg": 85.06367, "loss": 0.34495, "grad_norm": 9.26136, "time": 0.42178} {"mode": "train", "epoch": 117, "iter": 147200, "lr": 0.0, "memory": 14793, "data_time": 0.00601, "decode.loss_ce": 0.19505, "decode.acc_seg": 91.68112, "aux.loss_ce": 0.15315, "aux.acc_seg": 85.30069, "loss": 0.3482, "grad_norm": 13.35626, "time": 0.41628} {"mode": "train", "epoch": 117, "iter": 147250, "lr": 0.0, "memory": 14793, "data_time": 0.00616, "decode.loss_ce": 0.18734, "decode.acc_seg": 92.01348, "aux.loss_ce": 0.14538, "aux.acc_seg": 85.60293, "loss": 0.33273, "grad_norm": 10.3674, "time": 0.41489} {"mode": "train", "epoch": 117, "iter": 147300, "lr": 0.0, "memory": 14793, "data_time": 0.00575, "decode.loss_ce": 0.2053, "decode.acc_seg": 91.51331, "aux.loss_ce": 0.15812, "aux.acc_seg": 84.88579, "loss": 0.36342, "grad_norm": 13.27379, "time": 0.41613} {"mode": "train", "epoch": 117, "iter": 147350, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.20183, "decode.acc_seg": 91.66737, "aux.loss_ce": 0.15881, "aux.acc_seg": 84.87437, "loss": 0.36064, "grad_norm": 9.71519, "time": 0.4065} {"mode": "train", "epoch": 117, "iter": 147400, "lr": 0.0, "memory": 14793, "data_time": 0.0062, "decode.loss_ce": 0.19545, "decode.acc_seg": 91.81246, "aux.loss_ce": 0.15355, "aux.acc_seg": 85.26075, "loss": 0.349, "grad_norm": 13.01937, "time": 0.41835} {"mode": "train", "epoch": 117, "iter": 147450, "lr": 0.0, "memory": 14793, "data_time": 0.00556, "decode.loss_ce": 0.19284, "decode.acc_seg": 92.04683, "aux.loss_ce": 0.15404, "aux.acc_seg": 85.64984, "loss": 0.34688, "grad_norm": 12.6056, "time": 0.4178} {"mode": "train", "epoch": 117, "iter": 147500, "lr": 0.0, "memory": 14793, "data_time": 0.00677, "decode.loss_ce": 0.20394, "decode.acc_seg": 91.57704, "aux.loss_ce": 0.1615, "aux.acc_seg": 84.68752, "loss": 0.36544, "grad_norm": 10.41104, "time": 0.4258} {"mode": "train", "epoch": 117, "iter": 147550, "lr": 0.0, "memory": 14793, "data_time": 0.00651, "decode.loss_ce": 0.19773, "decode.acc_seg": 91.81006, "aux.loss_ce": 0.15675, "aux.acc_seg": 84.90523, "loss": 0.35448, "grad_norm": 10.79593, "time": 0.41668} {"mode": "train", "epoch": 117, "iter": 147600, "lr": 0.0, "memory": 14793, "data_time": 0.00579, "decode.loss_ce": 0.19976, "decode.acc_seg": 91.63379, "aux.loss_ce": 0.15248, "aux.acc_seg": 85.2113, "loss": 0.35225, "grad_norm": 12.40461, "time": 0.41223} {"mode": "train", "epoch": 117, "iter": 147650, "lr": 0.0, "memory": 14793, "data_time": 0.00564, "decode.loss_ce": 0.20989, "decode.acc_seg": 90.96445, "aux.loss_ce": 0.17154, "aux.acc_seg": 83.90905, "loss": 0.38143, "grad_norm": 14.50884, "time": 0.40737} {"mode": "train", "epoch": 117, "iter": 147700, "lr": 0.0, "memory": 14793, "data_time": 0.00621, "decode.loss_ce": 0.19891, "decode.acc_seg": 91.61444, "aux.loss_ce": 0.15903, "aux.acc_seg": 85.01202, "loss": 0.35794, "grad_norm": 12.52171, "time": 0.41384} {"mode": "train", "epoch": 117, "iter": 147750, "lr": 0.0, "memory": 14793, "data_time": 0.00578, "decode.loss_ce": 0.21134, "decode.acc_seg": 91.19518, "aux.loss_ce": 0.16297, "aux.acc_seg": 84.5628, "loss": 0.37431, "grad_norm": 14.68375, "time": 0.41227} {"mode": "train", "epoch": 117, "iter": 147800, "lr": 0.0, "memory": 14793, "data_time": 0.00512, "decode.loss_ce": 0.18934, "decode.acc_seg": 92.03681, "aux.loss_ce": 0.15493, "aux.acc_seg": 85.05498, "loss": 0.34427, "grad_norm": 10.95901, "time": 0.41209} {"mode": "train", "epoch": 117, "iter": 147850, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.1986, "decode.acc_seg": 91.70959, "aux.loss_ce": 0.15208, "aux.acc_seg": 85.17279, "loss": 0.35068, "grad_norm": 12.74019, "time": 0.41265} {"mode": "train", "epoch": 118, "iter": 147900, "lr": 0.0, "memory": 14793, "data_time": 0.05273, "decode.loss_ce": 0.19523, "decode.acc_seg": 91.51399, "aux.loss_ce": 0.14848, "aux.acc_seg": 85.24298, "loss": 0.34371, "grad_norm": 10.52277, "time": 0.47403} {"mode": "train", "epoch": 118, "iter": 147950, "lr": 0.0, "memory": 14793, "data_time": 0.00519, "decode.loss_ce": 0.20987, "decode.acc_seg": 91.72431, "aux.loss_ce": 0.1572, "aux.acc_seg": 85.18504, "loss": 0.36707, "grad_norm": 12.31228, "time": 0.42899} {"mode": "train", "epoch": 118, "iter": 148000, "lr": 0.0, "memory": 14793, "data_time": 0.00492, "decode.loss_ce": 0.19739, "decode.acc_seg": 92.03571, "aux.loss_ce": 0.15367, "aux.acc_seg": 85.96227, "loss": 0.35106, "grad_norm": 10.52567, "time": 0.65444} {"mode": "val", "epoch": 118, "iter": 125, "lr": 0.0, "aAcc": 0.8503, "mIoU": 0.5467, "mAcc": 0.6686, "IoU.wall": 0.8065, "IoU.building": 0.8363, "IoU.sky": 0.9492, "IoU.floor": 0.8322, "IoU.tree": 0.7611, "IoU.ceiling": 0.8593, "IoU.road": 0.8564, "IoU.bed ": 0.9164, "IoU.windowpane": 0.65, "IoU.grass": 0.6717, "IoU.cabinet": 0.6562, "IoU.sidewalk": 0.6896, "IoU.person": 0.8414, "IoU.earth": 0.3994, "IoU.door": 0.5525, "IoU.table": 0.6577, "IoU.mountain": 0.5986, "IoU.plant": 0.528, "IoU.curtain": 0.7627, "IoU.chair": 0.6364, "IoU.car": 0.8625, "IoU.water": 0.61, "IoU.painting": 0.7485, "IoU.sofa": 0.7531, "IoU.shelf": 0.4517, "IoU.house": 0.4945, "IoU.sea": 0.6937, "IoU.mirror": 0.7414, "IoU.rug": 0.6731, "IoU.field": 0.3119, "IoU.armchair": 0.4852, "IoU.seat": 0.6685, "IoU.fence": 0.4728, "IoU.desk": 0.5313, "IoU.rock": 0.5256, "IoU.wardrobe": 0.5581, "IoU.lamp": 0.697, "IoU.bathtub": 0.8263, "IoU.railing": 0.4115, "IoU.cushion": 0.6648, "IoU.base": 0.3908, "IoU.box": 0.344, "IoU.column": 0.5455, "IoU.signboard": 0.3881, "IoU.chest of drawers": 0.4409, "IoU.counter": 0.3073, "IoU.sand": 0.5869, "IoU.sink": 0.7906, "IoU.skyscraper": 0.5245, "IoU.fireplace": 0.717, "IoU.refrigerator": 0.7869, "IoU.grandstand": 0.4845, "IoU.path": 0.2474, "IoU.stairs": 0.3614, "IoU.runway": 0.6493, "IoU.case": 0.5076, "IoU.pool table": 0.9377, "IoU.pillow": 0.6201, "IoU.screen door": 0.7044, "IoU.stairway": 0.365, "IoU.river": 0.1041, "IoU.bridge": 0.3995, "IoU.bookcase": 0.4616, "IoU.blind": 0.4566, "IoU.coffee table": 0.6287, "IoU.toilet": 0.881, "IoU.flower": 0.448, "IoU.book": 0.5099, "IoU.hill": 0.0677, "IoU.bench": 0.6524, "IoU.countertop": 0.6056, "IoU.stove": 0.8369, "IoU.palm": 0.5659, "IoU.kitchen island": 0.4687, "IoU.computer": 0.757, "IoU.swivel chair": 0.5544, "IoU.boat": 0.7464, "IoU.bar": 0.4891, "IoU.arcade machine": 0.6089, "IoU.hovel": 0.615, "IoU.bus": 0.922, "IoU.towel": 0.7207, "IoU.light": 0.5944, "IoU.truck": 0.4531, "IoU.tower": 0.2502, "IoU.chandelier": 0.7137, "IoU.awning": 0.3545, "IoU.streetlight": 0.3355, "IoU.booth": 0.4267, "IoU.television receiver": 0.7671, "IoU.airplane": 0.7194, "IoU.dirt track": 0.0466, "IoU.apparel": 0.6159, "IoU.pole": 0.2506, "IoU.land": 0.0571, "IoU.bannister": 0.1571, "IoU.escalator": 0.549, "IoU.ottoman": 0.5604, "IoU.bottle": 0.4173, "IoU.buffet": 0.4696, "IoU.poster": 0.3389, "IoU.stage": 0.2236, "IoU.van": 0.4324, "IoU.ship": 0.4171, "IoU.fountain": 0.2393, "IoU.conveyer belt": 0.8049, "IoU.canopy": 0.4036, "IoU.washer": 0.7201, "IoU.plaything": 0.3859, "IoU.swimming pool": 0.6206, "IoU.stool": 0.4841, "IoU.barrel": 0.5578, "IoU.basket": 0.4025, "IoU.waterfall": 0.6558, "IoU.tent": 0.9531, "IoU.bag": 0.2246, "IoU.minibike": 0.7239, "IoU.cradle": 0.8462, "IoU.oven": 0.5124, "IoU.ball": 0.3312, "IoU.food": 0.5725, "IoU.step": 0.2089, "IoU.tank": 0.6331, "IoU.trade name": 0.2894, "IoU.microwave": 0.8399, "IoU.pot": 0.5298, "IoU.animal": 0.605, "IoU.bicycle": 0.6065, "IoU.lake": 0.5022, "IoU.dishwasher": 0.7158, "IoU.screen": 0.5952, "IoU.blanket": 0.2781, "IoU.sculpture": 0.7245, "IoU.hood": 0.6644, "IoU.sconce": 0.5608, "IoU.vase": 0.4585, "IoU.traffic light": 0.3775, "IoU.tray": 0.0775, "IoU.ashcan": 0.4717, "IoU.fan": 0.6677, "IoU.pier": 0.4331, "IoU.crt screen": 0.1294, "IoU.plate": 0.5963, "IoU.monitor": 0.1532, "IoU.bulletin board": 0.6614, "IoU.shower": 0.0149, "IoU.radiator": 0.6418, "IoU.glass": 0.1647, "IoU.clock": 0.4545, "IoU.flag": 0.5156, "Acc.wall": 0.8933, "Acc.building": 0.9215, "Acc.sky": 0.9758, "Acc.floor": 0.9091, "Acc.tree": 0.8893, "Acc.ceiling": 0.9287, "Acc.road": 0.9123, "Acc.bed ": 0.9726, "Acc.windowpane": 0.8081, "Acc.grass": 0.812, "Acc.cabinet": 0.7646, "Acc.sidewalk": 0.8425, "Acc.person": 0.9342, "Acc.earth": 0.5563, "Acc.door": 0.713, "Acc.table": 0.797, "Acc.mountain": 0.75, "Acc.plant": 0.6407, "Acc.curtain": 0.8761, "Acc.chair": 0.7602, "Acc.car": 0.9373, "Acc.water": 0.7636, "Acc.painting": 0.8979, "Acc.sofa": 0.9018, "Acc.shelf": 0.6305, "Acc.house": 0.7202, "Acc.sea": 0.8371, "Acc.mirror": 0.8024, "Acc.rug": 0.7949, "Acc.field": 0.4673, "Acc.armchair": 0.6447, "Acc.seat": 0.8389, "Acc.fence": 0.6247, "Acc.desk": 0.7496, "Acc.rock": 0.7651, "Acc.wardrobe": 0.7244, "Acc.lamp": 0.8019, "Acc.bathtub": 0.8627, "Acc.railing": 0.5499, "Acc.cushion": 0.7745, "Acc.base": 0.5145, "Acc.box": 0.4491, "Acc.column": 0.6539, "Acc.signboard": 0.5255, "Acc.chest of drawers": 0.6696, "Acc.counter": 0.4042, "Acc.sand": 0.764, "Acc.sink": 0.8538, "Acc.skyscraper": 0.6426, "Acc.fireplace": 0.9273, "Acc.refrigerator": 0.8476, "Acc.grandstand": 0.8386, "Acc.path": 0.3785, "Acc.stairs": 0.4834, "Acc.runway": 0.8615, "Acc.case": 0.6413, "Acc.pool table": 0.9815, "Acc.pillow": 0.7251, "Acc.screen door": 0.8343, "Acc.stairway": 0.4342, "Acc.river": 0.2197, "Acc.bridge": 0.4518, "Acc.bookcase": 0.6831, "Acc.blind": 0.5216, "Acc.coffee table": 0.8455, "Acc.toilet": 0.9313, "Acc.flower": 0.5905, "Acc.book": 0.7257, "Acc.hill": 0.1158, "Acc.bench": 0.7758, "Acc.countertop": 0.8316, "Acc.stove": 0.8877, "Acc.palm": 0.7722, "Acc.kitchen island": 0.7742, "Acc.computer": 0.8971, "Acc.swivel chair": 0.7955, "Acc.boat": 0.853, "Acc.bar": 0.6504, "Acc.arcade machine": 0.6423, "Acc.hovel": 0.6974, "Acc.bus": 0.9733, "Acc.towel": 0.8536, "Acc.light": 0.6947, "Acc.truck": 0.6032, "Acc.tower": 0.4439, "Acc.chandelier": 0.8315, "Acc.awning": 0.4501, "Acc.streetlight": 0.448, "Acc.booth": 0.5486, "Acc.television receiver": 0.8635, "Acc.airplane": 0.7983, "Acc.dirt track": 0.0791, "Acc.apparel": 0.7848, "Acc.pole": 0.3513, "Acc.land": 0.0742, "Acc.bannister": 0.2267, "Acc.escalator": 0.8057, "Acc.ottoman": 0.7356, "Acc.bottle": 0.6727, "Acc.buffet": 0.5844, "Acc.poster": 0.4557, "Acc.stage": 0.3378, "Acc.van": 0.5903, "Acc.ship": 0.4685, "Acc.fountain": 0.2413, "Acc.conveyer belt": 0.9419, "Acc.canopy": 0.5701, "Acc.washer": 0.7437, "Acc.plaything": 0.5606, "Acc.swimming pool": 0.7573, "Acc.stool": 0.6473, "Acc.barrel": 0.8733, "Acc.basket": 0.5095, "Acc.waterfall": 0.7617, "Acc.tent": 0.985, "Acc.bag": 0.283, "Acc.minibike": 0.8719, "Acc.cradle": 0.9764, "Acc.oven": 0.6302, "Acc.ball": 0.3441, "Acc.food": 0.649, "Acc.step": 0.2556, "Acc.tank": 0.6597, "Acc.trade name": 0.344, "Acc.microwave": 0.9587, "Acc.pot": 0.6302, "Acc.animal": 0.6208, "Acc.bicycle": 0.7799, "Acc.lake": 0.6377, "Acc.dishwasher": 0.7956, "Acc.screen": 0.8572, "Acc.blanket": 0.3345, "Acc.sculpture": 0.8432, "Acc.hood": 0.7018, "Acc.sconce": 0.6599, "Acc.vase": 0.6096, "Acc.traffic light": 0.5788, "Acc.tray": 0.113, "Acc.ashcan": 0.6359, "Acc.fan": 0.763, "Acc.pier": 0.6311, "Acc.crt screen": 0.327, "Acc.plate": 0.7932, "Acc.monitor": 0.1709, "Acc.bulletin board": 0.7539, "Acc.shower": 0.0153, "Acc.radiator": 0.7109, "Acc.glass": 0.1767, "Acc.clock": 0.4919, "Acc.flag": 0.5722} {"mode": "train", "epoch": 118, "iter": 148050, "lr": 0.0, "memory": 14793, "data_time": 2.13876, "decode.loss_ce": 0.19873, "decode.acc_seg": 91.71378, "aux.loss_ce": 0.16094, "aux.acc_seg": 84.71676, "loss": 0.35967, "grad_norm": 10.22441, "time": 2.54631} {"mode": "train", "epoch": 118, "iter": 148100, "lr": 0.0, "memory": 14793, "data_time": 0.00741, "decode.loss_ce": 0.19919, "decode.acc_seg": 91.66529, "aux.loss_ce": 0.1503, "aux.acc_seg": 85.26232, "loss": 0.34948, "grad_norm": 12.13229, "time": 0.4115} {"mode": "train", "epoch": 118, "iter": 148150, "lr": 0.0, "memory": 14793, "data_time": 0.00554, "decode.loss_ce": 0.18519, "decode.acc_seg": 91.93629, "aux.loss_ce": 0.14791, "aux.acc_seg": 85.9725, "loss": 0.3331, "grad_norm": 12.29236, "time": 0.41124} {"mode": "train", "epoch": 118, "iter": 148200, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.20188, "decode.acc_seg": 91.76301, "aux.loss_ce": 0.15837, "aux.acc_seg": 84.84137, "loss": 0.36025, "grad_norm": 20.23937, "time": 0.40995} {"mode": "train", "epoch": 118, "iter": 148250, "lr": 0.0, "memory": 14793, "data_time": 0.00604, "decode.loss_ce": 0.18787, "decode.acc_seg": 91.76875, "aux.loss_ce": 0.14688, "aux.acc_seg": 85.46997, "loss": 0.33474, "grad_norm": 9.55311, "time": 0.41321} {"mode": "train", "epoch": 118, "iter": 148300, "lr": 0.0, "memory": 14793, "data_time": 0.00574, "decode.loss_ce": 0.19734, "decode.acc_seg": 91.51221, "aux.loss_ce": 0.15217, "aux.acc_seg": 85.31211, "loss": 0.34951, "grad_norm": 14.17284, "time": 0.41331} {"mode": "train", "epoch": 118, "iter": 148350, "lr": 0.0, "memory": 14793, "data_time": 0.00699, "decode.loss_ce": 0.20466, "decode.acc_seg": 91.53655, "aux.loss_ce": 0.15785, "aux.acc_seg": 85.21604, "loss": 0.36251, "grad_norm": 13.81389, "time": 0.42108} {"mode": "train", "epoch": 118, "iter": 148400, "lr": 0.0, "memory": 14793, "data_time": 0.00564, "decode.loss_ce": 0.19802, "decode.acc_seg": 91.8344, "aux.loss_ce": 0.14597, "aux.acc_seg": 85.91286, "loss": 0.34399, "grad_norm": 15.60925, "time": 0.41659} {"mode": "train", "epoch": 118, "iter": 148450, "lr": 0.0, "memory": 14793, "data_time": 0.00596, "decode.loss_ce": 0.19885, "decode.acc_seg": 91.56871, "aux.loss_ce": 0.14986, "aux.acc_seg": 85.56237, "loss": 0.34871, "grad_norm": 9.89459, "time": 0.41351} {"mode": "train", "epoch": 118, "iter": 148500, "lr": 0.0, "memory": 14793, "data_time": 0.00571, "decode.loss_ce": 0.19582, "decode.acc_seg": 91.78385, "aux.loss_ce": 0.16004, "aux.acc_seg": 84.57591, "loss": 0.35586, "grad_norm": 12.52472, "time": 0.409} {"mode": "train", "epoch": 118, "iter": 148550, "lr": 0.0, "memory": 14793, "data_time": 0.00608, "decode.loss_ce": 0.19613, "decode.acc_seg": 91.60248, "aux.loss_ce": 0.15119, "aux.acc_seg": 85.11193, "loss": 0.34733, "grad_norm": 11.32734, "time": 0.40945} {"mode": "train", "epoch": 118, "iter": 148600, "lr": 0.0, "memory": 14793, "data_time": 0.00657, "decode.loss_ce": 0.21437, "decode.acc_seg": 91.17641, "aux.loss_ce": 0.16791, "aux.acc_seg": 84.10352, "loss": 0.38228, "grad_norm": 12.13017, "time": 0.40791} {"mode": "train", "epoch": 118, "iter": 148650, "lr": 0.0, "memory": 14793, "data_time": 0.00574, "decode.loss_ce": 0.18755, "decode.acc_seg": 92.02548, "aux.loss_ce": 0.15041, "aux.acc_seg": 85.36532, "loss": 0.33796, "grad_norm": 11.41495, "time": 0.41662} {"mode": "train", "epoch": 118, "iter": 148700, "lr": 0.0, "memory": 14793, "data_time": 0.00538, "decode.loss_ce": 0.19538, "decode.acc_seg": 91.81336, "aux.loss_ce": 0.15594, "aux.acc_seg": 84.99992, "loss": 0.35133, "grad_norm": 13.9593, "time": 0.41697} {"mode": "train", "epoch": 118, "iter": 148750, "lr": 0.0, "memory": 14793, "data_time": 0.0072, "decode.loss_ce": 0.18267, "decode.acc_seg": 92.41587, "aux.loss_ce": 0.15201, "aux.acc_seg": 85.47779, "loss": 0.33469, "grad_norm": 8.71584, "time": 0.42434} {"mode": "train", "epoch": 118, "iter": 148800, "lr": 0.0, "memory": 14793, "data_time": 0.0055, "decode.loss_ce": 0.1975, "decode.acc_seg": 91.56623, "aux.loss_ce": 0.14965, "aux.acc_seg": 85.08766, "loss": 0.34715, "grad_norm": 9.34639, "time": 0.42746} {"mode": "train", "epoch": 118, "iter": 148850, "lr": 0.0, "memory": 14793, "data_time": 0.00494, "decode.loss_ce": 0.18857, "decode.acc_seg": 92.01664, "aux.loss_ce": 0.15298, "aux.acc_seg": 85.21667, "loss": 0.34155, "grad_norm": 9.67963, "time": 0.41455} {"mode": "train", "epoch": 118, "iter": 148900, "lr": 0.0, "memory": 14793, "data_time": 0.00519, "decode.loss_ce": 0.19078, "decode.acc_seg": 92.04333, "aux.loss_ce": 0.14787, "aux.acc_seg": 86.01534, "loss": 0.33864, "grad_norm": 10.10262, "time": 0.41505} {"mode": "train", "epoch": 118, "iter": 148950, "lr": 0.0, "memory": 14793, "data_time": 0.00511, "decode.loss_ce": 0.20004, "decode.acc_seg": 91.73971, "aux.loss_ce": 0.15412, "aux.acc_seg": 85.28794, "loss": 0.35417, "grad_norm": 13.5903, "time": 0.41098} {"mode": "train", "epoch": 118, "iter": 149000, "lr": 0.0, "memory": 14793, "data_time": 0.00642, "decode.loss_ce": 0.19099, "decode.acc_seg": 91.83383, "aux.loss_ce": 0.15363, "aux.acc_seg": 84.79085, "loss": 0.34462, "grad_norm": 12.13124, "time": 0.66366} {"mode": "val", "epoch": 118, "iter": 125, "lr": 0.0, "aAcc": 0.8502, "mIoU": 0.547, "mAcc": 0.6695, "IoU.wall": 0.8056, "IoU.building": 0.8363, "IoU.sky": 0.9495, "IoU.floor": 0.8327, "IoU.tree": 0.7588, "IoU.ceiling": 0.8588, "IoU.road": 0.8582, "IoU.bed ": 0.9187, "IoU.windowpane": 0.6488, "IoU.grass": 0.6665, "IoU.cabinet": 0.6537, "IoU.sidewalk": 0.692, "IoU.person": 0.8421, "IoU.earth": 0.3876, "IoU.door": 0.5571, "IoU.table": 0.6602, "IoU.mountain": 0.6002, "IoU.plant": 0.5248, "IoU.curtain": 0.7623, "IoU.chair": 0.6331, "IoU.car": 0.8655, "IoU.water": 0.6017, "IoU.painting": 0.7486, "IoU.sofa": 0.7546, "IoU.shelf": 0.4502, "IoU.house": 0.4881, "IoU.sea": 0.696, "IoU.mirror": 0.7413, "IoU.rug": 0.6816, "IoU.field": 0.3069, "IoU.armchair": 0.4943, "IoU.seat": 0.6625, "IoU.fence": 0.4658, "IoU.desk": 0.5382, "IoU.rock": 0.5239, "IoU.wardrobe": 0.5448, "IoU.lamp": 0.6991, "IoU.bathtub": 0.8265, "IoU.railing": 0.4082, "IoU.cushion": 0.6626, "IoU.base": 0.4105, "IoU.box": 0.3375, "IoU.column": 0.5434, "IoU.signboard": 0.3915, "IoU.chest of drawers": 0.444, "IoU.counter": 0.3158, "IoU.sand": 0.5946, "IoU.sink": 0.8031, "IoU.skyscraper": 0.5536, "IoU.fireplace": 0.7219, "IoU.refrigerator": 0.7878, "IoU.grandstand": 0.4879, "IoU.path": 0.2533, "IoU.stairs": 0.3458, "IoU.runway": 0.6493, "IoU.case": 0.5062, "IoU.pool table": 0.9386, "IoU.pillow": 0.6297, "IoU.screen door": 0.6997, "IoU.stairway": 0.3616, "IoU.river": 0.1008, "IoU.bridge": 0.4029, "IoU.bookcase": 0.4673, "IoU.blind": 0.4555, "IoU.coffee table": 0.6265, "IoU.toilet": 0.8821, "IoU.flower": 0.4531, "IoU.book": 0.5084, "IoU.hill": 0.0725, "IoU.bench": 0.6627, "IoU.countertop": 0.6182, "IoU.stove": 0.8374, "IoU.palm": 0.5675, "IoU.kitchen island": 0.4607, "IoU.computer": 0.7616, "IoU.swivel chair": 0.5541, "IoU.boat": 0.7527, "IoU.bar": 0.4912, "IoU.arcade machine": 0.5962, "IoU.hovel": 0.6231, "IoU.bus": 0.92, "IoU.towel": 0.7154, "IoU.light": 0.599, "IoU.truck": 0.4556, "IoU.tower": 0.2491, "IoU.chandelier": 0.7159, "IoU.awning": 0.3457, "IoU.streetlight": 0.3334, "IoU.booth": 0.4029, "IoU.television receiver": 0.7664, "IoU.airplane": 0.7143, "IoU.dirt track": 0.0642, "IoU.apparel": 0.6189, "IoU.pole": 0.2442, "IoU.land": 0.0531, "IoU.bannister": 0.1624, "IoU.escalator": 0.5404, "IoU.ottoman": 0.5562, "IoU.bottle": 0.4159, "IoU.buffet": 0.4547, "IoU.poster": 0.3302, "IoU.stage": 0.2242, "IoU.van": 0.4588, "IoU.ship": 0.3851, "IoU.fountain": 0.246, "IoU.conveyer belt": 0.8029, "IoU.canopy": 0.401, "IoU.washer": 0.7252, "IoU.plaything": 0.4009, "IoU.swimming pool": 0.6291, "IoU.stool": 0.4853, "IoU.barrel": 0.5585, "IoU.basket": 0.4033, "IoU.waterfall": 0.6499, "IoU.tent": 0.9554, "IoU.bag": 0.2124, "IoU.minibike": 0.7268, "IoU.cradle": 0.8436, "IoU.oven": 0.4986, "IoU.ball": 0.384, "IoU.food": 0.5639, "IoU.step": 0.2247, "IoU.tank": 0.634, "IoU.trade name": 0.2942, "IoU.microwave": 0.835, "IoU.pot": 0.5312, "IoU.animal": 0.5923, "IoU.bicycle": 0.6034, "IoU.lake": 0.5091, "IoU.dishwasher": 0.7015, "IoU.screen": 0.5901, "IoU.blanket": 0.2706, "IoU.sculpture": 0.7177, "IoU.hood": 0.6588, "IoU.sconce": 0.5668, "IoU.vase": 0.4545, "IoU.traffic light": 0.3797, "IoU.tray": 0.0741, "IoU.ashcan": 0.4696, "IoU.fan": 0.6754, "IoU.pier": 0.4585, "IoU.crt screen": 0.1253, "IoU.plate": 0.5881, "IoU.monitor": 0.1546, "IoU.bulletin board": 0.6596, "IoU.shower": 0.012, "IoU.radiator": 0.6404, "IoU.glass": 0.1679, "IoU.clock": 0.4606, "IoU.flag": 0.5143, "Acc.wall": 0.8918, "Acc.building": 0.9259, "Acc.sky": 0.9771, "Acc.floor": 0.9081, "Acc.tree": 0.8874, "Acc.ceiling": 0.928, "Acc.road": 0.9216, "Acc.bed ": 0.9717, "Acc.windowpane": 0.8125, "Acc.grass": 0.8169, "Acc.cabinet": 0.781, "Acc.sidewalk": 0.8253, "Acc.person": 0.9348, "Acc.earth": 0.5209, "Acc.door": 0.7134, "Acc.table": 0.8021, "Acc.mountain": 0.7347, "Acc.plant": 0.6397, "Acc.curtain": 0.8763, "Acc.chair": 0.7462, "Acc.car": 0.9354, "Acc.water": 0.7535, "Acc.painting": 0.8957, "Acc.sofa": 0.9006, "Acc.shelf": 0.6302, "Acc.house": 0.6936, "Acc.sea": 0.845, "Acc.mirror": 0.808, "Acc.rug": 0.8109, "Acc.field": 0.4724, "Acc.armchair": 0.6688, "Acc.seat": 0.8357, "Acc.fence": 0.6059, "Acc.desk": 0.7295, "Acc.rock": 0.7815, "Acc.wardrobe": 0.6725, "Acc.lamp": 0.8083, "Acc.bathtub": 0.862, "Acc.railing": 0.5412, "Acc.cushion": 0.7667, "Acc.base": 0.5549, "Acc.box": 0.4346, "Acc.column": 0.6561, "Acc.signboard": 0.5355, "Acc.chest of drawers": 0.6647, "Acc.counter": 0.4145, "Acc.sand": 0.7912, "Acc.sink": 0.8701, "Acc.skyscraper": 0.6811, "Acc.fireplace": 0.9227, "Acc.refrigerator": 0.8492, "Acc.grandstand": 0.8328, "Acc.path": 0.3912, "Acc.stairs": 0.4542, "Acc.runway": 0.8676, "Acc.case": 0.6509, "Acc.pool table": 0.9799, "Acc.pillow": 0.7483, "Acc.screen door": 0.8432, "Acc.stairway": 0.4548, "Acc.river": 0.2288, "Acc.bridge": 0.4532, "Acc.bookcase": 0.7034, "Acc.blind": 0.5211, "Acc.coffee table": 0.8495, "Acc.toilet": 0.9337, "Acc.flower": 0.6079, "Acc.book": 0.716, "Acc.hill": 0.1202, "Acc.bench": 0.7694, "Acc.countertop": 0.8264, "Acc.stove": 0.8926, "Acc.palm": 0.7811, "Acc.kitchen island": 0.7997, "Acc.computer": 0.8965, "Acc.swivel chair": 0.8116, "Acc.boat": 0.8507, "Acc.bar": 0.6557, "Acc.arcade machine": 0.6262, "Acc.hovel": 0.6927, "Acc.bus": 0.9763, "Acc.towel": 0.8687, "Acc.light": 0.7003, "Acc.truck": 0.599, "Acc.tower": 0.4252, "Acc.chandelier": 0.8434, "Acc.awning": 0.4129, "Acc.streetlight": 0.4415, "Acc.booth": 0.499, "Acc.television receiver": 0.8603, "Acc.airplane": 0.7945, "Acc.dirt track": 0.1207, "Acc.apparel": 0.7897, "Acc.pole": 0.3296, "Acc.land": 0.0756, "Acc.bannister": 0.224, "Acc.escalator": 0.8118, "Acc.ottoman": 0.7154, "Acc.bottle": 0.6806, "Acc.buffet": 0.5674, "Acc.poster": 0.4636, "Acc.stage": 0.3333, "Acc.van": 0.6394, "Acc.ship": 0.4317, "Acc.fountain": 0.248, "Acc.conveyer belt": 0.9375, "Acc.canopy": 0.5521, "Acc.washer": 0.7496, "Acc.plaything": 0.5749, "Acc.swimming pool": 0.7437, "Acc.stool": 0.6443, "Acc.barrel": 0.8793, "Acc.basket": 0.5177, "Acc.waterfall": 0.7549, "Acc.tent": 0.9821, "Acc.bag": 0.264, "Acc.minibike": 0.8658, "Acc.cradle": 0.978, "Acc.oven": 0.6343, "Acc.ball": 0.4012, "Acc.food": 0.6523, "Acc.step": 0.2809, "Acc.tank": 0.6604, "Acc.trade name": 0.3511, "Acc.microwave": 0.9493, "Acc.pot": 0.6274, "Acc.animal": 0.6064, "Acc.bicycle": 0.7709, "Acc.lake": 0.6378, "Acc.dishwasher": 0.822, "Acc.screen": 0.8472, "Acc.blanket": 0.3225, "Acc.sculpture": 0.8461, "Acc.hood": 0.706, "Acc.sconce": 0.6783, "Acc.vase": 0.6188, "Acc.traffic light": 0.5523, "Acc.tray": 0.11, "Acc.ashcan": 0.6226, "Acc.fan": 0.7854, "Acc.pier": 0.6498, "Acc.crt screen": 0.3181, "Acc.plate": 0.8063, "Acc.monitor": 0.1695, "Acc.bulletin board": 0.7567, "Acc.shower": 0.0122, "Acc.radiator": 0.7163, "Acc.glass": 0.1807, "Acc.clock": 0.5003, "Acc.flag": 0.5692} {"mode": "train", "epoch": 118, "iter": 149050, "lr": 0.0, "memory": 14793, "data_time": 2.12074, "decode.loss_ce": 0.18756, "decode.acc_seg": 91.66923, "aux.loss_ce": 0.1509, "aux.acc_seg": 84.85531, "loss": 0.33846, "grad_norm": 13.38131, "time": 2.53233} {"mode": "train", "epoch": 118, "iter": 149100, "lr": 0.0, "memory": 14793, "data_time": 0.00571, "decode.loss_ce": 0.19496, "decode.acc_seg": 91.79775, "aux.loss_ce": 0.14799, "aux.acc_seg": 85.82967, "loss": 0.34295, "grad_norm": 11.3837, "time": 0.41729} {"mode": "train", "epoch": 118, "iter": 149150, "lr": 0.0, "memory": 14793, "data_time": 0.00642, "decode.loss_ce": 0.18661, "decode.acc_seg": 92.00335, "aux.loss_ce": 0.14153, "aux.acc_seg": 86.11922, "loss": 0.32814, "grad_norm": 13.39798, "time": 0.42476} {"mode": "train", "epoch": 119, "iter": 149200, "lr": 0.0, "memory": 14793, "data_time": 0.05202, "decode.loss_ce": 0.19397, "decode.acc_seg": 91.93183, "aux.loss_ce": 0.14853, "aux.acc_seg": 85.73371, "loss": 0.3425, "grad_norm": 9.42374, "time": 0.46619} {"mode": "train", "epoch": 119, "iter": 149250, "lr": 0.0, "memory": 14793, "data_time": 0.00564, "decode.loss_ce": 0.19395, "decode.acc_seg": 91.84041, "aux.loss_ce": 0.15395, "aux.acc_seg": 85.31542, "loss": 0.3479, "grad_norm": 14.20594, "time": 0.41709} {"mode": "train", "epoch": 119, "iter": 149300, "lr": 0.0, "memory": 14793, "data_time": 0.00619, "decode.loss_ce": 0.20349, "decode.acc_seg": 91.49808, "aux.loss_ce": 0.16277, "aux.acc_seg": 84.43199, "loss": 0.36626, "grad_norm": 12.1424, "time": 0.40356} {"mode": "train", "epoch": 119, "iter": 149350, "lr": 0.0, "memory": 14793, "data_time": 0.00545, "decode.loss_ce": 0.19536, "decode.acc_seg": 91.76224, "aux.loss_ce": 0.15596, "aux.acc_seg": 84.96208, "loss": 0.35133, "grad_norm": 16.33123, "time": 0.40866} {"mode": "train", "epoch": 119, "iter": 149400, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.19239, "decode.acc_seg": 91.94124, "aux.loss_ce": 0.14534, "aux.acc_seg": 85.64169, "loss": 0.33773, "grad_norm": 12.39881, "time": 0.41049} {"mode": "train", "epoch": 119, "iter": 149450, "lr": 0.0, "memory": 14793, "data_time": 0.00633, "decode.loss_ce": 0.19268, "decode.acc_seg": 92.0087, "aux.loss_ce": 0.15229, "aux.acc_seg": 85.50817, "loss": 0.34497, "grad_norm": 11.08955, "time": 0.41386} {"mode": "train", "epoch": 119, "iter": 149500, "lr": 0.0, "memory": 14793, "data_time": 0.00599, "decode.loss_ce": 0.20389, "decode.acc_seg": 91.33753, "aux.loss_ce": 0.16113, "aux.acc_seg": 84.57821, "loss": 0.36502, "grad_norm": 11.6386, "time": 0.41248} {"mode": "train", "epoch": 119, "iter": 149550, "lr": 0.0, "memory": 14793, "data_time": 0.00548, "decode.loss_ce": 0.19543, "decode.acc_seg": 91.72117, "aux.loss_ce": 0.14619, "aux.acc_seg": 86.11863, "loss": 0.34162, "grad_norm": 9.41876, "time": 0.42004} {"mode": "train", "epoch": 119, "iter": 149600, "lr": 0.0, "memory": 14793, "data_time": 0.00703, "decode.loss_ce": 0.18533, "decode.acc_seg": 91.96033, "aux.loss_ce": 0.14307, "aux.acc_seg": 85.60208, "loss": 0.32841, "grad_norm": 13.48863, "time": 0.42701} {"mode": "train", "epoch": 119, "iter": 149650, "lr": 0.0, "memory": 14793, "data_time": 0.00565, "decode.loss_ce": 0.19952, "decode.acc_seg": 91.92426, "aux.loss_ce": 0.1617, "aux.acc_seg": 84.63686, "loss": 0.36122, "grad_norm": 15.81915, "time": 0.41718} {"mode": "train", "epoch": 119, "iter": 149700, "lr": 0.0, "memory": 14793, "data_time": 0.00726, "decode.loss_ce": 0.20962, "decode.acc_seg": 91.14648, "aux.loss_ce": 0.16984, "aux.acc_seg": 83.9991, "loss": 0.37946, "grad_norm": 18.85211, "time": 0.42127} {"mode": "train", "epoch": 119, "iter": 149750, "lr": 0.0, "memory": 14793, "data_time": 0.00525, "decode.loss_ce": 0.19211, "decode.acc_seg": 91.75207, "aux.loss_ce": 0.15267, "aux.acc_seg": 84.99041, "loss": 0.34478, "grad_norm": 12.31979, "time": 0.4163} {"mode": "train", "epoch": 119, "iter": 149800, "lr": 0.0, "memory": 14793, "data_time": 0.00655, "decode.loss_ce": 0.18356, "decode.acc_seg": 92.20009, "aux.loss_ce": 0.14401, "aux.acc_seg": 85.92744, "loss": 0.32758, "grad_norm": 13.18662, "time": 0.40955} {"mode": "train", "epoch": 119, "iter": 149850, "lr": 0.0, "memory": 14793, "data_time": 0.00516, "decode.loss_ce": 0.19556, "decode.acc_seg": 91.69869, "aux.loss_ce": 0.164, "aux.acc_seg": 84.31, "loss": 0.35956, "grad_norm": 12.3157, "time": 0.41441} {"mode": "train", "epoch": 119, "iter": 149900, "lr": 0.0, "memory": 14793, "data_time": 0.00619, "decode.loss_ce": 0.20551, "decode.acc_seg": 91.49475, "aux.loss_ce": 0.15586, "aux.acc_seg": 85.04559, "loss": 0.36137, "grad_norm": 13.18707, "time": 0.41263} {"mode": "train", "epoch": 119, "iter": 149950, "lr": 0.0, "memory": 14793, "data_time": 0.00593, "decode.loss_ce": 0.17544, "decode.acc_seg": 92.46098, "aux.loss_ce": 0.13804, "aux.acc_seg": 86.69239, "loss": 0.31348, "grad_norm": 12.09271, "time": 0.4185} {"mode": "train", "epoch": 119, "iter": 150000, "lr": 0.0, "memory": 14793, "data_time": 0.0052, "decode.loss_ce": 0.19604, "decode.acc_seg": 92.22567, "aux.loss_ce": 0.1553, "aux.acc_seg": 85.77591, "loss": 0.35133, "grad_norm": 9.6122, "time": 0.69216} {"mode": "val", "epoch": 119, "iter": 125, "lr": 0.0, "aAcc": 0.8507, "mIoU": 0.5489, "mAcc": 0.6748, "IoU.wall": 0.8063, "IoU.building": 0.8378, "IoU.sky": 0.9493, "IoU.floor": 0.8348, "IoU.tree": 0.7611, "IoU.ceiling": 0.8587, "IoU.road": 0.8559, "IoU.bed ": 0.9186, "IoU.windowpane": 0.6492, "IoU.grass": 0.6714, "IoU.cabinet": 0.6551, "IoU.sidewalk": 0.6873, "IoU.person": 0.8414, "IoU.earth": 0.3917, "IoU.door": 0.5583, "IoU.table": 0.6591, "IoU.mountain": 0.6001, "IoU.plant": 0.5284, "IoU.curtain": 0.7629, "IoU.chair": 0.6374, "IoU.car": 0.863, "IoU.water": 0.6085, "IoU.painting": 0.7487, "IoU.sofa": 0.7566, "IoU.shelf": 0.4559, "IoU.house": 0.4939, "IoU.sea": 0.6944, "IoU.mirror": 0.7434, "IoU.rug": 0.6787, "IoU.field": 0.3116, "IoU.armchair": 0.4955, "IoU.seat": 0.6681, "IoU.fence": 0.4746, "IoU.desk": 0.532, "IoU.rock": 0.53, "IoU.wardrobe": 0.5559, "IoU.lamp": 0.6992, "IoU.bathtub": 0.8264, "IoU.railing": 0.4151, "IoU.cushion": 0.6679, "IoU.base": 0.4035, "IoU.box": 0.3446, "IoU.column": 0.5422, "IoU.signboard": 0.3871, "IoU.chest of drawers": 0.4434, "IoU.counter": 0.3093, "IoU.sand": 0.5877, "IoU.sink": 0.7959, "IoU.skyscraper": 0.5997, "IoU.fireplace": 0.7241, "IoU.refrigerator": 0.7833, "IoU.grandstand": 0.4765, "IoU.path": 0.2611, "IoU.stairs": 0.3652, "IoU.runway": 0.67, "IoU.case": 0.5122, "IoU.pool table": 0.9391, "IoU.pillow": 0.6312, "IoU.screen door": 0.7065, "IoU.stairway": 0.3728, "IoU.river": 0.1021, "IoU.bridge": 0.4193, "IoU.bookcase": 0.4777, "IoU.blind": 0.4587, "IoU.coffee table": 0.6267, "IoU.toilet": 0.881, "IoU.flower": 0.4592, "IoU.book": 0.5101, "IoU.hill": 0.0687, "IoU.bench": 0.651, "IoU.countertop": 0.6205, "IoU.stove": 0.8357, "IoU.palm": 0.5683, "IoU.kitchen island": 0.4618, "IoU.computer": 0.7589, "IoU.swivel chair": 0.5462, "IoU.boat": 0.7528, "IoU.bar": 0.4925, "IoU.arcade machine": 0.5849, "IoU.hovel": 0.6209, "IoU.bus": 0.9176, "IoU.towel": 0.7247, "IoU.light": 0.602, "IoU.truck": 0.4557, "IoU.tower": 0.2537, "IoU.chandelier": 0.7174, "IoU.awning": 0.3543, "IoU.streetlight": 0.3389, "IoU.booth": 0.4272, "IoU.television receiver": 0.7681, "IoU.airplane": 0.7314, "IoU.dirt track": 0.0708, "IoU.apparel": 0.5952, "IoU.pole": 0.2504, "IoU.land": 0.055, "IoU.bannister": 0.1605, "IoU.escalator": 0.5456, "IoU.ottoman": 0.5601, "IoU.bottle": 0.4191, "IoU.buffet": 0.4615, "IoU.poster": 0.3315, "IoU.stage": 0.2271, "IoU.van": 0.4332, "IoU.ship": 0.4083, "IoU.fountain": 0.2439, "IoU.conveyer belt": 0.7966, "IoU.canopy": 0.4015, "IoU.washer": 0.7174, "IoU.plaything": 0.3742, "IoU.swimming pool": 0.5972, "IoU.stool": 0.4884, "IoU.barrel": 0.5774, "IoU.basket": 0.4064, "IoU.waterfall": 0.6127, "IoU.tent": 0.9568, "IoU.bag": 0.2247, "IoU.minibike": 0.7268, "IoU.cradle": 0.8524, "IoU.oven": 0.4902, "IoU.ball": 0.4522, "IoU.food": 0.5662, "IoU.step": 0.2213, "IoU.tank": 0.6327, "IoU.trade name": 0.2673, "IoU.microwave": 0.831, "IoU.pot": 0.5355, "IoU.animal": 0.62, "IoU.bicycle": 0.6048, "IoU.lake": 0.5061, "IoU.dishwasher": 0.7054, "IoU.screen": 0.5906, "IoU.blanket": 0.2813, "IoU.sculpture": 0.7042, "IoU.hood": 0.666, "IoU.sconce": 0.5665, "IoU.vase": 0.4507, "IoU.traffic light": 0.3772, "IoU.tray": 0.0798, "IoU.ashcan": 0.4696, "IoU.fan": 0.6797, "IoU.pier": 0.424, "IoU.crt screen": 0.1339, "IoU.plate": 0.589, "IoU.monitor": 0.1763, "IoU.bulletin board": 0.6656, "IoU.shower": 0.0125, "IoU.radiator": 0.6464, "IoU.glass": 0.1733, "IoU.clock": 0.4669, "IoU.flag": 0.5269, "Acc.wall": 0.8866, "Acc.building": 0.9209, "Acc.sky": 0.9773, "Acc.floor": 0.9111, "Acc.tree": 0.892, "Acc.ceiling": 0.9291, "Acc.road": 0.911, "Acc.bed ": 0.9714, "Acc.windowpane": 0.8137, "Acc.grass": 0.8261, "Acc.cabinet": 0.7631, "Acc.sidewalk": 0.8376, "Acc.person": 0.9366, "Acc.earth": 0.5266, "Acc.door": 0.7252, "Acc.table": 0.8044, "Acc.mountain": 0.7374, "Acc.plant": 0.6501, "Acc.curtain": 0.8798, "Acc.chair": 0.7617, "Acc.car": 0.9376, "Acc.water": 0.7636, "Acc.painting": 0.8936, "Acc.sofa": 0.8956, "Acc.shelf": 0.6414, "Acc.house": 0.7091, "Acc.sea": 0.8339, "Acc.mirror": 0.807, "Acc.rug": 0.8055, "Acc.field": 0.451, "Acc.armchair": 0.6662, "Acc.seat": 0.8366, "Acc.fence": 0.6312, "Acc.desk": 0.732, "Acc.rock": 0.7795, "Acc.wardrobe": 0.7186, "Acc.lamp": 0.818, "Acc.bathtub": 0.8582, "Acc.railing": 0.5783, "Acc.cushion": 0.8053, "Acc.base": 0.5448, "Acc.box": 0.4544, "Acc.column": 0.6735, "Acc.signboard": 0.534, "Acc.chest of drawers": 0.6716, "Acc.counter": 0.3995, "Acc.sand": 0.7895, "Acc.sink": 0.8703, "Acc.skyscraper": 0.7579, "Acc.fireplace": 0.9278, "Acc.refrigerator": 0.8457, "Acc.grandstand": 0.8334, "Acc.path": 0.4044, "Acc.stairs": 0.4813, "Acc.runway": 0.894, "Acc.case": 0.654, "Acc.pool table": 0.9806, "Acc.pillow": 0.7408, "Acc.screen door": 0.8436, "Acc.stairway": 0.4488, "Acc.river": 0.2275, "Acc.bridge": 0.4734, "Acc.bookcase": 0.7006, "Acc.blind": 0.5282, "Acc.coffee table": 0.8492, "Acc.toilet": 0.9302, "Acc.flower": 0.6266, "Acc.book": 0.7157, "Acc.hill": 0.1222, "Acc.bench": 0.7708, "Acc.countertop": 0.804, "Acc.stove": 0.898, "Acc.palm": 0.7725, "Acc.kitchen island": 0.7898, "Acc.computer": 0.8997, "Acc.swivel chair": 0.7663, "Acc.boat": 0.853, "Acc.bar": 0.6464, "Acc.arcade machine": 0.6138, "Acc.hovel": 0.6984, "Acc.bus": 0.9767, "Acc.towel": 0.8582, "Acc.light": 0.7125, "Acc.truck": 0.6076, "Acc.tower": 0.4533, "Acc.chandelier": 0.8644, "Acc.awning": 0.4496, "Acc.streetlight": 0.4735, "Acc.booth": 0.5651, "Acc.television receiver": 0.8657, "Acc.airplane": 0.8177, "Acc.dirt track": 0.1313, "Acc.apparel": 0.7719, "Acc.pole": 0.3499, "Acc.land": 0.0814, "Acc.bannister": 0.2319, "Acc.escalator": 0.8139, "Acc.ottoman": 0.7285, "Acc.bottle": 0.6931, "Acc.buffet": 0.5685, "Acc.poster": 0.4858, "Acc.stage": 0.3458, "Acc.van": 0.5963, "Acc.ship": 0.4557, "Acc.fountain": 0.2457, "Acc.conveyer belt": 0.9399, "Acc.canopy": 0.588, "Acc.washer": 0.7414, "Acc.plaything": 0.5155, "Acc.swimming pool": 0.751, "Acc.stool": 0.6519, "Acc.barrel": 0.8904, "Acc.basket": 0.5144, "Acc.waterfall": 0.7129, "Acc.tent": 0.9834, "Acc.bag": 0.2821, "Acc.minibike": 0.863, "Acc.cradle": 0.9766, "Acc.oven": 0.618, "Acc.ball": 0.4789, "Acc.food": 0.6425, "Acc.step": 0.2729, "Acc.tank": 0.6602, "Acc.trade name": 0.3119, "Acc.microwave": 0.947, "Acc.pot": 0.6425, "Acc.animal": 0.6372, "Acc.bicycle": 0.7774, "Acc.lake": 0.6377, "Acc.dishwasher": 0.8093, "Acc.screen": 0.8504, "Acc.blanket": 0.3363, "Acc.sculpture": 0.8494, "Acc.hood": 0.7167, "Acc.sconce": 0.7018, "Acc.vase": 0.6303, "Acc.traffic light": 0.5682, "Acc.tray": 0.1245, "Acc.ashcan": 0.6356, "Acc.fan": 0.802, "Acc.pier": 0.6025, "Acc.crt screen": 0.3276, "Acc.plate": 0.8103, "Acc.monitor": 0.2027, "Acc.bulletin board": 0.7807, "Acc.shower": 0.0126, "Acc.radiator": 0.7276, "Acc.glass": 0.1883, "Acc.clock": 0.5169, "Acc.flag": 0.5911} {"mode": "train", "epoch": 119, "iter": 150050, "lr": 0.0, "memory": 14793, "data_time": 2.16988, "decode.loss_ce": 0.19386, "decode.acc_seg": 91.7863, "aux.loss_ce": 0.15554, "aux.acc_seg": 85.04691, "loss": 0.3494, "grad_norm": 10.01333, "time": 2.59048} {"mode": "train", "epoch": 119, "iter": 150100, "lr": 0.0, "memory": 14793, "data_time": 0.00548, "decode.loss_ce": 0.20248, "decode.acc_seg": 91.47806, "aux.loss_ce": 0.1622, "aux.acc_seg": 84.56441, "loss": 0.36468, "grad_norm": 14.48825, "time": 0.42124} {"mode": "train", "epoch": 119, "iter": 150150, "lr": 0.0, "memory": 14793, "data_time": 0.0057, "decode.loss_ce": 0.19339, "decode.acc_seg": 91.80057, "aux.loss_ce": 0.15846, "aux.acc_seg": 84.75736, "loss": 0.35186, "grad_norm": 13.4045, "time": 0.41589} {"mode": "train", "epoch": 119, "iter": 150200, "lr": 0.0, "memory": 14793, "data_time": 0.00648, "decode.loss_ce": 0.19195, "decode.acc_seg": 91.92008, "aux.loss_ce": 0.14803, "aux.acc_seg": 85.37389, "loss": 0.33998, "grad_norm": 11.351, "time": 0.41037} {"mode": "train", "epoch": 119, "iter": 150250, "lr": 0.0, "memory": 14793, "data_time": 0.00636, "decode.loss_ce": 0.18659, "decode.acc_seg": 91.94976, "aux.loss_ce": 0.14545, "aux.acc_seg": 86.00248, "loss": 0.33204, "grad_norm": 10.32259, "time": 0.41873} {"mode": "train", "epoch": 119, "iter": 150300, "lr": 0.0, "memory": 14793, "data_time": 0.00595, "decode.loss_ce": 0.18556, "decode.acc_seg": 92.04538, "aux.loss_ce": 0.14433, "aux.acc_seg": 85.98415, "loss": 0.3299, "grad_norm": 10.43514, "time": 0.41543} {"mode": "train", "epoch": 119, "iter": 150350, "lr": 0.0, "memory": 14793, "data_time": 0.00571, "decode.loss_ce": 0.19823, "decode.acc_seg": 91.66352, "aux.loss_ce": 0.15626, "aux.acc_seg": 85.17094, "loss": 0.3545, "grad_norm": 11.53802, "time": 0.41783} {"mode": "train", "epoch": 119, "iter": 150400, "lr": 0.0, "memory": 14793, "data_time": 0.00526, "decode.loss_ce": 0.1885, "decode.acc_seg": 91.84696, "aux.loss_ce": 0.15189, "aux.acc_seg": 85.16675, "loss": 0.34038, "grad_norm": 10.40504, "time": 0.42373} {"mode": "train", "epoch": 120, "iter": 150450, "lr": 0.0, "memory": 14793, "data_time": 0.05086, "decode.loss_ce": 0.20001, "decode.acc_seg": 91.68316, "aux.loss_ce": 0.15893, "aux.acc_seg": 84.94261, "loss": 0.35894, "grad_norm": 12.13689, "time": 0.46268} {"mode": "train", "epoch": 120, "iter": 150500, "lr": 0.0, "memory": 14793, "data_time": 0.0053, "decode.loss_ce": 0.19544, "decode.acc_seg": 91.65882, "aux.loss_ce": 0.15255, "aux.acc_seg": 85.41361, "loss": 0.34799, "grad_norm": 13.90638, "time": 0.40605} {"mode": "train", "epoch": 120, "iter": 150550, "lr": 0.0, "memory": 14793, "data_time": 0.00578, "decode.loss_ce": 0.20725, "decode.acc_seg": 91.49137, "aux.loss_ce": 0.16054, "aux.acc_seg": 84.92093, "loss": 0.36779, "grad_norm": 12.01912, "time": 0.40341} {"mode": "train", "epoch": 120, "iter": 150600, "lr": 0.0, "memory": 14793, "data_time": 0.00534, "decode.loss_ce": 0.20415, "decode.acc_seg": 91.44474, "aux.loss_ce": 0.15367, "aux.acc_seg": 85.36707, "loss": 0.35782, "grad_norm": 11.35611, "time": 0.41189} {"mode": "train", "epoch": 120, "iter": 150650, "lr": 0.0, "memory": 14793, "data_time": 0.00562, "decode.loss_ce": 0.19943, "decode.acc_seg": 91.70387, "aux.loss_ce": 0.15269, "aux.acc_seg": 85.35114, "loss": 0.35212, "grad_norm": 13.50145, "time": 0.4083} {"mode": "train", "epoch": 120, "iter": 150700, "lr": 0.0, "memory": 14793, "data_time": 0.00655, "decode.loss_ce": 0.1906, "decode.acc_seg": 91.85659, "aux.loss_ce": 0.14458, "aux.acc_seg": 85.56211, "loss": 0.33518, "grad_norm": 12.37369, "time": 0.41776} {"mode": "train", "epoch": 120, "iter": 150750, "lr": 0.0, "memory": 14793, "data_time": 0.00516, "decode.loss_ce": 0.1921, "decode.acc_seg": 92.02792, "aux.loss_ce": 0.14469, "aux.acc_seg": 85.98065, "loss": 0.33679, "grad_norm": 10.70408, "time": 0.41552} {"mode": "train", "epoch": 120, "iter": 150800, "lr": 0.0, "memory": 14793, "data_time": 0.00672, "decode.loss_ce": 0.18589, "decode.acc_seg": 92.13728, "aux.loss_ce": 0.15074, "aux.acc_seg": 85.50413, "loss": 0.33664, "grad_norm": 11.27387, "time": 0.42188} {"mode": "train", "epoch": 120, "iter": 150850, "lr": 0.0, "memory": 14793, "data_time": 0.00551, "decode.loss_ce": 0.19562, "decode.acc_seg": 91.48735, "aux.loss_ce": 0.15653, "aux.acc_seg": 84.54991, "loss": 0.35215, "grad_norm": 12.56333, "time": 0.41232} {"mode": "train", "epoch": 120, "iter": 150900, "lr": 0.0, "memory": 14793, "data_time": 0.00598, "decode.loss_ce": 0.18151, "decode.acc_seg": 92.3211, "aux.loss_ce": 0.14006, "aux.acc_seg": 86.47485, "loss": 0.32157, "grad_norm": 11.42483, "time": 0.41621} {"mode": "train", "epoch": 120, "iter": 150950, "lr": 0.0, "memory": 14793, "data_time": 0.00655, "decode.loss_ce": 0.19485, "decode.acc_seg": 91.59204, "aux.loss_ce": 0.15774, "aux.acc_seg": 84.62181, "loss": 0.35259, "grad_norm": 11.96335, "time": 0.41215} {"mode": "train", "epoch": 120, "iter": 151000, "lr": 0.0, "memory": 14793, "data_time": 0.00503, "decode.loss_ce": 0.19153, "decode.acc_seg": 91.78288, "aux.loss_ce": 0.1513, "aux.acc_seg": 85.07633, "loss": 0.34283, "grad_norm": 10.29967, "time": 0.64171} {"mode": "val", "epoch": 120, "iter": 125, "lr": 0.0, "aAcc": 0.8509, "mIoU": 0.548, "mAcc": 0.6746, "IoU.wall": 0.8065, "IoU.building": 0.8373, "IoU.sky": 0.9497, "IoU.floor": 0.8339, "IoU.tree": 0.7613, "IoU.ceiling": 0.8598, "IoU.road": 0.8609, "IoU.bed ": 0.9191, "IoU.windowpane": 0.6505, "IoU.grass": 0.6748, "IoU.cabinet": 0.6581, "IoU.sidewalk": 0.6916, "IoU.person": 0.8418, "IoU.earth": 0.3925, "IoU.door": 0.5603, "IoU.table": 0.6624, "IoU.mountain": 0.5971, "IoU.plant": 0.531, "IoU.curtain": 0.7637, "IoU.chair": 0.6373, "IoU.car": 0.8604, "IoU.water": 0.6033, "IoU.painting": 0.7466, "IoU.sofa": 0.7569, "IoU.shelf": 0.455, "IoU.house": 0.492, "IoU.sea": 0.7023, "IoU.mirror": 0.7405, "IoU.rug": 0.677, "IoU.field": 0.3132, "IoU.armchair": 0.4979, "IoU.seat": 0.6664, "IoU.fence": 0.4609, "IoU.desk": 0.5353, "IoU.rock": 0.5298, "IoU.wardrobe": 0.56, "IoU.lamp": 0.698, "IoU.bathtub": 0.8293, "IoU.railing": 0.4089, "IoU.cushion": 0.6644, "IoU.base": 0.3873, "IoU.box": 0.3423, "IoU.column": 0.5447, "IoU.signboard": 0.3879, "IoU.chest of drawers": 0.4411, "IoU.counter": 0.3115, "IoU.sand": 0.5919, "IoU.sink": 0.8005, "IoU.skyscraper": 0.5515, "IoU.fireplace": 0.7199, "IoU.refrigerator": 0.7894, "IoU.grandstand": 0.474, "IoU.path": 0.2543, "IoU.stairs": 0.3678, "IoU.runway": 0.6569, "IoU.case": 0.5107, "IoU.pool table": 0.9378, "IoU.pillow": 0.638, "IoU.screen door": 0.6698, "IoU.stairway": 0.3792, "IoU.river": 0.1023, "IoU.bridge": 0.4005, "IoU.bookcase": 0.4778, "IoU.blind": 0.4778, "IoU.coffee table": 0.6262, "IoU.toilet": 0.8798, "IoU.flower": 0.4582, "IoU.book": 0.5081, "IoU.hill": 0.0687, "IoU.bench": 0.6489, "IoU.countertop": 0.6111, "IoU.stove": 0.8354, "IoU.palm": 0.5681, "IoU.kitchen island": 0.4668, "IoU.computer": 0.751, "IoU.swivel chair": 0.554, "IoU.boat": 0.7549, "IoU.bar": 0.4988, "IoU.arcade machine": 0.5666, "IoU.hovel": 0.6239, "IoU.bus": 0.9164, "IoU.towel": 0.7167, "IoU.light": 0.5975, "IoU.truck": 0.4486, "IoU.tower": 0.2539, "IoU.chandelier": 0.7175, "IoU.awning": 0.3432, "IoU.streetlight": 0.3402, "IoU.booth": 0.4271, "IoU.television receiver": 0.769, "IoU.airplane": 0.7274, "IoU.dirt track": 0.0727, "IoU.apparel": 0.5796, "IoU.pole": 0.2508, "IoU.land": 0.0534, "IoU.bannister": 0.1619, "IoU.escalator": 0.5467, "IoU.ottoman": 0.5589, "IoU.bottle": 0.4164, "IoU.buffet": 0.4582, "IoU.poster": 0.3278, "IoU.stage": 0.2324, "IoU.van": 0.4306, "IoU.ship": 0.3599, "IoU.fountain": 0.2406, "IoU.conveyer belt": 0.8157, "IoU.canopy": 0.401, "IoU.washer": 0.719, "IoU.plaything": 0.3865, "IoU.swimming pool": 0.6349, "IoU.stool": 0.4859, "IoU.barrel": 0.5624, "IoU.basket": 0.408, "IoU.waterfall": 0.6115, "IoU.tent": 0.9557, "IoU.bag": 0.2275, "IoU.minibike": 0.7255, "IoU.cradle": 0.8463, "IoU.oven": 0.4691, "IoU.ball": 0.4547, "IoU.food": 0.5772, "IoU.step": 0.2292, "IoU.tank": 0.629, "IoU.trade name": 0.2784, "IoU.microwave": 0.8179, "IoU.pot": 0.5335, "IoU.animal": 0.6224, "IoU.bicycle": 0.6052, "IoU.lake": 0.5072, "IoU.dishwasher": 0.7027, "IoU.screen": 0.5902, "IoU.blanket": 0.2937, "IoU.sculpture": 0.7007, "IoU.hood": 0.6663, "IoU.sconce": 0.5674, "IoU.vase": 0.4512, "IoU.traffic light": 0.3758, "IoU.tray": 0.0799, "IoU.ashcan": 0.4729, "IoU.fan": 0.6787, "IoU.pier": 0.4495, "IoU.crt screen": 0.1275, "IoU.plate": 0.5929, "IoU.monitor": 0.1897, "IoU.bulletin board": 0.6668, "IoU.shower": 0.0155, "IoU.radiator": 0.6366, "IoU.glass": 0.1714, "IoU.clock": 0.4682, "IoU.flag": 0.5345, "Acc.wall": 0.8871, "Acc.building": 0.9245, "Acc.sky": 0.9765, "Acc.floor": 0.9096, "Acc.tree": 0.8921, "Acc.ceiling": 0.9276, "Acc.road": 0.9216, "Acc.bed ": 0.9712, "Acc.windowpane": 0.8094, "Acc.grass": 0.8218, "Acc.cabinet": 0.7688, "Acc.sidewalk": 0.819, "Acc.person": 0.9366, "Acc.earth": 0.5323, "Acc.door": 0.728, "Acc.table": 0.7925, "Acc.mountain": 0.7399, "Acc.plant": 0.6558, "Acc.curtain": 0.8815, "Acc.chair": 0.7594, "Acc.car": 0.9405, "Acc.water": 0.7532, "Acc.painting": 0.8996, "Acc.sofa": 0.8976, "Acc.shelf": 0.6414, "Acc.house": 0.6961, "Acc.sea": 0.8467, "Acc.mirror": 0.8068, "Acc.rug": 0.8119, "Acc.field": 0.4638, "Acc.armchair": 0.6659, "Acc.seat": 0.8419, "Acc.fence": 0.5978, "Acc.desk": 0.7335, "Acc.rock": 0.786, "Acc.wardrobe": 0.7085, "Acc.lamp": 0.8217, "Acc.bathtub": 0.8666, "Acc.railing": 0.5607, "Acc.cushion": 0.7872, "Acc.base": 0.5089, "Acc.box": 0.4477, "Acc.column": 0.6673, "Acc.signboard": 0.5367, "Acc.chest of drawers": 0.6789, "Acc.counter": 0.4099, "Acc.sand": 0.7875, "Acc.sink": 0.8778, "Acc.skyscraper": 0.6771, "Acc.fireplace": 0.9333, "Acc.refrigerator": 0.8505, "Acc.grandstand": 0.8365, "Acc.path": 0.3857, "Acc.stairs": 0.4876, "Acc.runway": 0.8672, "Acc.case": 0.649, "Acc.pool table": 0.9821, "Acc.pillow": 0.7651, "Acc.screen door": 0.8574, "Acc.stairway": 0.456, "Acc.river": 0.2361, "Acc.bridge": 0.4464, "Acc.bookcase": 0.6947, "Acc.blind": 0.5588, "Acc.coffee table": 0.8561, "Acc.toilet": 0.934, "Acc.flower": 0.6202, "Acc.book": 0.7324, "Acc.hill": 0.1202, "Acc.bench": 0.7798, "Acc.countertop": 0.8231, "Acc.stove": 0.9059, "Acc.palm": 0.7782, "Acc.kitchen island": 0.7903, "Acc.computer": 0.905, "Acc.swivel chair": 0.7922, "Acc.boat": 0.8576, "Acc.bar": 0.6587, "Acc.arcade machine": 0.5959, "Acc.hovel": 0.6958, "Acc.bus": 0.9768, "Acc.towel": 0.8724, "Acc.light": 0.7021, "Acc.truck": 0.6084, "Acc.tower": 0.4375, "Acc.chandelier": 0.8588, "Acc.awning": 0.4212, "Acc.streetlight": 0.4724, "Acc.booth": 0.545, "Acc.television receiver": 0.8712, "Acc.airplane": 0.8144, "Acc.dirt track": 0.1404, "Acc.apparel": 0.7692, "Acc.pole": 0.3453, "Acc.land": 0.0798, "Acc.bannister": 0.2318, "Acc.escalator": 0.8132, "Acc.ottoman": 0.7375, "Acc.bottle": 0.6802, "Acc.buffet": 0.5585, "Acc.poster": 0.4656, "Acc.stage": 0.3567, "Acc.van": 0.572, "Acc.ship": 0.3999, "Acc.fountain": 0.2425, "Acc.conveyer belt": 0.9398, "Acc.canopy": 0.5719, "Acc.washer": 0.741, "Acc.plaything": 0.556, "Acc.swimming pool": 0.7453, "Acc.stool": 0.6642, "Acc.barrel": 0.8861, "Acc.basket": 0.5227, "Acc.waterfall": 0.7093, "Acc.tent": 0.9842, "Acc.bag": 0.2912, "Acc.minibike": 0.8764, "Acc.cradle": 0.9797, "Acc.oven": 0.6154, "Acc.ball": 0.4835, "Acc.food": 0.6599, "Acc.step": 0.2866, "Acc.tank": 0.6537, "Acc.trade name": 0.3275, "Acc.microwave": 0.9303, "Acc.pot": 0.6342, "Acc.animal": 0.6424, "Acc.bicycle": 0.7802, "Acc.lake": 0.6376, "Acc.dishwasher": 0.8117, "Acc.screen": 0.8556, "Acc.blanket": 0.3543, "Acc.sculpture": 0.8539, "Acc.hood": 0.7197, "Acc.sconce": 0.7082, "Acc.vase": 0.6349, "Acc.traffic light": 0.5803, "Acc.tray": 0.1237, "Acc.ashcan": 0.6453, "Acc.fan": 0.8084, "Acc.pier": 0.6302, "Acc.crt screen": 0.305, "Acc.plate": 0.8046, "Acc.monitor": 0.2159, "Acc.bulletin board": 0.7606, "Acc.shower": 0.0156, "Acc.radiator": 0.7302, "Acc.glass": 0.1854, "Acc.clock": 0.5244, "Acc.flag": 0.6042} {"mode": "train", "epoch": 120, "iter": 151050, "lr": 0.0, "memory": 14793, "data_time": 2.10809, "decode.loss_ce": 0.18969, "decode.acc_seg": 92.03414, "aux.loss_ce": 0.15363, "aux.acc_seg": 85.48692, "loss": 0.34331, "grad_norm": 10.37712, "time": 2.53652} {"mode": "train", "epoch": 120, "iter": 151100, "lr": 0.0, "memory": 14793, "data_time": 0.00584, "decode.loss_ce": 0.19133, "decode.acc_seg": 91.90801, "aux.loss_ce": 0.1471, "aux.acc_seg": 86.12026, "loss": 0.33844, "grad_norm": 10.29435, "time": 0.41942} {"mode": "train", "epoch": 120, "iter": 151150, "lr": 0.0, "memory": 14793, "data_time": 0.00759, "decode.loss_ce": 0.20198, "decode.acc_seg": 91.54036, "aux.loss_ce": 0.16001, "aux.acc_seg": 84.77544, "loss": 0.36199, "grad_norm": 11.31461, "time": 0.41467} {"mode": "train", "epoch": 120, "iter": 151200, "lr": 0.0, "memory": 14793, "data_time": 0.00712, "decode.loss_ce": 0.20382, "decode.acc_seg": 91.47222, "aux.loss_ce": 0.15876, "aux.acc_seg": 84.91457, "loss": 0.36258, "grad_norm": 14.10993, "time": 0.41698} {"mode": "train", "epoch": 120, "iter": 151250, "lr": 0.0, "memory": 14793, "data_time": 0.00649, "decode.loss_ce": 0.20555, "decode.acc_seg": 91.46246, "aux.loss_ce": 0.16733, "aux.acc_seg": 84.52447, "loss": 0.37287, "grad_norm": 12.39844, "time": 0.42436} {"mode": "train", "epoch": 120, "iter": 151300, "lr": 0.0, "memory": 14793, "data_time": 0.00561, "decode.loss_ce": 0.19876, "decode.acc_seg": 91.63511, "aux.loss_ce": 0.15283, "aux.acc_seg": 85.34685, "loss": 0.3516, "grad_norm": 13.26561, "time": 0.41152} {"mode": "train", "epoch": 120, "iter": 151350, "lr": 0.0, "memory": 14793, "data_time": 0.00638, "decode.loss_ce": 0.18311, "decode.acc_seg": 92.14682, "aux.loss_ce": 0.14979, "aux.acc_seg": 85.22786, "loss": 0.3329, "grad_norm": 8.83778, "time": 0.41111} {"mode": "train", "epoch": 120, "iter": 151400, "lr": 0.0, "memory": 14793, "data_time": 0.00555, "decode.loss_ce": 0.19801, "decode.acc_seg": 91.52162, "aux.loss_ce": 0.14744, "aux.acc_seg": 85.85764, "loss": 0.34545, "grad_norm": 13.7046, "time": 0.4108} {"mode": "train", "epoch": 120, "iter": 151450, "lr": 0.0, "memory": 14793, "data_time": 0.00606, "decode.loss_ce": 0.18396, "decode.acc_seg": 92.25446, "aux.loss_ce": 0.15259, "aux.acc_seg": 85.19418, "loss": 0.33654, "grad_norm": 16.07591, "time": 0.40679} {"mode": "train", "epoch": 120, "iter": 151500, "lr": 0.0, "memory": 14793, "data_time": 0.00594, "decode.loss_ce": 0.17518, "decode.acc_seg": 92.62983, "aux.loss_ce": 0.14194, "aux.acc_seg": 86.21545, "loss": 0.31712, "grad_norm": 10.33148, "time": 0.41593} {"mode": "train", "epoch": 120, "iter": 151550, "lr": 0.0, "memory": 14793, "data_time": 0.00553, "decode.loss_ce": 0.1942, "decode.acc_seg": 91.68919, "aux.loss_ce": 0.15283, "aux.acc_seg": 85.04388, "loss": 0.34704, "grad_norm": 11.83763, "time": 0.41611} {"mode": "train", "epoch": 120, "iter": 151600, "lr": 0.0, "memory": 14793, "data_time": 0.00634, "decode.loss_ce": 0.19758, "decode.acc_seg": 91.97536, "aux.loss_ce": 0.15406, "aux.acc_seg": 85.72974, "loss": 0.35164, "grad_norm": 12.05081, "time": 0.42786} {"mode": "train", "epoch": 120, "iter": 151650, "lr": 0.0, "memory": 14793, "data_time": 0.00503, "decode.loss_ce": 0.19365, "decode.acc_seg": 91.79481, "aux.loss_ce": 0.15563, "aux.acc_seg": 85.37156, "loss": 0.34927, "grad_norm": 12.08431, "time": 0.42699} {"mode": "train", "epoch": 121, "iter": 151700, "lr": 0.0, "memory": 14793, "data_time": 0.0524, "decode.loss_ce": 0.18377, "decode.acc_seg": 92.09058, "aux.loss_ce": 0.14172, "aux.acc_seg": 86.17067, "loss": 0.32549, "grad_norm": 10.06715, "time": 0.45946} {"mode": "train", "epoch": 121, "iter": 151750, "lr": 0.0, "memory": 14793, "data_time": 0.00562, "decode.loss_ce": 0.18846, "decode.acc_seg": 91.87168, "aux.loss_ce": 0.14749, "aux.acc_seg": 85.55148, "loss": 0.33594, "grad_norm": 10.56917, "time": 0.42251} {"mode": "train", "epoch": 121, "iter": 151800, "lr": 0.0, "memory": 14793, "data_time": 0.00662, "decode.loss_ce": 0.19987, "decode.acc_seg": 91.65442, "aux.loss_ce": 0.15217, "aux.acc_seg": 85.31155, "loss": 0.35204, "grad_norm": 14.61311, "time": 0.40431} {"mode": "train", "epoch": 121, "iter": 151850, "lr": 0.0, "memory": 14793, "data_time": 0.00545, "decode.loss_ce": 0.20574, "decode.acc_seg": 91.2607, "aux.loss_ce": 0.1593, "aux.acc_seg": 84.5363, "loss": 0.36503, "grad_norm": 10.76115, "time": 0.40797} {"mode": "train", "epoch": 121, "iter": 151900, "lr": 0.0, "memory": 14793, "data_time": 0.00528, "decode.loss_ce": 0.19519, "decode.acc_seg": 91.92564, "aux.loss_ce": 0.15089, "aux.acc_seg": 85.41782, "loss": 0.34607, "grad_norm": 11.0441, "time": 0.41801} {"mode": "train", "epoch": 121, "iter": 151950, "lr": 0.0, "memory": 14793, "data_time": 0.00514, "decode.loss_ce": 0.18318, "decode.acc_seg": 92.04438, "aux.loss_ce": 0.14218, "aux.acc_seg": 85.76118, "loss": 0.32536, "grad_norm": 10.30029, "time": 0.41355} {"mode": "train", "epoch": 121, "iter": 152000, "lr": 0.0, "memory": 14793, "data_time": 0.00564, "decode.loss_ce": 0.18864, "decode.acc_seg": 91.81599, "aux.loss_ce": 0.15163, "aux.acc_seg": 84.95623, "loss": 0.34027, "grad_norm": 12.19161, "time": 0.65795} {"mode": "val", "epoch": 121, "iter": 125, "lr": 0.0, "aAcc": 0.8503, "mIoU": 0.5486, "mAcc": 0.6759, "IoU.wall": 0.8052, "IoU.building": 0.8369, "IoU.sky": 0.9495, "IoU.floor": 0.8346, "IoU.tree": 0.7596, "IoU.ceiling": 0.859, "IoU.road": 0.8572, "IoU.bed ": 0.9182, "IoU.windowpane": 0.6505, "IoU.grass": 0.6722, "IoU.cabinet": 0.6565, "IoU.sidewalk": 0.6848, "IoU.person": 0.8425, "IoU.earth": 0.3869, "IoU.door": 0.5597, "IoU.table": 0.664, "IoU.mountain": 0.5981, "IoU.plant": 0.5248, "IoU.curtain": 0.765, "IoU.chair": 0.6363, "IoU.car": 0.863, "IoU.water": 0.597, "IoU.painting": 0.7471, "IoU.sofa": 0.7541, "IoU.shelf": 0.4534, "IoU.house": 0.4881, "IoU.sea": 0.6892, "IoU.mirror": 0.7463, "IoU.rug": 0.6791, "IoU.field": 0.3141, "IoU.armchair": 0.496, "IoU.seat": 0.6672, "IoU.fence": 0.4657, "IoU.desk": 0.5364, "IoU.rock": 0.5294, "IoU.wardrobe": 0.5616, "IoU.lamp": 0.6981, "IoU.bathtub": 0.8288, "IoU.railing": 0.409, "IoU.cushion": 0.6628, "IoU.base": 0.3964, "IoU.box": 0.3456, "IoU.column": 0.5436, "IoU.signboard": 0.3909, "IoU.chest of drawers": 0.4447, "IoU.counter": 0.3102, "IoU.sand": 0.584, "IoU.sink": 0.7982, "IoU.skyscraper": 0.561, "IoU.fireplace": 0.7197, "IoU.refrigerator": 0.7897, "IoU.grandstand": 0.4797, "IoU.path": 0.2592, "IoU.stairs": 0.3644, "IoU.runway": 0.6577, "IoU.case": 0.4999, "IoU.pool table": 0.9392, "IoU.pillow": 0.6232, "IoU.screen door": 0.6913, "IoU.stairway": 0.3779, "IoU.river": 0.1034, "IoU.bridge": 0.4132, "IoU.bookcase": 0.4718, "IoU.blind": 0.4847, "IoU.coffee table": 0.6281, "IoU.toilet": 0.8818, "IoU.flower": 0.4542, "IoU.book": 0.504, "IoU.hill": 0.0699, "IoU.bench": 0.6494, "IoU.countertop": 0.619, "IoU.stove": 0.8377, "IoU.palm": 0.5634, "IoU.kitchen island": 0.4599, "IoU.computer": 0.7559, "IoU.swivel chair": 0.5418, "IoU.boat": 0.7527, "IoU.bar": 0.5061, "IoU.arcade machine": 0.5753, "IoU.hovel": 0.6224, "IoU.bus": 0.9135, "IoU.towel": 0.7144, "IoU.light": 0.6005, "IoU.truck": 0.4514, "IoU.tower": 0.256, "IoU.chandelier": 0.7125, "IoU.awning": 0.3559, "IoU.streetlight": 0.3448, "IoU.booth": 0.4171, "IoU.television receiver": 0.7692, "IoU.airplane": 0.7365, "IoU.dirt track": 0.0802, "IoU.apparel": 0.5997, "IoU.pole": 0.257, "IoU.land": 0.0559, "IoU.bannister": 0.1636, "IoU.escalator": 0.5477, "IoU.ottoman": 0.5588, "IoU.bottle": 0.4166, "IoU.buffet": 0.4594, "IoU.poster": 0.3233, "IoU.stage": 0.2266, "IoU.van": 0.449, "IoU.ship": 0.425, "IoU.fountain": 0.2438, "IoU.conveyer belt": 0.8103, "IoU.canopy": 0.399, "IoU.washer": 0.7237, "IoU.plaything": 0.3692, "IoU.swimming pool": 0.6521, "IoU.stool": 0.4771, "IoU.barrel": 0.5644, "IoU.basket": 0.408, "IoU.waterfall": 0.6136, "IoU.tent": 0.9584, "IoU.bag": 0.2175, "IoU.minibike": 0.7274, "IoU.cradle": 0.8492, "IoU.oven": 0.4608, "IoU.ball": 0.4387, "IoU.food": 0.5739, "IoU.step": 0.2408, "IoU.tank": 0.6308, "IoU.trade name": 0.2934, "IoU.microwave": 0.807, "IoU.pot": 0.5392, "IoU.animal": 0.6245, "IoU.bicycle": 0.6072, "IoU.lake": 0.5121, "IoU.dishwasher": 0.7053, "IoU.screen": 0.5813, "IoU.blanket": 0.2863, "IoU.sculpture": 0.6956, "IoU.hood": 0.6528, "IoU.sconce": 0.5667, "IoU.vase": 0.4552, "IoU.traffic light": 0.3824, "IoU.tray": 0.0796, "IoU.ashcan": 0.4713, "IoU.fan": 0.6836, "IoU.pier": 0.4231, "IoU.crt screen": 0.1353, "IoU.plate": 0.5867, "IoU.monitor": 0.1703, "IoU.bulletin board": 0.6646, "IoU.shower": 0.0224, "IoU.radiator": 0.6463, "IoU.glass": 0.1762, "IoU.clock": 0.4749, "IoU.flag": 0.5382, "Acc.wall": 0.8842, "Acc.building": 0.9201, "Acc.sky": 0.9773, "Acc.floor": 0.9091, "Acc.tree": 0.8931, "Acc.ceiling": 0.9284, "Acc.road": 0.9236, "Acc.bed ": 0.9734, "Acc.windowpane": 0.8126, "Acc.grass": 0.8272, "Acc.cabinet": 0.7776, "Acc.sidewalk": 0.8074, "Acc.person": 0.9387, "Acc.earth": 0.5211, "Acc.door": 0.7374, "Acc.table": 0.7991, "Acc.mountain": 0.7367, "Acc.plant": 0.6498, "Acc.curtain": 0.8797, "Acc.chair": 0.7575, "Acc.car": 0.9391, "Acc.water": 0.7446, "Acc.painting": 0.9006, "Acc.sofa": 0.9002, "Acc.shelf": 0.6372, "Acc.house": 0.7112, "Acc.sea": 0.8398, "Acc.mirror": 0.8144, "Acc.rug": 0.8074, "Acc.field": 0.459, "Acc.armchair": 0.6619, "Acc.seat": 0.8381, "Acc.fence": 0.6235, "Acc.desk": 0.7225, "Acc.rock": 0.7867, "Acc.wardrobe": 0.7155, "Acc.lamp": 0.8172, "Acc.bathtub": 0.8647, "Acc.railing": 0.5662, "Acc.cushion": 0.7797, "Acc.base": 0.5131, "Acc.box": 0.4618, "Acc.column": 0.6748, "Acc.signboard": 0.5379, "Acc.chest of drawers": 0.6693, "Acc.counter": 0.4067, "Acc.sand": 0.7861, "Acc.sink": 0.8757, "Acc.skyscraper": 0.694, "Acc.fireplace": 0.9342, "Acc.refrigerator": 0.8506, "Acc.grandstand": 0.8281, "Acc.path": 0.3979, "Acc.stairs": 0.4844, "Acc.runway": 0.8714, "Acc.case": 0.6337, "Acc.pool table": 0.981, "Acc.pillow": 0.7263, "Acc.screen door": 0.8433, "Acc.stairway": 0.4525, "Acc.river": 0.2354, "Acc.bridge": 0.4642, "Acc.bookcase": 0.6997, "Acc.blind": 0.5682, "Acc.coffee table": 0.8491, "Acc.toilet": 0.9332, "Acc.flower": 0.6027, "Acc.book": 0.7216, "Acc.hill": 0.1157, "Acc.bench": 0.7833, "Acc.countertop": 0.8207, "Acc.stove": 0.9023, "Acc.palm": 0.7579, "Acc.kitchen island": 0.7864, "Acc.computer": 0.9022, "Acc.swivel chair": 0.7622, "Acc.boat": 0.854, "Acc.bar": 0.6715, "Acc.arcade machine": 0.6056, "Acc.hovel": 0.7068, "Acc.bus": 0.9759, "Acc.towel": 0.8723, "Acc.light": 0.738, "Acc.truck": 0.6126, "Acc.tower": 0.4382, "Acc.chandelier": 0.8617, "Acc.awning": 0.4429, "Acc.streetlight": 0.4862, "Acc.booth": 0.5173, "Acc.television receiver": 0.87, "Acc.airplane": 0.8206, "Acc.dirt track": 0.1619, "Acc.apparel": 0.7797, "Acc.pole": 0.3688, "Acc.land": 0.0788, "Acc.bannister": 0.2304, "Acc.escalator": 0.8121, "Acc.ottoman": 0.7373, "Acc.bottle": 0.7056, "Acc.buffet": 0.5657, "Acc.poster": 0.4646, "Acc.stage": 0.3309, "Acc.van": 0.619, "Acc.ship": 0.4751, "Acc.fountain": 0.2457, "Acc.conveyer belt": 0.9396, "Acc.canopy": 0.5778, "Acc.washer": 0.7491, "Acc.plaything": 0.5236, "Acc.swimming pool": 0.7437, "Acc.stool": 0.6708, "Acc.barrel": 0.8915, "Acc.basket": 0.5292, "Acc.waterfall": 0.7107, "Acc.tent": 0.9828, "Acc.bag": 0.2723, "Acc.minibike": 0.8741, "Acc.cradle": 0.978, "Acc.oven": 0.6362, "Acc.ball": 0.4631, "Acc.food": 0.651, "Acc.step": 0.3017, "Acc.tank": 0.6607, "Acc.trade name": 0.3549, "Acc.microwave": 0.9188, "Acc.pot": 0.6475, "Acc.animal": 0.6431, "Acc.bicycle": 0.7896, "Acc.lake": 0.6376, "Acc.dishwasher": 0.8146, "Acc.screen": 0.8329, "Acc.blanket": 0.3439, "Acc.sculpture": 0.8514, "Acc.hood": 0.7208, "Acc.sconce": 0.7138, "Acc.vase": 0.6319, "Acc.traffic light": 0.5811, "Acc.tray": 0.1295, "Acc.ashcan": 0.6441, "Acc.fan": 0.8159, "Acc.pier": 0.5942, "Acc.crt screen": 0.3361, "Acc.plate": 0.8202, "Acc.monitor": 0.1921, "Acc.bulletin board": 0.7615, "Acc.shower": 0.0226, "Acc.radiator": 0.7315, "Acc.glass": 0.1922, "Acc.clock": 0.5357, "Acc.flag": 0.6121} {"mode": "train", "epoch": 121, "iter": 152050, "lr": 0.0, "memory": 14793, "data_time": 2.11601, "decode.loss_ce": 0.19776, "decode.acc_seg": 91.80109, "aux.loss_ce": 0.16071, "aux.acc_seg": 85.21634, "loss": 0.35847, "grad_norm": 10.16834, "time": 2.5319} {"mode": "train", "epoch": 121, "iter": 152100, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.20496, "decode.acc_seg": 91.42688, "aux.loss_ce": 0.15978, "aux.acc_seg": 84.83854, "loss": 0.36474, "grad_norm": 11.40572, "time": 0.41642} {"mode": "train", "epoch": 121, "iter": 152150, "lr": 0.0, "memory": 14793, "data_time": 0.00661, "decode.loss_ce": 0.20431, "decode.acc_seg": 91.2934, "aux.loss_ce": 0.16268, "aux.acc_seg": 84.51473, "loss": 0.36699, "grad_norm": 14.83376, "time": 0.40823} {"mode": "train", "epoch": 121, "iter": 152200, "lr": 0.0, "memory": 14793, "data_time": 0.00552, "decode.loss_ce": 0.19396, "decode.acc_seg": 91.86539, "aux.loss_ce": 0.15367, "aux.acc_seg": 85.25394, "loss": 0.34763, "grad_norm": 17.90106, "time": 0.41145} {"mode": "train", "epoch": 121, "iter": 152250, "lr": 0.0, "memory": 14793, "data_time": 0.00613, "decode.loss_ce": 0.18923, "decode.acc_seg": 92.02719, "aux.loss_ce": 0.15105, "aux.acc_seg": 85.43822, "loss": 0.34028, "grad_norm": 10.50211, "time": 0.40964} {"mode": "train", "epoch": 121, "iter": 152300, "lr": 0.0, "memory": 14793, "data_time": 0.00765, "decode.loss_ce": 0.20099, "decode.acc_seg": 91.60587, "aux.loss_ce": 0.15274, "aux.acc_seg": 85.0464, "loss": 0.35373, "grad_norm": 15.01074, "time": 0.41182} {"mode": "train", "epoch": 121, "iter": 152350, "lr": 0.0, "memory": 14793, "data_time": 0.00775, "decode.loss_ce": 0.18819, "decode.acc_seg": 91.86651, "aux.loss_ce": 0.14564, "aux.acc_seg": 85.67416, "loss": 0.33383, "grad_norm": 10.2696, "time": 0.4229} {"mode": "train", "epoch": 121, "iter": 152400, "lr": 0.0, "memory": 14793, "data_time": 0.00571, "decode.loss_ce": 0.19126, "decode.acc_seg": 91.98004, "aux.loss_ce": 0.14963, "aux.acc_seg": 85.60282, "loss": 0.34088, "grad_norm": 11.48389, "time": 0.41778} {"mode": "train", "epoch": 121, "iter": 152450, "lr": 0.0, "memory": 14793, "data_time": 0.0064, "decode.loss_ce": 0.19, "decode.acc_seg": 92.05377, "aux.loss_ce": 0.15828, "aux.acc_seg": 84.97963, "loss": 0.34828, "grad_norm": 10.86801, "time": 0.41493} {"mode": "train", "epoch": 121, "iter": 152500, "lr": 0.0, "memory": 14793, "data_time": 0.00608, "decode.loss_ce": 0.17518, "decode.acc_seg": 92.58112, "aux.loss_ce": 0.14048, "aux.acc_seg": 86.15743, "loss": 0.31566, "grad_norm": 10.48728, "time": 0.41177} {"mode": "train", "epoch": 121, "iter": 152550, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.18382, "decode.acc_seg": 92.17681, "aux.loss_ce": 0.14121, "aux.acc_seg": 86.49961, "loss": 0.32503, "grad_norm": 18.3829, "time": 0.40815} {"mode": "train", "epoch": 121, "iter": 152600, "lr": 0.0, "memory": 14793, "data_time": 0.00566, "decode.loss_ce": 0.19263, "decode.acc_seg": 92.03594, "aux.loss_ce": 0.15739, "aux.acc_seg": 85.21206, "loss": 0.35002, "grad_norm": 8.89241, "time": 0.40955} {"mode": "train", "epoch": 121, "iter": 152650, "lr": 0.0, "memory": 14793, "data_time": 0.00529, "decode.loss_ce": 0.20191, "decode.acc_seg": 91.63481, "aux.loss_ce": 0.15519, "aux.acc_seg": 85.26659, "loss": 0.35711, "grad_norm": 12.91441, "time": 0.41893} {"mode": "train", "epoch": 121, "iter": 152700, "lr": 0.0, "memory": 14793, "data_time": 0.00532, "decode.loss_ce": 0.19091, "decode.acc_seg": 91.72773, "aux.loss_ce": 0.14541, "aux.acc_seg": 85.69444, "loss": 0.33633, "grad_norm": 11.09248, "time": 0.41344} {"mode": "train", "epoch": 121, "iter": 152750, "lr": 0.0, "memory": 14793, "data_time": 0.0053, "decode.loss_ce": 0.18432, "decode.acc_seg": 92.03489, "aux.loss_ce": 0.14615, "aux.acc_seg": 85.65039, "loss": 0.33048, "grad_norm": 14.07446, "time": 0.42247} {"mode": "train", "epoch": 121, "iter": 152800, "lr": 0.0, "memory": 14793, "data_time": 0.00505, "decode.loss_ce": 0.18895, "decode.acc_seg": 91.85888, "aux.loss_ce": 0.151, "aux.acc_seg": 85.31372, "loss": 0.33995, "grad_norm": 10.96405, "time": 0.41796} {"mode": "train", "epoch": 121, "iter": 152850, "lr": 0.0, "memory": 14793, "data_time": 0.00507, "decode.loss_ce": 0.18788, "decode.acc_seg": 92.28268, "aux.loss_ce": 0.15123, "aux.acc_seg": 85.51773, "loss": 0.3391, "grad_norm": 9.10451, "time": 0.4149} {"mode": "train", "epoch": 121, "iter": 152900, "lr": 0.0, "memory": 14793, "data_time": 0.00512, "decode.loss_ce": 0.20591, "decode.acc_seg": 91.12018, "aux.loss_ce": 0.16143, "aux.acc_seg": 84.65982, "loss": 0.36733, "grad_norm": 11.87442, "time": 0.41494} {"mode": "train", "epoch": 122, "iter": 152950, "lr": 0.0, "memory": 14793, "data_time": 0.05545, "decode.loss_ce": 0.20886, "decode.acc_seg": 91.15615, "aux.loss_ce": 0.1565, "aux.acc_seg": 85.13595, "loss": 0.36536, "grad_norm": 16.74339, "time": 0.46892} {"mode": "train", "epoch": 122, "iter": 153000, "lr": 0.0, "memory": 14793, "data_time": 0.00501, "decode.loss_ce": 0.19006, "decode.acc_seg": 91.97507, "aux.loss_ce": 0.1525, "aux.acc_seg": 85.31684, "loss": 0.34256, "grad_norm": 8.84124, "time": 0.65097} {"mode": "val", "epoch": 122, "iter": 125, "lr": 0.0, "aAcc": 0.8506, "mIoU": 0.5489, "mAcc": 0.6738, "IoU.wall": 0.8056, "IoU.building": 0.8369, "IoU.sky": 0.9496, "IoU.floor": 0.8349, "IoU.tree": 0.7594, "IoU.ceiling": 0.8592, "IoU.road": 0.8609, "IoU.bed ": 0.9179, "IoU.windowpane": 0.6457, "IoU.grass": 0.6729, "IoU.cabinet": 0.653, "IoU.sidewalk": 0.6916, "IoU.person": 0.843, "IoU.earth": 0.394, "IoU.door": 0.5575, "IoU.table": 0.6628, "IoU.mountain": 0.596, "IoU.plant": 0.5248, "IoU.curtain": 0.7619, "IoU.chair": 0.6376, "IoU.car": 0.8646, "IoU.water": 0.6045, "IoU.painting": 0.748, "IoU.sofa": 0.7598, "IoU.shelf": 0.4544, "IoU.house": 0.4913, "IoU.sea": 0.6931, "IoU.mirror": 0.7423, "IoU.rug": 0.6806, "IoU.field": 0.3152, "IoU.armchair": 0.5022, "IoU.seat": 0.6692, "IoU.fence": 0.4661, "IoU.desk": 0.5332, "IoU.rock": 0.5272, "IoU.wardrobe": 0.5523, "IoU.lamp": 0.698, "IoU.bathtub": 0.8279, "IoU.railing": 0.4128, "IoU.cushion": 0.6634, "IoU.base": 0.4009, "IoU.box": 0.3444, "IoU.column": 0.548, "IoU.signboard": 0.3856, "IoU.chest of drawers": 0.4417, "IoU.counter": 0.3115, "IoU.sand": 0.5902, "IoU.sink": 0.79, "IoU.skyscraper": 0.5446, "IoU.fireplace": 0.7209, "IoU.refrigerator": 0.7897, "IoU.grandstand": 0.486, "IoU.path": 0.2463, "IoU.stairs": 0.3624, "IoU.runway": 0.657, "IoU.case": 0.4959, "IoU.pool table": 0.9375, "IoU.pillow": 0.6291, "IoU.screen door": 0.6791, "IoU.stairway": 0.3733, "IoU.river": 0.1059, "IoU.bridge": 0.3934, "IoU.bookcase": 0.4659, "IoU.blind": 0.4551, "IoU.coffee table": 0.6242, "IoU.toilet": 0.8822, "IoU.flower": 0.4601, "IoU.book": 0.5012, "IoU.hill": 0.07, "IoU.bench": 0.6503, "IoU.countertop": 0.618, "IoU.stove": 0.8401, "IoU.palm": 0.5675, "IoU.kitchen island": 0.4605, "IoU.computer": 0.7548, "IoU.swivel chair": 0.5401, "IoU.boat": 0.7528, "IoU.bar": 0.5045, "IoU.arcade machine": 0.6049, "IoU.hovel": 0.6272, "IoU.bus": 0.9267, "IoU.towel": 0.721, "IoU.light": 0.6006, "IoU.truck": 0.4537, "IoU.tower": 0.2468, "IoU.chandelier": 0.7159, "IoU.awning": 0.351, "IoU.streetlight": 0.3394, "IoU.booth": 0.418, "IoU.television receiver": 0.7668, "IoU.airplane": 0.7445, "IoU.dirt track": 0.0587, "IoU.apparel": 0.594, "IoU.pole": 0.2591, "IoU.land": 0.0553, "IoU.bannister": 0.1596, "IoU.escalator": 0.5465, "IoU.ottoman": 0.5594, "IoU.bottle": 0.4159, "IoU.buffet": 0.4567, "IoU.poster": 0.3272, "IoU.stage": 0.2244, "IoU.van": 0.4554, "IoU.ship": 0.4453, "IoU.fountain": 0.2354, "IoU.conveyer belt": 0.8136, "IoU.canopy": 0.4022, "IoU.washer": 0.7255, "IoU.plaything": 0.3788, "IoU.swimming pool": 0.6535, "IoU.stool": 0.4796, "IoU.barrel": 0.5582, "IoU.basket": 0.4067, "IoU.waterfall": 0.6291, "IoU.tent": 0.954, "IoU.bag": 0.2204, "IoU.minibike": 0.7267, "IoU.cradle": 0.849, "IoU.oven": 0.4647, "IoU.ball": 0.4491, "IoU.food": 0.5604, "IoU.step": 0.226, "IoU.tank": 0.6329, "IoU.trade name": 0.2857, "IoU.microwave": 0.8098, "IoU.pot": 0.5331, "IoU.animal": 0.6194, "IoU.bicycle": 0.608, "IoU.lake": 0.5092, "IoU.dishwasher": 0.7066, "IoU.screen": 0.5891, "IoU.blanket": 0.2899, "IoU.sculpture": 0.7109, "IoU.hood": 0.6592, "IoU.sconce": 0.5659, "IoU.vase": 0.4587, "IoU.traffic light": 0.3791, "IoU.tray": 0.0816, "IoU.ashcan": 0.4755, "IoU.fan": 0.6807, "IoU.pier": 0.4808, "IoU.crt screen": 0.1359, "IoU.plate": 0.5897, "IoU.monitor": 0.1978, "IoU.bulletin board": 0.6634, "IoU.shower": 0.0121, "IoU.radiator": 0.6424, "IoU.glass": 0.1693, "IoU.clock": 0.4727, "IoU.flag": 0.5172, "Acc.wall": 0.8867, "Acc.building": 0.9255, "Acc.sky": 0.9766, "Acc.floor": 0.9086, "Acc.tree": 0.8934, "Acc.ceiling": 0.9278, "Acc.road": 0.9231, "Acc.bed ": 0.9728, "Acc.windowpane": 0.8196, "Acc.grass": 0.8204, "Acc.cabinet": 0.7655, "Acc.sidewalk": 0.8172, "Acc.person": 0.9369, "Acc.earth": 0.5395, "Acc.door": 0.7205, "Acc.table": 0.7989, "Acc.mountain": 0.7406, "Acc.plant": 0.631, "Acc.curtain": 0.8791, "Acc.chair": 0.7628, "Acc.car": 0.9365, "Acc.water": 0.7595, "Acc.painting": 0.8974, "Acc.sofa": 0.8934, "Acc.shelf": 0.6319, "Acc.house": 0.6998, "Acc.sea": 0.8441, "Acc.mirror": 0.8067, "Acc.rug": 0.8119, "Acc.field": 0.4599, "Acc.armchair": 0.6806, "Acc.seat": 0.825, "Acc.fence": 0.6199, "Acc.desk": 0.7389, "Acc.rock": 0.7824, "Acc.wardrobe": 0.7206, "Acc.lamp": 0.817, "Acc.bathtub": 0.8665, "Acc.railing": 0.559, "Acc.cushion": 0.7799, "Acc.base": 0.5343, "Acc.box": 0.4523, "Acc.column": 0.6637, "Acc.signboard": 0.5177, "Acc.chest of drawers": 0.691, "Acc.counter": 0.4172, "Acc.sand": 0.7924, "Acc.sink": 0.8698, "Acc.skyscraper": 0.6647, "Acc.fireplace": 0.9323, "Acc.refrigerator": 0.8514, "Acc.grandstand": 0.8273, "Acc.path": 0.3613, "Acc.stairs": 0.4805, "Acc.runway": 0.8743, "Acc.case": 0.6253, "Acc.pool table": 0.9823, "Acc.pillow": 0.74, "Acc.screen door": 0.8448, "Acc.stairway": 0.4384, "Acc.river": 0.2298, "Acc.bridge": 0.4413, "Acc.bookcase": 0.7118, "Acc.blind": 0.5241, "Acc.coffee table": 0.8531, "Acc.toilet": 0.9315, "Acc.flower": 0.6221, "Acc.book": 0.7104, "Acc.hill": 0.1232, "Acc.bench": 0.7724, "Acc.countertop": 0.8159, "Acc.stove": 0.8985, "Acc.palm": 0.7929, "Acc.kitchen island": 0.799, "Acc.computer": 0.9006, "Acc.swivel chair": 0.7608, "Acc.boat": 0.8543, "Acc.bar": 0.6689, "Acc.arcade machine": 0.6404, "Acc.hovel": 0.7029, "Acc.bus": 0.9735, "Acc.towel": 0.8638, "Acc.light": 0.7125, "Acc.truck": 0.6142, "Acc.tower": 0.4363, "Acc.chandelier": 0.8421, "Acc.awning": 0.4219, "Acc.streetlight": 0.4685, "Acc.booth": 0.5179, "Acc.television receiver": 0.8719, "Acc.airplane": 0.8354, "Acc.dirt track": 0.1103, "Acc.apparel": 0.7794, "Acc.pole": 0.3632, "Acc.land": 0.075, "Acc.bannister": 0.2156, "Acc.escalator": 0.8136, "Acc.ottoman": 0.751, "Acc.bottle": 0.6876, "Acc.buffet": 0.5627, "Acc.poster": 0.4665, "Acc.stage": 0.3232, "Acc.van": 0.6151, "Acc.ship": 0.4972, "Acc.fountain": 0.2373, "Acc.conveyer belt": 0.9393, "Acc.canopy": 0.5662, "Acc.washer": 0.7516, "Acc.plaything": 0.5575, "Acc.swimming pool": 0.7448, "Acc.stool": 0.6698, "Acc.barrel": 0.8731, "Acc.basket": 0.5246, "Acc.waterfall": 0.7257, "Acc.tent": 0.9846, "Acc.bag": 0.2746, "Acc.minibike": 0.8748, "Acc.cradle": 0.978, "Acc.oven": 0.6357, "Acc.ball": 0.4765, "Acc.food": 0.6269, "Acc.step": 0.2801, "Acc.tank": 0.6648, "Acc.trade name": 0.3381, "Acc.microwave": 0.917, "Acc.pot": 0.6249, "Acc.animal": 0.6387, "Acc.bicycle": 0.7912, "Acc.lake": 0.6377, "Acc.dishwasher": 0.8118, "Acc.screen": 0.8424, "Acc.blanket": 0.3465, "Acc.sculpture": 0.852, "Acc.hood": 0.7094, "Acc.sconce": 0.6853, "Acc.vase": 0.6167, "Acc.traffic light": 0.5754, "Acc.tray": 0.1361, "Acc.ashcan": 0.6424, "Acc.fan": 0.8124, "Acc.pier": 0.6655, "Acc.crt screen": 0.3241, "Acc.plate": 0.7976, "Acc.monitor": 0.2274, "Acc.bulletin board": 0.7579, "Acc.shower": 0.0122, "Acc.radiator": 0.7272, "Acc.glass": 0.1819, "Acc.clock": 0.528, "Acc.flag": 0.5804} {"mode": "train", "epoch": 122, "iter": 153050, "lr": 0.0, "memory": 14793, "data_time": 2.20281, "decode.loss_ce": 0.18963, "decode.acc_seg": 92.24489, "aux.loss_ce": 0.14965, "aux.acc_seg": 85.81612, "loss": 0.33929, "grad_norm": 10.63916, "time": 2.60777} {"mode": "train", "epoch": 122, "iter": 153100, "lr": 0.0, "memory": 14793, "data_time": 0.00592, "decode.loss_ce": 0.20572, "decode.acc_seg": 91.48394, "aux.loss_ce": 0.16109, "aux.acc_seg": 84.62792, "loss": 0.36681, "grad_norm": 13.05018, "time": 0.41747} {"mode": "train", "epoch": 122, "iter": 153150, "lr": 0.0, "memory": 14793, "data_time": 0.0055, "decode.loss_ce": 0.19829, "decode.acc_seg": 91.67715, "aux.loss_ce": 0.15557, "aux.acc_seg": 84.88981, "loss": 0.35386, "grad_norm": 14.17117, "time": 0.4179} {"mode": "train", "epoch": 122, "iter": 153200, "lr": 0.0, "memory": 14793, "data_time": 0.00606, "decode.loss_ce": 0.20219, "decode.acc_seg": 91.37341, "aux.loss_ce": 0.15772, "aux.acc_seg": 84.75916, "loss": 0.35991, "grad_norm": 12.80628, "time": 0.41614} {"mode": "train", "epoch": 122, "iter": 153250, "lr": 0.0, "memory": 14793, "data_time": 0.00586, "decode.loss_ce": 0.19081, "decode.acc_seg": 92.1422, "aux.loss_ce": 0.15607, "aux.acc_seg": 85.13321, "loss": 0.34688, "grad_norm": 11.75158, "time": 0.4132} {"mode": "train", "epoch": 122, "iter": 153300, "lr": 0.0, "memory": 14793, "data_time": 0.00542, "decode.loss_ce": 0.18961, "decode.acc_seg": 91.90224, "aux.loss_ce": 0.15051, "aux.acc_seg": 85.23539, "loss": 0.34012, "grad_norm": 9.60375, "time": 0.4169} {"mode": "train", "epoch": 122, "iter": 153350, "lr": 0.0, "memory": 14793, "data_time": 0.00567, "decode.loss_ce": 0.18515, "decode.acc_seg": 91.63843, "aux.loss_ce": 0.14628, "aux.acc_seg": 85.12998, "loss": 0.33143, "grad_norm": 11.99746, "time": 0.41239} {"mode": "train", "epoch": 122, "iter": 153400, "lr": 0.0, "memory": 14793, "data_time": 0.00525, "decode.loss_ce": 0.18403, "decode.acc_seg": 92.25877, "aux.loss_ce": 0.14399, "aux.acc_seg": 85.86092, "loss": 0.32801, "grad_norm": 9.80159, "time": 0.41144} {"mode": "train", "epoch": 122, "iter": 153450, "lr": 0.0, "memory": 14793, "data_time": 0.00558, "decode.loss_ce": 0.18285, "decode.acc_seg": 92.32443, "aux.loss_ce": 0.15268, "aux.acc_seg": 85.42985, "loss": 0.33553, "grad_norm": 12.87183, "time": 0.413} {"mode": "train", "epoch": 122, "iter": 153500, "lr": 0.0, "memory": 14793, "data_time": 0.0062, "decode.loss_ce": 0.19888, "decode.acc_seg": 91.76425, "aux.loss_ce": 0.15265, "aux.acc_seg": 85.48276, "loss": 0.35153, "grad_norm": 11.86374, "time": 0.41134} {"mode": "train", "epoch": 122, "iter": 153550, "lr": 0.0, "memory": 14793, "data_time": 0.00547, "decode.loss_ce": 0.19318, "decode.acc_seg": 92.04668, "aux.loss_ce": 0.16108, "aux.acc_seg": 84.75713, "loss": 0.35426, "grad_norm": 10.45684, "time": 0.40973} {"mode": "train", "epoch": 122, "iter": 153600, "lr": 0.0, "memory": 14793, "data_time": 0.00534, "decode.loss_ce": 0.19852, "decode.acc_seg": 91.71305, "aux.loss_ce": 0.15512, "aux.acc_seg": 85.36138, "loss": 0.35364, "grad_norm": 11.74403, "time": 0.41502} {"mode": "train", "epoch": 122, "iter": 153650, "lr": 0.0, "memory": 14793, "data_time": 0.00575, "decode.loss_ce": 0.19202, "decode.acc_seg": 91.81568, "aux.loss_ce": 0.15097, "aux.acc_seg": 85.71007, "loss": 0.34298, "grad_norm": 9.11956, "time": 0.41619} {"mode": "train", "epoch": 122, "iter": 153700, "lr": 0.0, "memory": 14793, "data_time": 0.00537, "decode.loss_ce": 0.1908, "decode.acc_seg": 91.81596, "aux.loss_ce": 0.16015, "aux.acc_seg": 84.90186, "loss": 0.35095, "grad_norm": 12.5321, "time": 0.42483} {"mode": "train", "epoch": 122, "iter": 153750, "lr": 0.0, "memory": 14793, "data_time": 0.00552, "decode.loss_ce": 0.19172, "decode.acc_seg": 91.64601, "aux.loss_ce": 0.14442, "aux.acc_seg": 85.89127, "loss": 0.33614, "grad_norm": 10.3967, "time": 0.41337} {"mode": "train", "epoch": 122, "iter": 153800, "lr": 0.0, "memory": 14793, "data_time": 0.00517, "decode.loss_ce": 0.20584, "decode.acc_seg": 91.65247, "aux.loss_ce": 0.16032, "aux.acc_seg": 85.07462, "loss": 0.36616, "grad_norm": 11.75273, "time": 0.40794} {"mode": "train", "epoch": 122, "iter": 153850, "lr": 0.0, "memory": 14793, "data_time": 0.005, "decode.loss_ce": 0.1933, "decode.acc_seg": 91.71874, "aux.loss_ce": 0.15261, "aux.acc_seg": 84.96469, "loss": 0.34592, "grad_norm": 11.73674, "time": 0.40604} {"mode": "train", "epoch": 122, "iter": 153900, "lr": 0.0, "memory": 14793, "data_time": 0.00563, "decode.loss_ce": 0.19959, "decode.acc_seg": 91.15049, "aux.loss_ce": 0.14522, "aux.acc_seg": 85.40302, "loss": 0.34481, "grad_norm": 12.08815, "time": 0.4075} {"mode": "train", "epoch": 122, "iter": 153950, "lr": 0.0, "memory": 14793, "data_time": 0.00529, "decode.loss_ce": 0.1805, "decode.acc_seg": 92.0913, "aux.loss_ce": 0.14545, "aux.acc_seg": 85.51188, "loss": 0.32595, "grad_norm": 8.60323, "time": 0.41087} {"mode": "train", "epoch": 122, "iter": 154000, "lr": 0.0, "memory": 14793, "data_time": 0.00578, "decode.loss_ce": 0.19578, "decode.acc_seg": 91.8897, "aux.loss_ce": 0.15229, "aux.acc_seg": 85.30083, "loss": 0.34808, "grad_norm": 11.95947, "time": 0.66718} {"mode": "val", "epoch": 122, "iter": 125, "lr": 0.0, "aAcc": 0.8504, "mIoU": 0.5471, "mAcc": 0.6702, "IoU.wall": 0.8057, "IoU.building": 0.8369, "IoU.sky": 0.9496, "IoU.floor": 0.8336, "IoU.tree": 0.7592, "IoU.ceiling": 0.8593, "IoU.road": 0.8578, "IoU.bed ": 0.9178, "IoU.windowpane": 0.6448, "IoU.grass": 0.6736, "IoU.cabinet": 0.6555, "IoU.sidewalk": 0.6903, "IoU.person": 0.8425, "IoU.earth": 0.3955, "IoU.door": 0.5585, "IoU.table": 0.6626, "IoU.mountain": 0.5996, "IoU.plant": 0.5299, "IoU.curtain": 0.7587, "IoU.chair": 0.6371, "IoU.car": 0.864, "IoU.water": 0.6012, "IoU.painting": 0.7488, "IoU.sofa": 0.7533, "IoU.shelf": 0.4528, "IoU.house": 0.4894, "IoU.sea": 0.6866, "IoU.mirror": 0.7422, "IoU.rug": 0.6748, "IoU.field": 0.3145, "IoU.armchair": 0.4922, "IoU.seat": 0.6656, "IoU.fence": 0.4683, "IoU.desk": 0.5297, "IoU.rock": 0.5273, "IoU.wardrobe": 0.557, "IoU.lamp": 0.698, "IoU.bathtub": 0.828, "IoU.railing": 0.4122, "IoU.cushion": 0.6601, "IoU.base": 0.3917, "IoU.box": 0.3429, "IoU.column": 0.5457, "IoU.signboard": 0.3874, "IoU.chest of drawers": 0.4397, "IoU.counter": 0.3145, "IoU.sand": 0.5924, "IoU.sink": 0.7941, "IoU.skyscraper": 0.5261, "IoU.fireplace": 0.7171, "IoU.refrigerator": 0.7853, "IoU.grandstand": 0.4853, "IoU.path": 0.2512, "IoU.stairs": 0.363, "IoU.runway": 0.6525, "IoU.case": 0.4953, "IoU.pool table": 0.9378, "IoU.pillow": 0.6241, "IoU.screen door": 0.6835, "IoU.stairway": 0.3683, "IoU.river": 0.1087, "IoU.bridge": 0.3906, "IoU.bookcase": 0.4602, "IoU.blind": 0.4519, "IoU.coffee table": 0.6253, "IoU.toilet": 0.8799, "IoU.flower": 0.4544, "IoU.book": 0.4986, "IoU.hill": 0.0728, "IoU.bench": 0.652, "IoU.countertop": 0.6166, "IoU.stove": 0.8386, "IoU.palm": 0.5691, "IoU.kitchen island": 0.4584, "IoU.computer": 0.7537, "IoU.swivel chair": 0.5328, "IoU.boat": 0.7511, "IoU.bar": 0.5038, "IoU.arcade machine": 0.5919, "IoU.hovel": 0.6258, "IoU.bus": 0.9176, "IoU.towel": 0.7142, "IoU.light": 0.6004, "IoU.truck": 0.4547, "IoU.tower": 0.2497, "IoU.chandelier": 0.7157, "IoU.awning": 0.3424, "IoU.streetlight": 0.3383, "IoU.booth": 0.4164, "IoU.television receiver": 0.7674, "IoU.airplane": 0.7314, "IoU.dirt track": 0.0569, "IoU.apparel": 0.6083, "IoU.pole": 0.2497, "IoU.land": 0.0555, "IoU.bannister": 0.1608, "IoU.escalator": 0.5482, "IoU.ottoman": 0.5611, "IoU.bottle": 0.4151, "IoU.buffet": 0.4635, "IoU.poster": 0.3306, "IoU.stage": 0.2223, "IoU.van": 0.457, "IoU.ship": 0.4032, "IoU.fountain": 0.2349, "IoU.conveyer belt": 0.8076, "IoU.canopy": 0.4048, "IoU.washer": 0.7219, "IoU.plaything": 0.3703, "IoU.swimming pool": 0.6491, "IoU.stool": 0.481, "IoU.barrel": 0.5389, "IoU.basket": 0.4073, "IoU.waterfall": 0.6614, "IoU.tent": 0.9568, "IoU.bag": 0.2242, "IoU.minibike": 0.726, "IoU.cradle": 0.8472, "IoU.oven": 0.4463, "IoU.ball": 0.4427, "IoU.food": 0.5561, "IoU.step": 0.2242, "IoU.tank": 0.6311, "IoU.trade name": 0.2672, "IoU.microwave": 0.7984, "IoU.pot": 0.5415, "IoU.animal": 0.6023, "IoU.bicycle": 0.6072, "IoU.lake": 0.5152, "IoU.dishwasher": 0.7009, "IoU.screen": 0.597, "IoU.blanket": 0.2627, "IoU.sculpture": 0.7224, "IoU.hood": 0.6637, "IoU.sconce": 0.5699, "IoU.vase": 0.4613, "IoU.traffic light": 0.382, "IoU.tray": 0.0729, "IoU.ashcan": 0.4735, "IoU.fan": 0.6782, "IoU.pier": 0.4612, "IoU.crt screen": 0.1506, "IoU.plate": 0.5922, "IoU.monitor": 0.2025, "IoU.bulletin board": 0.6577, "IoU.shower": 0.0186, "IoU.radiator": 0.6379, "IoU.glass": 0.1696, "IoU.clock": 0.463, "IoU.flag": 0.5128, "Acc.wall": 0.8895, "Acc.building": 0.9275, "Acc.sky": 0.9767, "Acc.floor": 0.9076, "Acc.tree": 0.884, "Acc.ceiling": 0.9289, "Acc.road": 0.9198, "Acc.bed ": 0.9728, "Acc.windowpane": 0.8215, "Acc.grass": 0.8165, "Acc.cabinet": 0.7636, "Acc.sidewalk": 0.8321, "Acc.person": 0.9384, "Acc.earth": 0.5436, "Acc.door": 0.7094, "Acc.table": 0.7947, "Acc.mountain": 0.7423, "Acc.plant": 0.6564, "Acc.curtain": 0.871, "Acc.chair": 0.7711, "Acc.car": 0.9382, "Acc.water": 0.7525, "Acc.painting": 0.8954, "Acc.sofa": 0.8996, "Acc.shelf": 0.636, "Acc.house": 0.6877, "Acc.sea": 0.8445, "Acc.mirror": 0.8057, "Acc.rug": 0.7953, "Acc.field": 0.4651, "Acc.armchair": 0.6597, "Acc.seat": 0.8397, "Acc.fence": 0.6126, "Acc.desk": 0.7308, "Acc.rock": 0.7597, "Acc.wardrobe": 0.7129, "Acc.lamp": 0.8125, "Acc.bathtub": 0.8668, "Acc.railing": 0.5631, "Acc.cushion": 0.7725, "Acc.base": 0.5194, "Acc.box": 0.4469, "Acc.column": 0.6577, "Acc.signboard": 0.5352, "Acc.chest of drawers": 0.6878, "Acc.counter": 0.4188, "Acc.sand": 0.7662, "Acc.sink": 0.8632, "Acc.skyscraper": 0.6376, "Acc.fireplace": 0.9314, "Acc.refrigerator": 0.8457, "Acc.grandstand": 0.8301, "Acc.path": 0.3692, "Acc.stairs": 0.488, "Acc.runway": 0.8696, "Acc.case": 0.6337, "Acc.pool table": 0.9814, "Acc.pillow": 0.7262, "Acc.screen door": 0.8471, "Acc.stairway": 0.4408, "Acc.river": 0.2319, "Acc.bridge": 0.4365, "Acc.bookcase": 0.7017, "Acc.blind": 0.5182, "Acc.coffee table": 0.8476, "Acc.toilet": 0.9343, "Acc.flower": 0.5991, "Acc.book": 0.7211, "Acc.hill": 0.1153, "Acc.bench": 0.7712, "Acc.countertop": 0.8203, "Acc.stove": 0.9009, "Acc.palm": 0.7787, "Acc.kitchen island": 0.7971, "Acc.computer": 0.9019, "Acc.swivel chair": 0.7379, "Acc.boat": 0.8563, "Acc.bar": 0.6839, "Acc.arcade machine": 0.6253, "Acc.hovel": 0.6983, "Acc.bus": 0.9776, "Acc.towel": 0.8651, "Acc.light": 0.7134, "Acc.truck": 0.602, "Acc.tower": 0.4375, "Acc.chandelier": 0.8452, "Acc.awning": 0.403, "Acc.streetlight": 0.4574, "Acc.booth": 0.5209, "Acc.television receiver": 0.8694, "Acc.airplane": 0.8149, "Acc.dirt track": 0.1056, "Acc.apparel": 0.7869, "Acc.pole": 0.3511, "Acc.land": 0.0753, "Acc.bannister": 0.221, "Acc.escalator": 0.8127, "Acc.ottoman": 0.7449, "Acc.bottle": 0.6935, "Acc.buffet": 0.5746, "Acc.poster": 0.4685, "Acc.stage": 0.3256, "Acc.van": 0.6189, "Acc.ship": 0.4504, "Acc.fountain": 0.2365, "Acc.conveyer belt": 0.9391, "Acc.canopy": 0.5643, "Acc.washer": 0.7469, "Acc.plaything": 0.532, "Acc.swimming pool": 0.7306, "Acc.stool": 0.659, "Acc.barrel": 0.8961, "Acc.basket": 0.5111, "Acc.waterfall": 0.7644, "Acc.tent": 0.9824, "Acc.bag": 0.2808, "Acc.minibike": 0.8677, "Acc.cradle": 0.9767, "Acc.oven": 0.6258, "Acc.ball": 0.4691, "Acc.food": 0.6217, "Acc.step": 0.2815, "Acc.tank": 0.6609, "Acc.trade name": 0.3105, "Acc.microwave": 0.9053, "Acc.pot": 0.6407, "Acc.animal": 0.6177, "Acc.bicycle": 0.7789, "Acc.lake": 0.6375, "Acc.dishwasher": 0.8093, "Acc.screen": 0.8335, "Acc.blanket": 0.3075, "Acc.sculpture": 0.8474, "Acc.hood": 0.7064, "Acc.sconce": 0.6839, "Acc.vase": 0.6101, "Acc.traffic light": 0.5607, "Acc.tray": 0.114, "Acc.ashcan": 0.6332, "Acc.fan": 0.7901, "Acc.pier": 0.6367, "Acc.crt screen": 0.3559, "Acc.plate": 0.7954, "Acc.monitor": 0.2314, "Acc.bulletin board": 0.7529, "Acc.shower": 0.0206, "Acc.radiator": 0.722, "Acc.glass": 0.1829, "Acc.clock": 0.5097, "Acc.flag": 0.565} {"mode": "train", "epoch": 122, "iter": 154050, "lr": 0.0, "memory": 14793, "data_time": 2.19467, "decode.loss_ce": 0.20643, "decode.acc_seg": 91.66378, "aux.loss_ce": 0.16587, "aux.acc_seg": 84.71763, "loss": 0.37231, "grad_norm": 11.59361, "time": 2.60608} {"mode": "train", "epoch": 122, "iter": 154100, "lr": 0.0, "memory": 14793, "data_time": 0.00573, "decode.loss_ce": 0.19253, "decode.acc_seg": 91.74581, "aux.loss_ce": 0.15106, "aux.acc_seg": 85.72541, "loss": 0.3436, "grad_norm": 11.93034, "time": 0.42506} {"mode": "train", "epoch": 122, "iter": 154150, "lr": 0.0, "memory": 14793, "data_time": 0.00855, "decode.loss_ce": 0.19767, "decode.acc_seg": 91.89077, "aux.loss_ce": 0.15519, "aux.acc_seg": 85.53466, "loss": 0.35286, "grad_norm": 10.59534, "time": 0.42265} {"mode": "train", "epoch": 122, "iter": 154200, "lr": 0.0, "memory": 14793, "data_time": 0.00548, "decode.loss_ce": 0.19106, "decode.acc_seg": 91.68207, "aux.loss_ce": 0.15068, "aux.acc_seg": 85.0351, "loss": 0.34174, "grad_norm": 11.30638, "time": 0.41577} {"mode": "train", "epoch": 123, "iter": 154250, "lr": 0.0, "memory": 14793, "data_time": 0.04971, "decode.loss_ce": 0.20337, "decode.acc_seg": 91.79307, "aux.loss_ce": 0.16572, "aux.acc_seg": 84.9527, "loss": 0.36909, "grad_norm": 13.6736, "time": 0.45359} {"mode": "train", "epoch": 123, "iter": 154300, "lr": 0.0, "memory": 14793, "data_time": 0.00597, "decode.loss_ce": 0.19097, "decode.acc_seg": 91.92426, "aux.loss_ce": 0.16115, "aux.acc_seg": 84.52458, "loss": 0.35211, "grad_norm": 13.29942, "time": 0.41314} {"mode": "train", "epoch": 123, "iter": 154350, "lr": 0.0, "memory": 14793, "data_time": 0.00685, "decode.loss_ce": 0.19962, "decode.acc_seg": 91.7218, "aux.loss_ce": 0.15673, "aux.acc_seg": 84.96408, "loss": 0.35635, "grad_norm": 9.54722, "time": 0.41557} {"mode": "train", "epoch": 123, "iter": 154400, "lr": 0.0, "memory": 14793, "data_time": 0.00643, "decode.loss_ce": 0.19817, "decode.acc_seg": 91.77241, "aux.loss_ce": 0.15934, "aux.acc_seg": 85.04566, "loss": 0.35751, "grad_norm": 13.14116, "time": 0.41556} {"mode": "train", "epoch": 123, "iter": 154450, "lr": 0.0, "memory": 14793, "data_time": 0.0055, "decode.loss_ce": 0.19496, "decode.acc_seg": 91.65036, "aux.loss_ce": 0.15555, "aux.acc_seg": 85.13014, "loss": 0.35052, "grad_norm": 11.9565, "time": 0.4169} {"mode": "train", "epoch": 123, "iter": 154500, "lr": 0.0, "memory": 14793, "data_time": 0.00555, "decode.loss_ce": 0.19294, "decode.acc_seg": 92.06002, "aux.loss_ce": 0.15148, "aux.acc_seg": 85.62458, "loss": 0.34441, "grad_norm": 9.87084, "time": 0.43433} {"mode": "train", "epoch": 123, "iter": 154550, "lr": 0.0, "memory": 14793, "data_time": 0.00607, "decode.loss_ce": 0.18801, "decode.acc_seg": 92.17019, "aux.loss_ce": 0.15533, "aux.acc_seg": 84.94298, "loss": 0.34335, "grad_norm": 13.76566, "time": 0.41454} {"mode": "train", "epoch": 123, "iter": 154600, "lr": 0.0, "memory": 14793, "data_time": 0.0062, "decode.loss_ce": 0.19556, "decode.acc_seg": 91.71406, "aux.loss_ce": 0.15052, "aux.acc_seg": 85.21751, "loss": 0.34608, "grad_norm": 13.08505, "time": 0.42163} {"mode": "train", "epoch": 123, "iter": 154650, "lr": 0.0, "memory": 14793, "data_time": 0.00554, "decode.loss_ce": 0.1996, "decode.acc_seg": 91.80713, "aux.loss_ce": 0.15477, "aux.acc_seg": 85.33777, "loss": 0.35437, "grad_norm": 17.3549, "time": 0.41099} {"mode": "train", "epoch": 123, "iter": 154700, "lr": 0.0, "memory": 14793, "data_time": 0.00563, "decode.loss_ce": 0.19011, "decode.acc_seg": 91.94252, "aux.loss_ce": 0.15744, "aux.acc_seg": 84.71974, "loss": 0.34756, "grad_norm": 10.79038, "time": 0.41224} {"mode": "train", "epoch": 123, "iter": 154750, "lr": 0.0, "memory": 14793, "data_time": 0.00529, "decode.loss_ce": 0.18934, "decode.acc_seg": 92.00358, "aux.loss_ce": 0.14971, "aux.acc_seg": 85.58742, "loss": 0.33905, "grad_norm": 12.7589, "time": 0.41308} {"mode": "train", "epoch": 123, "iter": 154800, "lr": 0.0, "memory": 14793, "data_time": 0.00617, "decode.loss_ce": 0.18891, "decode.acc_seg": 91.96654, "aux.loss_ce": 0.15079, "aux.acc_seg": 85.1976, "loss": 0.3397, "grad_norm": 10.58931, "time": 0.4119} {"mode": "train", "epoch": 123, "iter": 154850, "lr": 0.0, "memory": 14793, "data_time": 0.00574, "decode.loss_ce": 0.19184, "decode.acc_seg": 91.95329, "aux.loss_ce": 0.15287, "aux.acc_seg": 85.42338, "loss": 0.34471, "grad_norm": 12.49959, "time": 0.41073} {"mode": "train", "epoch": 123, "iter": 154900, "lr": 0.0, "memory": 14793, "data_time": 0.00559, "decode.loss_ce": 0.20278, "decode.acc_seg": 91.58287, "aux.loss_ce": 0.16171, "aux.acc_seg": 84.66757, "loss": 0.36449, "grad_norm": 22.12787, "time": 0.41177} {"mode": "train", "epoch": 123, "iter": 154950, "lr": 0.0, "memory": 14793, "data_time": 0.00503, "decode.loss_ce": 0.19641, "decode.acc_seg": 91.81427, "aux.loss_ce": 0.15902, "aux.acc_seg": 84.99932, "loss": 0.35543, "grad_norm": 10.83922, "time": 0.42113} {"mode": "train", "epoch": 123, "iter": 155000, "lr": 0.0, "memory": 14793, "data_time": 0.0058, "decode.loss_ce": 0.18955, "decode.acc_seg": 91.83222, "aux.loss_ce": 0.15306, "aux.acc_seg": 84.81578, "loss": 0.3426, "grad_norm": 13.25148, "time": 0.65336} {"mode": "val", "epoch": 123, "iter": 125, "lr": 0.0, "aAcc": 0.8501, "mIoU": 0.548, "mAcc": 0.6748, "IoU.wall": 0.8061, "IoU.building": 0.8367, "IoU.sky": 0.9496, "IoU.floor": 0.8347, "IoU.tree": 0.7603, "IoU.ceiling": 0.8584, "IoU.road": 0.8569, "IoU.bed ": 0.9174, "IoU.windowpane": 0.6478, "IoU.grass": 0.6724, "IoU.cabinet": 0.653, "IoU.sidewalk": 0.6867, "IoU.person": 0.8423, "IoU.earth": 0.3937, "IoU.door": 0.5567, "IoU.table": 0.6627, "IoU.mountain": 0.5999, "IoU.plant": 0.5271, "IoU.curtain": 0.7646, "IoU.chair": 0.6364, "IoU.car": 0.863, "IoU.water": 0.5939, "IoU.painting": 0.7482, "IoU.sofa": 0.7596, "IoU.shelf": 0.4541, "IoU.house": 0.4944, "IoU.sea": 0.6872, "IoU.mirror": 0.7394, "IoU.rug": 0.6766, "IoU.field": 0.3138, "IoU.armchair": 0.5001, "IoU.seat": 0.6652, "IoU.fence": 0.4759, "IoU.desk": 0.525, "IoU.rock": 0.5276, "IoU.wardrobe": 0.5525, "IoU.lamp": 0.6982, "IoU.bathtub": 0.829, "IoU.railing": 0.4107, "IoU.cushion": 0.6609, "IoU.base": 0.4052, "IoU.box": 0.3437, "IoU.column": 0.5474, "IoU.signboard": 0.3909, "IoU.chest of drawers": 0.4412, "IoU.counter": 0.3056, "IoU.sand": 0.5889, "IoU.sink": 0.7913, "IoU.skyscraper": 0.5501, "IoU.fireplace": 0.7128, "IoU.refrigerator": 0.7897, "IoU.grandstand": 0.4847, "IoU.path": 0.2539, "IoU.stairs": 0.3607, "IoU.runway": 0.6508, "IoU.case": 0.4863, "IoU.pool table": 0.9376, "IoU.pillow": 0.6323, "IoU.screen door": 0.6815, "IoU.stairway": 0.3693, "IoU.river": 0.1022, "IoU.bridge": 0.4178, "IoU.bookcase": 0.4559, "IoU.blind": 0.4683, "IoU.coffee table": 0.6254, "IoU.toilet": 0.8809, "IoU.flower": 0.4549, "IoU.book": 0.5019, "IoU.hill": 0.0791, "IoU.bench": 0.6446, "IoU.countertop": 0.6153, "IoU.stove": 0.8388, "IoU.palm": 0.568, "IoU.kitchen island": 0.4609, "IoU.computer": 0.75, "IoU.swivel chair": 0.5462, "IoU.boat": 0.7485, "IoU.bar": 0.501, "IoU.arcade machine": 0.6065, "IoU.hovel": 0.6206, "IoU.bus": 0.9172, "IoU.towel": 0.7216, "IoU.light": 0.5985, "IoU.truck": 0.453, "IoU.tower": 0.256, "IoU.chandelier": 0.714, "IoU.awning": 0.3548, "IoU.streetlight": 0.3398, "IoU.booth": 0.4243, "IoU.television receiver": 0.7681, "IoU.airplane": 0.7606, "IoU.dirt track": 0.0625, "IoU.apparel": 0.6046, "IoU.pole": 0.2537, "IoU.land": 0.0569, "IoU.bannister": 0.1586, "IoU.escalator": 0.5441, "IoU.ottoman": 0.5601, "IoU.bottle": 0.4167, "IoU.buffet": 0.4619, "IoU.poster": 0.3273, "IoU.stage": 0.2308, "IoU.van": 0.4568, "IoU.ship": 0.4183, "IoU.fountain": 0.2378, "IoU.conveyer belt": 0.7963, "IoU.canopy": 0.3949, "IoU.washer": 0.7214, "IoU.plaything": 0.3694, "IoU.swimming pool": 0.637, "IoU.stool": 0.4859, "IoU.barrel": 0.5512, "IoU.basket": 0.407, "IoU.waterfall": 0.6684, "IoU.tent": 0.9534, "IoU.bag": 0.2252, "IoU.minibike": 0.7249, "IoU.cradle": 0.8496, "IoU.oven": 0.4494, "IoU.ball": 0.4482, "IoU.food": 0.5631, "IoU.step": 0.222, "IoU.tank": 0.6319, "IoU.trade name": 0.2831, "IoU.microwave": 0.7999, "IoU.pot": 0.5336, "IoU.animal": 0.6189, "IoU.bicycle": 0.6058, "IoU.lake": 0.5085, "IoU.dishwasher": 0.7063, "IoU.screen": 0.5835, "IoU.blanket": 0.2847, "IoU.sculpture": 0.6951, "IoU.hood": 0.6617, "IoU.sconce": 0.5695, "IoU.vase": 0.4581, "IoU.traffic light": 0.3808, "IoU.tray": 0.0782, "IoU.ashcan": 0.4737, "IoU.fan": 0.6787, "IoU.pier": 0.4314, "IoU.crt screen": 0.1443, "IoU.plate": 0.5901, "IoU.monitor": 0.182, "IoU.bulletin board": 0.6636, "IoU.shower": 0.0299, "IoU.radiator": 0.6369, "IoU.glass": 0.166, "IoU.clock": 0.4655, "IoU.flag": 0.5284, "Acc.wall": 0.8874, "Acc.building": 0.9208, "Acc.sky": 0.9765, "Acc.floor": 0.9088, "Acc.tree": 0.8967, "Acc.ceiling": 0.9256, "Acc.road": 0.9248, "Acc.bed ": 0.9726, "Acc.windowpane": 0.807, "Acc.grass": 0.8158, "Acc.cabinet": 0.7593, "Acc.sidewalk": 0.8076, "Acc.person": 0.9371, "Acc.earth": 0.541, "Acc.door": 0.7349, "Acc.table": 0.7995, "Acc.mountain": 0.7351, "Acc.plant": 0.6439, "Acc.curtain": 0.881, "Acc.chair": 0.764, "Acc.car": 0.9387, "Acc.water": 0.7398, "Acc.painting": 0.8966, "Acc.sofa": 0.8952, "Acc.shelf": 0.6239, "Acc.house": 0.7193, "Acc.sea": 0.8444, "Acc.mirror": 0.8052, "Acc.rug": 0.8038, "Acc.field": 0.4655, "Acc.armchair": 0.6745, "Acc.seat": 0.8424, "Acc.fence": 0.6311, "Acc.desk": 0.7352, "Acc.rock": 0.7759, "Acc.wardrobe": 0.7222, "Acc.lamp": 0.8102, "Acc.bathtub": 0.867, "Acc.railing": 0.5623, "Acc.cushion": 0.7678, "Acc.base": 0.5475, "Acc.box": 0.4536, "Acc.column": 0.6584, "Acc.signboard": 0.5352, "Acc.chest of drawers": 0.6916, "Acc.counter": 0.4035, "Acc.sand": 0.7804, "Acc.sink": 0.8633, "Acc.skyscraper": 0.6758, "Acc.fireplace": 0.9342, "Acc.refrigerator": 0.8499, "Acc.grandstand": 0.8335, "Acc.path": 0.3957, "Acc.stairs": 0.4774, "Acc.runway": 0.8715, "Acc.case": 0.6132, "Acc.pool table": 0.9823, "Acc.pillow": 0.7525, "Acc.screen door": 0.8484, "Acc.stairway": 0.4313, "Acc.river": 0.2367, "Acc.bridge": 0.4734, "Acc.bookcase": 0.7059, "Acc.blind": 0.544, "Acc.coffee table": 0.8504, "Acc.toilet": 0.9322, "Acc.flower": 0.6116, "Acc.book": 0.7223, "Acc.hill": 0.134, "Acc.bench": 0.7615, "Acc.countertop": 0.8155, "Acc.stove": 0.9011, "Acc.palm": 0.7779, "Acc.kitchen island": 0.8063, "Acc.computer": 0.9047, "Acc.swivel chair": 0.7799, "Acc.boat": 0.8575, "Acc.bar": 0.6624, "Acc.arcade machine": 0.6402, "Acc.hovel": 0.7024, "Acc.bus": 0.9768, "Acc.towel": 0.8636, "Acc.light": 0.7076, "Acc.truck": 0.6146, "Acc.tower": 0.4592, "Acc.chandelier": 0.8504, "Acc.awning": 0.4306, "Acc.streetlight": 0.4552, "Acc.booth": 0.551, "Acc.television receiver": 0.8706, "Acc.airplane": 0.8502, "Acc.dirt track": 0.1241, "Acc.apparel": 0.7825, "Acc.pole": 0.3556, "Acc.land": 0.0783, "Acc.bannister": 0.2186, "Acc.escalator": 0.8173, "Acc.ottoman": 0.7436, "Acc.bottle": 0.6805, "Acc.buffet": 0.5715, "Acc.poster": 0.4767, "Acc.stage": 0.3398, "Acc.van": 0.6278, "Acc.ship": 0.466, "Acc.fountain": 0.2397, "Acc.conveyer belt": 0.943, "Acc.canopy": 0.5875, "Acc.washer": 0.745, "Acc.plaything": 0.5288, "Acc.swimming pool": 0.7406, "Acc.stool": 0.6534, "Acc.barrel": 0.8862, "Acc.basket": 0.5186, "Acc.waterfall": 0.7846, "Acc.tent": 0.9842, "Acc.bag": 0.2826, "Acc.minibike": 0.8732, "Acc.cradle": 0.9779, "Acc.oven": 0.629, "Acc.ball": 0.4752, "Acc.food": 0.6316, "Acc.step": 0.2767, "Acc.tank": 0.6619, "Acc.trade name": 0.3358, "Acc.microwave": 0.9083, "Acc.pot": 0.6275, "Acc.animal": 0.6374, "Acc.bicycle": 0.7907, "Acc.lake": 0.6378, "Acc.dishwasher": 0.8114, "Acc.screen": 0.8257, "Acc.blanket": 0.3412, "Acc.sculpture": 0.8535, "Acc.hood": 0.7097, "Acc.sconce": 0.6921, "Acc.vase": 0.6156, "Acc.traffic light": 0.5692, "Acc.tray": 0.1333, "Acc.ashcan": 0.6393, "Acc.fan": 0.8014, "Acc.pier": 0.6111, "Acc.crt screen": 0.3603, "Acc.plate": 0.7944, "Acc.monitor": 0.2052, "Acc.bulletin board": 0.7616, "Acc.shower": 0.0305, "Acc.radiator": 0.7301, "Acc.glass": 0.1778, "Acc.clock": 0.5137, "Acc.flag": 0.5961} {"mode": "train", "epoch": 123, "iter": 155050, "lr": 0.0, "memory": 14793, "data_time": 2.12312, "decode.loss_ce": 0.18768, "decode.acc_seg": 91.59122, "aux.loss_ce": 0.14467, "aux.acc_seg": 85.26214, "loss": 0.33235, "grad_norm": 12.07456, "time": 2.52093} {"mode": "train", "epoch": 123, "iter": 155100, "lr": 0.0, "memory": 14793, "data_time": 0.00561, "decode.loss_ce": 0.19509, "decode.acc_seg": 91.86605, "aux.loss_ce": 0.15576, "aux.acc_seg": 85.473, "loss": 0.35085, "grad_norm": 11.84421, "time": 0.40987} {"mode": "train", "epoch": 123, "iter": 155150, "lr": 0.0, "memory": 14793, "data_time": 0.00687, "decode.loss_ce": 0.20091, "decode.acc_seg": 91.58606, "aux.loss_ce": 0.16022, "aux.acc_seg": 84.6887, "loss": 0.36113, "grad_norm": 14.12108, "time": 0.4147} {"mode": "train", "epoch": 123, "iter": 155200, "lr": 0.0, "memory": 14793, "data_time": 0.0057, "decode.loss_ce": 0.19758, "decode.acc_seg": 91.78004, "aux.loss_ce": 0.15558, "aux.acc_seg": 85.4213, "loss": 0.35316, "grad_norm": 11.97182, "time": 0.41962} {"mode": "train", "epoch": 123, "iter": 155250, "lr": 0.0, "memory": 14793, "data_time": 0.00595, "decode.loss_ce": 0.19875, "decode.acc_seg": 91.16541, "aux.loss_ce": 0.15719, "aux.acc_seg": 84.19708, "loss": 0.35594, "grad_norm": 10.87404, "time": 0.42} {"mode": "train", "epoch": 123, "iter": 155300, "lr": 0.0, "memory": 14793, "data_time": 0.00562, "decode.loss_ce": 0.19075, "decode.acc_seg": 91.98248, "aux.loss_ce": 0.13972, "aux.acc_seg": 86.18699, "loss": 0.33047, "grad_norm": 10.89529, "time": 0.41806} {"mode": "train", "epoch": 123, "iter": 155350, "lr": 0.0, "memory": 14793, "data_time": 0.00561, "decode.loss_ce": 0.19013, "decode.acc_seg": 91.94, "aux.loss_ce": 0.15074, "aux.acc_seg": 85.29888, "loss": 0.34087, "grad_norm": 10.53882, "time": 0.42668} {"mode": "train", "epoch": 123, "iter": 155400, "lr": 0.0, "memory": 14793, "data_time": 0.00641, "decode.loss_ce": 0.18895, "decode.acc_seg": 91.99571, "aux.loss_ce": 0.15279, "aux.acc_seg": 85.31, "loss": 0.34174, "grad_norm": 10.96878, "time": 0.41863} {"mode": "train", "epoch": 123, "iter": 155450, "lr": 0.0, "memory": 14793, "data_time": 0.00612, "decode.loss_ce": 0.19515, "decode.acc_seg": 91.68082, "aux.loss_ce": 0.14575, "aux.acc_seg": 86.03425, "loss": 0.3409, "grad_norm": 10.05734, "time": 0.41761} {"mode": "train", "epoch": 124, "iter": 155500, "lr": 0.0, "memory": 14793, "data_time": 0.05442, "decode.loss_ce": 0.19496, "decode.acc_seg": 91.87212, "aux.loss_ce": 0.15336, "aux.acc_seg": 85.55833, "loss": 0.34832, "grad_norm": 12.49358, "time": 0.46611} {"mode": "train", "epoch": 124, "iter": 155550, "lr": 0.0, "memory": 14793, "data_time": 0.00554, "decode.loss_ce": 0.18836, "decode.acc_seg": 91.91482, "aux.loss_ce": 0.14909, "aux.acc_seg": 85.86904, "loss": 0.33746, "grad_norm": 9.96874, "time": 0.41389} {"mode": "train", "epoch": 124, "iter": 155600, "lr": 0.0, "memory": 14793, "data_time": 0.00551, "decode.loss_ce": 0.19987, "decode.acc_seg": 91.60343, "aux.loss_ce": 0.15716, "aux.acc_seg": 84.90635, "loss": 0.35703, "grad_norm": 12.43671, "time": 0.40991} {"mode": "train", "epoch": 124, "iter": 155650, "lr": 0.0, "memory": 14793, "data_time": 0.00608, "decode.loss_ce": 0.20233, "decode.acc_seg": 91.55291, "aux.loss_ce": 0.15812, "aux.acc_seg": 84.59249, "loss": 0.36046, "grad_norm": 15.33051, "time": 0.41848} {"mode": "train", "epoch": 124, "iter": 155700, "lr": 0.0, "memory": 14793, "data_time": 0.00529, "decode.loss_ce": 0.18575, "decode.acc_seg": 92.16967, "aux.loss_ce": 0.14366, "aux.acc_seg": 85.85196, "loss": 0.32941, "grad_norm": 11.40507, "time": 0.43339} {"mode": "train", "epoch": 124, "iter": 155750, "lr": 0.0, "memory": 14793, "data_time": 0.00504, "decode.loss_ce": 0.2037, "decode.acc_seg": 91.46738, "aux.loss_ce": 0.15753, "aux.acc_seg": 85.12307, "loss": 0.36123, "grad_norm": 11.36803, "time": 0.42504} {"mode": "train", "epoch": 124, "iter": 155800, "lr": 0.0, "memory": 14793, "data_time": 0.007, "decode.loss_ce": 0.19959, "decode.acc_seg": 91.65016, "aux.loss_ce": 0.15925, "aux.acc_seg": 84.97997, "loss": 0.35884, "grad_norm": 13.5888, "time": 0.41819} {"mode": "train", "epoch": 124, "iter": 155850, "lr": 0.0, "memory": 14793, "data_time": 0.00508, "decode.loss_ce": 0.18304, "decode.acc_seg": 92.08453, "aux.loss_ce": 0.14213, "aux.acc_seg": 85.71799, "loss": 0.32517, "grad_norm": 8.33679, "time": 0.41637} {"mode": "train", "epoch": 124, "iter": 155900, "lr": 0.0, "memory": 14793, "data_time": 0.00612, "decode.loss_ce": 0.20794, "decode.acc_seg": 91.40376, "aux.loss_ce": 0.16513, "aux.acc_seg": 84.13515, "loss": 0.37307, "grad_norm": 19.17426, "time": 0.41189} {"mode": "train", "epoch": 124, "iter": 155950, "lr": 0.0, "memory": 14793, "data_time": 0.00522, "decode.loss_ce": 0.20033, "decode.acc_seg": 91.53464, "aux.loss_ce": 0.16238, "aux.acc_seg": 84.52669, "loss": 0.36271, "grad_norm": 12.77555, "time": 0.42225} {"mode": "train", "epoch": 124, "iter": 156000, "lr": 0.0, "memory": 14793, "data_time": 0.00543, "decode.loss_ce": 0.18685, "decode.acc_seg": 91.73949, "aux.loss_ce": 0.15248, "aux.acc_seg": 84.62707, "loss": 0.33933, "grad_norm": 15.78133, "time": 0.65418} {"mode": "val", "epoch": 124, "iter": 125, "lr": 0.0, "aAcc": 0.8507, "mIoU": 0.5487, "mAcc": 0.6736, "IoU.wall": 0.8064, "IoU.building": 0.8376, "IoU.sky": 0.9493, "IoU.floor": 0.8345, "IoU.tree": 0.7595, "IoU.ceiling": 0.8587, "IoU.road": 0.8576, "IoU.bed ": 0.9186, "IoU.windowpane": 0.647, "IoU.grass": 0.6729, "IoU.cabinet": 0.6581, "IoU.sidewalk": 0.6883, "IoU.person": 0.8435, "IoU.earth": 0.3977, "IoU.door": 0.5615, "IoU.table": 0.6621, "IoU.mountain": 0.6007, "IoU.plant": 0.528, "IoU.curtain": 0.7626, "IoU.chair": 0.6371, "IoU.car": 0.8637, "IoU.water": 0.5876, "IoU.painting": 0.7479, "IoU.sofa": 0.7577, "IoU.shelf": 0.456, "IoU.house": 0.4897, "IoU.sea": 0.6749, "IoU.mirror": 0.7427, "IoU.rug": 0.6788, "IoU.field": 0.3161, "IoU.armchair": 0.5, "IoU.seat": 0.6688, "IoU.fence": 0.4736, "IoU.desk": 0.5318, "IoU.rock": 0.528, "IoU.wardrobe": 0.5568, "IoU.lamp": 0.6979, "IoU.bathtub": 0.8287, "IoU.railing": 0.415, "IoU.cushion": 0.6569, "IoU.base": 0.4069, "IoU.box": 0.347, "IoU.column": 0.5463, "IoU.signboard": 0.3881, "IoU.chest of drawers": 0.4429, "IoU.counter": 0.3186, "IoU.sand": 0.5942, "IoU.sink": 0.7933, "IoU.skyscraper": 0.5709, "IoU.fireplace": 0.7115, "IoU.refrigerator": 0.7878, "IoU.grandstand": 0.4873, "IoU.path": 0.2621, "IoU.stairs": 0.3553, "IoU.runway": 0.656, "IoU.case": 0.4949, "IoU.pool table": 0.9379, "IoU.pillow": 0.6319, "IoU.screen door": 0.6786, "IoU.stairway": 0.3648, "IoU.river": 0.1023, "IoU.bridge": 0.3987, "IoU.bookcase": 0.4709, "IoU.blind": 0.4659, "IoU.coffee table": 0.6272, "IoU.toilet": 0.8787, "IoU.flower": 0.4572, "IoU.book": 0.5049, "IoU.hill": 0.076, "IoU.bench": 0.6539, "IoU.countertop": 0.6163, "IoU.stove": 0.8398, "IoU.palm": 0.5645, "IoU.kitchen island": 0.4601, "IoU.computer": 0.7521, "IoU.swivel chair": 0.5457, "IoU.boat": 0.76, "IoU.bar": 0.5007, "IoU.arcade machine": 0.5957, "IoU.hovel": 0.6258, "IoU.bus": 0.9237, "IoU.towel": 0.7175, "IoU.light": 0.599, "IoU.truck": 0.4557, "IoU.tower": 0.2588, "IoU.chandelier": 0.7142, "IoU.awning": 0.3544, "IoU.streetlight": 0.3375, "IoU.booth": 0.424, "IoU.television receiver": 0.7671, "IoU.airplane": 0.7402, "IoU.dirt track": 0.0599, "IoU.apparel": 0.609, "IoU.pole": 0.2454, "IoU.land": 0.0561, "IoU.bannister": 0.1586, "IoU.escalator": 0.5426, "IoU.ottoman": 0.5599, "IoU.bottle": 0.417, "IoU.buffet": 0.4609, "IoU.poster": 0.3268, "IoU.stage": 0.2285, "IoU.van": 0.4596, "IoU.ship": 0.3953, "IoU.fountain": 0.2491, "IoU.conveyer belt": 0.8028, "IoU.canopy": 0.3997, "IoU.washer": 0.7249, "IoU.plaything": 0.3715, "IoU.swimming pool": 0.6486, "IoU.stool": 0.4853, "IoU.barrel": 0.5754, "IoU.basket": 0.4097, "IoU.waterfall": 0.6528, "IoU.tent": 0.9547, "IoU.bag": 0.2216, "IoU.minibike": 0.7245, "IoU.cradle": 0.8466, "IoU.oven": 0.4712, "IoU.ball": 0.4365, "IoU.food": 0.5708, "IoU.step": 0.2271, "IoU.tank": 0.6319, "IoU.trade name": 0.2891, "IoU.microwave": 0.8118, "IoU.pot": 0.5346, "IoU.animal": 0.6172, "IoU.bicycle": 0.6079, "IoU.lake": 0.5079, "IoU.dishwasher": 0.6987, "IoU.screen": 0.5962, "IoU.blanket": 0.2753, "IoU.sculpture": 0.6935, "IoU.hood": 0.6677, "IoU.sconce": 0.5676, "IoU.vase": 0.4545, "IoU.traffic light": 0.3779, "IoU.tray": 0.0761, "IoU.ashcan": 0.4738, "IoU.fan": 0.68, "IoU.pier": 0.4294, "IoU.crt screen": 0.1384, "IoU.plate": 0.594, "IoU.monitor": 0.1889, "IoU.bulletin board": 0.664, "IoU.shower": 0.0219, "IoU.radiator": 0.6423, "IoU.glass": 0.1661, "IoU.clock": 0.4664, "IoU.flag": 0.5138, "Acc.wall": 0.8896, "Acc.building": 0.9234, "Acc.sky": 0.9782, "Acc.floor": 0.9102, "Acc.tree": 0.8871, "Acc.ceiling": 0.9267, "Acc.road": 0.9167, "Acc.bed ": 0.9716, "Acc.windowpane": 0.8121, "Acc.grass": 0.8213, "Acc.cabinet": 0.763, "Acc.sidewalk": 0.8303, "Acc.person": 0.9348, "Acc.earth": 0.5468, "Acc.door": 0.7188, "Acc.table": 0.7993, "Acc.mountain": 0.7382, "Acc.plant": 0.6495, "Acc.curtain": 0.8816, "Acc.chair": 0.7574, "Acc.car": 0.9379, "Acc.water": 0.7337, "Acc.painting": 0.8972, "Acc.sofa": 0.8955, "Acc.shelf": 0.6335, "Acc.house": 0.702, "Acc.sea": 0.8438, "Acc.mirror": 0.8124, "Acc.rug": 0.8091, "Acc.field": 0.4667, "Acc.armchair": 0.6798, "Acc.seat": 0.8325, "Acc.fence": 0.6132, "Acc.desk": 0.7402, "Acc.rock": 0.7778, "Acc.wardrobe": 0.7122, "Acc.lamp": 0.8108, "Acc.bathtub": 0.8669, "Acc.railing": 0.5687, "Acc.cushion": 0.757, "Acc.base": 0.5578, "Acc.box": 0.4603, "Acc.column": 0.6572, "Acc.signboard": 0.5205, "Acc.chest of drawers": 0.6803, "Acc.counter": 0.4205, "Acc.sand": 0.7857, "Acc.sink": 0.8669, "Acc.skyscraper": 0.7087, "Acc.fireplace": 0.9332, "Acc.refrigerator": 0.8528, "Acc.grandstand": 0.8319, "Acc.path": 0.3921, "Acc.stairs": 0.4732, "Acc.runway": 0.876, "Acc.case": 0.6201, "Acc.pool table": 0.9817, "Acc.pillow": 0.749, "Acc.screen door": 0.8566, "Acc.stairway": 0.4372, "Acc.river": 0.2314, "Acc.bridge": 0.4469, "Acc.bookcase": 0.7113, "Acc.blind": 0.537, "Acc.coffee table": 0.8451, "Acc.toilet": 0.9354, "Acc.flower": 0.6164, "Acc.book": 0.7089, "Acc.hill": 0.1251, "Acc.bench": 0.767, "Acc.countertop": 0.8129, "Acc.stove": 0.9013, "Acc.palm": 0.7743, "Acc.kitchen island": 0.8087, "Acc.computer": 0.903, "Acc.swivel chair": 0.7633, "Acc.boat": 0.8572, "Acc.bar": 0.6565, "Acc.arcade machine": 0.6302, "Acc.hovel": 0.6996, "Acc.bus": 0.9761, "Acc.towel": 0.8662, "Acc.light": 0.7061, "Acc.truck": 0.6127, "Acc.tower": 0.4583, "Acc.chandelier": 0.8491, "Acc.awning": 0.4312, "Acc.streetlight": 0.4587, "Acc.booth": 0.5511, "Acc.television receiver": 0.8719, "Acc.airplane": 0.8228, "Acc.dirt track": 0.1166, "Acc.apparel": 0.7884, "Acc.pole": 0.3327, "Acc.land": 0.0771, "Acc.bannister": 0.2186, "Acc.escalator": 0.8145, "Acc.ottoman": 0.7367, "Acc.bottle": 0.6866, "Acc.buffet": 0.5657, "Acc.poster": 0.4656, "Acc.stage": 0.3415, "Acc.van": 0.6308, "Acc.ship": 0.4395, "Acc.fountain": 0.2513, "Acc.conveyer belt": 0.9398, "Acc.canopy": 0.5735, "Acc.washer": 0.7494, "Acc.plaything": 0.5371, "Acc.swimming pool": 0.7422, "Acc.stool": 0.6517, "Acc.barrel": 0.8825, "Acc.basket": 0.5201, "Acc.waterfall": 0.7584, "Acc.tent": 0.9842, "Acc.bag": 0.275, "Acc.minibike": 0.8755, "Acc.cradle": 0.9765, "Acc.oven": 0.6426, "Acc.ball": 0.4617, "Acc.food": 0.6444, "Acc.step": 0.281, "Acc.tank": 0.6613, "Acc.trade name": 0.3441, "Acc.microwave": 0.9259, "Acc.pot": 0.6287, "Acc.animal": 0.6338, "Acc.bicycle": 0.7811, "Acc.lake": 0.6378, "Acc.dishwasher": 0.8122, "Acc.screen": 0.8422, "Acc.blanket": 0.3257, "Acc.sculpture": 0.8553, "Acc.hood": 0.7246, "Acc.sconce": 0.6906, "Acc.vase": 0.6245, "Acc.traffic light": 0.5594, "Acc.tray": 0.1294, "Acc.ashcan": 0.6473, "Acc.fan": 0.7983, "Acc.pier": 0.5892, "Acc.crt screen": 0.3337, "Acc.plate": 0.7904, "Acc.monitor": 0.2145, "Acc.bulletin board": 0.7595, "Acc.shower": 0.0226, "Acc.radiator": 0.7278, "Acc.glass": 0.1781, "Acc.clock": 0.5177, "Acc.flag": 0.5776} {"mode": "train", "epoch": 124, "iter": 156050, "lr": 0.0, "memory": 14793, "data_time": 2.09728, "decode.loss_ce": 0.18451, "decode.acc_seg": 92.17371, "aux.loss_ce": 0.15137, "aux.acc_seg": 85.64145, "loss": 0.33587, "grad_norm": 11.40256, "time": 2.51388} {"mode": "train", "epoch": 124, "iter": 156100, "lr": 0.0, "memory": 14793, "data_time": 0.00632, "decode.loss_ce": 0.19735, "decode.acc_seg": 91.60463, "aux.loss_ce": 0.15468, "aux.acc_seg": 85.1265, "loss": 0.35203, "grad_norm": 9.17243, "time": 0.41165} {"mode": "train", "epoch": 124, "iter": 156150, "lr": 0.0, "memory": 14793, "data_time": 0.00538, "decode.loss_ce": 0.19276, "decode.acc_seg": 91.54825, "aux.loss_ce": 0.15392, "aux.acc_seg": 85.1097, "loss": 0.34669, "grad_norm": 10.17229, "time": 0.42422} {"mode": "train", "epoch": 124, "iter": 156200, "lr": 0.0, "memory": 14793, "data_time": 0.00531, "decode.loss_ce": 0.19817, "decode.acc_seg": 91.51142, "aux.loss_ce": 0.14871, "aux.acc_seg": 85.45489, "loss": 0.34688, "grad_norm": 10.77988, "time": 0.41878} {"mode": "train", "epoch": 124, "iter": 156250, "lr": 0.0, "memory": 14793, "data_time": 0.0055, "decode.loss_ce": 0.18655, "decode.acc_seg": 92.16463, "aux.loss_ce": 0.14886, "aux.acc_seg": 85.86285, "loss": 0.33541, "grad_norm": 11.88341, "time": 0.41602} {"mode": "train", "epoch": 124, "iter": 156300, "lr": 0.0, "memory": 14793, "data_time": 0.00588, "decode.loss_ce": 0.19333, "decode.acc_seg": 91.71993, "aux.loss_ce": 0.15429, "aux.acc_seg": 84.98213, "loss": 0.34762, "grad_norm": 11.84489, "time": 0.42049} {"mode": "train", "epoch": 124, "iter": 156350, "lr": 0.0, "memory": 14793, "data_time": 0.00639, "decode.loss_ce": 0.19717, "decode.acc_seg": 91.55409, "aux.loss_ce": 0.15918, "aux.acc_seg": 84.19833, "loss": 0.35635, "grad_norm": 9.76663, "time": 0.41254} {"mode": "train", "epoch": 124, "iter": 156400, "lr": 0.0, "memory": 14793, "data_time": 0.00541, "decode.loss_ce": 0.1867, "decode.acc_seg": 91.96552, "aux.loss_ce": 0.14844, "aux.acc_seg": 85.55697, "loss": 0.33514, "grad_norm": 11.57882, "time": 0.42046} {"mode": "train", "epoch": 124, "iter": 156450, "lr": 0.0, "memory": 14793, "data_time": 0.00601, "decode.loss_ce": 0.1905, "decode.acc_seg": 92.10688, "aux.loss_ce": 0.14769, "aux.acc_seg": 85.61913, "loss": 0.33819, "grad_norm": 8.87955, "time": 0.4202} {"mode": "train", "epoch": 124, "iter": 156500, "lr": 0.0, "memory": 14793, "data_time": 0.00606, "decode.loss_ce": 0.19813, "decode.acc_seg": 91.66556, "aux.loss_ce": 0.15243, "aux.acc_seg": 85.58545, "loss": 0.35057, "grad_norm": 15.13625, "time": 0.41495} {"mode": "train", "epoch": 124, "iter": 156550, "lr": 0.0, "memory": 14793, "data_time": 0.00597, "decode.loss_ce": 0.19277, "decode.acc_seg": 91.96257, "aux.loss_ce": 0.14868, "aux.acc_seg": 85.66474, "loss": 0.34145, "grad_norm": 12.6828, "time": 0.41669} {"mode": "train", "epoch": 124, "iter": 156600, "lr": 0.0, "memory": 14793, "data_time": 0.00681, "decode.loss_ce": 0.19311, "decode.acc_seg": 91.87895, "aux.loss_ce": 0.15481, "aux.acc_seg": 85.46641, "loss": 0.34791, "grad_norm": 11.46793, "time": 0.42114} {"mode": "train", "epoch": 124, "iter": 156650, "lr": 0.0, "memory": 14793, "data_time": 0.00547, "decode.loss_ce": 0.20219, "decode.acc_seg": 91.42994, "aux.loss_ce": 0.16145, "aux.acc_seg": 84.70965, "loss": 0.36364, "grad_norm": 14.83131, "time": 0.40858} {"mode": "train", "epoch": 124, "iter": 156700, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.19656, "decode.acc_seg": 91.4765, "aux.loss_ce": 0.15203, "aux.acc_seg": 85.07829, "loss": 0.34859, "grad_norm": 11.56522, "time": 0.41413} {"mode": "train", "epoch": 125, "iter": 156750, "lr": 0.0, "memory": 14793, "data_time": 0.05108, "decode.loss_ce": 0.18872, "decode.acc_seg": 92.1608, "aux.loss_ce": 0.14645, "aux.acc_seg": 85.96789, "loss": 0.33516, "grad_norm": 10.54825, "time": 0.46212} {"mode": "train", "epoch": 125, "iter": 156800, "lr": 0.0, "memory": 14793, "data_time": 0.00514, "decode.loss_ce": 0.19434, "decode.acc_seg": 91.89917, "aux.loss_ce": 0.15645, "aux.acc_seg": 85.00815, "loss": 0.35079, "grad_norm": 13.62123, "time": 0.41782} {"mode": "train", "epoch": 125, "iter": 156850, "lr": 0.0, "memory": 14793, "data_time": 0.00523, "decode.loss_ce": 0.18409, "decode.acc_seg": 92.06512, "aux.loss_ce": 0.14806, "aux.acc_seg": 85.42715, "loss": 0.33215, "grad_norm": 10.0939, "time": 0.41864} {"mode": "train", "epoch": 125, "iter": 156900, "lr": 0.0, "memory": 14793, "data_time": 0.00531, "decode.loss_ce": 0.19801, "decode.acc_seg": 91.82182, "aux.loss_ce": 0.16202, "aux.acc_seg": 84.65408, "loss": 0.36004, "grad_norm": 13.87245, "time": 0.42346} {"mode": "train", "epoch": 125, "iter": 156950, "lr": 0.0, "memory": 14793, "data_time": 0.00538, "decode.loss_ce": 0.19593, "decode.acc_seg": 91.8247, "aux.loss_ce": 0.15597, "aux.acc_seg": 85.45328, "loss": 0.3519, "grad_norm": 9.803, "time": 0.41831} {"mode": "train", "epoch": 125, "iter": 157000, "lr": 0.0, "memory": 14793, "data_time": 0.00514, "decode.loss_ce": 0.19067, "decode.acc_seg": 92.13622, "aux.loss_ce": 0.15062, "aux.acc_seg": 85.65396, "loss": 0.34128, "grad_norm": 15.27456, "time": 0.67515} {"mode": "val", "epoch": 125, "iter": 125, "lr": 0.0, "aAcc": 0.8505, "mIoU": 0.5492, "mAcc": 0.6746, "IoU.wall": 0.8063, "IoU.building": 0.8379, "IoU.sky": 0.9495, "IoU.floor": 0.8336, "IoU.tree": 0.7609, "IoU.ceiling": 0.8591, "IoU.road": 0.8573, "IoU.bed ": 0.9188, "IoU.windowpane": 0.6458, "IoU.grass": 0.6725, "IoU.cabinet": 0.6561, "IoU.sidewalk": 0.6867, "IoU.person": 0.8414, "IoU.earth": 0.396, "IoU.door": 0.5591, "IoU.table": 0.6609, "IoU.mountain": 0.6022, "IoU.plant": 0.5305, "IoU.curtain": 0.7607, "IoU.chair": 0.6383, "IoU.car": 0.8641, "IoU.water": 0.5901, "IoU.painting": 0.7453, "IoU.sofa": 0.7517, "IoU.shelf": 0.452, "IoU.house": 0.4946, "IoU.sea": 0.6766, "IoU.mirror": 0.7402, "IoU.rug": 0.671, "IoU.field": 0.3165, "IoU.armchair": 0.4868, "IoU.seat": 0.6683, "IoU.fence": 0.4761, "IoU.desk": 0.5309, "IoU.rock": 0.5286, "IoU.wardrobe": 0.5576, "IoU.lamp": 0.6977, "IoU.bathtub": 0.8285, "IoU.railing": 0.4134, "IoU.cushion": 0.663, "IoU.base": 0.4018, "IoU.box": 0.3482, "IoU.column": 0.5468, "IoU.signboard": 0.3939, "IoU.chest of drawers": 0.4419, "IoU.counter": 0.3132, "IoU.sand": 0.5971, "IoU.sink": 0.7967, "IoU.skyscraper": 0.5579, "IoU.fireplace": 0.7231, "IoU.refrigerator": 0.788, "IoU.grandstand": 0.4883, "IoU.path": 0.2554, "IoU.stairs": 0.3544, "IoU.runway": 0.6717, "IoU.case": 0.5023, "IoU.pool table": 0.9374, "IoU.pillow": 0.6221, "IoU.screen door": 0.695, "IoU.stairway": 0.3643, "IoU.river": 0.1028, "IoU.bridge": 0.4004, "IoU.bookcase": 0.4669, "IoU.blind": 0.4724, "IoU.coffee table": 0.6237, "IoU.toilet": 0.8809, "IoU.flower": 0.4566, "IoU.book": 0.4995, "IoU.hill": 0.0766, "IoU.bench": 0.6497, "IoU.countertop": 0.6149, "IoU.stove": 0.8393, "IoU.palm": 0.5694, "IoU.kitchen island": 0.4676, "IoU.computer": 0.7551, "IoU.swivel chair": 0.5366, "IoU.boat": 0.7555, "IoU.bar": 0.5053, "IoU.arcade machine": 0.6229, "IoU.hovel": 0.6274, "IoU.bus": 0.9213, "IoU.towel": 0.7196, "IoU.light": 0.6012, "IoU.truck": 0.4549, "IoU.tower": 0.2521, "IoU.chandelier": 0.7162, "IoU.awning": 0.3544, "IoU.streetlight": 0.3377, "IoU.booth": 0.4217, "IoU.television receiver": 0.766, "IoU.airplane": 0.7369, "IoU.dirt track": 0.0597, "IoU.apparel": 0.6088, "IoU.pole": 0.2537, "IoU.land": 0.0576, "IoU.bannister": 0.1624, "IoU.escalator": 0.5472, "IoU.ottoman": 0.5634, "IoU.bottle": 0.4177, "IoU.buffet": 0.4609, "IoU.poster": 0.3243, "IoU.stage": 0.2276, "IoU.van": 0.4591, "IoU.ship": 0.3825, "IoU.fountain": 0.241, "IoU.conveyer belt": 0.8013, "IoU.canopy": 0.4006, "IoU.washer": 0.7207, "IoU.plaything": 0.3635, "IoU.swimming pool": 0.6377, "IoU.stool": 0.4847, "IoU.barrel": 0.5776, "IoU.basket": 0.4138, "IoU.waterfall": 0.6466, "IoU.tent": 0.9558, "IoU.bag": 0.2269, "IoU.minibike": 0.7266, "IoU.cradle": 0.8461, "IoU.oven": 0.4674, "IoU.ball": 0.4561, "IoU.food": 0.5791, "IoU.step": 0.2167, "IoU.tank": 0.6318, "IoU.trade name": 0.3015, "IoU.microwave": 0.8105, "IoU.pot": 0.5404, "IoU.animal": 0.6191, "IoU.bicycle": 0.6064, "IoU.lake": 0.5081, "IoU.dishwasher": 0.7052, "IoU.screen": 0.5942, "IoU.blanket": 0.2825, "IoU.sculpture": 0.7101, "IoU.hood": 0.6634, "IoU.sconce": 0.5659, "IoU.vase": 0.4541, "IoU.traffic light": 0.3808, "IoU.tray": 0.0793, "IoU.ashcan": 0.4762, "IoU.fan": 0.6797, "IoU.pier": 0.4528, "IoU.crt screen": 0.1473, "IoU.plate": 0.5923, "IoU.monitor": 0.1866, "IoU.bulletin board": 0.6658, "IoU.shower": 0.0229, "IoU.radiator": 0.6419, "IoU.glass": 0.17, "IoU.clock": 0.4647, "IoU.flag": 0.5132, "Acc.wall": 0.8877, "Acc.building": 0.9213, "Acc.sky": 0.9769, "Acc.floor": 0.9107, "Acc.tree": 0.8912, "Acc.ceiling": 0.9278, "Acc.road": 0.9117, "Acc.bed ": 0.9718, "Acc.windowpane": 0.8134, "Acc.grass": 0.8194, "Acc.cabinet": 0.764, "Acc.sidewalk": 0.8358, "Acc.person": 0.94, "Acc.earth": 0.5426, "Acc.door": 0.7349, "Acc.table": 0.8018, "Acc.mountain": 0.7346, "Acc.plant": 0.6541, "Acc.curtain": 0.8776, "Acc.chair": 0.7645, "Acc.car": 0.9387, "Acc.water": 0.7378, "Acc.painting": 0.9018, "Acc.sofa": 0.9015, "Acc.shelf": 0.6231, "Acc.house": 0.7061, "Acc.sea": 0.844, "Acc.mirror": 0.8053, "Acc.rug": 0.7895, "Acc.field": 0.4685, "Acc.armchair": 0.6455, "Acc.seat": 0.8318, "Acc.fence": 0.6316, "Acc.desk": 0.7299, "Acc.rock": 0.7775, "Acc.wardrobe": 0.7138, "Acc.lamp": 0.817, "Acc.bathtub": 0.8669, "Acc.railing": 0.5766, "Acc.cushion": 0.7851, "Acc.base": 0.5312, "Acc.box": 0.4639, "Acc.column": 0.6639, "Acc.signboard": 0.5414, "Acc.chest of drawers": 0.6853, "Acc.counter": 0.4132, "Acc.sand": 0.7833, "Acc.sink": 0.8676, "Acc.skyscraper": 0.692, "Acc.fireplace": 0.9288, "Acc.refrigerator": 0.8492, "Acc.grandstand": 0.828, "Acc.path": 0.3865, "Acc.stairs": 0.4734, "Acc.runway": 0.8961, "Acc.case": 0.6355, "Acc.pool table": 0.983, "Acc.pillow": 0.7198, "Acc.screen door": 0.8401, "Acc.stairway": 0.4384, "Acc.river": 0.2317, "Acc.bridge": 0.4468, "Acc.bookcase": 0.7064, "Acc.blind": 0.5466, "Acc.coffee table": 0.8511, "Acc.toilet": 0.9347, "Acc.flower": 0.6145, "Acc.book": 0.722, "Acc.hill": 0.1276, "Acc.bench": 0.7686, "Acc.countertop": 0.8145, "Acc.stove": 0.8989, "Acc.palm": 0.7778, "Acc.kitchen island": 0.7951, "Acc.computer": 0.9011, "Acc.swivel chair": 0.7494, "Acc.boat": 0.8581, "Acc.bar": 0.668, "Acc.arcade machine": 0.6592, "Acc.hovel": 0.6973, "Acc.bus": 0.9773, "Acc.towel": 0.8704, "Acc.light": 0.7378, "Acc.truck": 0.6117, "Acc.tower": 0.43, "Acc.chandelier": 0.8471, "Acc.awning": 0.4402, "Acc.streetlight": 0.4524, "Acc.booth": 0.5383, "Acc.television receiver": 0.866, "Acc.airplane": 0.8233, "Acc.dirt track": 0.1155, "Acc.apparel": 0.7968, "Acc.pole": 0.3555, "Acc.land": 0.0807, "Acc.bannister": 0.2255, "Acc.escalator": 0.8124, "Acc.ottoman": 0.7428, "Acc.bottle": 0.6958, "Acc.buffet": 0.5609, "Acc.poster": 0.4637, "Acc.stage": 0.338, "Acc.van": 0.6235, "Acc.ship": 0.4263, "Acc.fountain": 0.2427, "Acc.conveyer belt": 0.9405, "Acc.canopy": 0.5614, "Acc.washer": 0.7451, "Acc.plaything": 0.5274, "Acc.swimming pool": 0.7399, "Acc.stool": 0.6582, "Acc.barrel": 0.8893, "Acc.basket": 0.5218, "Acc.waterfall": 0.7448, "Acc.tent": 0.9832, "Acc.bag": 0.2899, "Acc.minibike": 0.8703, "Acc.cradle": 0.9769, "Acc.oven": 0.6462, "Acc.ball": 0.4841, "Acc.food": 0.6516, "Acc.step": 0.2683, "Acc.tank": 0.6594, "Acc.trade name": 0.3749, "Acc.microwave": 0.9197, "Acc.pot": 0.6443, "Acc.animal": 0.6359, "Acc.bicycle": 0.7819, "Acc.lake": 0.6378, "Acc.dishwasher": 0.8049, "Acc.screen": 0.8369, "Acc.blanket": 0.3374, "Acc.sculpture": 0.8505, "Acc.hood": 0.72, "Acc.sconce": 0.6857, "Acc.vase": 0.6271, "Acc.traffic light": 0.5668, "Acc.tray": 0.1301, "Acc.ashcan": 0.6507, "Acc.fan": 0.7983, "Acc.pier": 0.6364, "Acc.crt screen": 0.3544, "Acc.plate": 0.8013, "Acc.monitor": 0.2157, "Acc.bulletin board": 0.7645, "Acc.shower": 0.0248, "Acc.radiator": 0.7259, "Acc.glass": 0.1835, "Acc.clock": 0.5134, "Acc.flag": 0.5748} {"mode": "train", "epoch": 125, "iter": 157050, "lr": 0.0, "memory": 14793, "data_time": 2.13255, "decode.loss_ce": 0.1763, "decode.acc_seg": 92.51544, "aux.loss_ce": 0.14446, "aux.acc_seg": 85.92093, "loss": 0.32077, "grad_norm": 11.25945, "time": 2.53847} {"mode": "train", "epoch": 125, "iter": 157100, "lr": 0.0, "memory": 14793, "data_time": 0.00588, "decode.loss_ce": 0.19902, "decode.acc_seg": 91.43086, "aux.loss_ce": 0.1574, "aux.acc_seg": 84.49406, "loss": 0.35642, "grad_norm": 14.44332, "time": 0.40982} {"mode": "train", "epoch": 125, "iter": 157150, "lr": 0.0, "memory": 14793, "data_time": 0.00575, "decode.loss_ce": 0.19527, "decode.acc_seg": 91.8573, "aux.loss_ce": 0.15891, "aux.acc_seg": 84.91115, "loss": 0.35418, "grad_norm": 18.99639, "time": 0.42068} {"mode": "train", "epoch": 125, "iter": 157200, "lr": 0.0, "memory": 14793, "data_time": 0.00629, "decode.loss_ce": 0.19518, "decode.acc_seg": 91.9563, "aux.loss_ce": 0.14594, "aux.acc_seg": 85.89524, "loss": 0.34112, "grad_norm": 9.81413, "time": 0.41099} {"mode": "train", "epoch": 125, "iter": 157250, "lr": 0.0, "memory": 14793, "data_time": 0.00547, "decode.loss_ce": 0.20474, "decode.acc_seg": 91.57552, "aux.loss_ce": 0.16104, "aux.acc_seg": 84.952, "loss": 0.36578, "grad_norm": 12.64327, "time": 0.41273} {"mode": "train", "epoch": 125, "iter": 157300, "lr": 0.0, "memory": 14793, "data_time": 0.00562, "decode.loss_ce": 0.19122, "decode.acc_seg": 91.91138, "aux.loss_ce": 0.15886, "aux.acc_seg": 84.68835, "loss": 0.35009, "grad_norm": 12.68456, "time": 0.42218} {"mode": "train", "epoch": 125, "iter": 157350, "lr": 0.0, "memory": 14793, "data_time": 0.00553, "decode.loss_ce": 0.18344, "decode.acc_seg": 92.2216, "aux.loss_ce": 0.14529, "aux.acc_seg": 86.15117, "loss": 0.32873, "grad_norm": 12.15017, "time": 0.41555} {"mode": "train", "epoch": 125, "iter": 157400, "lr": 0.0, "memory": 14793, "data_time": 0.00544, "decode.loss_ce": 0.19925, "decode.acc_seg": 91.68183, "aux.loss_ce": 0.16141, "aux.acc_seg": 84.54516, "loss": 0.36067, "grad_norm": 11.45572, "time": 0.41839} {"mode": "train", "epoch": 125, "iter": 157450, "lr": 0.0, "memory": 14793, "data_time": 0.00557, "decode.loss_ce": 0.18636, "decode.acc_seg": 91.8828, "aux.loss_ce": 0.14313, "aux.acc_seg": 85.87411, "loss": 0.3295, "grad_norm": 10.58072, "time": 0.41156} {"mode": "train", "epoch": 125, "iter": 157500, "lr": 0.0, "memory": 14793, "data_time": 0.00693, "decode.loss_ce": 0.19726, "decode.acc_seg": 91.39519, "aux.loss_ce": 0.16246, "aux.acc_seg": 84.39617, "loss": 0.35972, "grad_norm": 12.06225, "time": 0.41556} {"mode": "train", "epoch": 125, "iter": 157550, "lr": 0.0, "memory": 14793, "data_time": 0.00566, "decode.loss_ce": 0.19767, "decode.acc_seg": 91.76634, "aux.loss_ce": 0.15068, "aux.acc_seg": 85.29991, "loss": 0.34835, "grad_norm": 9.12944, "time": 0.41721} {"mode": "train", "epoch": 125, "iter": 157600, "lr": 0.0, "memory": 14793, "data_time": 0.00572, "decode.loss_ce": 0.18019, "decode.acc_seg": 92.33434, "aux.loss_ce": 0.13965, "aux.acc_seg": 86.33387, "loss": 0.31984, "grad_norm": 11.11016, "time": 0.40676} {"mode": "train", "epoch": 125, "iter": 157650, "lr": 0.0, "memory": 14793, "data_time": 0.00522, "decode.loss_ce": 0.19105, "decode.acc_seg": 91.71907, "aux.loss_ce": 0.14956, "aux.acc_seg": 85.45846, "loss": 0.34061, "grad_norm": 13.8602, "time": 0.40989} {"mode": "train", "epoch": 125, "iter": 157700, "lr": 0.0, "memory": 14793, "data_time": 0.00513, "decode.loss_ce": 0.19971, "decode.acc_seg": 91.72128, "aux.loss_ce": 0.1501, "aux.acc_seg": 85.34232, "loss": 0.34981, "grad_norm": 11.27666, "time": 0.41811} {"mode": "train", "epoch": 125, "iter": 157750, "lr": 0.0, "memory": 14793, "data_time": 0.0059, "decode.loss_ce": 0.19654, "decode.acc_seg": 91.9406, "aux.loss_ce": 0.15337, "aux.acc_seg": 85.5601, "loss": 0.34992, "grad_norm": 16.09632, "time": 0.42105} {"mode": "train", "epoch": 125, "iter": 157800, "lr": 0.0, "memory": 14793, "data_time": 0.00655, "decode.loss_ce": 0.18987, "decode.acc_seg": 92.06139, "aux.loss_ce": 0.15467, "aux.acc_seg": 85.1057, "loss": 0.34455, "grad_norm": 11.16017, "time": 0.41573} {"mode": "train", "epoch": 125, "iter": 157850, "lr": 0.0, "memory": 14793, "data_time": 0.00519, "decode.loss_ce": 0.20061, "decode.acc_seg": 91.57371, "aux.loss_ce": 0.16059, "aux.acc_seg": 84.58966, "loss": 0.3612, "grad_norm": 24.06582, "time": 0.41767} {"mode": "train", "epoch": 125, "iter": 157900, "lr": 0.0, "memory": 14793, "data_time": 0.0054, "decode.loss_ce": 0.19547, "decode.acc_seg": 91.91648, "aux.loss_ce": 0.15323, "aux.acc_seg": 85.46233, "loss": 0.34869, "grad_norm": 13.37665, "time": 0.41534} {"mode": "train", "epoch": 125, "iter": 157950, "lr": 0.0, "memory": 14793, "data_time": 0.00516, "decode.loss_ce": 0.19093, "decode.acc_seg": 91.90704, "aux.loss_ce": 0.15421, "aux.acc_seg": 84.92304, "loss": 0.34514, "grad_norm": 14.06672, "time": 0.41141} {"mode": "train", "epoch": 125, "iter": 158000, "lr": 0.0, "memory": 14793, "data_time": 0.00529, "decode.loss_ce": 0.20583, "decode.acc_seg": 91.30709, "aux.loss_ce": 0.16151, "aux.acc_seg": 84.80381, "loss": 0.36733, "grad_norm": 13.53583, "time": 0.62715} {"mode": "val", "epoch": 125, "iter": 125, "lr": 0.0, "aAcc": 0.8505, "mIoU": 0.5479, "mAcc": 0.6704, "IoU.wall": 0.8057, "IoU.building": 0.8372, "IoU.sky": 0.9495, "IoU.floor": 0.8326, "IoU.tree": 0.7601, "IoU.ceiling": 0.8588, "IoU.road": 0.8572, "IoU.bed ": 0.9184, "IoU.windowpane": 0.6472, "IoU.grass": 0.6721, "IoU.cabinet": 0.6579, "IoU.sidewalk": 0.6884, "IoU.person": 0.842, "IoU.earth": 0.3977, "IoU.door": 0.5576, "IoU.table": 0.6613, "IoU.mountain": 0.6002, "IoU.plant": 0.5292, "IoU.curtain": 0.7611, "IoU.chair": 0.6361, "IoU.car": 0.8634, "IoU.water": 0.6015, "IoU.painting": 0.7476, "IoU.sofa": 0.7538, "IoU.shelf": 0.4547, "IoU.house": 0.4931, "IoU.sea": 0.69, "IoU.mirror": 0.7415, "IoU.rug": 0.6751, "IoU.field": 0.3148, "IoU.armchair": 0.4918, "IoU.seat": 0.6668, "IoU.fence": 0.4702, "IoU.desk": 0.5345, "IoU.rock": 0.5218, "IoU.wardrobe": 0.5594, "IoU.lamp": 0.6983, "IoU.bathtub": 0.8284, "IoU.railing": 0.4099, "IoU.cushion": 0.6614, "IoU.base": 0.3933, "IoU.box": 0.3489, "IoU.column": 0.5447, "IoU.signboard": 0.387, "IoU.chest of drawers": 0.4444, "IoU.counter": 0.3113, "IoU.sand": 0.6034, "IoU.sink": 0.7902, "IoU.skyscraper": 0.5665, "IoU.fireplace": 0.719, "IoU.refrigerator": 0.7882, "IoU.grandstand": 0.4865, "IoU.path": 0.2501, "IoU.stairs": 0.3417, "IoU.runway": 0.652, "IoU.case": 0.4955, "IoU.pool table": 0.9375, "IoU.pillow": 0.6194, "IoU.screen door": 0.694, "IoU.stairway": 0.3651, "IoU.river": 0.1032, "IoU.bridge": 0.3975, "IoU.bookcase": 0.4729, "IoU.blind": 0.4679, "IoU.coffee table": 0.6229, "IoU.toilet": 0.8801, "IoU.flower": 0.4561, "IoU.book": 0.501, "IoU.hill": 0.0746, "IoU.bench": 0.6486, "IoU.countertop": 0.6149, "IoU.stove": 0.8379, "IoU.palm": 0.5675, "IoU.kitchen island": 0.4646, "IoU.computer": 0.7572, "IoU.swivel chair": 0.5457, "IoU.boat": 0.7511, "IoU.bar": 0.4981, "IoU.arcade machine": 0.6129, "IoU.hovel": 0.6256, "IoU.bus": 0.9281, "IoU.towel": 0.7176, "IoU.light": 0.5964, "IoU.truck": 0.4599, "IoU.tower": 0.256, "IoU.chandelier": 0.7137, "IoU.awning": 0.3461, "IoU.streetlight": 0.3355, "IoU.booth": 0.4142, "IoU.television receiver": 0.7667, "IoU.airplane": 0.7368, "IoU.dirt track": 0.0528, "IoU.apparel": 0.6063, "IoU.pole": 0.2477, "IoU.land": 0.0566, "IoU.bannister": 0.1602, "IoU.escalator": 0.5407, "IoU.ottoman": 0.565, "IoU.bottle": 0.4174, "IoU.buffet": 0.4634, "IoU.poster": 0.3304, "IoU.stage": 0.2318, "IoU.van": 0.4525, "IoU.ship": 0.3849, "IoU.fountain": 0.2305, "IoU.conveyer belt": 0.7981, "IoU.canopy": 0.3976, "IoU.washer": 0.7197, "IoU.plaything": 0.359, "IoU.swimming pool": 0.6534, "IoU.stool": 0.4885, "IoU.barrel": 0.5688, "IoU.basket": 0.4076, "IoU.waterfall": 0.641, "IoU.tent": 0.9545, "IoU.bag": 0.2221, "IoU.minibike": 0.7265, "IoU.cradle": 0.8492, "IoU.oven": 0.4752, "IoU.ball": 0.4446, "IoU.food": 0.568, "IoU.step": 0.2261, "IoU.tank": 0.632, "IoU.trade name": 0.284, "IoU.microwave": 0.8242, "IoU.pot": 0.5341, "IoU.animal": 0.6043, "IoU.bicycle": 0.6026, "IoU.lake": 0.5077, "IoU.dishwasher": 0.7031, "IoU.screen": 0.5952, "IoU.blanket": 0.2758, "IoU.sculpture": 0.7035, "IoU.hood": 0.6689, "IoU.sconce": 0.5726, "IoU.vase": 0.4535, "IoU.traffic light": 0.3788, "IoU.tray": 0.0731, "IoU.ashcan": 0.4699, "IoU.fan": 0.6765, "IoU.pier": 0.4575, "IoU.crt screen": 0.1496, "IoU.plate": 0.593, "IoU.monitor": 0.1851, "IoU.bulletin board": 0.6549, "IoU.shower": 0.0176, "IoU.radiator": 0.6349, "IoU.glass": 0.1677, "IoU.clock": 0.459, "IoU.flag": 0.511, "Acc.wall": 0.8904, "Acc.building": 0.9228, "Acc.sky": 0.9756, "Acc.floor": 0.9101, "Acc.tree": 0.8917, "Acc.ceiling": 0.925, "Acc.road": 0.9177, "Acc.bed ": 0.9721, "Acc.windowpane": 0.8116, "Acc.grass": 0.8213, "Acc.cabinet": 0.7697, "Acc.sidewalk": 0.8263, "Acc.person": 0.9373, "Acc.earth": 0.5453, "Acc.door": 0.7212, "Acc.table": 0.8022, "Acc.mountain": 0.7373, "Acc.plant": 0.6524, "Acc.curtain": 0.8803, "Acc.chair": 0.7606, "Acc.car": 0.9371, "Acc.water": 0.7537, "Acc.painting": 0.8951, "Acc.sofa": 0.8999, "Acc.shelf": 0.6352, "Acc.house": 0.7159, "Acc.sea": 0.8458, "Acc.mirror": 0.8068, "Acc.rug": 0.7994, "Acc.field": 0.4617, "Acc.armchair": 0.6569, "Acc.seat": 0.8349, "Acc.fence": 0.6211, "Acc.desk": 0.732, "Acc.rock": 0.7741, "Acc.wardrobe": 0.7145, "Acc.lamp": 0.8128, "Acc.bathtub": 0.867, "Acc.railing": 0.5575, "Acc.cushion": 0.78, "Acc.base": 0.5132, "Acc.box": 0.4636, "Acc.column": 0.6572, "Acc.signboard": 0.5208, "Acc.chest of drawers": 0.667, "Acc.counter": 0.4104, "Acc.sand": 0.7685, "Acc.sink": 0.8612, "Acc.skyscraper": 0.7028, "Acc.fireplace": 0.9292, "Acc.refrigerator": 0.8449, "Acc.grandstand": 0.8339, "Acc.path": 0.3677, "Acc.stairs": 0.4507, "Acc.runway": 0.8707, "Acc.case": 0.6287, "Acc.pool table": 0.9824, "Acc.pillow": 0.7166, "Acc.screen door": 0.8448, "Acc.stairway": 0.454, "Acc.river": 0.2226, "Acc.bridge": 0.4483, "Acc.bookcase": 0.7084, "Acc.blind": 0.5382, "Acc.coffee table": 0.8507, "Acc.toilet": 0.934, "Acc.flower": 0.6169, "Acc.book": 0.706, "Acc.hill": 0.1221, "Acc.bench": 0.7685, "Acc.countertop": 0.8221, "Acc.stove": 0.8935, "Acc.palm": 0.7717, "Acc.kitchen island": 0.7957, "Acc.computer": 0.9007, "Acc.swivel chair": 0.7799, "Acc.boat": 0.8505, "Acc.bar": 0.6627, "Acc.arcade machine": 0.6492, "Acc.hovel": 0.705, "Acc.bus": 0.9728, "Acc.towel": 0.869, "Acc.light": 0.6967, "Acc.truck": 0.6061, "Acc.tower": 0.4448, "Acc.chandelier": 0.8493, "Acc.awning": 0.4097, "Acc.streetlight": 0.4539, "Acc.booth": 0.5159, "Acc.television receiver": 0.8675, "Acc.airplane": 0.8192, "Acc.dirt track": 0.0972, "Acc.apparel": 0.7739, "Acc.pole": 0.3376, "Acc.land": 0.0745, "Acc.bannister": 0.2238, "Acc.escalator": 0.8124, "Acc.ottoman": 0.741, "Acc.bottle": 0.6831, "Acc.buffet": 0.5635, "Acc.poster": 0.4629, "Acc.stage": 0.3477, "Acc.van": 0.6069, "Acc.ship": 0.4281, "Acc.fountain": 0.2321, "Acc.conveyer belt": 0.9404, "Acc.canopy": 0.5581, "Acc.washer": 0.7441, "Acc.plaything": 0.5188, "Acc.swimming pool": 0.7435, "Acc.stool": 0.6466, "Acc.barrel": 0.87, "Acc.basket": 0.5117, "Acc.waterfall": 0.7374, "Acc.tent": 0.9838, "Acc.bag": 0.2768, "Acc.minibike": 0.8657, "Acc.cradle": 0.9759, "Acc.oven": 0.6253, "Acc.ball": 0.4708, "Acc.food": 0.6398, "Acc.step": 0.2793, "Acc.tank": 0.6616, "Acc.trade name": 0.3336, "Acc.microwave": 0.9376, "Acc.pot": 0.6323, "Acc.animal": 0.6194, "Acc.bicycle": 0.7662, "Acc.lake": 0.6378, "Acc.dishwasher": 0.8085, "Acc.screen": 0.8268, "Acc.blanket": 0.328, "Acc.sculpture": 0.851, "Acc.hood": 0.7178, "Acc.sconce": 0.6954, "Acc.vase": 0.6249, "Acc.traffic light": 0.5642, "Acc.tray": 0.117, "Acc.ashcan": 0.6291, "Acc.fan": 0.7902, "Acc.pier": 0.6346, "Acc.crt screen": 0.3619, "Acc.plate": 0.7938, "Acc.monitor": 0.2102, "Acc.bulletin board": 0.7458, "Acc.shower": 0.0182, "Acc.radiator": 0.7173, "Acc.glass": 0.1804, "Acc.clock": 0.5036, "Acc.flag": 0.5684} {"mode": "train", "epoch": 126, "iter": 158050, "lr": 0.0, "memory": 14793, "data_time": 2.16568, "decode.loss_ce": 0.19488, "decode.acc_seg": 91.60179, "aux.loss_ce": 0.15344, "aux.acc_seg": 84.90968, "loss": 0.34832, "grad_norm": 13.14131, "time": 2.57536} {"mode": "train", "epoch": 126, "iter": 158100, "lr": 0.0, "memory": 14793, "data_time": 0.00569, "decode.loss_ce": 0.20676, "decode.acc_seg": 91.21286, "aux.loss_ce": 0.1641, "aux.acc_seg": 83.94124, "loss": 0.37086, "grad_norm": 13.78211, "time": 0.4129} {"mode": "train", "epoch": 126, "iter": 158150, "lr": 0.0, "memory": 14793, "data_time": 0.0071, "decode.loss_ce": 0.19922, "decode.acc_seg": 91.62663, "aux.loss_ce": 0.15174, "aux.acc_seg": 85.07874, "loss": 0.35096, "grad_norm": 16.2462, "time": 0.42336} {"mode": "train", "epoch": 126, "iter": 158200, "lr": 0.0, "memory": 14793, "data_time": 0.00571, "decode.loss_ce": 0.19034, "decode.acc_seg": 91.89256, "aux.loss_ce": 0.15936, "aux.acc_seg": 85.01913, "loss": 0.3497, "grad_norm": 10.05692, "time": 0.41929} {"mode": "train", "epoch": 126, "iter": 158250, "lr": 0.0, "memory": 14793, "data_time": 0.00559, "decode.loss_ce": 0.19932, "decode.acc_seg": 91.62772, "aux.loss_ce": 0.15026, "aux.acc_seg": 85.33515, "loss": 0.34958, "grad_norm": 15.55883, "time": 0.41797} {"mode": "train", "epoch": 126, "iter": 158300, "lr": 0.0, "memory": 14793, "data_time": 0.00545, "decode.loss_ce": 0.19137, "decode.acc_seg": 91.88577, "aux.loss_ce": 0.15542, "aux.acc_seg": 84.81985, "loss": 0.34679, "grad_norm": 9.24218, "time": 0.40661} {"mode": "train", "epoch": 126, "iter": 158350, "lr": 0.0, "memory": 14793, "data_time": 0.00536, "decode.loss_ce": 0.19015, "decode.acc_seg": 91.8946, "aux.loss_ce": 0.14842, "aux.acc_seg": 85.59353, "loss": 0.33856, "grad_norm": 13.4609, "time": 0.41011} {"mode": "train", "epoch": 126, "iter": 158400, "lr": 0.0, "memory": 14793, "data_time": 0.00554, "decode.loss_ce": 0.19131, "decode.acc_seg": 91.83168, "aux.loss_ce": 0.15243, "aux.acc_seg": 85.51876, "loss": 0.34374, "grad_norm": 13.25967, "time": 0.41549} {"mode": "train", "epoch": 126, "iter": 158450, "lr": 0.0, "memory": 14793, "data_time": 0.00552, "decode.loss_ce": 0.18253, "decode.acc_seg": 92.12012, "aux.loss_ce": 0.14654, "aux.acc_seg": 85.67016, "loss": 0.32907, "grad_norm": 10.39457, "time": 0.4119} {"mode": "train", "epoch": 126, "iter": 158500, "lr": 0.0, "memory": 14793, "data_time": 0.00555, "decode.loss_ce": 0.19483, "decode.acc_seg": 91.90034, "aux.loss_ce": 0.1611, "aux.acc_seg": 85.03405, "loss": 0.35592, "grad_norm": 11.32768, "time": 0.40967} {"mode": "train", "epoch": 126, "iter": 158550, "lr": 0.0, "memory": 14793, "data_time": 0.00563, "decode.loss_ce": 0.18627, "decode.acc_seg": 92.09236, "aux.loss_ce": 0.14421, "aux.acc_seg": 85.88138, "loss": 0.33048, "grad_norm": 10.52745, "time": 0.41454} {"mode": "train", "epoch": 126, "iter": 158600, "lr": 0.0, "memory": 14793, "data_time": 0.0056, "decode.loss_ce": 0.20061, "decode.acc_seg": 91.6365, "aux.loss_ce": 0.16078, "aux.acc_seg": 84.51761, "loss": 0.36139, "grad_norm": 11.56392, "time": 0.40822} {"mode": "train", "epoch": 126, "iter": 158650, "lr": 0.0, "memory": 14793, "data_time": 0.00796, "decode.loss_ce": 0.18544, "decode.acc_seg": 92.20636, "aux.loss_ce": 0.14339, "aux.acc_seg": 86.03654, "loss": 0.32883, "grad_norm": 10.97615, "time": 0.4312} {"mode": "train", "epoch": 126, "iter": 158700, "lr": 0.0, "memory": 14793, "data_time": 0.00693, "decode.loss_ce": 0.18349, "decode.acc_seg": 92.16426, "aux.loss_ce": 0.14509, "aux.acc_seg": 85.95411, "loss": 0.32858, "grad_norm": 12.11656, "time": 0.41604} {"mode": "train", "epoch": 126, "iter": 158750, "lr": 0.0, "memory": 14793, "data_time": 0.00569, "decode.loss_ce": 0.18833, "decode.acc_seg": 92.03758, "aux.loss_ce": 0.14899, "aux.acc_seg": 85.7638, "loss": 0.33732, "grad_norm": 11.05436, "time": 0.41153} {"mode": "train", "epoch": 126, "iter": 158800, "lr": 0.0, "memory": 14793, "data_time": 0.00485, "decode.loss_ce": 0.19794, "decode.acc_seg": 91.68244, "aux.loss_ce": 0.15283, "aux.acc_seg": 85.5797, "loss": 0.35077, "grad_norm": 13.75942, "time": 0.41931} {"mode": "train", "epoch": 126, "iter": 158850, "lr": 0.0, "memory": 14793, "data_time": 0.00515, "decode.loss_ce": 0.18868, "decode.acc_seg": 91.81191, "aux.loss_ce": 0.14596, "aux.acc_seg": 85.87705, "loss": 0.33464, "grad_norm": 11.62343, "time": 0.40445} {"mode": "train", "epoch": 126, "iter": 158900, "lr": 0.0, "memory": 14793, "data_time": 0.00515, "decode.loss_ce": 0.18817, "decode.acc_seg": 91.9731, "aux.loss_ce": 0.14634, "aux.acc_seg": 86.17607, "loss": 0.33452, "grad_norm": 11.47407, "time": 0.40854} {"mode": "train", "epoch": 126, "iter": 158950, "lr": 0.0, "memory": 14793, "data_time": 0.00586, "decode.loss_ce": 0.19212, "decode.acc_seg": 91.90959, "aux.loss_ce": 0.1532, "aux.acc_seg": 85.5308, "loss": 0.34533, "grad_norm": 15.74196, "time": 0.41072} {"mode": "train", "epoch": 126, "iter": 159000, "lr": 0.0, "memory": 14793, "data_time": 0.00668, "decode.loss_ce": 0.20586, "decode.acc_seg": 91.37978, "aux.loss_ce": 0.16685, "aux.acc_seg": 84.00217, "loss": 0.37271, "grad_norm": 13.5655, "time": 0.66955} {"mode": "val", "epoch": 126, "iter": 125, "lr": 0.0, "aAcc": 0.8502, "mIoU": 0.5472, "mAcc": 0.6707, "IoU.wall": 0.8053, "IoU.building": 0.8366, "IoU.sky": 0.9493, "IoU.floor": 0.8327, "IoU.tree": 0.7578, "IoU.ceiling": 0.8582, "IoU.road": 0.8576, "IoU.bed ": 0.9162, "IoU.windowpane": 0.647, "IoU.grass": 0.6718, "IoU.cabinet": 0.6592, "IoU.sidewalk": 0.6884, "IoU.person": 0.8426, "IoU.earth": 0.393, "IoU.door": 0.5579, "IoU.table": 0.6605, "IoU.mountain": 0.5994, "IoU.plant": 0.5245, "IoU.curtain": 0.7627, "IoU.chair": 0.6347, "IoU.car": 0.863, "IoU.water": 0.5976, "IoU.painting": 0.7502, "IoU.sofa": 0.7563, "IoU.shelf": 0.4567, "IoU.house": 0.4915, "IoU.sea": 0.6811, "IoU.mirror": 0.7445, "IoU.rug": 0.6751, "IoU.field": 0.3132, "IoU.armchair": 0.4958, "IoU.seat": 0.6659, "IoU.fence": 0.4679, "IoU.desk": 0.5347, "IoU.rock": 0.5214, "IoU.wardrobe": 0.5605, "IoU.lamp": 0.6963, "IoU.bathtub": 0.8278, "IoU.railing": 0.4096, "IoU.cushion": 0.6611, "IoU.base": 0.4048, "IoU.box": 0.3436, "IoU.column": 0.5481, "IoU.signboard": 0.3846, "IoU.chest of drawers": 0.4415, "IoU.counter": 0.3162, "IoU.sand": 0.6009, "IoU.sink": 0.7951, "IoU.skyscraper": 0.5572, "IoU.fireplace": 0.7126, "IoU.refrigerator": 0.7876, "IoU.grandstand": 0.4871, "IoU.path": 0.2413, "IoU.stairs": 0.3434, "IoU.runway": 0.6535, "IoU.case": 0.4969, "IoU.pool table": 0.9366, "IoU.pillow": 0.6117, "IoU.screen door": 0.6965, "IoU.stairway": 0.3555, "IoU.river": 0.1037, "IoU.bridge": 0.391, "IoU.bookcase": 0.4742, "IoU.blind": 0.4689, "IoU.coffee table": 0.621, "IoU.toilet": 0.8789, "IoU.flower": 0.4559, "IoU.book": 0.5055, "IoU.hill": 0.0723, "IoU.bench": 0.6473, "IoU.countertop": 0.622, "IoU.stove": 0.8403, "IoU.palm": 0.5653, "IoU.kitchen island": 0.4583, "IoU.computer": 0.7543, "IoU.swivel chair": 0.552, "IoU.boat": 0.7494, "IoU.bar": 0.4993, "IoU.arcade machine": 0.6163, "IoU.hovel": 0.6248, "IoU.bus": 0.9239, "IoU.towel": 0.7192, "IoU.light": 0.5931, "IoU.truck": 0.4576, "IoU.tower": 0.2527, "IoU.chandelier": 0.7128, "IoU.awning": 0.3495, "IoU.streetlight": 0.3346, "IoU.booth": 0.4254, "IoU.television receiver": 0.7673, "IoU.airplane": 0.7307, "IoU.dirt track": 0.0378, "IoU.apparel": 0.6187, "IoU.pole": 0.249, "IoU.land": 0.053, "IoU.bannister": 0.1597, "IoU.escalator": 0.5419, "IoU.ottoman": 0.5605, "IoU.bottle": 0.4145, "IoU.buffet": 0.463, "IoU.poster": 0.3303, "IoU.stage": 0.2243, "IoU.van": 0.4581, "IoU.ship": 0.44, "IoU.fountain": 0.2401, "IoU.conveyer belt": 0.7989, "IoU.canopy": 0.4003, "IoU.washer": 0.7244, "IoU.plaything": 0.3793, "IoU.swimming pool": 0.6188, "IoU.stool": 0.486, "IoU.barrel": 0.553, "IoU.basket": 0.4071, "IoU.waterfall": 0.6946, "IoU.tent": 0.9533, "IoU.bag": 0.2243, "IoU.minibike": 0.7266, "IoU.cradle": 0.845, "IoU.oven": 0.4619, "IoU.ball": 0.424, "IoU.food": 0.5556, "IoU.step": 0.2186, "IoU.tank": 0.6316, "IoU.trade name": 0.2928, "IoU.microwave": 0.8067, "IoU.pot": 0.5362, "IoU.animal": 0.5948, "IoU.bicycle": 0.6044, "IoU.lake": 0.5062, "IoU.dishwasher": 0.7015, "IoU.screen": 0.601, "IoU.blanket": 0.2711, "IoU.sculpture": 0.7048, "IoU.hood": 0.6708, "IoU.sconce": 0.5646, "IoU.vase": 0.4557, "IoU.traffic light": 0.3733, "IoU.tray": 0.0697, "IoU.ashcan": 0.4702, "IoU.fan": 0.6761, "IoU.pier": 0.4373, "IoU.crt screen": 0.1382, "IoU.plate": 0.5916, "IoU.monitor": 0.1913, "IoU.bulletin board": 0.6589, "IoU.shower": 0.0179, "IoU.radiator": 0.6351, "IoU.glass": 0.1667, "IoU.clock": 0.4591, "IoU.flag": 0.488, "Acc.wall": 0.8917, "Acc.building": 0.9251, "Acc.sky": 0.9757, "Acc.floor": 0.9065, "Acc.tree": 0.8906, "Acc.ceiling": 0.9266, "Acc.road": 0.9189, "Acc.bed ": 0.9737, "Acc.windowpane": 0.811, "Acc.grass": 0.8199, "Acc.cabinet": 0.771, "Acc.sidewalk": 0.8257, "Acc.person": 0.9342, "Acc.earth": 0.5343, "Acc.door": 0.7054, "Acc.table": 0.7997, "Acc.mountain": 0.7464, "Acc.plant": 0.6412, "Acc.curtain": 0.8841, "Acc.chair": 0.7553, "Acc.car": 0.9385, "Acc.water": 0.7387, "Acc.painting": 0.8935, "Acc.sofa": 0.8974, "Acc.shelf": 0.6383, "Acc.house": 0.7051, "Acc.sea": 0.8482, "Acc.mirror": 0.8155, "Acc.rug": 0.8039, "Acc.field": 0.4615, "Acc.armchair": 0.6687, "Acc.seat": 0.8417, "Acc.fence": 0.6171, "Acc.desk": 0.7276, "Acc.rock": 0.7565, "Acc.wardrobe": 0.717, "Acc.lamp": 0.8098, "Acc.bathtub": 0.8647, "Acc.railing": 0.5579, "Acc.cushion": 0.7736, "Acc.base": 0.5534, "Acc.box": 0.4461, "Acc.column": 0.6507, "Acc.signboard": 0.5097, "Acc.chest of drawers": 0.6734, "Acc.counter": 0.4102, "Acc.sand": 0.7665, "Acc.sink": 0.8647, "Acc.skyscraper": 0.6898, "Acc.fireplace": 0.9311, "Acc.refrigerator": 0.8485, "Acc.grandstand": 0.8295, "Acc.path": 0.3613, "Acc.stairs": 0.4529, "Acc.runway": 0.8769, "Acc.case": 0.6347, "Acc.pool table": 0.9827, "Acc.pillow": 0.7042, "Acc.screen door": 0.8506, "Acc.stairway": 0.4391, "Acc.river": 0.2244, "Acc.bridge": 0.4388, "Acc.bookcase": 0.6999, "Acc.blind": 0.5416, "Acc.coffee table": 0.8575, "Acc.toilet": 0.9343, "Acc.flower": 0.6102, "Acc.book": 0.7119, "Acc.hill": 0.1202, "Acc.bench": 0.7683, "Acc.countertop": 0.816, "Acc.stove": 0.897, "Acc.palm": 0.7704, "Acc.kitchen island": 0.8104, "Acc.computer": 0.8994, "Acc.swivel chair": 0.7924, "Acc.boat": 0.8594, "Acc.bar": 0.6673, "Acc.arcade machine": 0.6536, "Acc.hovel": 0.7012, "Acc.bus": 0.9761, "Acc.towel": 0.8668, "Acc.light": 0.6846, "Acc.truck": 0.6128, "Acc.tower": 0.439, "Acc.chandelier": 0.8538, "Acc.awning": 0.4157, "Acc.streetlight": 0.4486, "Acc.booth": 0.5401, "Acc.television receiver": 0.8706, "Acc.airplane": 0.8165, "Acc.dirt track": 0.0697, "Acc.apparel": 0.7828, "Acc.pole": 0.3391, "Acc.land": 0.0704, "Acc.bannister": 0.2246, "Acc.escalator": 0.8208, "Acc.ottoman": 0.7442, "Acc.bottle": 0.6732, "Acc.buffet": 0.5725, "Acc.poster": 0.4611, "Acc.stage": 0.3433, "Acc.van": 0.6204, "Acc.ship": 0.4935, "Acc.fountain": 0.2421, "Acc.conveyer belt": 0.9434, "Acc.canopy": 0.5805, "Acc.washer": 0.7492, "Acc.plaything": 0.555, "Acc.swimming pool": 0.7477, "Acc.stool": 0.6513, "Acc.barrel": 0.8437, "Acc.basket": 0.5105, "Acc.waterfall": 0.8042, "Acc.tent": 0.9841, "Acc.bag": 0.278, "Acc.minibike": 0.8706, "Acc.cradle": 0.9781, "Acc.oven": 0.6461, "Acc.ball": 0.4459, "Acc.food": 0.6223, "Acc.step": 0.2699, "Acc.tank": 0.6599, "Acc.trade name": 0.3488, "Acc.microwave": 0.9185, "Acc.pot": 0.6316, "Acc.animal": 0.6094, "Acc.bicycle": 0.7758, "Acc.lake": 0.6379, "Acc.dishwasher": 0.8111, "Acc.screen": 0.8496, "Acc.blanket": 0.3218, "Acc.sculpture": 0.8508, "Acc.hood": 0.7261, "Acc.sconce": 0.6752, "Acc.vase": 0.6158, "Acc.traffic light": 0.5692, "Acc.tray": 0.1126, "Acc.ashcan": 0.6267, "Acc.fan": 0.7904, "Acc.pier": 0.6101, "Acc.crt screen": 0.3242, "Acc.plate": 0.7893, "Acc.monitor": 0.2158, "Acc.bulletin board": 0.7514, "Acc.shower": 0.0186, "Acc.radiator": 0.719, "Acc.glass": 0.1791, "Acc.clock": 0.5005, "Acc.flag": 0.5389} {"mode": "train", "epoch": 126, "iter": 159050, "lr": 0.0, "memory": 14793, "data_time": 2.09546, "decode.loss_ce": 0.1899, "decode.acc_seg": 92.16531, "aux.loss_ce": 0.15213, "aux.acc_seg": 85.17013, "loss": 0.34203, "grad_norm": 9.13667, "time": 2.51537} {"mode": "train", "epoch": 126, "iter": 159100, "lr": 0.0, "memory": 14793, "data_time": 0.00595, "decode.loss_ce": 0.19312, "decode.acc_seg": 91.81618, "aux.loss_ce": 0.15706, "aux.acc_seg": 84.85297, "loss": 0.35018, "grad_norm": 11.02218, "time": 0.42321} {"mode": "train", "epoch": 126, "iter": 159150, "lr": 0.0, "memory": 14793, "data_time": 0.00582, "decode.loss_ce": 0.1947, "decode.acc_seg": 91.72111, "aux.loss_ce": 0.15406, "aux.acc_seg": 85.19533, "loss": 0.34877, "grad_norm": 13.46905, "time": 0.41533} {"mode": "train", "epoch": 126, "iter": 159200, "lr": 0.0, "memory": 14793, "data_time": 0.00548, "decode.loss_ce": 0.19825, "decode.acc_seg": 91.46005, "aux.loss_ce": 0.15336, "aux.acc_seg": 84.73836, "loss": 0.35161, "grad_norm": 12.48002, "time": 0.41754} {"mode": "train", "epoch": 126, "iter": 159250, "lr": 0.0, "memory": 14793, "data_time": 0.0063, "decode.loss_ce": 0.19056, "decode.acc_seg": 91.84514, "aux.loss_ce": 0.14766, "aux.acc_seg": 85.80189, "loss": 0.33821, "grad_norm": 11.59801, "time": 0.41332} {"mode": "train", "epoch": 127, "iter": 159300, "lr": 0.0, "memory": 14793, "data_time": 0.05105, "decode.loss_ce": 0.20056, "decode.acc_seg": 91.08101, "aux.loss_ce": 0.16153, "aux.acc_seg": 84.33697, "loss": 0.36209, "grad_norm": 11.73035, "time": 0.45496} {"mode": "train", "epoch": 127, "iter": 159350, "lr": 0.0, "memory": 14793, "data_time": 0.00538, "decode.loss_ce": 0.19235, "decode.acc_seg": 91.99239, "aux.loss_ce": 0.1576, "aux.acc_seg": 84.85474, "loss": 0.34995, "grad_norm": 8.18715, "time": 0.41225} {"mode": "train", "epoch": 127, "iter": 159400, "lr": 0.0, "memory": 14793, "data_time": 0.00545, "decode.loss_ce": 0.19697, "decode.acc_seg": 91.7288, "aux.loss_ce": 0.15848, "aux.acc_seg": 84.90222, "loss": 0.35545, "grad_norm": 10.46689, "time": 0.42825} {"mode": "train", "epoch": 127, "iter": 159450, "lr": 0.0, "memory": 14793, "data_time": 0.00552, "decode.loss_ce": 0.17853, "decode.acc_seg": 92.38102, "aux.loss_ce": 0.15134, "aux.acc_seg": 85.05863, "loss": 0.32987, "grad_norm": 10.85686, "time": 0.41291} {"mode": "train", "epoch": 127, "iter": 159500, "lr": 0.0, "memory": 14793, "data_time": 0.00575, "decode.loss_ce": 0.1953, "decode.acc_seg": 91.88039, "aux.loss_ce": 0.15109, "aux.acc_seg": 85.46444, "loss": 0.34638, "grad_norm": 11.64568, "time": 0.41464} {"mode": "train", "epoch": 127, "iter": 159550, "lr": 0.0, "memory": 14793, "data_time": 0.00543, "decode.loss_ce": 0.18246, "decode.acc_seg": 92.30281, "aux.loss_ce": 0.14251, "aux.acc_seg": 86.44358, "loss": 0.32497, "grad_norm": 9.77131, "time": 0.4184} {"mode": "train", "epoch": 127, "iter": 159600, "lr": 0.0, "memory": 14793, "data_time": 0.00599, "decode.loss_ce": 0.19653, "decode.acc_seg": 91.36504, "aux.loss_ce": 0.1567, "aux.acc_seg": 84.52711, "loss": 0.35323, "grad_norm": 9.70844, "time": 0.39908} {"mode": "train", "epoch": 127, "iter": 159650, "lr": 0.0, "memory": 14793, "data_time": 0.00547, "decode.loss_ce": 0.20023, "decode.acc_seg": 91.75043, "aux.loss_ce": 0.15748, "aux.acc_seg": 84.92166, "loss": 0.35771, "grad_norm": 15.78156, "time": 0.4117} {"mode": "train", "epoch": 127, "iter": 159700, "lr": 0.0, "memory": 14793, "data_time": 0.00552, "decode.loss_ce": 0.17752, "decode.acc_seg": 92.26296, "aux.loss_ce": 0.1481, "aux.acc_seg": 85.5602, "loss": 0.32562, "grad_norm": 9.31653, "time": 0.41056} {"mode": "train", "epoch": 127, "iter": 159750, "lr": 0.0, "memory": 14793, "data_time": 0.00666, "decode.loss_ce": 0.19792, "decode.acc_seg": 91.69416, "aux.loss_ce": 0.15095, "aux.acc_seg": 85.48371, "loss": 0.34887, "grad_norm": 10.39038, "time": 0.4147} {"mode": "train", "epoch": 127, "iter": 159800, "lr": 0.0, "memory": 14793, "data_time": 0.00627, "decode.loss_ce": 0.19668, "decode.acc_seg": 91.8507, "aux.loss_ce": 0.14592, "aux.acc_seg": 86.21663, "loss": 0.34259, "grad_norm": 8.78042, "time": 0.4109} {"mode": "train", "epoch": 127, "iter": 159850, "lr": 0.0, "memory": 14793, "data_time": 0.00562, "decode.loss_ce": 0.18934, "decode.acc_seg": 91.94621, "aux.loss_ce": 0.14695, "aux.acc_seg": 85.60615, "loss": 0.33628, "grad_norm": 11.78738, "time": 0.41399} {"mode": "train", "epoch": 127, "iter": 159900, "lr": 0.0, "memory": 14793, "data_time": 0.00512, "decode.loss_ce": 0.18907, "decode.acc_seg": 92.01377, "aux.loss_ce": 0.14936, "aux.acc_seg": 85.53373, "loss": 0.33843, "grad_norm": 10.78447, "time": 0.4259} {"mode": "train", "epoch": 127, "iter": 159950, "lr": 0.0, "memory": 14793, "data_time": 0.00502, "decode.loss_ce": 0.18485, "decode.acc_seg": 92.18135, "aux.loss_ce": 0.15163, "aux.acc_seg": 85.62689, "loss": 0.33649, "grad_norm": 10.09452, "time": 0.42053} {"mode": "train", "epoch": 127, "iter": 160000, "lr": 0.0, "memory": 14793, "data_time": 0.00545, "decode.loss_ce": 0.20179, "decode.acc_seg": 91.54348, "aux.loss_ce": 0.15934, "aux.acc_seg": 84.43837, "loss": 0.36114, "grad_norm": 14.29813, "time": 0.63378} {"mode": "val", "epoch": 127, "iter": 125, "lr": 0.0, "aAcc": 0.8506, "mIoU": 0.5487, "mAcc": 0.6757, "IoU.wall": 0.806, "IoU.building": 0.8377, "IoU.sky": 0.9497, "IoU.floor": 0.8346, "IoU.tree": 0.7596, "IoU.ceiling": 0.8588, "IoU.road": 0.8584, "IoU.bed ": 0.9168, "IoU.windowpane": 0.6483, "IoU.grass": 0.6721, "IoU.cabinet": 0.6571, "IoU.sidewalk": 0.6909, "IoU.person": 0.8431, "IoU.earth": 0.3919, "IoU.door": 0.5602, "IoU.table": 0.6613, "IoU.mountain": 0.5999, "IoU.plant": 0.5278, "IoU.curtain": 0.7629, "IoU.chair": 0.6355, "IoU.car": 0.8628, "IoU.water": 0.5981, "IoU.painting": 0.7511, "IoU.sofa": 0.7563, "IoU.shelf": 0.4562, "IoU.house": 0.498, "IoU.sea": 0.6889, "IoU.mirror": 0.7424, "IoU.rug": 0.6809, "IoU.field": 0.3127, "IoU.armchair": 0.495, "IoU.seat": 0.6643, "IoU.fence": 0.4743, "IoU.desk": 0.5285, "IoU.rock": 0.5242, "IoU.wardrobe": 0.554, "IoU.lamp": 0.6965, "IoU.bathtub": 0.8287, "IoU.railing": 0.412, "IoU.cushion": 0.6592, "IoU.base": 0.3984, "IoU.box": 0.3411, "IoU.column": 0.5459, "IoU.signboard": 0.3888, "IoU.chest of drawers": 0.446, "IoU.counter": 0.3068, "IoU.sand": 0.5934, "IoU.sink": 0.8016, "IoU.skyscraper": 0.5781, "IoU.fireplace": 0.7188, "IoU.refrigerator": 0.7911, "IoU.grandstand": 0.4821, "IoU.path": 0.2492, "IoU.stairs": 0.3597, "IoU.runway": 0.6496, "IoU.case": 0.4973, "IoU.pool table": 0.9357, "IoU.pillow": 0.6249, "IoU.screen door": 0.6828, "IoU.stairway": 0.3733, "IoU.river": 0.1014, "IoU.bridge": 0.414, "IoU.bookcase": 0.4652, "IoU.blind": 0.4647, "IoU.coffee table": 0.624, "IoU.toilet": 0.8786, "IoU.flower": 0.4556, "IoU.book": 0.5056, "IoU.hill": 0.0767, "IoU.bench": 0.6463, "IoU.countertop": 0.6169, "IoU.stove": 0.8395, "IoU.palm": 0.569, "IoU.kitchen island": 0.4604, "IoU.computer": 0.754, "IoU.swivel chair": 0.5512, "IoU.boat": 0.751, "IoU.bar": 0.5077, "IoU.arcade machine": 0.5967, "IoU.hovel": 0.6178, "IoU.bus": 0.9214, "IoU.towel": 0.7167, "IoU.light": 0.6001, "IoU.truck": 0.4531, "IoU.tower": 0.2602, "IoU.chandelier": 0.7138, "IoU.awning": 0.349, "IoU.streetlight": 0.3408, "IoU.booth": 0.4146, "IoU.television receiver": 0.7691, "IoU.airplane": 0.738, "IoU.dirt track": 0.0593, "IoU.apparel": 0.6083, "IoU.pole": 0.2481, "IoU.land": 0.0531, "IoU.bannister": 0.164, "IoU.escalator": 0.5452, "IoU.ottoman": 0.5587, "IoU.bottle": 0.4164, "IoU.buffet": 0.4604, "IoU.poster": 0.3326, "IoU.stage": 0.2268, "IoU.van": 0.4472, "IoU.ship": 0.4193, "IoU.fountain": 0.2377, "IoU.conveyer belt": 0.7946, "IoU.canopy": 0.3925, "IoU.washer": 0.7231, "IoU.plaything": 0.3897, "IoU.swimming pool": 0.654, "IoU.stool": 0.4863, "IoU.barrel": 0.5557, "IoU.basket": 0.4061, "IoU.waterfall": 0.6785, "IoU.tent": 0.953, "IoU.bag": 0.2259, "IoU.minibike": 0.7256, "IoU.cradle": 0.8439, "IoU.oven": 0.4519, "IoU.ball": 0.4658, "IoU.food": 0.5628, "IoU.step": 0.2292, "IoU.tank": 0.6297, "IoU.trade name": 0.2855, "IoU.microwave": 0.7971, "IoU.pot": 0.5331, "IoU.animal": 0.6199, "IoU.bicycle": 0.6057, "IoU.lake": 0.5056, "IoU.dishwasher": 0.7018, "IoU.screen": 0.5919, "IoU.blanket": 0.2771, "IoU.sculpture": 0.698, "IoU.hood": 0.6707, "IoU.sconce": 0.5663, "IoU.vase": 0.4548, "IoU.traffic light": 0.3775, "IoU.tray": 0.0772, "IoU.ashcan": 0.4764, "IoU.fan": 0.6837, "IoU.pier": 0.4492, "IoU.crt screen": 0.1417, "IoU.plate": 0.59, "IoU.monitor": 0.1911, "IoU.bulletin board": 0.6567, "IoU.shower": 0.0281, "IoU.radiator": 0.6351, "IoU.glass": 0.1691, "IoU.clock": 0.4645, "IoU.flag": 0.514, "Acc.wall": 0.8893, "Acc.building": 0.9219, "Acc.sky": 0.9757, "Acc.floor": 0.9079, "Acc.tree": 0.8898, "Acc.ceiling": 0.9262, "Acc.road": 0.9222, "Acc.bed ": 0.9741, "Acc.windowpane": 0.8109, "Acc.grass": 0.8217, "Acc.cabinet": 0.7631, "Acc.sidewalk": 0.8227, "Acc.person": 0.9347, "Acc.earth": 0.5282, "Acc.door": 0.7228, "Acc.table": 0.7989, "Acc.mountain": 0.7391, "Acc.plant": 0.6469, "Acc.curtain": 0.8839, "Acc.chair": 0.76, "Acc.car": 0.9387, "Acc.water": 0.7469, "Acc.painting": 0.8941, "Acc.sofa": 0.8985, "Acc.shelf": 0.6274, "Acc.house": 0.7278, "Acc.sea": 0.8453, "Acc.mirror": 0.8169, "Acc.rug": 0.8145, "Acc.field": 0.4654, "Acc.armchair": 0.6669, "Acc.seat": 0.8398, "Acc.fence": 0.6235, "Acc.desk": 0.7401, "Acc.rock": 0.7844, "Acc.wardrobe": 0.7205, "Acc.lamp": 0.8141, "Acc.bathtub": 0.8702, "Acc.railing": 0.5714, "Acc.cushion": 0.765, "Acc.base": 0.532, "Acc.box": 0.4396, "Acc.column": 0.6631, "Acc.signboard": 0.5342, "Acc.chest of drawers": 0.679, "Acc.counter": 0.4038, "Acc.sand": 0.7781, "Acc.sink": 0.8828, "Acc.skyscraper": 0.721, "Acc.fireplace": 0.9326, "Acc.refrigerator": 0.8526, "Acc.grandstand": 0.8365, "Acc.path": 0.3761, "Acc.stairs": 0.4769, "Acc.runway": 0.8636, "Acc.case": 0.6309, "Acc.pool table": 0.984, "Acc.pillow": 0.7344, "Acc.screen door": 0.8518, "Acc.stairway": 0.4417, "Acc.river": 0.2309, "Acc.bridge": 0.4675, "Acc.bookcase": 0.6993, "Acc.blind": 0.5344, "Acc.coffee table": 0.8525, "Acc.toilet": 0.9378, "Acc.flower": 0.6164, "Acc.book": 0.7158, "Acc.hill": 0.1282, "Acc.bench": 0.7674, "Acc.countertop": 0.823, "Acc.stove": 0.9049, "Acc.palm": 0.7778, "Acc.kitchen island": 0.8025, "Acc.computer": 0.9035, "Acc.swivel chair": 0.7933, "Acc.boat": 0.8608, "Acc.bar": 0.6682, "Acc.arcade machine": 0.6316, "Acc.hovel": 0.698, "Acc.bus": 0.9757, "Acc.towel": 0.8715, "Acc.light": 0.7215, "Acc.truck": 0.6066, "Acc.tower": 0.4608, "Acc.chandelier": 0.8585, "Acc.awning": 0.4357, "Acc.streetlight": 0.4709, "Acc.booth": 0.5139, "Acc.television receiver": 0.8712, "Acc.airplane": 0.8239, "Acc.dirt track": 0.1099, "Acc.apparel": 0.7754, "Acc.pole": 0.343, "Acc.land": 0.0768, "Acc.bannister": 0.236, "Acc.escalator": 0.8166, "Acc.ottoman": 0.7424, "Acc.bottle": 0.6833, "Acc.buffet": 0.5604, "Acc.poster": 0.4643, "Acc.stage": 0.3414, "Acc.van": 0.6193, "Acc.ship": 0.466, "Acc.fountain": 0.2397, "Acc.conveyer belt": 0.9446, "Acc.canopy": 0.5721, "Acc.washer": 0.7467, "Acc.plaything": 0.5637, "Acc.swimming pool": 0.7456, "Acc.stool": 0.6603, "Acc.barrel": 0.8827, "Acc.basket": 0.512, "Acc.waterfall": 0.7921, "Acc.tent": 0.9848, "Acc.bag": 0.2836, "Acc.minibike": 0.8763, "Acc.cradle": 0.9794, "Acc.oven": 0.6413, "Acc.ball": 0.4986, "Acc.food": 0.634, "Acc.step": 0.2842, "Acc.tank": 0.658, "Acc.trade name": 0.3377, "Acc.microwave": 0.9104, "Acc.pot": 0.6262, "Acc.animal": 0.6383, "Acc.bicycle": 0.7847, "Acc.lake": 0.638, "Acc.dishwasher": 0.8104, "Acc.screen": 0.8379, "Acc.blanket": 0.3308, "Acc.sculpture": 0.8556, "Acc.hood": 0.7337, "Acc.sconce": 0.6931, "Acc.vase": 0.6249, "Acc.traffic light": 0.5811, "Acc.tray": 0.1289, "Acc.ashcan": 0.6477, "Acc.fan": 0.8199, "Acc.pier": 0.6215, "Acc.crt screen": 0.3403, "Acc.plate": 0.8036, "Acc.monitor": 0.2202, "Acc.bulletin board": 0.7506, "Acc.shower": 0.029, "Acc.radiator": 0.7273, "Acc.glass": 0.1821, "Acc.clock": 0.5161, "Acc.flag": 0.5769}